diff --git a/README.md b/README.md index 21a2b0b52203440337081e801ae3dee5920115c8..c3494dadac3f2458669f2fc25f1eb0e0d1367c49 100644 --- a/README.md +++ b/README.md @@ -1,13 +1,13 @@ --- title: Clickbaitonator -emoji: 😻 -colorFrom: gray -colorTo: red +emoji: 💩 +colorFrom: purple +colorTo: yellow sdk: gradio -sdk_version: 3.0.26 +sdk_version: 3.0.24 app_file: app.py pinned: false -license: gpl +license: afl-3.0 --- Check out the configuration reference at https://huggingface.co/docs/hub/spaces-config-reference diff --git a/app.py b/app.py new file mode 100644 index 0000000000000000000000000000000000000000..e40b2360a7779daecdfbf88897236ad11925f013 --- /dev/null +++ b/app.py @@ -0,0 +1,119 @@ +# import os + +# os.chdir('naacl-2021-fudge-controlled-generation/') + +import gradio as gr +from fudge.predict_clickbait import generate_clickbait, tokenizer, classifier_tokenizer +from datasets import load_dataset,DatasetDict,Dataset +# from datasets import +from transformers import AutoTokenizer,AutoModelForSeq2SeqLM +import numpy as np +from sklearn.model_selection import train_test_split +import pandas as pd +from sklearn.utils.class_weight import compute_class_weight +import torch +import pandas as pd +from fudge.model import Model +import os +from argparse import ArgumentParser +from collections import namedtuple +import mock + +from tqdm import tqdm +import numpy as np +import torch.nn as nn +import torch.nn.functional as F +from fudge.data import Dataset +from fudge.util import save_checkpoint, ProgressMeter, AverageMeter, num_params +from fudge.constants import * + + +device = 'cpu' +# imp.reload(model) +pretrained_model = "checkpoint-150/" +generation_model = AutoModelForSeq2SeqLM.from_pretrained(pretrained_model, return_dict=True).to(device) + + +pad_id = 0 + +generation_model.eval() + +model_args = mock.Mock() +model_args.task = 'clickbait' +model_args.device = device +model_args.checkpoint = 'checkpoint-1464/' + +# conditioning_model = Model(model_args, pad_id, len(dataset_info.index2word)) # no need to get the glove embeddings when reloading since they're saved in model ckpt anyway +conditioning_model = Model(model_args, pad_id, vocab_size=None) # no need to get the glove embeddings when reloading since they're saved in model ckpt anyway +conditioning_model = conditioning_model.to(device) +conditioning_model.eval() + +condition_lambda = 5.0 +length_cutoff = 50 +precondition_topk = 200 + + +conditioning_model.classifier + +model_args.checkpoint + +classifier_tokenizer = AutoTokenizer.from_pretrained(model_args.checkpoint, load_best_model_at_end=True) + + +def rate_title(input_text, model, tokenizer, device='cuda'): + # input_text = { + # "postText": input_text['postText'], + # "truthClass" : input_text['truthClass'] + # } + tokenized_input = preprocess_function_title_only_classification(input_text,tokenizer=tokenizer) + # print(tokenized_input.items()) + dict_tokenized_input = {k : torch.tensor([v]).to(device) for k,v in tokenized_input.items() if k != 'labels'} + predicted_class = float(model(**dict_tokenized_input).logits) + actual_class = input_text['truthClass'] + + # print(predicted_class, actual_class) + return {'predicted_class' : predicted_class} + +def preprocess_function_title_only_classification(examples,tokenizer=None): + model_inputs = tokenizer(examples['postText'], padding="longest", truncation=True, max_length=25) + + model_inputs['labels'] = examples['truthClass'] + + return model_inputs + + + +def clickbait_generator(article_content, condition_lambda=5.0): + # result = "Hi {}! 😎. The Mulitple of {} is {}".format(name, number, round(number**2, 2)) + results = generate_clickbait(model=generation_model, + tokenizer=tokenizer, + conditioning_model=conditioning_model, + input_text=[None], + dataset_info=None, + precondition_topk=precondition_topk, + length_cutoff=length_cutoff, + condition_lambda=condition_lambda, + article_content=article_content, + device=device) + + return results[0].replace('', '').replace('', '') + +title = "Clickbaitinator - Controllable Clickbait generator" +description = """ +Use the [Fudge](https://github.com/yangkevin2/naacl-2021-fudge-controlled-generation) implementation fine-tuned for our purposes to try and create news headline you are looking for! Use condition_lambda to steer your clickbaitiness higher (by increasing the slider value) or lower (by decreasing the slider value).
+Note that this is using two Transformers and is executed with CPU-only, so it will take a minute or two to finish generating a title. +""" + +article = "Check out [the codebase for our model](https://github.com/dsvilarkovic/naacl-2021-fudge-controlled-generation) that this demo is based of. You need collaborator access, which you have been probably invited for." + + +app = gr.Interface( + title = title, + description = description, + label = 'Article content or paragraph', + fn = clickbait_generator, + inputs=["text", gr.Slider(0, 15, step=0.1, value=5.0)], + outputs="text", + article=article, + ) +app.launch() \ No newline at end of file diff --git a/checkpoint-1464/config.json b/checkpoint-1464/config.json new file mode 100644 index 0000000000000000000000000000000000000000..e40d2e97a6734734dfe90c1527b1b540afa54abe --- /dev/null +++ b/checkpoint-1464/config.json @@ -0,0 +1,20 @@ +{ + "architectures": [ + "BertClickbaitClassifier" + ], + "dropout": 0.2, + "freeze_bert": false, + "id2label": { + "0": "LABEL_0" + }, + "inner_dim1": 256, + "inner_dim2": 32, + "label2id": { + "LABEL_0": 0 + }, + "load_pretrained": true, + "max_length": 25, + "pretrained_model": "sentence-transformers/all-mpnet-base-v2", + "torch_dtype": "float32", + "transformers_version": "4.19.2" +} diff --git a/checkpoint-1464/optimizer.pt b/checkpoint-1464/optimizer.pt new file mode 100644 index 0000000000000000000000000000000000000000..3c417817892213c047e33fb468b0eb4404b0a00a --- /dev/null +++ b/checkpoint-1464/optimizer.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e86af40c41b9c7bd860a34891976e7ccb5cb03e35f540bac3901e768a5e90947 +size 872925589 diff --git a/checkpoint-1464/pytorch_model.bin b/checkpoint-1464/pytorch_model.bin new file mode 100644 index 0000000000000000000000000000000000000000..685908ce445e9636179a05ffbf7406a80b111ad6 --- /dev/null +++ b/checkpoint-1464/pytorch_model.bin @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:881e07cb4fc93116a9f5bee91fc6048ce366725537b34edf7fdf7f243d2ba240 +size 438838053 diff --git a/checkpoint-1464/rng_state.pth b/checkpoint-1464/rng_state.pth new file mode 100644 index 0000000000000000000000000000000000000000..2d6ce133602065f2bea3f629253f6f66dfa8e118 --- /dev/null +++ b/checkpoint-1464/rng_state.pth @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:af047df93f2e21bc6b802f06e57d980fb915986b57e8908ad2e2e43065125260 +size 14503 diff --git a/checkpoint-1464/scheduler.pt b/checkpoint-1464/scheduler.pt new file mode 100644 index 0000000000000000000000000000000000000000..80b42961d678e350cd318ecfb0bd72f05bf7d1a7 --- /dev/null +++ b/checkpoint-1464/scheduler.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c454d2b62b7deada05505a5f5f4607c60de6caa71a7d7b0a6c0c1821f97993c7 +size 623 diff --git a/checkpoint-1464/special_tokens_map.json b/checkpoint-1464/special_tokens_map.json new file mode 100644 index 0000000000000000000000000000000000000000..378d4fa393d5eaccf69c437a20f1cda6ac65c14d --- /dev/null +++ b/checkpoint-1464/special_tokens_map.json @@ -0,0 +1 @@ +{"bos_token": "", "eos_token": "", "unk_token": "[UNK]", "sep_token": "", "pad_token": "", "cls_token": "", "mask_token": {"content": "", "single_word": false, "lstrip": true, "rstrip": false, "normalized": false}} \ No newline at end of file diff --git a/checkpoint-1464/tokenizer.json b/checkpoint-1464/tokenizer.json new file mode 100644 index 0000000000000000000000000000000000000000..f2df9ce69931837529b9813da2e3ffaadc850b75 --- /dev/null +++ b/checkpoint-1464/tokenizer.json @@ -0,0 +1,30636 @@ +{ + "version": "1.0", + "truncation": { + "direction": "Right", + "max_length": 25, + "strategy": "LongestFirst", + "stride": 0 + }, + "padding": { + "strategy": "BatchLongest", + "direction": "Right", + "pad_to_multiple_of": null, + "pad_id": 1, + "pad_type_id": 0, + "pad_token": "" + }, + "added_tokens": [ + { + "id": 0, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 1, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 2, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 3, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": true, + "special": true + }, + { + "id": 104, + "content": "[UNK]", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 30526, + "content": "", + "single_word": false, + "lstrip": true, + "rstrip": false, + "normalized": false, + "special": true + } + ], + "normalizer": { + "type": "BertNormalizer", + "clean_text": true, + "handle_chinese_chars": true, + "strip_accents": null, + "lowercase": true + }, + "pre_tokenizer": { + "type": "BertPreTokenizer" + }, + "post_processor": { + "type": "RobertaProcessing", + "sep": [ + "", + 2 + ], + "cls": [ + "", + 0 + ], + "trim_offsets": true, + "add_prefix_space": false + }, + "decoder": { + "type": "WordPiece", + "prefix": "##", + "cleanup": true + }, + "model": { + "type": "WordPiece", + "unk_token": "[UNK]", + "continuing_subword_prefix": "##", + "max_input_chars_per_word": 100, + "vocab": { + "": 0, + "": 1, + "": 2, + "": 3, + "[PAD]": 4, + "[unused0]": 5, + "[unused1]": 6, + "[unused2]": 7, + "[unused3]": 8, + "[unused4]": 9, + "[unused5]": 10, + "[unused6]": 11, + "[unused7]": 12, + "[unused8]": 13, + "[unused9]": 14, + "[unused10]": 15, + "[unused11]": 16, + "[unused12]": 17, + "[unused13]": 18, + "[unused14]": 19, + "[unused15]": 20, + "[unused16]": 21, + "[unused17]": 22, + "[unused18]": 23, + "[unused19]": 24, + "[unused20]": 25, + "[unused21]": 26, + "[unused22]": 27, + "[unused23]": 28, + "[unused24]": 29, + "[unused25]": 30, + "[unused26]": 31, + "[unused27]": 32, + "[unused28]": 33, + "[unused29]": 34, + "[unused30]": 35, + "[unused31]": 36, + "[unused32]": 37, + "[unused33]": 38, + "[unused34]": 39, + "[unused35]": 40, + "[unused36]": 41, + "[unused37]": 42, + "[unused38]": 43, + "[unused39]": 44, + "[unused40]": 45, + "[unused41]": 46, + "[unused42]": 47, + "[unused43]": 48, + "[unused44]": 49, + "[unused45]": 50, + "[unused46]": 51, + "[unused47]": 52, + "[unused48]": 53, + "[unused49]": 54, + "[unused50]": 55, + "[unused51]": 56, + "[unused52]": 57, + "[unused53]": 58, + "[unused54]": 59, + "[unused55]": 60, + "[unused56]": 61, + "[unused57]": 62, + "[unused58]": 63, + "[unused59]": 64, + "[unused60]": 65, + "[unused61]": 66, + "[unused62]": 67, + "[unused63]": 68, + "[unused64]": 69, + "[unused65]": 70, + "[unused66]": 71, + "[unused67]": 72, + "[unused68]": 73, + "[unused69]": 74, + "[unused70]": 75, + "[unused71]": 76, + "[unused72]": 77, + "[unused73]": 78, + "[unused74]": 79, + "[unused75]": 80, + "[unused76]": 81, + "[unused77]": 82, + "[unused78]": 83, + "[unused79]": 84, + "[unused80]": 85, + "[unused81]": 86, + "[unused82]": 87, + "[unused83]": 88, + "[unused84]": 89, + "[unused85]": 90, + "[unused86]": 91, + "[unused87]": 92, + "[unused88]": 93, + "[unused89]": 94, + "[unused90]": 95, + "[unused91]": 96, + "[unused92]": 97, + "[unused93]": 98, + "[unused94]": 99, + "[unused95]": 100, + "[unused96]": 101, + "[unused97]": 102, + "[unused98]": 103, + "[UNK]": 104, + "[CLS]": 105, + "[SEP]": 106, + "[MASK]": 107, + "[unused99]": 108, + "[unused100]": 109, + "[unused101]": 110, + "[unused102]": 111, + "[unused103]": 112, + "[unused104]": 113, + "[unused105]": 114, + "[unused106]": 115, + "[unused107]": 116, + "[unused108]": 117, + "[unused109]": 118, + "[unused110]": 119, + "[unused111]": 120, + "[unused112]": 121, + "[unused113]": 122, + "[unused114]": 123, + "[unused115]": 124, + "[unused116]": 125, + "[unused117]": 126, + "[unused118]": 127, + "[unused119]": 128, + "[unused120]": 129, + "[unused121]": 130, + "[unused122]": 131, + "[unused123]": 132, + "[unused124]": 133, + "[unused125]": 134, + "[unused126]": 135, + "[unused127]": 136, + "[unused128]": 137, + "[unused129]": 138, + "[unused130]": 139, + "[unused131]": 140, + "[unused132]": 141, + "[unused133]": 142, + "[unused134]": 143, + "[unused135]": 144, + "[unused136]": 145, + "[unused137]": 146, + "[unused138]": 147, + "[unused139]": 148, + "[unused140]": 149, + "[unused141]": 150, + "[unused142]": 151, + "[unused143]": 152, + "[unused144]": 153, + "[unused145]": 154, + "[unused146]": 155, + "[unused147]": 156, + "[unused148]": 157, + "[unused149]": 158, + "[unused150]": 159, + "[unused151]": 160, + "[unused152]": 161, + "[unused153]": 162, + "[unused154]": 163, + "[unused155]": 164, + "[unused156]": 165, + "[unused157]": 166, + "[unused158]": 167, + "[unused159]": 168, + "[unused160]": 169, + "[unused161]": 170, + "[unused162]": 171, + "[unused163]": 172, + "[unused164]": 173, + "[unused165]": 174, + "[unused166]": 175, + "[unused167]": 176, + "[unused168]": 177, + "[unused169]": 178, + "[unused170]": 179, + "[unused171]": 180, + "[unused172]": 181, + "[unused173]": 182, + "[unused174]": 183, + "[unused175]": 184, + "[unused176]": 185, + "[unused177]": 186, + "[unused178]": 187, + "[unused179]": 188, + "[unused180]": 189, + "[unused181]": 190, + "[unused182]": 191, + "[unused183]": 192, + "[unused184]": 193, + "[unused185]": 194, + "[unused186]": 195, + "[unused187]": 196, + "[unused188]": 197, + "[unused189]": 198, + "[unused190]": 199, + "[unused191]": 200, + "[unused192]": 201, + "[unused193]": 202, + "[unused194]": 203, + "[unused195]": 204, + "[unused196]": 205, + "[unused197]": 206, + "[unused198]": 207, + "[unused199]": 208, + "[unused200]": 209, + "[unused201]": 210, + "[unused202]": 211, + "[unused203]": 212, + "[unused204]": 213, + "[unused205]": 214, + "[unused206]": 215, + "[unused207]": 216, + "[unused208]": 217, + "[unused209]": 218, + "[unused210]": 219, + "[unused211]": 220, + "[unused212]": 221, + "[unused213]": 222, + "[unused214]": 223, + "[unused215]": 224, + "[unused216]": 225, + "[unused217]": 226, + "[unused218]": 227, + "[unused219]": 228, + "[unused220]": 229, + "[unused221]": 230, + "[unused222]": 231, + "[unused223]": 232, + "[unused224]": 233, + "[unused225]": 234, + "[unused226]": 235, + "[unused227]": 236, + "[unused228]": 237, + "[unused229]": 238, + "[unused230]": 239, + "[unused231]": 240, + "[unused232]": 241, + "[unused233]": 242, + "[unused234]": 243, + "[unused235]": 244, + "[unused236]": 245, + "[unused237]": 246, + "[unused238]": 247, + "[unused239]": 248, + "[unused240]": 249, + "[unused241]": 250, + "[unused242]": 251, + "[unused243]": 252, + "[unused244]": 253, + "[unused245]": 254, + "[unused246]": 255, + "[unused247]": 256, + "[unused248]": 257, + "[unused249]": 258, + "[unused250]": 259, + "[unused251]": 260, + "[unused252]": 261, + "[unused253]": 262, + "[unused254]": 263, + "[unused255]": 264, + "[unused256]": 265, + "[unused257]": 266, + "[unused258]": 267, + "[unused259]": 268, + "[unused260]": 269, + "[unused261]": 270, + "[unused262]": 271, + "[unused263]": 272, + "[unused264]": 273, + "[unused265]": 274, + "[unused266]": 275, + "[unused267]": 276, + "[unused268]": 277, + "[unused269]": 278, + "[unused270]": 279, + "[unused271]": 280, + "[unused272]": 281, + "[unused273]": 282, + "[unused274]": 283, + "[unused275]": 284, + "[unused276]": 285, + "[unused277]": 286, + "[unused278]": 287, + "[unused279]": 288, + "[unused280]": 289, + "[unused281]": 290, + "[unused282]": 291, + "[unused283]": 292, + "[unused284]": 293, + "[unused285]": 294, + "[unused286]": 295, + "[unused287]": 296, + "[unused288]": 297, + "[unused289]": 298, + "[unused290]": 299, + "[unused291]": 300, + "[unused292]": 301, + "[unused293]": 302, + "[unused294]": 303, + "[unused295]": 304, + "[unused296]": 305, + "[unused297]": 306, + "[unused298]": 307, + "[unused299]": 308, + "[unused300]": 309, + "[unused301]": 310, + "[unused302]": 311, + "[unused303]": 312, + "[unused304]": 313, + "[unused305]": 314, + "[unused306]": 315, + "[unused307]": 316, + "[unused308]": 317, + "[unused309]": 318, + "[unused310]": 319, + "[unused311]": 320, + "[unused312]": 321, + "[unused313]": 322, + "[unused314]": 323, + "[unused315]": 324, + "[unused316]": 325, + "[unused317]": 326, + "[unused318]": 327, + "[unused319]": 328, + "[unused320]": 329, + "[unused321]": 330, + "[unused322]": 331, + "[unused323]": 332, + "[unused324]": 333, + "[unused325]": 334, + "[unused326]": 335, + "[unused327]": 336, + "[unused328]": 337, + "[unused329]": 338, + "[unused330]": 339, + "[unused331]": 340, + "[unused332]": 341, + "[unused333]": 342, + "[unused334]": 343, + "[unused335]": 344, + "[unused336]": 345, + "[unused337]": 346, + "[unused338]": 347, + "[unused339]": 348, + "[unused340]": 349, + "[unused341]": 350, + "[unused342]": 351, + "[unused343]": 352, + "[unused344]": 353, + "[unused345]": 354, + "[unused346]": 355, + "[unused347]": 356, + "[unused348]": 357, + "[unused349]": 358, + "[unused350]": 359, + "[unused351]": 360, + "[unused352]": 361, + "[unused353]": 362, + "[unused354]": 363, + "[unused355]": 364, + "[unused356]": 365, + "[unused357]": 366, + "[unused358]": 367, + "[unused359]": 368, + "[unused360]": 369, + "[unused361]": 370, + "[unused362]": 371, + "[unused363]": 372, + "[unused364]": 373, + "[unused365]": 374, + "[unused366]": 375, + "[unused367]": 376, + "[unused368]": 377, + "[unused369]": 378, + "[unused370]": 379, + "[unused371]": 380, + "[unused372]": 381, + "[unused373]": 382, + "[unused374]": 383, + "[unused375]": 384, + "[unused376]": 385, + "[unused377]": 386, + "[unused378]": 387, + "[unused379]": 388, + "[unused380]": 389, + "[unused381]": 390, + "[unused382]": 391, + "[unused383]": 392, + "[unused384]": 393, + "[unused385]": 394, + "[unused386]": 395, + "[unused387]": 396, + "[unused388]": 397, + "[unused389]": 398, + "[unused390]": 399, + "[unused391]": 400, + "[unused392]": 401, + "[unused393]": 402, + "[unused394]": 403, + "[unused395]": 404, + "[unused396]": 405, + "[unused397]": 406, + "[unused398]": 407, + "[unused399]": 408, + "[unused400]": 409, + "[unused401]": 410, + "[unused402]": 411, + "[unused403]": 412, + "[unused404]": 413, + "[unused405]": 414, + "[unused406]": 415, + "[unused407]": 416, + "[unused408]": 417, + "[unused409]": 418, + "[unused410]": 419, + "[unused411]": 420, + "[unused412]": 421, + "[unused413]": 422, + "[unused414]": 423, + "[unused415]": 424, + "[unused416]": 425, + "[unused417]": 426, + "[unused418]": 427, + "[unused419]": 428, + "[unused420]": 429, + "[unused421]": 430, + "[unused422]": 431, + "[unused423]": 432, + "[unused424]": 433, + "[unused425]": 434, + "[unused426]": 435, + "[unused427]": 436, + "[unused428]": 437, + "[unused429]": 438, + "[unused430]": 439, + "[unused431]": 440, + "[unused432]": 441, + "[unused433]": 442, + "[unused434]": 443, + "[unused435]": 444, + "[unused436]": 445, + "[unused437]": 446, + "[unused438]": 447, + "[unused439]": 448, + "[unused440]": 449, + "[unused441]": 450, + "[unused442]": 451, + "[unused443]": 452, + "[unused444]": 453, + "[unused445]": 454, + "[unused446]": 455, + "[unused447]": 456, + "[unused448]": 457, + "[unused449]": 458, + "[unused450]": 459, + "[unused451]": 460, + "[unused452]": 461, + "[unused453]": 462, + "[unused454]": 463, + "[unused455]": 464, + "[unused456]": 465, + "[unused457]": 466, + "[unused458]": 467, + "[unused459]": 468, + "[unused460]": 469, + "[unused461]": 470, + "[unused462]": 471, + "[unused463]": 472, + "[unused464]": 473, + "[unused465]": 474, + "[unused466]": 475, + "[unused467]": 476, + "[unused468]": 477, + "[unused469]": 478, + "[unused470]": 479, + "[unused471]": 480, + "[unused472]": 481, + "[unused473]": 482, + "[unused474]": 483, + "[unused475]": 484, + "[unused476]": 485, + "[unused477]": 486, + "[unused478]": 487, + "[unused479]": 488, + "[unused480]": 489, + "[unused481]": 490, + "[unused482]": 491, + "[unused483]": 492, + "[unused484]": 493, + "[unused485]": 494, + "[unused486]": 495, + "[unused487]": 496, + "[unused488]": 497, + "[unused489]": 498, + "[unused490]": 499, + "[unused491]": 500, + "[unused492]": 501, + "[unused493]": 502, + "[unused494]": 503, + "[unused495]": 504, + "[unused496]": 505, + "[unused497]": 506, + "[unused498]": 507, + "[unused499]": 508, + "[unused500]": 509, + "[unused501]": 510, + "[unused502]": 511, + "[unused503]": 512, + "[unused504]": 513, + "[unused505]": 514, + "[unused506]": 515, + "[unused507]": 516, + "[unused508]": 517, + "[unused509]": 518, + "[unused510]": 519, + "[unused511]": 520, + "[unused512]": 521, + "[unused513]": 522, + "[unused514]": 523, + "[unused515]": 524, + "[unused516]": 525, + "[unused517]": 526, + "[unused518]": 527, + "[unused519]": 528, + "[unused520]": 529, + "[unused521]": 530, + "[unused522]": 531, + "[unused523]": 532, + "[unused524]": 533, + "[unused525]": 534, + "[unused526]": 535, + "[unused527]": 536, + "[unused528]": 537, + "[unused529]": 538, + "[unused530]": 539, + "[unused531]": 540, + "[unused532]": 541, + "[unused533]": 542, + "[unused534]": 543, + "[unused535]": 544, + "[unused536]": 545, + "[unused537]": 546, + "[unused538]": 547, + "[unused539]": 548, + "[unused540]": 549, + "[unused541]": 550, + "[unused542]": 551, + "[unused543]": 552, + "[unused544]": 553, + "[unused545]": 554, + "[unused546]": 555, + "[unused547]": 556, + "[unused548]": 557, + "[unused549]": 558, + "[unused550]": 559, + "[unused551]": 560, + "[unused552]": 561, + "[unused553]": 562, + "[unused554]": 563, + "[unused555]": 564, + "[unused556]": 565, + "[unused557]": 566, + "[unused558]": 567, + "[unused559]": 568, + "[unused560]": 569, + "[unused561]": 570, + "[unused562]": 571, + "[unused563]": 572, + "[unused564]": 573, + "[unused565]": 574, + "[unused566]": 575, + "[unused567]": 576, + "[unused568]": 577, + "[unused569]": 578, + "[unused570]": 579, + "[unused571]": 580, + "[unused572]": 581, + "[unused573]": 582, + "[unused574]": 583, + "[unused575]": 584, + "[unused576]": 585, + "[unused577]": 586, + "[unused578]": 587, + "[unused579]": 588, + "[unused580]": 589, + "[unused581]": 590, + "[unused582]": 591, + "[unused583]": 592, + "[unused584]": 593, + "[unused585]": 594, + "[unused586]": 595, + "[unused587]": 596, + "[unused588]": 597, + "[unused589]": 598, + "[unused590]": 599, + "[unused591]": 600, + "[unused592]": 601, + "[unused593]": 602, + "[unused594]": 603, + "[unused595]": 604, + "[unused596]": 605, + "[unused597]": 606, + "[unused598]": 607, + "[unused599]": 608, + "[unused600]": 609, + "[unused601]": 610, + "[unused602]": 611, + "[unused603]": 612, + "[unused604]": 613, + "[unused605]": 614, + "[unused606]": 615, + "[unused607]": 616, + "[unused608]": 617, + "[unused609]": 618, + "[unused610]": 619, + "[unused611]": 620, + "[unused612]": 621, + "[unused613]": 622, + "[unused614]": 623, + "[unused615]": 624, + "[unused616]": 625, + "[unused617]": 626, + "[unused618]": 627, + "[unused619]": 628, + "[unused620]": 629, + "[unused621]": 630, + "[unused622]": 631, + "[unused623]": 632, + "[unused624]": 633, + "[unused625]": 634, + "[unused626]": 635, + "[unused627]": 636, + "[unused628]": 637, + "[unused629]": 638, + "[unused630]": 639, + "[unused631]": 640, + "[unused632]": 641, + "[unused633]": 642, + "[unused634]": 643, + "[unused635]": 644, + "[unused636]": 645, + "[unused637]": 646, + "[unused638]": 647, + "[unused639]": 648, + "[unused640]": 649, + "[unused641]": 650, + "[unused642]": 651, + "[unused643]": 652, + "[unused644]": 653, + "[unused645]": 654, + "[unused646]": 655, + "[unused647]": 656, + "[unused648]": 657, + "[unused649]": 658, + "[unused650]": 659, + "[unused651]": 660, + "[unused652]": 661, + "[unused653]": 662, + "[unused654]": 663, + "[unused655]": 664, + "[unused656]": 665, + "[unused657]": 666, + "[unused658]": 667, + "[unused659]": 668, + "[unused660]": 669, + "[unused661]": 670, + "[unused662]": 671, + "[unused663]": 672, + "[unused664]": 673, + "[unused665]": 674, + "[unused666]": 675, + "[unused667]": 676, + "[unused668]": 677, + "[unused669]": 678, + "[unused670]": 679, + "[unused671]": 680, + "[unused672]": 681, + "[unused673]": 682, + "[unused674]": 683, + "[unused675]": 684, + "[unused676]": 685, + "[unused677]": 686, + "[unused678]": 687, + "[unused679]": 688, + "[unused680]": 689, + "[unused681]": 690, + "[unused682]": 691, + "[unused683]": 692, + "[unused684]": 693, + "[unused685]": 694, + "[unused686]": 695, + "[unused687]": 696, + "[unused688]": 697, + "[unused689]": 698, + "[unused690]": 699, + "[unused691]": 700, + "[unused692]": 701, + "[unused693]": 702, + "[unused694]": 703, + "[unused695]": 704, + "[unused696]": 705, + "[unused697]": 706, + "[unused698]": 707, + "[unused699]": 708, + "[unused700]": 709, + "[unused701]": 710, + "[unused702]": 711, + "[unused703]": 712, + "[unused704]": 713, + "[unused705]": 714, + "[unused706]": 715, + "[unused707]": 716, + "[unused708]": 717, + "[unused709]": 718, + "[unused710]": 719, + "[unused711]": 720, + "[unused712]": 721, + "[unused713]": 722, + "[unused714]": 723, + "[unused715]": 724, + "[unused716]": 725, + "[unused717]": 726, + "[unused718]": 727, + "[unused719]": 728, + "[unused720]": 729, + "[unused721]": 730, + "[unused722]": 731, + "[unused723]": 732, + "[unused724]": 733, + "[unused725]": 734, + "[unused726]": 735, + "[unused727]": 736, + "[unused728]": 737, + "[unused729]": 738, + "[unused730]": 739, + "[unused731]": 740, + "[unused732]": 741, + "[unused733]": 742, + "[unused734]": 743, + "[unused735]": 744, + "[unused736]": 745, + "[unused737]": 746, + "[unused738]": 747, + "[unused739]": 748, + "[unused740]": 749, + "[unused741]": 750, + "[unused742]": 751, + "[unused743]": 752, + "[unused744]": 753, + "[unused745]": 754, + "[unused746]": 755, + "[unused747]": 756, + "[unused748]": 757, + "[unused749]": 758, + "[unused750]": 759, + "[unused751]": 760, + "[unused752]": 761, + "[unused753]": 762, + "[unused754]": 763, + "[unused755]": 764, + "[unused756]": 765, + "[unused757]": 766, + "[unused758]": 767, + "[unused759]": 768, + "[unused760]": 769, + "[unused761]": 770, + "[unused762]": 771, + "[unused763]": 772, + "[unused764]": 773, + "[unused765]": 774, + "[unused766]": 775, + "[unused767]": 776, + "[unused768]": 777, + "[unused769]": 778, + "[unused770]": 779, + "[unused771]": 780, + "[unused772]": 781, + "[unused773]": 782, + "[unused774]": 783, + "[unused775]": 784, + "[unused776]": 785, + "[unused777]": 786, + "[unused778]": 787, + "[unused779]": 788, + "[unused780]": 789, + "[unused781]": 790, + "[unused782]": 791, + "[unused783]": 792, + "[unused784]": 793, + "[unused785]": 794, + "[unused786]": 795, + "[unused787]": 796, + "[unused788]": 797, + "[unused789]": 798, + "[unused790]": 799, + "[unused791]": 800, + "[unused792]": 801, + "[unused793]": 802, + "[unused794]": 803, + "[unused795]": 804, + "[unused796]": 805, + "[unused797]": 806, + "[unused798]": 807, + "[unused799]": 808, + "[unused800]": 809, + "[unused801]": 810, + "[unused802]": 811, + "[unused803]": 812, + "[unused804]": 813, + "[unused805]": 814, + "[unused806]": 815, + "[unused807]": 816, + "[unused808]": 817, + "[unused809]": 818, + "[unused810]": 819, + "[unused811]": 820, + "[unused812]": 821, + "[unused813]": 822, + "[unused814]": 823, + "[unused815]": 824, + "[unused816]": 825, + "[unused817]": 826, + "[unused818]": 827, + "[unused819]": 828, + "[unused820]": 829, + "[unused821]": 830, + "[unused822]": 831, + "[unused823]": 832, + "[unused824]": 833, + "[unused825]": 834, + "[unused826]": 835, + "[unused827]": 836, + "[unused828]": 837, + "[unused829]": 838, + "[unused830]": 839, + "[unused831]": 840, + "[unused832]": 841, + "[unused833]": 842, + "[unused834]": 843, + "[unused835]": 844, + "[unused836]": 845, + "[unused837]": 846, + "[unused838]": 847, + "[unused839]": 848, + "[unused840]": 849, + "[unused841]": 850, + "[unused842]": 851, + "[unused843]": 852, + "[unused844]": 853, + "[unused845]": 854, + "[unused846]": 855, + "[unused847]": 856, + "[unused848]": 857, + "[unused849]": 858, + "[unused850]": 859, + "[unused851]": 860, + "[unused852]": 861, + "[unused853]": 862, + "[unused854]": 863, + "[unused855]": 864, + "[unused856]": 865, + "[unused857]": 866, + "[unused858]": 867, + "[unused859]": 868, + "[unused860]": 869, + "[unused861]": 870, + "[unused862]": 871, + "[unused863]": 872, + "[unused864]": 873, + "[unused865]": 874, + "[unused866]": 875, + "[unused867]": 876, + "[unused868]": 877, + "[unused869]": 878, + "[unused870]": 879, + "[unused871]": 880, + "[unused872]": 881, + "[unused873]": 882, + "[unused874]": 883, + "[unused875]": 884, + "[unused876]": 885, + "[unused877]": 886, + "[unused878]": 887, + "[unused879]": 888, + "[unused880]": 889, + "[unused881]": 890, + "[unused882]": 891, + "[unused883]": 892, + "[unused884]": 893, + "[unused885]": 894, + "[unused886]": 895, + "[unused887]": 896, + "[unused888]": 897, + "[unused889]": 898, + "[unused890]": 899, + "[unused891]": 900, + "[unused892]": 901, + "[unused893]": 902, + "[unused894]": 903, + "[unused895]": 904, + "[unused896]": 905, + "[unused897]": 906, + "[unused898]": 907, + "[unused899]": 908, + "[unused900]": 909, + "[unused901]": 910, + "[unused902]": 911, + "[unused903]": 912, + "[unused904]": 913, + "[unused905]": 914, + "[unused906]": 915, + "[unused907]": 916, + "[unused908]": 917, + "[unused909]": 918, + "[unused910]": 919, + "[unused911]": 920, + "[unused912]": 921, + "[unused913]": 922, + "[unused914]": 923, + "[unused915]": 924, + "[unused916]": 925, + "[unused917]": 926, + "[unused918]": 927, + "[unused919]": 928, + "[unused920]": 929, + "[unused921]": 930, + "[unused922]": 931, + "[unused923]": 932, + "[unused924]": 933, + "[unused925]": 934, + "[unused926]": 935, + "[unused927]": 936, + "[unused928]": 937, + "[unused929]": 938, + "[unused930]": 939, + "[unused931]": 940, + "[unused932]": 941, + "[unused933]": 942, + "[unused934]": 943, + "[unused935]": 944, + "[unused936]": 945, + "[unused937]": 946, + "[unused938]": 947, + "[unused939]": 948, + "[unused940]": 949, + "[unused941]": 950, + "[unused942]": 951, + "[unused943]": 952, + "[unused944]": 953, + "[unused945]": 954, + "[unused946]": 955, + "[unused947]": 956, + "[unused948]": 957, + "[unused949]": 958, + "[unused950]": 959, + "[unused951]": 960, + "[unused952]": 961, + "[unused953]": 962, + "[unused954]": 963, + "[unused955]": 964, + "[unused956]": 965, + "[unused957]": 966, + "[unused958]": 967, + "[unused959]": 968, + "[unused960]": 969, + "[unused961]": 970, + "[unused962]": 971, + "[unused963]": 972, + "[unused964]": 973, + "[unused965]": 974, + "[unused966]": 975, + "[unused967]": 976, + "[unused968]": 977, + "[unused969]": 978, + "[unused970]": 979, + "[unused971]": 980, + "[unused972]": 981, + "[unused973]": 982, + "[unused974]": 983, + "[unused975]": 984, + "[unused976]": 985, + "[unused977]": 986, + "[unused978]": 987, + "[unused979]": 988, + "[unused980]": 989, + "[unused981]": 990, + "[unused982]": 991, + "[unused983]": 992, + "[unused984]": 993, + "[unused985]": 994, + "[unused986]": 995, + "[unused987]": 996, + "[unused988]": 997, + "[unused989]": 998, + "[unused990]": 999, + "[unused991]": 1000, + "[unused992]": 1001, + "[unused993]": 1002, + "!": 1003, + "\"": 1004, + "#": 1005, + "$": 1006, + "%": 1007, + "&": 1008, + "'": 1009, + "(": 1010, + ")": 1011, + "*": 1012, + "+": 1013, + ",": 1014, + "-": 1015, + ".": 1016, + "/": 1017, + "0": 1018, + "1": 1019, + "2": 1020, + "3": 1021, + "4": 1022, + "5": 1023, + "6": 1024, + "7": 1025, + "8": 1026, + "9": 1027, + ":": 1028, + ";": 1029, + "<": 1030, + "=": 1031, + ">": 1032, + "?": 1033, + "@": 1034, + "[": 1035, + "\\": 1036, + "]": 1037, + "^": 1038, + "_": 1039, + "`": 1040, + "a": 1041, + "b": 1042, + "c": 1043, + "d": 1044, + "e": 1045, + "f": 1046, + "g": 1047, + "h": 1048, + "i": 1049, + "j": 1050, + "k": 1051, + "l": 1052, + "m": 1053, + "n": 1054, + "o": 1055, + "p": 1056, + "q": 1057, + "r": 1058, + "s": 1059, + "t": 1060, + "u": 1061, + "v": 1062, + "w": 1063, + "x": 1064, + "y": 1065, + "z": 1066, + "{": 1067, + "|": 1068, + "}": 1069, + "~": 1070, + "¡": 1071, + "¢": 1072, + "£": 1073, + "¤": 1074, + "¥": 1075, + "¦": 1076, + "§": 1077, + "¨": 1078, + "©": 1079, + "ª": 1080, + "«": 1081, + "¬": 1082, + "®": 1083, + "°": 1084, + "±": 1085, + "²": 1086, + "³": 1087, + "´": 1088, + "µ": 1089, + "¶": 1090, + "·": 1091, + "¹": 1092, + "º": 1093, + "»": 1094, + "¼": 1095, + "½": 1096, + "¾": 1097, + "¿": 1098, + "×": 1099, + "ß": 1100, + "æ": 1101, + "ð": 1102, + "÷": 1103, + "ø": 1104, + "þ": 1105, + "đ": 1106, + "ħ": 1107, + "ı": 1108, + "ł": 1109, + "ŋ": 1110, + "œ": 1111, + "ƒ": 1112, + "ɐ": 1113, + "ɑ": 1114, + "ɒ": 1115, + "ɔ": 1116, + "ɕ": 1117, + "ə": 1118, + "ɛ": 1119, + "ɡ": 1120, + "ɣ": 1121, + "ɨ": 1122, + "ɪ": 1123, + "ɫ": 1124, + "ɬ": 1125, + "ɯ": 1126, + "ɲ": 1127, + "ɴ": 1128, + "ɹ": 1129, + "ɾ": 1130, + "ʀ": 1131, + "ʁ": 1132, + "ʂ": 1133, + "ʃ": 1134, + "ʉ": 1135, + "ʊ": 1136, + "ʋ": 1137, + "ʌ": 1138, + "ʎ": 1139, + "ʐ": 1140, + "ʑ": 1141, + "ʒ": 1142, + "ʔ": 1143, + "ʰ": 1144, + "ʲ": 1145, + "ʳ": 1146, + "ʷ": 1147, + "ʸ": 1148, + "ʻ": 1149, + "ʼ": 1150, + "ʾ": 1151, + "ʿ": 1152, + "ˈ": 1153, + "ː": 1154, + "ˡ": 1155, + "ˢ": 1156, + "ˣ": 1157, + "ˤ": 1158, + "α": 1159, + "β": 1160, + "γ": 1161, + "δ": 1162, + "ε": 1163, + "ζ": 1164, + "η": 1165, + "θ": 1166, + "ι": 1167, + "κ": 1168, + "λ": 1169, + "μ": 1170, + "ν": 1171, + "ξ": 1172, + "ο": 1173, + "π": 1174, + "ρ": 1175, + "ς": 1176, + "σ": 1177, + "τ": 1178, + "υ": 1179, + "φ": 1180, + "χ": 1181, + "ψ": 1182, + "ω": 1183, + "а": 1184, + "б": 1185, + "в": 1186, + "г": 1187, + "д": 1188, + "е": 1189, + "ж": 1190, + "з": 1191, + "и": 1192, + "к": 1193, + "л": 1194, + "м": 1195, + "н": 1196, + "о": 1197, + "п": 1198, + "р": 1199, + "с": 1200, + "т": 1201, + "у": 1202, + "ф": 1203, + "х": 1204, + "ц": 1205, + "ч": 1206, + "ш": 1207, + "щ": 1208, + "ъ": 1209, + "ы": 1210, + "ь": 1211, + "э": 1212, + "ю": 1213, + "я": 1214, + "ђ": 1215, + "є": 1216, + "і": 1217, + "ј": 1218, + "љ": 1219, + "њ": 1220, + "ћ": 1221, + "ӏ": 1222, + "ա": 1223, + "բ": 1224, + "գ": 1225, + "դ": 1226, + "ե": 1227, + "թ": 1228, + "ի": 1229, + "լ": 1230, + "կ": 1231, + "հ": 1232, + "մ": 1233, + "յ": 1234, + "ն": 1235, + "ո": 1236, + "պ": 1237, + "ս": 1238, + "վ": 1239, + "տ": 1240, + "ր": 1241, + "ւ": 1242, + "ք": 1243, + "־": 1244, + "א": 1245, + "ב": 1246, + "ג": 1247, + "ד": 1248, + "ה": 1249, + "ו": 1250, + "ז": 1251, + "ח": 1252, + "ט": 1253, + "י": 1254, + "ך": 1255, + "כ": 1256, + "ל": 1257, + "ם": 1258, + "מ": 1259, + "ן": 1260, + "נ": 1261, + "ס": 1262, + "ע": 1263, + "ף": 1264, + "פ": 1265, + "ץ": 1266, + "צ": 1267, + "ק": 1268, + "ר": 1269, + "ש": 1270, + "ת": 1271, + "،": 1272, + "ء": 1273, + "ا": 1274, + "ب": 1275, + "ة": 1276, + "ت": 1277, + "ث": 1278, + "ج": 1279, + "ح": 1280, + "خ": 1281, + "د": 1282, + "ذ": 1283, + "ر": 1284, + "ز": 1285, + "س": 1286, + "ش": 1287, + "ص": 1288, + "ض": 1289, + "ط": 1290, + "ظ": 1291, + "ع": 1292, + "غ": 1293, + "ـ": 1294, + "ف": 1295, + "ق": 1296, + "ك": 1297, + "ل": 1298, + "م": 1299, + "ن": 1300, + "ه": 1301, + "و": 1302, + "ى": 1303, + "ي": 1304, + "ٹ": 1305, + "پ": 1306, + "چ": 1307, + "ک": 1308, + "گ": 1309, + "ں": 1310, + "ھ": 1311, + "ہ": 1312, + "ی": 1313, + "ے": 1314, + "अ": 1315, + "आ": 1316, + "उ": 1317, + "ए": 1318, + "क": 1319, + "ख": 1320, + "ग": 1321, + "च": 1322, + "ज": 1323, + "ट": 1324, + "ड": 1325, + "ण": 1326, + "त": 1327, + "थ": 1328, + "द": 1329, + "ध": 1330, + "न": 1331, + "प": 1332, + "ब": 1333, + "भ": 1334, + "म": 1335, + "य": 1336, + "र": 1337, + "ल": 1338, + "व": 1339, + "श": 1340, + "ष": 1341, + "स": 1342, + "ह": 1343, + "ा": 1344, + "ि": 1345, + "ी": 1346, + "ो": 1347, + "।": 1348, + "॥": 1349, + "ং": 1350, + "অ": 1351, + "আ": 1352, + "ই": 1353, + "উ": 1354, + "এ": 1355, + "ও": 1356, + "ক": 1357, + "খ": 1358, + "গ": 1359, + "চ": 1360, + "ছ": 1361, + "জ": 1362, + "ট": 1363, + "ড": 1364, + "ণ": 1365, + "ত": 1366, + "থ": 1367, + "দ": 1368, + "ধ": 1369, + "ন": 1370, + "প": 1371, + "ব": 1372, + "ভ": 1373, + "ম": 1374, + "য": 1375, + "র": 1376, + "ল": 1377, + "শ": 1378, + "ষ": 1379, + "স": 1380, + "হ": 1381, + "া": 1382, + "ি": 1383, + "ী": 1384, + "ে": 1385, + "க": 1386, + "ச": 1387, + "ட": 1388, + "த": 1389, + "ந": 1390, + "ன": 1391, + "ப": 1392, + "ம": 1393, + "ய": 1394, + "ர": 1395, + "ல": 1396, + "ள": 1397, + "வ": 1398, + "ா": 1399, + "ி": 1400, + "ு": 1401, + "ே": 1402, + "ை": 1403, + "ನ": 1404, + "ರ": 1405, + "ಾ": 1406, + "ක": 1407, + "ය": 1408, + "ර": 1409, + "ල": 1410, + "ව": 1411, + "ා": 1412, + "ก": 1413, + "ง": 1414, + "ต": 1415, + "ท": 1416, + "น": 1417, + "พ": 1418, + "ม": 1419, + "ย": 1420, + "ร": 1421, + "ล": 1422, + "ว": 1423, + "ส": 1424, + "อ": 1425, + "า": 1426, + "เ": 1427, + "་": 1428, + "།": 1429, + "ག": 1430, + "ང": 1431, + "ད": 1432, + "ན": 1433, + "པ": 1434, + "བ": 1435, + "མ": 1436, + "འ": 1437, + "ར": 1438, + "ལ": 1439, + "ས": 1440, + "မ": 1441, + "ა": 1442, + "ბ": 1443, + "გ": 1444, + "დ": 1445, + "ე": 1446, + "ვ": 1447, + "თ": 1448, + "ი": 1449, + "კ": 1450, + "ლ": 1451, + "მ": 1452, + "ნ": 1453, + "ო": 1454, + "რ": 1455, + "ს": 1456, + "ტ": 1457, + "უ": 1458, + "ᄀ": 1459, + "ᄂ": 1460, + "ᄃ": 1461, + "ᄅ": 1462, + "ᄆ": 1463, + "ᄇ": 1464, + "ᄉ": 1465, + "ᄊ": 1466, + "ᄋ": 1467, + "ᄌ": 1468, + "ᄎ": 1469, + "ᄏ": 1470, + "ᄐ": 1471, + "ᄑ": 1472, + "ᄒ": 1473, + "ᅡ": 1474, + "ᅢ": 1475, + "ᅥ": 1476, + "ᅦ": 1477, + "ᅧ": 1478, + "ᅩ": 1479, + "ᅪ": 1480, + "ᅭ": 1481, + "ᅮ": 1482, + "ᅯ": 1483, + "ᅲ": 1484, + "ᅳ": 1485, + "ᅴ": 1486, + "ᅵ": 1487, + "ᆨ": 1488, + "ᆫ": 1489, + "ᆯ": 1490, + "ᆷ": 1491, + "ᆸ": 1492, + "ᆼ": 1493, + "ᴬ": 1494, + "ᴮ": 1495, + "ᴰ": 1496, + "ᴵ": 1497, + "ᴺ": 1498, + "ᵀ": 1499, + "ᵃ": 1500, + "ᵇ": 1501, + "ᵈ": 1502, + "ᵉ": 1503, + "ᵍ": 1504, + "ᵏ": 1505, + "ᵐ": 1506, + "ᵒ": 1507, + "ᵖ": 1508, + "ᵗ": 1509, + "ᵘ": 1510, + "ᵢ": 1511, + "ᵣ": 1512, + "ᵤ": 1513, + "ᵥ": 1514, + "ᶜ": 1515, + "ᶠ": 1516, + "‐": 1517, + "‑": 1518, + "‒": 1519, + "–": 1520, + "—": 1521, + "―": 1522, + "‖": 1523, + "‘": 1524, + "’": 1525, + "‚": 1526, + "“": 1527, + "”": 1528, + "„": 1529, + "†": 1530, + "‡": 1531, + "•": 1532, + "…": 1533, + "‰": 1534, + "′": 1535, + "″": 1536, + "›": 1537, + "‿": 1538, + "⁄": 1539, + "⁰": 1540, + "ⁱ": 1541, + "⁴": 1542, + "⁵": 1543, + "⁶": 1544, + "⁷": 1545, + "⁸": 1546, + "⁹": 1547, + "⁺": 1548, + "⁻": 1549, + "ⁿ": 1550, + "₀": 1551, + "₁": 1552, + "₂": 1553, + "₃": 1554, + "₄": 1555, + "₅": 1556, + "₆": 1557, + "₇": 1558, + "₈": 1559, + "₉": 1560, + "₊": 1561, + "₍": 1562, + "₎": 1563, + "ₐ": 1564, + "ₑ": 1565, + "ₒ": 1566, + "ₓ": 1567, + "ₕ": 1568, + "ₖ": 1569, + "ₗ": 1570, + "ₘ": 1571, + "ₙ": 1572, + "ₚ": 1573, + "ₛ": 1574, + "ₜ": 1575, + "₤": 1576, + "₩": 1577, + "€": 1578, + "₱": 1579, + "₹": 1580, + "ℓ": 1581, + "№": 1582, + "ℝ": 1583, + "™": 1584, + "⅓": 1585, + "⅔": 1586, + "←": 1587, + "↑": 1588, + "→": 1589, + "↓": 1590, + "↔": 1591, + "↦": 1592, + "⇄": 1593, + "⇌": 1594, + "⇒": 1595, + "∂": 1596, + "∅": 1597, + "∆": 1598, + "∇": 1599, + "∈": 1600, + "−": 1601, + "∗": 1602, + "∘": 1603, + "√": 1604, + "∞": 1605, + "∧": 1606, + "∨": 1607, + "∩": 1608, + "∪": 1609, + "≈": 1610, + "≡": 1611, + "≤": 1612, + "≥": 1613, + "⊂": 1614, + "⊆": 1615, + "⊕": 1616, + "⊗": 1617, + "⋅": 1618, + "─": 1619, + "│": 1620, + "■": 1621, + "▪": 1622, + "●": 1623, + "★": 1624, + "☆": 1625, + "☉": 1626, + "♠": 1627, + "♣": 1628, + "♥": 1629, + "♦": 1630, + "♭": 1631, + "♯": 1632, + "⟨": 1633, + "⟩": 1634, + "ⱼ": 1635, + "⺩": 1636, + "⺼": 1637, + "⽥": 1638, + "、": 1639, + "。": 1640, + "〈": 1641, + "〉": 1642, + "《": 1643, + "》": 1644, + "「": 1645, + "」": 1646, + "『": 1647, + "』": 1648, + "〜": 1649, + "あ": 1650, + "い": 1651, + "う": 1652, + "え": 1653, + "お": 1654, + "か": 1655, + "き": 1656, + "く": 1657, + "け": 1658, + "こ": 1659, + "さ": 1660, + "し": 1661, + "す": 1662, + "せ": 1663, + "そ": 1664, + "た": 1665, + "ち": 1666, + "っ": 1667, + "つ": 1668, + "て": 1669, + "と": 1670, + "な": 1671, + "に": 1672, + "ぬ": 1673, + "ね": 1674, + "の": 1675, + "は": 1676, + "ひ": 1677, + "ふ": 1678, + "へ": 1679, + "ほ": 1680, + "ま": 1681, + "み": 1682, + "む": 1683, + "め": 1684, + "も": 1685, + "や": 1686, + "ゆ": 1687, + "よ": 1688, + "ら": 1689, + "り": 1690, + "る": 1691, + "れ": 1692, + "ろ": 1693, + "を": 1694, + "ん": 1695, + "ァ": 1696, + "ア": 1697, + "ィ": 1698, + "イ": 1699, + "ウ": 1700, + "ェ": 1701, + "エ": 1702, + "オ": 1703, + "カ": 1704, + "キ": 1705, + "ク": 1706, + "ケ": 1707, + "コ": 1708, + "サ": 1709, + "シ": 1710, + "ス": 1711, + "セ": 1712, + "タ": 1713, + "チ": 1714, + "ッ": 1715, + "ツ": 1716, + "テ": 1717, + "ト": 1718, + "ナ": 1719, + "ニ": 1720, + "ノ": 1721, + "ハ": 1722, + "ヒ": 1723, + "フ": 1724, + "ヘ": 1725, + "ホ": 1726, + "マ": 1727, + "ミ": 1728, + "ム": 1729, + "メ": 1730, + "モ": 1731, + "ャ": 1732, + "ュ": 1733, + "ョ": 1734, + "ラ": 1735, + "リ": 1736, + "ル": 1737, + "レ": 1738, + "ロ": 1739, + "ワ": 1740, + "ン": 1741, + "・": 1742, + "ー": 1743, + "一": 1744, + "三": 1745, + "上": 1746, + "下": 1747, + "不": 1748, + "世": 1749, + "中": 1750, + "主": 1751, + "久": 1752, + "之": 1753, + "也": 1754, + "事": 1755, + "二": 1756, + "五": 1757, + "井": 1758, + "京": 1759, + "人": 1760, + "亻": 1761, + "仁": 1762, + "介": 1763, + "代": 1764, + "仮": 1765, + "伊": 1766, + "会": 1767, + "佐": 1768, + "侍": 1769, + "保": 1770, + "信": 1771, + "健": 1772, + "元": 1773, + "光": 1774, + "八": 1775, + "公": 1776, + "内": 1777, + "出": 1778, + "分": 1779, + "前": 1780, + "劉": 1781, + "力": 1782, + "加": 1783, + "勝": 1784, + "北": 1785, + "区": 1786, + "十": 1787, + "千": 1788, + "南": 1789, + "博": 1790, + "原": 1791, + "口": 1792, + "古": 1793, + "史": 1794, + "司": 1795, + "合": 1796, + "吉": 1797, + "同": 1798, + "名": 1799, + "和": 1800, + "囗": 1801, + "四": 1802, + "国": 1803, + "國": 1804, + "土": 1805, + "地": 1806, + "坂": 1807, + "城": 1808, + "堂": 1809, + "場": 1810, + "士": 1811, + "夏": 1812, + "外": 1813, + "大": 1814, + "天": 1815, + "太": 1816, + "夫": 1817, + "奈": 1818, + "女": 1819, + "子": 1820, + "学": 1821, + "宀": 1822, + "宇": 1823, + "安": 1824, + "宗": 1825, + "定": 1826, + "宣": 1827, + "宮": 1828, + "家": 1829, + "宿": 1830, + "寺": 1831, + "將": 1832, + "小": 1833, + "尚": 1834, + "山": 1835, + "岡": 1836, + "島": 1837, + "崎": 1838, + "川": 1839, + "州": 1840, + "巿": 1841, + "帝": 1842, + "平": 1843, + "年": 1844, + "幸": 1845, + "广": 1846, + "弘": 1847, + "張": 1848, + "彳": 1849, + "後": 1850, + "御": 1851, + "德": 1852, + "心": 1853, + "忄": 1854, + "志": 1855, + "忠": 1856, + "愛": 1857, + "成": 1858, + "我": 1859, + "戦": 1860, + "戸": 1861, + "手": 1862, + "扌": 1863, + "政": 1864, + "文": 1865, + "新": 1866, + "方": 1867, + "日": 1868, + "明": 1869, + "星": 1870, + "春": 1871, + "昭": 1872, + "智": 1873, + "曲": 1874, + "書": 1875, + "月": 1876, + "有": 1877, + "朝": 1878, + "木": 1879, + "本": 1880, + "李": 1881, + "村": 1882, + "東": 1883, + "松": 1884, + "林": 1885, + "森": 1886, + "楊": 1887, + "樹": 1888, + "橋": 1889, + "歌": 1890, + "止": 1891, + "正": 1892, + "武": 1893, + "比": 1894, + "氏": 1895, + "民": 1896, + "水": 1897, + "氵": 1898, + "氷": 1899, + "永": 1900, + "江": 1901, + "沢": 1902, + "河": 1903, + "治": 1904, + "法": 1905, + "海": 1906, + "清": 1907, + "漢": 1908, + "瀬": 1909, + "火": 1910, + "版": 1911, + "犬": 1912, + "王": 1913, + "生": 1914, + "田": 1915, + "男": 1916, + "疒": 1917, + "発": 1918, + "白": 1919, + "的": 1920, + "皇": 1921, + "目": 1922, + "相": 1923, + "省": 1924, + "真": 1925, + "石": 1926, + "示": 1927, + "社": 1928, + "神": 1929, + "福": 1930, + "禾": 1931, + "秀": 1932, + "秋": 1933, + "空": 1934, + "立": 1935, + "章": 1936, + "竹": 1937, + "糹": 1938, + "美": 1939, + "義": 1940, + "耳": 1941, + "良": 1942, + "艹": 1943, + "花": 1944, + "英": 1945, + "華": 1946, + "葉": 1947, + "藤": 1948, + "行": 1949, + "街": 1950, + "西": 1951, + "見": 1952, + "訁": 1953, + "語": 1954, + "谷": 1955, + "貝": 1956, + "貴": 1957, + "車": 1958, + "軍": 1959, + "辶": 1960, + "道": 1961, + "郎": 1962, + "郡": 1963, + "部": 1964, + "都": 1965, + "里": 1966, + "野": 1967, + "金": 1968, + "鈴": 1969, + "镇": 1970, + "長": 1971, + "門": 1972, + "間": 1973, + "阝": 1974, + "阿": 1975, + "陳": 1976, + "陽": 1977, + "雄": 1978, + "青": 1979, + "面": 1980, + "風": 1981, + "食": 1982, + "香": 1983, + "馬": 1984, + "高": 1985, + "龍": 1986, + "龸": 1987, + "fi": 1988, + "fl": 1989, + "!": 1990, + "(": 1991, + ")": 1992, + ",": 1993, + "-": 1994, + ".": 1995, + "/": 1996, + ":": 1997, + "?": 1998, + "~": 1999, + "the": 2000, + "of": 2001, + "and": 2002, + "in": 2003, + "to": 2004, + "was": 2005, + "he": 2006, + "is": 2007, + "as": 2008, + "for": 2009, + "on": 2010, + "with": 2011, + "that": 2012, + "it": 2013, + "his": 2014, + "by": 2015, + "at": 2016, + "from": 2017, + "her": 2018, + "##s": 2019, + "she": 2020, + "you": 2021, + "had": 2022, + "an": 2023, + "were": 2024, + "but": 2025, + "be": 2026, + "this": 2027, + "are": 2028, + "not": 2029, + "my": 2030, + "they": 2031, + "one": 2032, + "which": 2033, + "or": 2034, + "have": 2035, + "him": 2036, + "me": 2037, + "first": 2038, + "all": 2039, + "also": 2040, + "their": 2041, + "has": 2042, + "up": 2043, + "who": 2044, + "out": 2045, + "been": 2046, + "when": 2047, + "after": 2048, + "there": 2049, + "into": 2050, + "new": 2051, + "two": 2052, + "its": 2053, + "##a": 2054, + "time": 2055, + "would": 2056, + "no": 2057, + "what": 2058, + "about": 2059, + "said": 2060, + "we": 2061, + "over": 2062, + "then": 2063, + "other": 2064, + "so": 2065, + "more": 2066, + "##e": 2067, + "can": 2068, + "if": 2069, + "like": 2070, + "back": 2071, + "them": 2072, + "only": 2073, + "some": 2074, + "could": 2075, + "##i": 2076, + "where": 2077, + "just": 2078, + "##ing": 2079, + "during": 2080, + "before": 2081, + "##n": 2082, + "do": 2083, + "##o": 2084, + "made": 2085, + "school": 2086, + "through": 2087, + "than": 2088, + "now": 2089, + "years": 2090, + "most": 2091, + "world": 2092, + "may": 2093, + "between": 2094, + "down": 2095, + "well": 2096, + "three": 2097, + "##d": 2098, + "year": 2099, + "while": 2100, + "will": 2101, + "##ed": 2102, + "##r": 2103, + "##y": 2104, + "later": 2105, + "##t": 2106, + "city": 2107, + "under": 2108, + "around": 2109, + "did": 2110, + "such": 2111, + "being": 2112, + "used": 2113, + "state": 2114, + "people": 2115, + "part": 2116, + "know": 2117, + "against": 2118, + "your": 2119, + "many": 2120, + "second": 2121, + "university": 2122, + "both": 2123, + "national": 2124, + "##er": 2125, + "these": 2126, + "don": 2127, + "known": 2128, + "off": 2129, + "way": 2130, + "until": 2131, + "re": 2132, + "how": 2133, + "even": 2134, + "get": 2135, + "head": 2136, + "...": 2137, + "didn": 2138, + "##ly": 2139, + "team": 2140, + "american": 2141, + "because": 2142, + "de": 2143, + "##l": 2144, + "born": 2145, + "united": 2146, + "film": 2147, + "since": 2148, + "still": 2149, + "long": 2150, + "work": 2151, + "south": 2152, + "us": 2153, + "became": 2154, + "any": 2155, + "high": 2156, + "again": 2157, + "day": 2158, + "family": 2159, + "see": 2160, + "right": 2161, + "man": 2162, + "eyes": 2163, + "house": 2164, + "season": 2165, + "war": 2166, + "states": 2167, + "including": 2168, + "took": 2169, + "life": 2170, + "north": 2171, + "same": 2172, + "each": 2173, + "called": 2174, + "name": 2175, + "much": 2176, + "place": 2177, + "however": 2178, + "go": 2179, + "four": 2180, + "group": 2181, + "another": 2182, + "found": 2183, + "won": 2184, + "area": 2185, + "here": 2186, + "going": 2187, + "10": 2188, + "away": 2189, + "series": 2190, + "left": 2191, + "home": 2192, + "music": 2193, + "best": 2194, + "make": 2195, + "hand": 2196, + "number": 2197, + "company": 2198, + "several": 2199, + "never": 2200, + "last": 2201, + "john": 2202, + "000": 2203, + "very": 2204, + "album": 2205, + "take": 2206, + "end": 2207, + "good": 2208, + "too": 2209, + "following": 2210, + "released": 2211, + "game": 2212, + "played": 2213, + "little": 2214, + "began": 2215, + "district": 2216, + "##m": 2217, + "old": 2218, + "want": 2219, + "those": 2220, + "side": 2221, + "held": 2222, + "own": 2223, + "early": 2224, + "county": 2225, + "ll": 2226, + "league": 2227, + "use": 2228, + "west": 2229, + "##u": 2230, + "face": 2231, + "think": 2232, + "##es": 2233, + "2010": 2234, + "government": 2235, + "##h": 2236, + "march": 2237, + "came": 2238, + "small": 2239, + "general": 2240, + "town": 2241, + "june": 2242, + "##on": 2243, + "line": 2244, + "based": 2245, + "something": 2246, + "##k": 2247, + "september": 2248, + "thought": 2249, + "looked": 2250, + "along": 2251, + "international": 2252, + "2011": 2253, + "air": 2254, + "july": 2255, + "club": 2256, + "went": 2257, + "january": 2258, + "october": 2259, + "our": 2260, + "august": 2261, + "april": 2262, + "york": 2263, + "12": 2264, + "few": 2265, + "2012": 2266, + "2008": 2267, + "east": 2268, + "show": 2269, + "member": 2270, + "college": 2271, + "2009": 2272, + "father": 2273, + "public": 2274, + "##us": 2275, + "come": 2276, + "men": 2277, + "five": 2278, + "set": 2279, + "station": 2280, + "church": 2281, + "##c": 2282, + "next": 2283, + "former": 2284, + "november": 2285, + "room": 2286, + "party": 2287, + "located": 2288, + "december": 2289, + "2013": 2290, + "age": 2291, + "got": 2292, + "2007": 2293, + "##g": 2294, + "system": 2295, + "let": 2296, + "love": 2297, + "2006": 2298, + "though": 2299, + "every": 2300, + "2014": 2301, + "look": 2302, + "song": 2303, + "water": 2304, + "century": 2305, + "without": 2306, + "body": 2307, + "black": 2308, + "night": 2309, + "within": 2310, + "great": 2311, + "women": 2312, + "single": 2313, + "ve": 2314, + "building": 2315, + "large": 2316, + "population": 2317, + "river": 2318, + "named": 2319, + "band": 2320, + "white": 2321, + "started": 2322, + "##an": 2323, + "once": 2324, + "15": 2325, + "20": 2326, + "should": 2327, + "18": 2328, + "2015": 2329, + "service": 2330, + "top": 2331, + "built": 2332, + "british": 2333, + "open": 2334, + "death": 2335, + "king": 2336, + "moved": 2337, + "local": 2338, + "times": 2339, + "children": 2340, + "february": 2341, + "book": 2342, + "why": 2343, + "11": 2344, + "door": 2345, + "need": 2346, + "president": 2347, + "order": 2348, + "final": 2349, + "road": 2350, + "wasn": 2351, + "although": 2352, + "due": 2353, + "major": 2354, + "died": 2355, + "village": 2356, + "third": 2357, + "knew": 2358, + "2016": 2359, + "asked": 2360, + "turned": 2361, + "st": 2362, + "wanted": 2363, + "say": 2364, + "##p": 2365, + "together": 2366, + "received": 2367, + "main": 2368, + "son": 2369, + "served": 2370, + "different": 2371, + "##en": 2372, + "behind": 2373, + "himself": 2374, + "felt": 2375, + "members": 2376, + "power": 2377, + "football": 2378, + "law": 2379, + "voice": 2380, + "play": 2381, + "##in": 2382, + "near": 2383, + "park": 2384, + "history": 2385, + "30": 2386, + "having": 2387, + "2005": 2388, + "16": 2389, + "##man": 2390, + "saw": 2391, + "mother": 2392, + "##al": 2393, + "army": 2394, + "point": 2395, + "front": 2396, + "help": 2397, + "english": 2398, + "street": 2399, + "art": 2400, + "late": 2401, + "hands": 2402, + "games": 2403, + "award": 2404, + "##ia": 2405, + "young": 2406, + "14": 2407, + "put": 2408, + "published": 2409, + "country": 2410, + "division": 2411, + "across": 2412, + "told": 2413, + "13": 2414, + "often": 2415, + "ever": 2416, + "french": 2417, + "london": 2418, + "center": 2419, + "six": 2420, + "red": 2421, + "2017": 2422, + "led": 2423, + "days": 2424, + "include": 2425, + "light": 2426, + "25": 2427, + "find": 2428, + "tell": 2429, + "among": 2430, + "species": 2431, + "really": 2432, + "according": 2433, + "central": 2434, + "half": 2435, + "2004": 2436, + "form": 2437, + "original": 2438, + "gave": 2439, + "office": 2440, + "making": 2441, + "enough": 2442, + "lost": 2443, + "full": 2444, + "opened": 2445, + "must": 2446, + "included": 2447, + "live": 2448, + "given": 2449, + "german": 2450, + "player": 2451, + "run": 2452, + "business": 2453, + "woman": 2454, + "community": 2455, + "cup": 2456, + "might": 2457, + "million": 2458, + "land": 2459, + "2000": 2460, + "court": 2461, + "development": 2462, + "17": 2463, + "short": 2464, + "round": 2465, + "ii": 2466, + "km": 2467, + "seen": 2468, + "class": 2469, + "story": 2470, + "always": 2471, + "become": 2472, + "sure": 2473, + "research": 2474, + "almost": 2475, + "director": 2476, + "council": 2477, + "la": 2478, + "##2": 2479, + "career": 2480, + "things": 2481, + "using": 2482, + "island": 2483, + "##z": 2484, + "couldn": 2485, + "car": 2486, + "##is": 2487, + "24": 2488, + "close": 2489, + "force": 2490, + "##1": 2491, + "better": 2492, + "free": 2493, + "support": 2494, + "control": 2495, + "field": 2496, + "students": 2497, + "2003": 2498, + "education": 2499, + "married": 2500, + "##b": 2501, + "nothing": 2502, + "worked": 2503, + "others": 2504, + "record": 2505, + "big": 2506, + "inside": 2507, + "level": 2508, + "anything": 2509, + "continued": 2510, + "give": 2511, + "james": 2512, + "##3": 2513, + "military": 2514, + "established": 2515, + "non": 2516, + "returned": 2517, + "feel": 2518, + "does": 2519, + "title": 2520, + "written": 2521, + "thing": 2522, + "feet": 2523, + "william": 2524, + "far": 2525, + "co": 2526, + "association": 2527, + "hard": 2528, + "already": 2529, + "2002": 2530, + "##ra": 2531, + "championship": 2532, + "human": 2533, + "western": 2534, + "100": 2535, + "##na": 2536, + "department": 2537, + "hall": 2538, + "role": 2539, + "various": 2540, + "production": 2541, + "21": 2542, + "19": 2543, + "heart": 2544, + "2001": 2545, + "living": 2546, + "fire": 2547, + "version": 2548, + "##ers": 2549, + "##f": 2550, + "television": 2551, + "royal": 2552, + "##4": 2553, + "produced": 2554, + "working": 2555, + "act": 2556, + "case": 2557, + "society": 2558, + "region": 2559, + "present": 2560, + "radio": 2561, + "period": 2562, + "looking": 2563, + "least": 2564, + "total": 2565, + "keep": 2566, + "england": 2567, + "wife": 2568, + "program": 2569, + "per": 2570, + "brother": 2571, + "mind": 2572, + "special": 2573, + "22": 2574, + "##le": 2575, + "am": 2576, + "works": 2577, + "soon": 2578, + "##6": 2579, + "political": 2580, + "george": 2581, + "services": 2582, + "taken": 2583, + "created": 2584, + "##7": 2585, + "further": 2586, + "able": 2587, + "reached": 2588, + "david": 2589, + "union": 2590, + "joined": 2591, + "upon": 2592, + "done": 2593, + "important": 2594, + "social": 2595, + "information": 2596, + "either": 2597, + "##ic": 2598, + "##x": 2599, + "appeared": 2600, + "position": 2601, + "ground": 2602, + "lead": 2603, + "rock": 2604, + "dark": 2605, + "election": 2606, + "23": 2607, + "board": 2608, + "france": 2609, + "hair": 2610, + "course": 2611, + "arms": 2612, + "site": 2613, + "police": 2614, + "girl": 2615, + "instead": 2616, + "real": 2617, + "sound": 2618, + "##v": 2619, + "words": 2620, + "moment": 2621, + "##te": 2622, + "someone": 2623, + "##8": 2624, + "summer": 2625, + "project": 2626, + "announced": 2627, + "san": 2628, + "less": 2629, + "wrote": 2630, + "past": 2631, + "followed": 2632, + "##5": 2633, + "blue": 2634, + "founded": 2635, + "al": 2636, + "finally": 2637, + "india": 2638, + "taking": 2639, + "records": 2640, + "america": 2641, + "##ne": 2642, + "1999": 2643, + "design": 2644, + "considered": 2645, + "northern": 2646, + "god": 2647, + "stop": 2648, + "battle": 2649, + "toward": 2650, + "european": 2651, + "outside": 2652, + "described": 2653, + "track": 2654, + "today": 2655, + "playing": 2656, + "language": 2657, + "28": 2658, + "call": 2659, + "26": 2660, + "heard": 2661, + "professional": 2662, + "low": 2663, + "australia": 2664, + "miles": 2665, + "california": 2666, + "win": 2667, + "yet": 2668, + "green": 2669, + "##ie": 2670, + "trying": 2671, + "blood": 2672, + "##ton": 2673, + "southern": 2674, + "science": 2675, + "maybe": 2676, + "everything": 2677, + "match": 2678, + "square": 2679, + "27": 2680, + "mouth": 2681, + "video": 2682, + "race": 2683, + "recorded": 2684, + "leave": 2685, + "above": 2686, + "##9": 2687, + "daughter": 2688, + "points": 2689, + "space": 2690, + "1998": 2691, + "museum": 2692, + "change": 2693, + "middle": 2694, + "common": 2695, + "##0": 2696, + "move": 2697, + "tv": 2698, + "post": 2699, + "##ta": 2700, + "lake": 2701, + "seven": 2702, + "tried": 2703, + "elected": 2704, + "closed": 2705, + "ten": 2706, + "paul": 2707, + "minister": 2708, + "##th": 2709, + "months": 2710, + "start": 2711, + "chief": 2712, + "return": 2713, + "canada": 2714, + "person": 2715, + "sea": 2716, + "release": 2717, + "similar": 2718, + "modern": 2719, + "brought": 2720, + "rest": 2721, + "hit": 2722, + "formed": 2723, + "mr": 2724, + "##la": 2725, + "1997": 2726, + "floor": 2727, + "event": 2728, + "doing": 2729, + "thomas": 2730, + "1996": 2731, + "robert": 2732, + "care": 2733, + "killed": 2734, + "training": 2735, + "star": 2736, + "week": 2737, + "needed": 2738, + "turn": 2739, + "finished": 2740, + "railway": 2741, + "rather": 2742, + "news": 2743, + "health": 2744, + "sent": 2745, + "example": 2746, + "ran": 2747, + "term": 2748, + "michael": 2749, + "coming": 2750, + "currently": 2751, + "yes": 2752, + "forces": 2753, + "despite": 2754, + "gold": 2755, + "areas": 2756, + "50": 2757, + "stage": 2758, + "fact": 2759, + "29": 2760, + "dead": 2761, + "says": 2762, + "popular": 2763, + "2018": 2764, + "originally": 2765, + "germany": 2766, + "probably": 2767, + "developed": 2768, + "result": 2769, + "pulled": 2770, + "friend": 2771, + "stood": 2772, + "money": 2773, + "running": 2774, + "mi": 2775, + "signed": 2776, + "word": 2777, + "songs": 2778, + "child": 2779, + "eventually": 2780, + "met": 2781, + "tour": 2782, + "average": 2783, + "teams": 2784, + "minutes": 2785, + "festival": 2786, + "current": 2787, + "deep": 2788, + "kind": 2789, + "1995": 2790, + "decided": 2791, + "usually": 2792, + "eastern": 2793, + "seemed": 2794, + "##ness": 2795, + "episode": 2796, + "bed": 2797, + "added": 2798, + "table": 2799, + "indian": 2800, + "private": 2801, + "charles": 2802, + "route": 2803, + "available": 2804, + "idea": 2805, + "throughout": 2806, + "centre": 2807, + "addition": 2808, + "appointed": 2809, + "style": 2810, + "1994": 2811, + "books": 2812, + "eight": 2813, + "construction": 2814, + "press": 2815, + "mean": 2816, + "wall": 2817, + "friends": 2818, + "remained": 2819, + "schools": 2820, + "study": 2821, + "##ch": 2822, + "##um": 2823, + "institute": 2824, + "oh": 2825, + "chinese": 2826, + "sometimes": 2827, + "events": 2828, + "possible": 2829, + "1992": 2830, + "australian": 2831, + "type": 2832, + "brown": 2833, + "forward": 2834, + "talk": 2835, + "process": 2836, + "food": 2837, + "debut": 2838, + "seat": 2839, + "performance": 2840, + "committee": 2841, + "features": 2842, + "character": 2843, + "arts": 2844, + "herself": 2845, + "else": 2846, + "lot": 2847, + "strong": 2848, + "russian": 2849, + "range": 2850, + "hours": 2851, + "peter": 2852, + "arm": 2853, + "##da": 2854, + "morning": 2855, + "dr": 2856, + "sold": 2857, + "##ry": 2858, + "quickly": 2859, + "directed": 2860, + "1993": 2861, + "guitar": 2862, + "china": 2863, + "##w": 2864, + "31": 2865, + "list": 2866, + "##ma": 2867, + "performed": 2868, + "media": 2869, + "uk": 2870, + "players": 2871, + "smile": 2872, + "##rs": 2873, + "myself": 2874, + "40": 2875, + "placed": 2876, + "coach": 2877, + "province": 2878, + "towards": 2879, + "wouldn": 2880, + "leading": 2881, + "whole": 2882, + "boy": 2883, + "official": 2884, + "designed": 2885, + "grand": 2886, + "census": 2887, + "##el": 2888, + "europe": 2889, + "attack": 2890, + "japanese": 2891, + "henry": 2892, + "1991": 2893, + "##re": 2894, + "##os": 2895, + "cross": 2896, + "getting": 2897, + "alone": 2898, + "action": 2899, + "lower": 2900, + "network": 2901, + "wide": 2902, + "washington": 2903, + "japan": 2904, + "1990": 2905, + "hospital": 2906, + "believe": 2907, + "changed": 2908, + "sister": 2909, + "##ar": 2910, + "hold": 2911, + "gone": 2912, + "sir": 2913, + "hadn": 2914, + "ship": 2915, + "##ka": 2916, + "studies": 2917, + "academy": 2918, + "shot": 2919, + "rights": 2920, + "below": 2921, + "base": 2922, + "bad": 2923, + "involved": 2924, + "kept": 2925, + "largest": 2926, + "##ist": 2927, + "bank": 2928, + "future": 2929, + "especially": 2930, + "beginning": 2931, + "mark": 2932, + "movement": 2933, + "section": 2934, + "female": 2935, + "magazine": 2936, + "plan": 2937, + "professor": 2938, + "lord": 2939, + "longer": 2940, + "##ian": 2941, + "sat": 2942, + "walked": 2943, + "hill": 2944, + "actually": 2945, + "civil": 2946, + "energy": 2947, + "model": 2948, + "families": 2949, + "size": 2950, + "thus": 2951, + "aircraft": 2952, + "completed": 2953, + "includes": 2954, + "data": 2955, + "captain": 2956, + "##or": 2957, + "fight": 2958, + "vocals": 2959, + "featured": 2960, + "richard": 2961, + "bridge": 2962, + "fourth": 2963, + "1989": 2964, + "officer": 2965, + "stone": 2966, + "hear": 2967, + "##ism": 2968, + "means": 2969, + "medical": 2970, + "groups": 2971, + "management": 2972, + "self": 2973, + "lips": 2974, + "competition": 2975, + "entire": 2976, + "lived": 2977, + "technology": 2978, + "leaving": 2979, + "federal": 2980, + "tournament": 2981, + "bit": 2982, + "passed": 2983, + "hot": 2984, + "independent": 2985, + "awards": 2986, + "kingdom": 2987, + "mary": 2988, + "spent": 2989, + "fine": 2990, + "doesn": 2991, + "reported": 2992, + "##ling": 2993, + "jack": 2994, + "fall": 2995, + "raised": 2996, + "itself": 2997, + "stay": 2998, + "true": 2999, + "studio": 3000, + "1988": 3001, + "sports": 3002, + "replaced": 3003, + "paris": 3004, + "systems": 3005, + "saint": 3006, + "leader": 3007, + "theatre": 3008, + "whose": 3009, + "market": 3010, + "capital": 3011, + "parents": 3012, + "spanish": 3013, + "canadian": 3014, + "earth": 3015, + "##ity": 3016, + "cut": 3017, + "degree": 3018, + "writing": 3019, + "bay": 3020, + "christian": 3021, + "awarded": 3022, + "natural": 3023, + "higher": 3024, + "bill": 3025, + "##as": 3026, + "coast": 3027, + "provided": 3028, + "previous": 3029, + "senior": 3030, + "ft": 3031, + "valley": 3032, + "organization": 3033, + "stopped": 3034, + "onto": 3035, + "countries": 3036, + "parts": 3037, + "conference": 3038, + "queen": 3039, + "security": 3040, + "interest": 3041, + "saying": 3042, + "allowed": 3043, + "master": 3044, + "earlier": 3045, + "phone": 3046, + "matter": 3047, + "smith": 3048, + "winning": 3049, + "try": 3050, + "happened": 3051, + "moving": 3052, + "campaign": 3053, + "los": 3054, + "##ley": 3055, + "breath": 3056, + "nearly": 3057, + "mid": 3058, + "1987": 3059, + "certain": 3060, + "girls": 3061, + "date": 3062, + "italian": 3063, + "african": 3064, + "standing": 3065, + "fell": 3066, + "artist": 3067, + "##ted": 3068, + "shows": 3069, + "deal": 3070, + "mine": 3071, + "industry": 3072, + "1986": 3073, + "##ng": 3074, + "everyone": 3075, + "republic": 3076, + "provide": 3077, + "collection": 3078, + "library": 3079, + "student": 3080, + "##ville": 3081, + "primary": 3082, + "owned": 3083, + "older": 3084, + "via": 3085, + "heavy": 3086, + "1st": 3087, + "makes": 3088, + "##able": 3089, + "attention": 3090, + "anyone": 3091, + "africa": 3092, + "##ri": 3093, + "stated": 3094, + "length": 3095, + "ended": 3096, + "fingers": 3097, + "command": 3098, + "staff": 3099, + "skin": 3100, + "foreign": 3101, + "opening": 3102, + "governor": 3103, + "okay": 3104, + "medal": 3105, + "kill": 3106, + "sun": 3107, + "cover": 3108, + "job": 3109, + "1985": 3110, + "introduced": 3111, + "chest": 3112, + "hell": 3113, + "feeling": 3114, + "##ies": 3115, + "success": 3116, + "meet": 3117, + "reason": 3118, + "standard": 3119, + "meeting": 3120, + "novel": 3121, + "1984": 3122, + "trade": 3123, + "source": 3124, + "buildings": 3125, + "##land": 3126, + "rose": 3127, + "guy": 3128, + "goal": 3129, + "##ur": 3130, + "chapter": 3131, + "native": 3132, + "husband": 3133, + "previously": 3134, + "unit": 3135, + "limited": 3136, + "entered": 3137, + "weeks": 3138, + "producer": 3139, + "operations": 3140, + "mountain": 3141, + "takes": 3142, + "covered": 3143, + "forced": 3144, + "related": 3145, + "roman": 3146, + "complete": 3147, + "successful": 3148, + "key": 3149, + "texas": 3150, + "cold": 3151, + "##ya": 3152, + "channel": 3153, + "1980": 3154, + "traditional": 3155, + "films": 3156, + "dance": 3157, + "clear": 3158, + "approximately": 3159, + "500": 3160, + "nine": 3161, + "van": 3162, + "prince": 3163, + "question": 3164, + "active": 3165, + "tracks": 3166, + "ireland": 3167, + "regional": 3168, + "silver": 3169, + "author": 3170, + "personal": 3171, + "sense": 3172, + "operation": 3173, + "##ine": 3174, + "economic": 3175, + "1983": 3176, + "holding": 3177, + "twenty": 3178, + "isbn": 3179, + "additional": 3180, + "speed": 3181, + "hour": 3182, + "edition": 3183, + "regular": 3184, + "historic": 3185, + "places": 3186, + "whom": 3187, + "shook": 3188, + "movie": 3189, + "km²": 3190, + "secretary": 3191, + "prior": 3192, + "report": 3193, + "chicago": 3194, + "read": 3195, + "foundation": 3196, + "view": 3197, + "engine": 3198, + "scored": 3199, + "1982": 3200, + "units": 3201, + "ask": 3202, + "airport": 3203, + "property": 3204, + "ready": 3205, + "immediately": 3206, + "lady": 3207, + "month": 3208, + "listed": 3209, + "contract": 3210, + "##de": 3211, + "manager": 3212, + "themselves": 3213, + "lines": 3214, + "##ki": 3215, + "navy": 3216, + "writer": 3217, + "meant": 3218, + "##ts": 3219, + "runs": 3220, + "##ro": 3221, + "practice": 3222, + "championships": 3223, + "singer": 3224, + "glass": 3225, + "commission": 3226, + "required": 3227, + "forest": 3228, + "starting": 3229, + "culture": 3230, + "generally": 3231, + "giving": 3232, + "access": 3233, + "attended": 3234, + "test": 3235, + "couple": 3236, + "stand": 3237, + "catholic": 3238, + "martin": 3239, + "caught": 3240, + "executive": 3241, + "##less": 3242, + "eye": 3243, + "##ey": 3244, + "thinking": 3245, + "chair": 3246, + "quite": 3247, + "shoulder": 3248, + "1979": 3249, + "hope": 3250, + "decision": 3251, + "plays": 3252, + "defeated": 3253, + "municipality": 3254, + "whether": 3255, + "structure": 3256, + "offered": 3257, + "slowly": 3258, + "pain": 3259, + "ice": 3260, + "direction": 3261, + "##ion": 3262, + "paper": 3263, + "mission": 3264, + "1981": 3265, + "mostly": 3266, + "200": 3267, + "noted": 3268, + "individual": 3269, + "managed": 3270, + "nature": 3271, + "lives": 3272, + "plant": 3273, + "##ha": 3274, + "helped": 3275, + "except": 3276, + "studied": 3277, + "computer": 3278, + "figure": 3279, + "relationship": 3280, + "issue": 3281, + "significant": 3282, + "loss": 3283, + "die": 3284, + "smiled": 3285, + "gun": 3286, + "ago": 3287, + "highest": 3288, + "1972": 3289, + "##am": 3290, + "male": 3291, + "bring": 3292, + "goals": 3293, + "mexico": 3294, + "problem": 3295, + "distance": 3296, + "commercial": 3297, + "completely": 3298, + "location": 3299, + "annual": 3300, + "famous": 3301, + "drive": 3302, + "1976": 3303, + "neck": 3304, + "1978": 3305, + "surface": 3306, + "caused": 3307, + "italy": 3308, + "understand": 3309, + "greek": 3310, + "highway": 3311, + "wrong": 3312, + "hotel": 3313, + "comes": 3314, + "appearance": 3315, + "joseph": 3316, + "double": 3317, + "issues": 3318, + "musical": 3319, + "companies": 3320, + "castle": 3321, + "income": 3322, + "review": 3323, + "assembly": 3324, + "bass": 3325, + "initially": 3326, + "parliament": 3327, + "artists": 3328, + "experience": 3329, + "1974": 3330, + "particular": 3331, + "walk": 3332, + "foot": 3333, + "engineering": 3334, + "talking": 3335, + "window": 3336, + "dropped": 3337, + "##ter": 3338, + "miss": 3339, + "baby": 3340, + "boys": 3341, + "break": 3342, + "1975": 3343, + "stars": 3344, + "edge": 3345, + "remember": 3346, + "policy": 3347, + "carried": 3348, + "train": 3349, + "stadium": 3350, + "bar": 3351, + "sex": 3352, + "angeles": 3353, + "evidence": 3354, + "##ge": 3355, + "becoming": 3356, + "assistant": 3357, + "soviet": 3358, + "1977": 3359, + "upper": 3360, + "step": 3361, + "wing": 3362, + "1970": 3363, + "youth": 3364, + "financial": 3365, + "reach": 3366, + "##ll": 3367, + "actor": 3368, + "numerous": 3369, + "##se": 3370, + "##st": 3371, + "nodded": 3372, + "arrived": 3373, + "##ation": 3374, + "minute": 3375, + "##nt": 3376, + "believed": 3377, + "sorry": 3378, + "complex": 3379, + "beautiful": 3380, + "victory": 3381, + "associated": 3382, + "temple": 3383, + "1968": 3384, + "1973": 3385, + "chance": 3386, + "perhaps": 3387, + "metal": 3388, + "##son": 3389, + "1945": 3390, + "bishop": 3391, + "##et": 3392, + "lee": 3393, + "launched": 3394, + "particularly": 3395, + "tree": 3396, + "le": 3397, + "retired": 3398, + "subject": 3399, + "prize": 3400, + "contains": 3401, + "yeah": 3402, + "theory": 3403, + "empire": 3404, + "##ce": 3405, + "suddenly": 3406, + "waiting": 3407, + "trust": 3408, + "recording": 3409, + "##to": 3410, + "happy": 3411, + "terms": 3412, + "camp": 3413, + "champion": 3414, + "1971": 3415, + "religious": 3416, + "pass": 3417, + "zealand": 3418, + "names": 3419, + "2nd": 3420, + "port": 3421, + "ancient": 3422, + "tom": 3423, + "corner": 3424, + "represented": 3425, + "watch": 3426, + "legal": 3427, + "anti": 3428, + "justice": 3429, + "cause": 3430, + "watched": 3431, + "brothers": 3432, + "45": 3433, + "material": 3434, + "changes": 3435, + "simply": 3436, + "response": 3437, + "louis": 3438, + "fast": 3439, + "##ting": 3440, + "answer": 3441, + "60": 3442, + "historical": 3443, + "1969": 3444, + "stories": 3445, + "straight": 3446, + "create": 3447, + "feature": 3448, + "increased": 3449, + "rate": 3450, + "administration": 3451, + "virginia": 3452, + "el": 3453, + "activities": 3454, + "cultural": 3455, + "overall": 3456, + "winner": 3457, + "programs": 3458, + "basketball": 3459, + "legs": 3460, + "guard": 3461, + "beyond": 3462, + "cast": 3463, + "doctor": 3464, + "mm": 3465, + "flight": 3466, + "results": 3467, + "remains": 3468, + "cost": 3469, + "effect": 3470, + "winter": 3471, + "##ble": 3472, + "larger": 3473, + "islands": 3474, + "problems": 3475, + "chairman": 3476, + "grew": 3477, + "commander": 3478, + "isn": 3479, + "1967": 3480, + "pay": 3481, + "failed": 3482, + "selected": 3483, + "hurt": 3484, + "fort": 3485, + "box": 3486, + "regiment": 3487, + "majority": 3488, + "journal": 3489, + "35": 3490, + "edward": 3491, + "plans": 3492, + "##ke": 3493, + "##ni": 3494, + "shown": 3495, + "pretty": 3496, + "irish": 3497, + "characters": 3498, + "directly": 3499, + "scene": 3500, + "likely": 3501, + "operated": 3502, + "allow": 3503, + "spring": 3504, + "##j": 3505, + "junior": 3506, + "matches": 3507, + "looks": 3508, + "mike": 3509, + "houses": 3510, + "fellow": 3511, + "##tion": 3512, + "beach": 3513, + "marriage": 3514, + "##ham": 3515, + "##ive": 3516, + "rules": 3517, + "oil": 3518, + "65": 3519, + "florida": 3520, + "expected": 3521, + "nearby": 3522, + "congress": 3523, + "sam": 3524, + "peace": 3525, + "recent": 3526, + "iii": 3527, + "wait": 3528, + "subsequently": 3529, + "cell": 3530, + "##do": 3531, + "variety": 3532, + "serving": 3533, + "agreed": 3534, + "please": 3535, + "poor": 3536, + "joe": 3537, + "pacific": 3538, + "attempt": 3539, + "wood": 3540, + "democratic": 3541, + "piece": 3542, + "prime": 3543, + "##ca": 3544, + "rural": 3545, + "mile": 3546, + "touch": 3547, + "appears": 3548, + "township": 3549, + "1964": 3550, + "1966": 3551, + "soldiers": 3552, + "##men": 3553, + "##ized": 3554, + "1965": 3555, + "pennsylvania": 3556, + "closer": 3557, + "fighting": 3558, + "claimed": 3559, + "score": 3560, + "jones": 3561, + "physical": 3562, + "editor": 3563, + "##ous": 3564, + "filled": 3565, + "genus": 3566, + "specific": 3567, + "sitting": 3568, + "super": 3569, + "mom": 3570, + "##va": 3571, + "therefore": 3572, + "supported": 3573, + "status": 3574, + "fear": 3575, + "cases": 3576, + "store": 3577, + "meaning": 3578, + "wales": 3579, + "minor": 3580, + "spain": 3581, + "tower": 3582, + "focus": 3583, + "vice": 3584, + "frank": 3585, + "follow": 3586, + "parish": 3587, + "separate": 3588, + "golden": 3589, + "horse": 3590, + "fifth": 3591, + "remaining": 3592, + "branch": 3593, + "32": 3594, + "presented": 3595, + "stared": 3596, + "##id": 3597, + "uses": 3598, + "secret": 3599, + "forms": 3600, + "##co": 3601, + "baseball": 3602, + "exactly": 3603, + "##ck": 3604, + "choice": 3605, + "note": 3606, + "discovered": 3607, + "travel": 3608, + "composed": 3609, + "truth": 3610, + "russia": 3611, + "ball": 3612, + "color": 3613, + "kiss": 3614, + "dad": 3615, + "wind": 3616, + "continue": 3617, + "ring": 3618, + "referred": 3619, + "numbers": 3620, + "digital": 3621, + "greater": 3622, + "##ns": 3623, + "metres": 3624, + "slightly": 3625, + "direct": 3626, + "increase": 3627, + "1960": 3628, + "responsible": 3629, + "crew": 3630, + "rule": 3631, + "trees": 3632, + "troops": 3633, + "##no": 3634, + "broke": 3635, + "goes": 3636, + "individuals": 3637, + "hundred": 3638, + "weight": 3639, + "creek": 3640, + "sleep": 3641, + "memory": 3642, + "defense": 3643, + "provides": 3644, + "ordered": 3645, + "code": 3646, + "value": 3647, + "jewish": 3648, + "windows": 3649, + "1944": 3650, + "safe": 3651, + "judge": 3652, + "whatever": 3653, + "corps": 3654, + "realized": 3655, + "growing": 3656, + "pre": 3657, + "##ga": 3658, + "cities": 3659, + "alexander": 3660, + "gaze": 3661, + "lies": 3662, + "spread": 3663, + "scott": 3664, + "letter": 3665, + "showed": 3666, + "situation": 3667, + "mayor": 3668, + "transport": 3669, + "watching": 3670, + "workers": 3671, + "extended": 3672, + "##li": 3673, + "expression": 3674, + "normal": 3675, + "##ment": 3676, + "chart": 3677, + "multiple": 3678, + "border": 3679, + "##ba": 3680, + "host": 3681, + "##ner": 3682, + "daily": 3683, + "mrs": 3684, + "walls": 3685, + "piano": 3686, + "##ko": 3687, + "heat": 3688, + "cannot": 3689, + "##ate": 3690, + "earned": 3691, + "products": 3692, + "drama": 3693, + "era": 3694, + "authority": 3695, + "seasons": 3696, + "join": 3697, + "grade": 3698, + "##io": 3699, + "sign": 3700, + "difficult": 3701, + "machine": 3702, + "1963": 3703, + "territory": 3704, + "mainly": 3705, + "##wood": 3706, + "stations": 3707, + "squadron": 3708, + "1962": 3709, + "stepped": 3710, + "iron": 3711, + "19th": 3712, + "##led": 3713, + "serve": 3714, + "appear": 3715, + "sky": 3716, + "speak": 3717, + "broken": 3718, + "charge": 3719, + "knowledge": 3720, + "kilometres": 3721, + "removed": 3722, + "ships": 3723, + "article": 3724, + "campus": 3725, + "simple": 3726, + "##ty": 3727, + "pushed": 3728, + "britain": 3729, + "##ve": 3730, + "leaves": 3731, + "recently": 3732, + "cd": 3733, + "soft": 3734, + "boston": 3735, + "latter": 3736, + "easy": 3737, + "acquired": 3738, + "poland": 3739, + "##sa": 3740, + "quality": 3741, + "officers": 3742, + "presence": 3743, + "planned": 3744, + "nations": 3745, + "mass": 3746, + "broadcast": 3747, + "jean": 3748, + "share": 3749, + "image": 3750, + "influence": 3751, + "wild": 3752, + "offer": 3753, + "emperor": 3754, + "electric": 3755, + "reading": 3756, + "headed": 3757, + "ability": 3758, + "promoted": 3759, + "yellow": 3760, + "ministry": 3761, + "1942": 3762, + "throat": 3763, + "smaller": 3764, + "politician": 3765, + "##by": 3766, + "latin": 3767, + "spoke": 3768, + "cars": 3769, + "williams": 3770, + "males": 3771, + "lack": 3772, + "pop": 3773, + "80": 3774, + "##ier": 3775, + "acting": 3776, + "seeing": 3777, + "consists": 3778, + "##ti": 3779, + "estate": 3780, + "1961": 3781, + "pressure": 3782, + "johnson": 3783, + "newspaper": 3784, + "jr": 3785, + "chris": 3786, + "olympics": 3787, + "online": 3788, + "conditions": 3789, + "beat": 3790, + "elements": 3791, + "walking": 3792, + "vote": 3793, + "##field": 3794, + "needs": 3795, + "carolina": 3796, + "text": 3797, + "featuring": 3798, + "global": 3799, + "block": 3800, + "shirt": 3801, + "levels": 3802, + "francisco": 3803, + "purpose": 3804, + "females": 3805, + "et": 3806, + "dutch": 3807, + "duke": 3808, + "ahead": 3809, + "gas": 3810, + "twice": 3811, + "safety": 3812, + "serious": 3813, + "turning": 3814, + "highly": 3815, + "lieutenant": 3816, + "firm": 3817, + "maria": 3818, + "amount": 3819, + "mixed": 3820, + "daniel": 3821, + "proposed": 3822, + "perfect": 3823, + "agreement": 3824, + "affairs": 3825, + "3rd": 3826, + "seconds": 3827, + "contemporary": 3828, + "paid": 3829, + "1943": 3830, + "prison": 3831, + "save": 3832, + "kitchen": 3833, + "label": 3834, + "administrative": 3835, + "intended": 3836, + "constructed": 3837, + "academic": 3838, + "nice": 3839, + "teacher": 3840, + "races": 3841, + "1956": 3842, + "formerly": 3843, + "corporation": 3844, + "ben": 3845, + "nation": 3846, + "issued": 3847, + "shut": 3848, + "1958": 3849, + "drums": 3850, + "housing": 3851, + "victoria": 3852, + "seems": 3853, + "opera": 3854, + "1959": 3855, + "graduated": 3856, + "function": 3857, + "von": 3858, + "mentioned": 3859, + "picked": 3860, + "build": 3861, + "recognized": 3862, + "shortly": 3863, + "protection": 3864, + "picture": 3865, + "notable": 3866, + "exchange": 3867, + "elections": 3868, + "1980s": 3869, + "loved": 3870, + "percent": 3871, + "racing": 3872, + "fish": 3873, + "elizabeth": 3874, + "garden": 3875, + "volume": 3876, + "hockey": 3877, + "1941": 3878, + "beside": 3879, + "settled": 3880, + "##ford": 3881, + "1940": 3882, + "competed": 3883, + "replied": 3884, + "drew": 3885, + "1948": 3886, + "actress": 3887, + "marine": 3888, + "scotland": 3889, + "steel": 3890, + "glanced": 3891, + "farm": 3892, + "steve": 3893, + "1957": 3894, + "risk": 3895, + "tonight": 3896, + "positive": 3897, + "magic": 3898, + "singles": 3899, + "effects": 3900, + "gray": 3901, + "screen": 3902, + "dog": 3903, + "##ja": 3904, + "residents": 3905, + "bus": 3906, + "sides": 3907, + "none": 3908, + "secondary": 3909, + "literature": 3910, + "polish": 3911, + "destroyed": 3912, + "flying": 3913, + "founder": 3914, + "households": 3915, + "1939": 3916, + "lay": 3917, + "reserve": 3918, + "usa": 3919, + "gallery": 3920, + "##ler": 3921, + "1946": 3922, + "industrial": 3923, + "younger": 3924, + "approach": 3925, + "appearances": 3926, + "urban": 3927, + "ones": 3928, + "1950": 3929, + "finish": 3930, + "avenue": 3931, + "powerful": 3932, + "fully": 3933, + "growth": 3934, + "page": 3935, + "honor": 3936, + "jersey": 3937, + "projects": 3938, + "advanced": 3939, + "revealed": 3940, + "basic": 3941, + "90": 3942, + "infantry": 3943, + "pair": 3944, + "equipment": 3945, + "visit": 3946, + "33": 3947, + "evening": 3948, + "search": 3949, + "grant": 3950, + "effort": 3951, + "solo": 3952, + "treatment": 3953, + "buried": 3954, + "republican": 3955, + "primarily": 3956, + "bottom": 3957, + "owner": 3958, + "1970s": 3959, + "israel": 3960, + "gives": 3961, + "jim": 3962, + "dream": 3963, + "bob": 3964, + "remain": 3965, + "spot": 3966, + "70": 3967, + "notes": 3968, + "produce": 3969, + "champions": 3970, + "contact": 3971, + "ed": 3972, + "soul": 3973, + "accepted": 3974, + "ways": 3975, + "del": 3976, + "##ally": 3977, + "losing": 3978, + "split": 3979, + "price": 3980, + "capacity": 3981, + "basis": 3982, + "trial": 3983, + "questions": 3984, + "##ina": 3985, + "1955": 3986, + "20th": 3987, + "guess": 3988, + "officially": 3989, + "memorial": 3990, + "naval": 3991, + "initial": 3992, + "##ization": 3993, + "whispered": 3994, + "median": 3995, + "engineer": 3996, + "##ful": 3997, + "sydney": 3998, + "##go": 3999, + "columbia": 4000, + "strength": 4001, + "300": 4002, + "1952": 4003, + "tears": 4004, + "senate": 4005, + "00": 4006, + "card": 4007, + "asian": 4008, + "agent": 4009, + "1947": 4010, + "software": 4011, + "44": 4012, + "draw": 4013, + "warm": 4014, + "supposed": 4015, + "com": 4016, + "pro": 4017, + "##il": 4018, + "transferred": 4019, + "leaned": 4020, + "##at": 4021, + "candidate": 4022, + "escape": 4023, + "mountains": 4024, + "asia": 4025, + "potential": 4026, + "activity": 4027, + "entertainment": 4028, + "seem": 4029, + "traffic": 4030, + "jackson": 4031, + "murder": 4032, + "36": 4033, + "slow": 4034, + "product": 4035, + "orchestra": 4036, + "haven": 4037, + "agency": 4038, + "bbc": 4039, + "taught": 4040, + "website": 4041, + "comedy": 4042, + "unable": 4043, + "storm": 4044, + "planning": 4045, + "albums": 4046, + "rugby": 4047, + "environment": 4048, + "scientific": 4049, + "grabbed": 4050, + "protect": 4051, + "##hi": 4052, + "boat": 4053, + "typically": 4054, + "1954": 4055, + "1953": 4056, + "damage": 4057, + "principal": 4058, + "divided": 4059, + "dedicated": 4060, + "mount": 4061, + "ohio": 4062, + "##berg": 4063, + "pick": 4064, + "fought": 4065, + "driver": 4066, + "##der": 4067, + "empty": 4068, + "shoulders": 4069, + "sort": 4070, + "thank": 4071, + "berlin": 4072, + "prominent": 4073, + "account": 4074, + "freedom": 4075, + "necessary": 4076, + "efforts": 4077, + "alex": 4078, + "headquarters": 4079, + "follows": 4080, + "alongside": 4081, + "des": 4082, + "simon": 4083, + "andrew": 4084, + "suggested": 4085, + "operating": 4086, + "learning": 4087, + "steps": 4088, + "1949": 4089, + "sweet": 4090, + "technical": 4091, + "begin": 4092, + "easily": 4093, + "34": 4094, + "teeth": 4095, + "speaking": 4096, + "settlement": 4097, + "scale": 4098, + "##sh": 4099, + "renamed": 4100, + "ray": 4101, + "max": 4102, + "enemy": 4103, + "semi": 4104, + "joint": 4105, + "compared": 4106, + "##rd": 4107, + "scottish": 4108, + "leadership": 4109, + "analysis": 4110, + "offers": 4111, + "georgia": 4112, + "pieces": 4113, + "captured": 4114, + "animal": 4115, + "deputy": 4116, + "guest": 4117, + "organized": 4118, + "##lin": 4119, + "tony": 4120, + "combined": 4121, + "method": 4122, + "challenge": 4123, + "1960s": 4124, + "huge": 4125, + "wants": 4126, + "battalion": 4127, + "sons": 4128, + "rise": 4129, + "crime": 4130, + "types": 4131, + "facilities": 4132, + "telling": 4133, + "path": 4134, + "1951": 4135, + "platform": 4136, + "sit": 4137, + "1990s": 4138, + "##lo": 4139, + "tells": 4140, + "assigned": 4141, + "rich": 4142, + "pull": 4143, + "##ot": 4144, + "commonly": 4145, + "alive": 4146, + "##za": 4147, + "letters": 4148, + "concept": 4149, + "conducted": 4150, + "wearing": 4151, + "happen": 4152, + "bought": 4153, + "becomes": 4154, + "holy": 4155, + "gets": 4156, + "ocean": 4157, + "defeat": 4158, + "languages": 4159, + "purchased": 4160, + "coffee": 4161, + "occurred": 4162, + "titled": 4163, + "##q": 4164, + "declared": 4165, + "applied": 4166, + "sciences": 4167, + "concert": 4168, + "sounds": 4169, + "jazz": 4170, + "brain": 4171, + "##me": 4172, + "painting": 4173, + "fleet": 4174, + "tax": 4175, + "nick": 4176, + "##ius": 4177, + "michigan": 4178, + "count": 4179, + "animals": 4180, + "leaders": 4181, + "episodes": 4182, + "##line": 4183, + "content": 4184, + "##den": 4185, + "birth": 4186, + "##it": 4187, + "clubs": 4188, + "64": 4189, + "palace": 4190, + "critical": 4191, + "refused": 4192, + "fair": 4193, + "leg": 4194, + "laughed": 4195, + "returning": 4196, + "surrounding": 4197, + "participated": 4198, + "formation": 4199, + "lifted": 4200, + "pointed": 4201, + "connected": 4202, + "rome": 4203, + "medicine": 4204, + "laid": 4205, + "taylor": 4206, + "santa": 4207, + "powers": 4208, + "adam": 4209, + "tall": 4210, + "shared": 4211, + "focused": 4212, + "knowing": 4213, + "yards": 4214, + "entrance": 4215, + "falls": 4216, + "##wa": 4217, + "calling": 4218, + "##ad": 4219, + "sources": 4220, + "chosen": 4221, + "beneath": 4222, + "resources": 4223, + "yard": 4224, + "##ite": 4225, + "nominated": 4226, + "silence": 4227, + "zone": 4228, + "defined": 4229, + "##que": 4230, + "gained": 4231, + "thirty": 4232, + "38": 4233, + "bodies": 4234, + "moon": 4235, + "##ard": 4236, + "adopted": 4237, + "christmas": 4238, + "widely": 4239, + "register": 4240, + "apart": 4241, + "iran": 4242, + "premier": 4243, + "serves": 4244, + "du": 4245, + "unknown": 4246, + "parties": 4247, + "##les": 4248, + "generation": 4249, + "##ff": 4250, + "continues": 4251, + "quick": 4252, + "fields": 4253, + "brigade": 4254, + "quiet": 4255, + "teaching": 4256, + "clothes": 4257, + "impact": 4258, + "weapons": 4259, + "partner": 4260, + "flat": 4261, + "theater": 4262, + "supreme": 4263, + "1938": 4264, + "37": 4265, + "relations": 4266, + "##tor": 4267, + "plants": 4268, + "suffered": 4269, + "1936": 4270, + "wilson": 4271, + "kids": 4272, + "begins": 4273, + "##age": 4274, + "1918": 4275, + "seats": 4276, + "armed": 4277, + "internet": 4278, + "models": 4279, + "worth": 4280, + "laws": 4281, + "400": 4282, + "communities": 4283, + "classes": 4284, + "background": 4285, + "knows": 4286, + "thanks": 4287, + "quarter": 4288, + "reaching": 4289, + "humans": 4290, + "carry": 4291, + "killing": 4292, + "format": 4293, + "kong": 4294, + "hong": 4295, + "setting": 4296, + "75": 4297, + "architecture": 4298, + "disease": 4299, + "railroad": 4300, + "inc": 4301, + "possibly": 4302, + "wish": 4303, + "arthur": 4304, + "thoughts": 4305, + "harry": 4306, + "doors": 4307, + "density": 4308, + "##di": 4309, + "crowd": 4310, + "illinois": 4311, + "stomach": 4312, + "tone": 4313, + "unique": 4314, + "reports": 4315, + "anyway": 4316, + "##ir": 4317, + "liberal": 4318, + "der": 4319, + "vehicle": 4320, + "thick": 4321, + "dry": 4322, + "drug": 4323, + "faced": 4324, + "largely": 4325, + "facility": 4326, + "theme": 4327, + "holds": 4328, + "creation": 4329, + "strange": 4330, + "colonel": 4331, + "##mi": 4332, + "revolution": 4333, + "bell": 4334, + "politics": 4335, + "turns": 4336, + "silent": 4337, + "rail": 4338, + "relief": 4339, + "independence": 4340, + "combat": 4341, + "shape": 4342, + "write": 4343, + "determined": 4344, + "sales": 4345, + "learned": 4346, + "4th": 4347, + "finger": 4348, + "oxford": 4349, + "providing": 4350, + "1937": 4351, + "heritage": 4352, + "fiction": 4353, + "situated": 4354, + "designated": 4355, + "allowing": 4356, + "distribution": 4357, + "hosted": 4358, + "##est": 4359, + "sight": 4360, + "interview": 4361, + "estimated": 4362, + "reduced": 4363, + "##ria": 4364, + "toronto": 4365, + "footballer": 4366, + "keeping": 4367, + "guys": 4368, + "damn": 4369, + "claim": 4370, + "motion": 4371, + "sport": 4372, + "sixth": 4373, + "stayed": 4374, + "##ze": 4375, + "en": 4376, + "rear": 4377, + "receive": 4378, + "handed": 4379, + "twelve": 4380, + "dress": 4381, + "audience": 4382, + "granted": 4383, + "brazil": 4384, + "##well": 4385, + "spirit": 4386, + "##ated": 4387, + "noticed": 4388, + "etc": 4389, + "olympic": 4390, + "representative": 4391, + "eric": 4392, + "tight": 4393, + "trouble": 4394, + "reviews": 4395, + "drink": 4396, + "vampire": 4397, + "missing": 4398, + "roles": 4399, + "ranked": 4400, + "newly": 4401, + "household": 4402, + "finals": 4403, + "wave": 4404, + "critics": 4405, + "##ee": 4406, + "phase": 4407, + "massachusetts": 4408, + "pilot": 4409, + "unlike": 4410, + "philadelphia": 4411, + "bright": 4412, + "guns": 4413, + "crown": 4414, + "organizations": 4415, + "roof": 4416, + "42": 4417, + "respectively": 4418, + "clearly": 4419, + "tongue": 4420, + "marked": 4421, + "circle": 4422, + "fox": 4423, + "korea": 4424, + "bronze": 4425, + "brian": 4426, + "expanded": 4427, + "sexual": 4428, + "supply": 4429, + "yourself": 4430, + "inspired": 4431, + "labour": 4432, + "fc": 4433, + "##ah": 4434, + "reference": 4435, + "vision": 4436, + "draft": 4437, + "connection": 4438, + "brand": 4439, + "reasons": 4440, + "1935": 4441, + "classic": 4442, + "driving": 4443, + "trip": 4444, + "jesus": 4445, + "cells": 4446, + "entry": 4447, + "1920": 4448, + "neither": 4449, + "trail": 4450, + "claims": 4451, + "atlantic": 4452, + "orders": 4453, + "labor": 4454, + "nose": 4455, + "afraid": 4456, + "identified": 4457, + "intelligence": 4458, + "calls": 4459, + "cancer": 4460, + "attacked": 4461, + "passing": 4462, + "stephen": 4463, + "positions": 4464, + "imperial": 4465, + "grey": 4466, + "jason": 4467, + "39": 4468, + "sunday": 4469, + "48": 4470, + "swedish": 4471, + "avoid": 4472, + "extra": 4473, + "uncle": 4474, + "message": 4475, + "covers": 4476, + "allows": 4477, + "surprise": 4478, + "materials": 4479, + "fame": 4480, + "hunter": 4481, + "##ji": 4482, + "1930": 4483, + "citizens": 4484, + "figures": 4485, + "davis": 4486, + "environmental": 4487, + "confirmed": 4488, + "shit": 4489, + "titles": 4490, + "di": 4491, + "performing": 4492, + "difference": 4493, + "acts": 4494, + "attacks": 4495, + "##ov": 4496, + "existing": 4497, + "votes": 4498, + "opportunity": 4499, + "nor": 4500, + "shop": 4501, + "entirely": 4502, + "trains": 4503, + "opposite": 4504, + "pakistan": 4505, + "##pa": 4506, + "develop": 4507, + "resulted": 4508, + "representatives": 4509, + "actions": 4510, + "reality": 4511, + "pressed": 4512, + "##ish": 4513, + "barely": 4514, + "wine": 4515, + "conversation": 4516, + "faculty": 4517, + "northwest": 4518, + "ends": 4519, + "documentary": 4520, + "nuclear": 4521, + "stock": 4522, + "grace": 4523, + "sets": 4524, + "eat": 4525, + "alternative": 4526, + "##ps": 4527, + "bag": 4528, + "resulting": 4529, + "creating": 4530, + "surprised": 4531, + "cemetery": 4532, + "1919": 4533, + "drop": 4534, + "finding": 4535, + "sarah": 4536, + "cricket": 4537, + "streets": 4538, + "tradition": 4539, + "ride": 4540, + "1933": 4541, + "exhibition": 4542, + "target": 4543, + "ear": 4544, + "explained": 4545, + "rain": 4546, + "composer": 4547, + "injury": 4548, + "apartment": 4549, + "municipal": 4550, + "educational": 4551, + "occupied": 4552, + "netherlands": 4553, + "clean": 4554, + "billion": 4555, + "constitution": 4556, + "learn": 4557, + "1914": 4558, + "maximum": 4559, + "classical": 4560, + "francis": 4561, + "lose": 4562, + "opposition": 4563, + "jose": 4564, + "ontario": 4565, + "bear": 4566, + "core": 4567, + "hills": 4568, + "rolled": 4569, + "ending": 4570, + "drawn": 4571, + "permanent": 4572, + "fun": 4573, + "##tes": 4574, + "##lla": 4575, + "lewis": 4576, + "sites": 4577, + "chamber": 4578, + "ryan": 4579, + "##way": 4580, + "scoring": 4581, + "height": 4582, + "1934": 4583, + "##house": 4584, + "lyrics": 4585, + "staring": 4586, + "55": 4587, + "officials": 4588, + "1917": 4589, + "snow": 4590, + "oldest": 4591, + "##tic": 4592, + "orange": 4593, + "##ger": 4594, + "qualified": 4595, + "interior": 4596, + "apparently": 4597, + "succeeded": 4598, + "thousand": 4599, + "dinner": 4600, + "lights": 4601, + "existence": 4602, + "fans": 4603, + "heavily": 4604, + "41": 4605, + "greatest": 4606, + "conservative": 4607, + "send": 4608, + "bowl": 4609, + "plus": 4610, + "enter": 4611, + "catch": 4612, + "##un": 4613, + "economy": 4614, + "duty": 4615, + "1929": 4616, + "speech": 4617, + "authorities": 4618, + "princess": 4619, + "performances": 4620, + "versions": 4621, + "shall": 4622, + "graduate": 4623, + "pictures": 4624, + "effective": 4625, + "remembered": 4626, + "poetry": 4627, + "desk": 4628, + "crossed": 4629, + "starring": 4630, + "starts": 4631, + "passenger": 4632, + "sharp": 4633, + "##ant": 4634, + "acres": 4635, + "ass": 4636, + "weather": 4637, + "falling": 4638, + "rank": 4639, + "fund": 4640, + "supporting": 4641, + "check": 4642, + "adult": 4643, + "publishing": 4644, + "heads": 4645, + "cm": 4646, + "southeast": 4647, + "lane": 4648, + "##burg": 4649, + "application": 4650, + "bc": 4651, + "##ura": 4652, + "les": 4653, + "condition": 4654, + "transfer": 4655, + "prevent": 4656, + "display": 4657, + "ex": 4658, + "regions": 4659, + "earl": 4660, + "federation": 4661, + "cool": 4662, + "relatively": 4663, + "answered": 4664, + "besides": 4665, + "1928": 4666, + "obtained": 4667, + "portion": 4668, + "##town": 4669, + "mix": 4670, + "##ding": 4671, + "reaction": 4672, + "liked": 4673, + "dean": 4674, + "express": 4675, + "peak": 4676, + "1932": 4677, + "##tte": 4678, + "counter": 4679, + "religion": 4680, + "chain": 4681, + "rare": 4682, + "miller": 4683, + "convention": 4684, + "aid": 4685, + "lie": 4686, + "vehicles": 4687, + "mobile": 4688, + "perform": 4689, + "squad": 4690, + "wonder": 4691, + "lying": 4692, + "crazy": 4693, + "sword": 4694, + "##ping": 4695, + "attempted": 4696, + "centuries": 4697, + "weren": 4698, + "philosophy": 4699, + "category": 4700, + "##ize": 4701, + "anna": 4702, + "interested": 4703, + "47": 4704, + "sweden": 4705, + "wolf": 4706, + "frequently": 4707, + "abandoned": 4708, + "kg": 4709, + "literary": 4710, + "alliance": 4711, + "task": 4712, + "entitled": 4713, + "##ay": 4714, + "threw": 4715, + "promotion": 4716, + "factory": 4717, + "tiny": 4718, + "soccer": 4719, + "visited": 4720, + "matt": 4721, + "fm": 4722, + "achieved": 4723, + "52": 4724, + "defence": 4725, + "internal": 4726, + "persian": 4727, + "43": 4728, + "methods": 4729, + "##ging": 4730, + "arrested": 4731, + "otherwise": 4732, + "cambridge": 4733, + "programming": 4734, + "villages": 4735, + "elementary": 4736, + "districts": 4737, + "rooms": 4738, + "criminal": 4739, + "conflict": 4740, + "worry": 4741, + "trained": 4742, + "1931": 4743, + "attempts": 4744, + "waited": 4745, + "signal": 4746, + "bird": 4747, + "truck": 4748, + "subsequent": 4749, + "programme": 4750, + "##ol": 4751, + "ad": 4752, + "49": 4753, + "communist": 4754, + "details": 4755, + "faith": 4756, + "sector": 4757, + "patrick": 4758, + "carrying": 4759, + "laugh": 4760, + "##ss": 4761, + "controlled": 4762, + "korean": 4763, + "showing": 4764, + "origin": 4765, + "fuel": 4766, + "evil": 4767, + "1927": 4768, + "##ent": 4769, + "brief": 4770, + "identity": 4771, + "darkness": 4772, + "address": 4773, + "pool": 4774, + "missed": 4775, + "publication": 4776, + "web": 4777, + "planet": 4778, + "ian": 4779, + "anne": 4780, + "wings": 4781, + "invited": 4782, + "##tt": 4783, + "briefly": 4784, + "standards": 4785, + "kissed": 4786, + "##be": 4787, + "ideas": 4788, + "climate": 4789, + "causing": 4790, + "walter": 4791, + "worse": 4792, + "albert": 4793, + "articles": 4794, + "winners": 4795, + "desire": 4796, + "aged": 4797, + "northeast": 4798, + "dangerous": 4799, + "gate": 4800, + "doubt": 4801, + "1922": 4802, + "wooden": 4803, + "multi": 4804, + "##ky": 4805, + "poet": 4806, + "rising": 4807, + "funding": 4808, + "46": 4809, + "communications": 4810, + "communication": 4811, + "violence": 4812, + "copies": 4813, + "prepared": 4814, + "ford": 4815, + "investigation": 4816, + "skills": 4817, + "1924": 4818, + "pulling": 4819, + "electronic": 4820, + "##ak": 4821, + "##ial": 4822, + "##han": 4823, + "containing": 4824, + "ultimately": 4825, + "offices": 4826, + "singing": 4827, + "understanding": 4828, + "restaurant": 4829, + "tomorrow": 4830, + "fashion": 4831, + "christ": 4832, + "ward": 4833, + "da": 4834, + "pope": 4835, + "stands": 4836, + "5th": 4837, + "flow": 4838, + "studios": 4839, + "aired": 4840, + "commissioned": 4841, + "contained": 4842, + "exist": 4843, + "fresh": 4844, + "americans": 4845, + "##per": 4846, + "wrestling": 4847, + "approved": 4848, + "kid": 4849, + "employed": 4850, + "respect": 4851, + "suit": 4852, + "1925": 4853, + "angel": 4854, + "asking": 4855, + "increasing": 4856, + "frame": 4857, + "angry": 4858, + "selling": 4859, + "1950s": 4860, + "thin": 4861, + "finds": 4862, + "##nd": 4863, + "temperature": 4864, + "statement": 4865, + "ali": 4866, + "explain": 4867, + "inhabitants": 4868, + "towns": 4869, + "extensive": 4870, + "narrow": 4871, + "51": 4872, + "jane": 4873, + "flowers": 4874, + "images": 4875, + "promise": 4876, + "somewhere": 4877, + "object": 4878, + "fly": 4879, + "closely": 4880, + "##ls": 4881, + "1912": 4882, + "bureau": 4883, + "cape": 4884, + "1926": 4885, + "weekly": 4886, + "presidential": 4887, + "legislative": 4888, + "1921": 4889, + "##ai": 4890, + "##au": 4891, + "launch": 4892, + "founding": 4893, + "##ny": 4894, + "978": 4895, + "##ring": 4896, + "artillery": 4897, + "strike": 4898, + "un": 4899, + "institutions": 4900, + "roll": 4901, + "writers": 4902, + "landing": 4903, + "chose": 4904, + "kevin": 4905, + "anymore": 4906, + "pp": 4907, + "##ut": 4908, + "attorney": 4909, + "fit": 4910, + "dan": 4911, + "billboard": 4912, + "receiving": 4913, + "agricultural": 4914, + "breaking": 4915, + "sought": 4916, + "dave": 4917, + "admitted": 4918, + "lands": 4919, + "mexican": 4920, + "##bury": 4921, + "charlie": 4922, + "specifically": 4923, + "hole": 4924, + "iv": 4925, + "howard": 4926, + "credit": 4927, + "moscow": 4928, + "roads": 4929, + "accident": 4930, + "1923": 4931, + "proved": 4932, + "wear": 4933, + "struck": 4934, + "hey": 4935, + "guards": 4936, + "stuff": 4937, + "slid": 4938, + "expansion": 4939, + "1915": 4940, + "cat": 4941, + "anthony": 4942, + "##kin": 4943, + "melbourne": 4944, + "opposed": 4945, + "sub": 4946, + "southwest": 4947, + "architect": 4948, + "failure": 4949, + "plane": 4950, + "1916": 4951, + "##ron": 4952, + "map": 4953, + "camera": 4954, + "tank": 4955, + "listen": 4956, + "regarding": 4957, + "wet": 4958, + "introduction": 4959, + "metropolitan": 4960, + "link": 4961, + "ep": 4962, + "fighter": 4963, + "inch": 4964, + "grown": 4965, + "gene": 4966, + "anger": 4967, + "fixed": 4968, + "buy": 4969, + "dvd": 4970, + "khan": 4971, + "domestic": 4972, + "worldwide": 4973, + "chapel": 4974, + "mill": 4975, + "functions": 4976, + "examples": 4977, + "##head": 4978, + "developing": 4979, + "1910": 4980, + "turkey": 4981, + "hits": 4982, + "pocket": 4983, + "antonio": 4984, + "papers": 4985, + "grow": 4986, + "unless": 4987, + "circuit": 4988, + "18th": 4989, + "concerned": 4990, + "attached": 4991, + "journalist": 4992, + "selection": 4993, + "journey": 4994, + "converted": 4995, + "provincial": 4996, + "painted": 4997, + "hearing": 4998, + "aren": 4999, + "bands": 5000, + "negative": 5001, + "aside": 5002, + "wondered": 5003, + "knight": 5004, + "lap": 5005, + "survey": 5006, + "ma": 5007, + "##ow": 5008, + "noise": 5009, + "billy": 5010, + "##ium": 5011, + "shooting": 5012, + "guide": 5013, + "bedroom": 5014, + "priest": 5015, + "resistance": 5016, + "motor": 5017, + "homes": 5018, + "sounded": 5019, + "giant": 5020, + "##mer": 5021, + "150": 5022, + "scenes": 5023, + "equal": 5024, + "comic": 5025, + "patients": 5026, + "hidden": 5027, + "solid": 5028, + "actual": 5029, + "bringing": 5030, + "afternoon": 5031, + "touched": 5032, + "funds": 5033, + "wedding": 5034, + "consisted": 5035, + "marie": 5036, + "canal": 5037, + "sr": 5038, + "kim": 5039, + "treaty": 5040, + "turkish": 5041, + "recognition": 5042, + "residence": 5043, + "cathedral": 5044, + "broad": 5045, + "knees": 5046, + "incident": 5047, + "shaped": 5048, + "fired": 5049, + "norwegian": 5050, + "handle": 5051, + "cheek": 5052, + "contest": 5053, + "represent": 5054, + "##pe": 5055, + "representing": 5056, + "beauty": 5057, + "##sen": 5058, + "birds": 5059, + "advantage": 5060, + "emergency": 5061, + "wrapped": 5062, + "drawing": 5063, + "notice": 5064, + "pink": 5065, + "broadcasting": 5066, + "##ong": 5067, + "somehow": 5068, + "bachelor": 5069, + "seventh": 5070, + "collected": 5071, + "registered": 5072, + "establishment": 5073, + "alan": 5074, + "assumed": 5075, + "chemical": 5076, + "personnel": 5077, + "roger": 5078, + "retirement": 5079, + "jeff": 5080, + "portuguese": 5081, + "wore": 5082, + "tied": 5083, + "device": 5084, + "threat": 5085, + "progress": 5086, + "advance": 5087, + "##ised": 5088, + "banks": 5089, + "hired": 5090, + "manchester": 5091, + "nfl": 5092, + "teachers": 5093, + "structures": 5094, + "forever": 5095, + "##bo": 5096, + "tennis": 5097, + "helping": 5098, + "saturday": 5099, + "sale": 5100, + "applications": 5101, + "junction": 5102, + "hip": 5103, + "incorporated": 5104, + "neighborhood": 5105, + "dressed": 5106, + "ceremony": 5107, + "##ds": 5108, + "influenced": 5109, + "hers": 5110, + "visual": 5111, + "stairs": 5112, + "decades": 5113, + "inner": 5114, + "kansas": 5115, + "hung": 5116, + "hoped": 5117, + "gain": 5118, + "scheduled": 5119, + "downtown": 5120, + "engaged": 5121, + "austria": 5122, + "clock": 5123, + "norway": 5124, + "certainly": 5125, + "pale": 5126, + "protected": 5127, + "1913": 5128, + "victor": 5129, + "employees": 5130, + "plate": 5131, + "putting": 5132, + "surrounded": 5133, + "##ists": 5134, + "finishing": 5135, + "blues": 5136, + "tropical": 5137, + "##ries": 5138, + "minnesota": 5139, + "consider": 5140, + "philippines": 5141, + "accept": 5142, + "54": 5143, + "retrieved": 5144, + "1900": 5145, + "concern": 5146, + "anderson": 5147, + "properties": 5148, + "institution": 5149, + "gordon": 5150, + "successfully": 5151, + "vietnam": 5152, + "##dy": 5153, + "backing": 5154, + "outstanding": 5155, + "muslim": 5156, + "crossing": 5157, + "folk": 5158, + "producing": 5159, + "usual": 5160, + "demand": 5161, + "occurs": 5162, + "observed": 5163, + "lawyer": 5164, + "educated": 5165, + "##ana": 5166, + "kelly": 5167, + "string": 5168, + "pleasure": 5169, + "budget": 5170, + "items": 5171, + "quietly": 5172, + "colorado": 5173, + "philip": 5174, + "typical": 5175, + "##worth": 5176, + "derived": 5177, + "600": 5178, + "survived": 5179, + "asks": 5180, + "mental": 5181, + "##ide": 5182, + "56": 5183, + "jake": 5184, + "jews": 5185, + "distinguished": 5186, + "ltd": 5187, + "1911": 5188, + "sri": 5189, + "extremely": 5190, + "53": 5191, + "athletic": 5192, + "loud": 5193, + "thousands": 5194, + "worried": 5195, + "shadow": 5196, + "transportation": 5197, + "horses": 5198, + "weapon": 5199, + "arena": 5200, + "importance": 5201, + "users": 5202, + "tim": 5203, + "objects": 5204, + "contributed": 5205, + "dragon": 5206, + "douglas": 5207, + "aware": 5208, + "senator": 5209, + "johnny": 5210, + "jordan": 5211, + "sisters": 5212, + "engines": 5213, + "flag": 5214, + "investment": 5215, + "samuel": 5216, + "shock": 5217, + "capable": 5218, + "clark": 5219, + "row": 5220, + "wheel": 5221, + "refers": 5222, + "session": 5223, + "familiar": 5224, + "biggest": 5225, + "wins": 5226, + "hate": 5227, + "maintained": 5228, + "drove": 5229, + "hamilton": 5230, + "request": 5231, + "expressed": 5232, + "injured": 5233, + "underground": 5234, + "churches": 5235, + "walker": 5236, + "wars": 5237, + "tunnel": 5238, + "passes": 5239, + "stupid": 5240, + "agriculture": 5241, + "softly": 5242, + "cabinet": 5243, + "regarded": 5244, + "joining": 5245, + "indiana": 5246, + "##ea": 5247, + "##ms": 5248, + "push": 5249, + "dates": 5250, + "spend": 5251, + "behavior": 5252, + "woods": 5253, + "protein": 5254, + "gently": 5255, + "chase": 5256, + "morgan": 5257, + "mention": 5258, + "burning": 5259, + "wake": 5260, + "combination": 5261, + "occur": 5262, + "mirror": 5263, + "leads": 5264, + "jimmy": 5265, + "indeed": 5266, + "impossible": 5267, + "singapore": 5268, + "paintings": 5269, + "covering": 5270, + "##nes": 5271, + "soldier": 5272, + "locations": 5273, + "attendance": 5274, + "sell": 5275, + "historian": 5276, + "wisconsin": 5277, + "invasion": 5278, + "argued": 5279, + "painter": 5280, + "diego": 5281, + "changing": 5282, + "egypt": 5283, + "##don": 5284, + "experienced": 5285, + "inches": 5286, + "##ku": 5287, + "missouri": 5288, + "vol": 5289, + "grounds": 5290, + "spoken": 5291, + "switzerland": 5292, + "##gan": 5293, + "reform": 5294, + "rolling": 5295, + "ha": 5296, + "forget": 5297, + "massive": 5298, + "resigned": 5299, + "burned": 5300, + "allen": 5301, + "tennessee": 5302, + "locked": 5303, + "values": 5304, + "improved": 5305, + "##mo": 5306, + "wounded": 5307, + "universe": 5308, + "sick": 5309, + "dating": 5310, + "facing": 5311, + "pack": 5312, + "purchase": 5313, + "user": 5314, + "##pur": 5315, + "moments": 5316, + "##ul": 5317, + "merged": 5318, + "anniversary": 5319, + "1908": 5320, + "coal": 5321, + "brick": 5322, + "understood": 5323, + "causes": 5324, + "dynasty": 5325, + "queensland": 5326, + "establish": 5327, + "stores": 5328, + "crisis": 5329, + "promote": 5330, + "hoping": 5331, + "views": 5332, + "cards": 5333, + "referee": 5334, + "extension": 5335, + "##si": 5336, + "raise": 5337, + "arizona": 5338, + "improve": 5339, + "colonial": 5340, + "formal": 5341, + "charged": 5342, + "##rt": 5343, + "palm": 5344, + "lucky": 5345, + "hide": 5346, + "rescue": 5347, + "faces": 5348, + "95": 5349, + "feelings": 5350, + "candidates": 5351, + "juan": 5352, + "##ell": 5353, + "goods": 5354, + "6th": 5355, + "courses": 5356, + "weekend": 5357, + "59": 5358, + "luke": 5359, + "cash": 5360, + "fallen": 5361, + "##om": 5362, + "delivered": 5363, + "affected": 5364, + "installed": 5365, + "carefully": 5366, + "tries": 5367, + "swiss": 5368, + "hollywood": 5369, + "costs": 5370, + "lincoln": 5371, + "responsibility": 5372, + "##he": 5373, + "shore": 5374, + "file": 5375, + "proper": 5376, + "normally": 5377, + "maryland": 5378, + "assistance": 5379, + "jump": 5380, + "constant": 5381, + "offering": 5382, + "friendly": 5383, + "waters": 5384, + "persons": 5385, + "realize": 5386, + "contain": 5387, + "trophy": 5388, + "800": 5389, + "partnership": 5390, + "factor": 5391, + "58": 5392, + "musicians": 5393, + "cry": 5394, + "bound": 5395, + "oregon": 5396, + "indicated": 5397, + "hero": 5398, + "houston": 5399, + "medium": 5400, + "##ure": 5401, + "consisting": 5402, + "somewhat": 5403, + "##ara": 5404, + "57": 5405, + "cycle": 5406, + "##che": 5407, + "beer": 5408, + "moore": 5409, + "frederick": 5410, + "gotten": 5411, + "eleven": 5412, + "worst": 5413, + "weak": 5414, + "approached": 5415, + "arranged": 5416, + "chin": 5417, + "loan": 5418, + "universal": 5419, + "bond": 5420, + "fifteen": 5421, + "pattern": 5422, + "disappeared": 5423, + "##ney": 5424, + "translated": 5425, + "##zed": 5426, + "lip": 5427, + "arab": 5428, + "capture": 5429, + "interests": 5430, + "insurance": 5431, + "##chi": 5432, + "shifted": 5433, + "cave": 5434, + "prix": 5435, + "warning": 5436, + "sections": 5437, + "courts": 5438, + "coat": 5439, + "plot": 5440, + "smell": 5441, + "feed": 5442, + "golf": 5443, + "favorite": 5444, + "maintain": 5445, + "knife": 5446, + "vs": 5447, + "voted": 5448, + "degrees": 5449, + "finance": 5450, + "quebec": 5451, + "opinion": 5452, + "translation": 5453, + "manner": 5454, + "ruled": 5455, + "operate": 5456, + "productions": 5457, + "choose": 5458, + "musician": 5459, + "discovery": 5460, + "confused": 5461, + "tired": 5462, + "separated": 5463, + "stream": 5464, + "techniques": 5465, + "committed": 5466, + "attend": 5467, + "ranking": 5468, + "kings": 5469, + "throw": 5470, + "passengers": 5471, + "measure": 5472, + "horror": 5473, + "fan": 5474, + "mining": 5475, + "sand": 5476, + "danger": 5477, + "salt": 5478, + "calm": 5479, + "decade": 5480, + "dam": 5481, + "require": 5482, + "runner": 5483, + "##ik": 5484, + "rush": 5485, + "associate": 5486, + "greece": 5487, + "##ker": 5488, + "rivers": 5489, + "consecutive": 5490, + "matthew": 5491, + "##ski": 5492, + "sighed": 5493, + "sq": 5494, + "documents": 5495, + "steam": 5496, + "edited": 5497, + "closing": 5498, + "tie": 5499, + "accused": 5500, + "1905": 5501, + "##ini": 5502, + "islamic": 5503, + "distributed": 5504, + "directors": 5505, + "organisation": 5506, + "bruce": 5507, + "7th": 5508, + "breathing": 5509, + "mad": 5510, + "lit": 5511, + "arrival": 5512, + "concrete": 5513, + "taste": 5514, + "08": 5515, + "composition": 5516, + "shaking": 5517, + "faster": 5518, + "amateur": 5519, + "adjacent": 5520, + "stating": 5521, + "1906": 5522, + "twin": 5523, + "flew": 5524, + "##ran": 5525, + "tokyo": 5526, + "publications": 5527, + "##tone": 5528, + "obviously": 5529, + "ridge": 5530, + "storage": 5531, + "1907": 5532, + "carl": 5533, + "pages": 5534, + "concluded": 5535, + "desert": 5536, + "driven": 5537, + "universities": 5538, + "ages": 5539, + "terminal": 5540, + "sequence": 5541, + "borough": 5542, + "250": 5543, + "constituency": 5544, + "creative": 5545, + "cousin": 5546, + "economics": 5547, + "dreams": 5548, + "margaret": 5549, + "notably": 5550, + "reduce": 5551, + "montreal": 5552, + "mode": 5553, + "17th": 5554, + "ears": 5555, + "saved": 5556, + "jan": 5557, + "vocal": 5558, + "##ica": 5559, + "1909": 5560, + "andy": 5561, + "##jo": 5562, + "riding": 5563, + "roughly": 5564, + "threatened": 5565, + "##ise": 5566, + "meters": 5567, + "meanwhile": 5568, + "landed": 5569, + "compete": 5570, + "repeated": 5571, + "grass": 5572, + "czech": 5573, + "regularly": 5574, + "charges": 5575, + "tea": 5576, + "sudden": 5577, + "appeal": 5578, + "##ung": 5579, + "solution": 5580, + "describes": 5581, + "pierre": 5582, + "classification": 5583, + "glad": 5584, + "parking": 5585, + "##ning": 5586, + "belt": 5587, + "physics": 5588, + "99": 5589, + "rachel": 5590, + "add": 5591, + "hungarian": 5592, + "participate": 5593, + "expedition": 5594, + "damaged": 5595, + "gift": 5596, + "childhood": 5597, + "85": 5598, + "fifty": 5599, + "##red": 5600, + "mathematics": 5601, + "jumped": 5602, + "letting": 5603, + "defensive": 5604, + "mph": 5605, + "##ux": 5606, + "##gh": 5607, + "testing": 5608, + "##hip": 5609, + "hundreds": 5610, + "shoot": 5611, + "owners": 5612, + "matters": 5613, + "smoke": 5614, + "israeli": 5615, + "kentucky": 5616, + "dancing": 5617, + "mounted": 5618, + "grandfather": 5619, + "emma": 5620, + "designs": 5621, + "profit": 5622, + "argentina": 5623, + "##gs": 5624, + "truly": 5625, + "li": 5626, + "lawrence": 5627, + "cole": 5628, + "begun": 5629, + "detroit": 5630, + "willing": 5631, + "branches": 5632, + "smiling": 5633, + "decide": 5634, + "miami": 5635, + "enjoyed": 5636, + "recordings": 5637, + "##dale": 5638, + "poverty": 5639, + "ethnic": 5640, + "gay": 5641, + "##bi": 5642, + "gary": 5643, + "arabic": 5644, + "09": 5645, + "accompanied": 5646, + "##one": 5647, + "##ons": 5648, + "fishing": 5649, + "determine": 5650, + "residential": 5651, + "acid": 5652, + "##ary": 5653, + "alice": 5654, + "returns": 5655, + "starred": 5656, + "mail": 5657, + "##ang": 5658, + "jonathan": 5659, + "strategy": 5660, + "##ue": 5661, + "net": 5662, + "forty": 5663, + "cook": 5664, + "businesses": 5665, + "equivalent": 5666, + "commonwealth": 5667, + "distinct": 5668, + "ill": 5669, + "##cy": 5670, + "seriously": 5671, + "##ors": 5672, + "##ped": 5673, + "shift": 5674, + "harris": 5675, + "replace": 5676, + "rio": 5677, + "imagine": 5678, + "formula": 5679, + "ensure": 5680, + "##ber": 5681, + "additionally": 5682, + "scheme": 5683, + "conservation": 5684, + "occasionally": 5685, + "purposes": 5686, + "feels": 5687, + "favor": 5688, + "##and": 5689, + "##ore": 5690, + "1930s": 5691, + "contrast": 5692, + "hanging": 5693, + "hunt": 5694, + "movies": 5695, + "1904": 5696, + "instruments": 5697, + "victims": 5698, + "danish": 5699, + "christopher": 5700, + "busy": 5701, + "demon": 5702, + "sugar": 5703, + "earliest": 5704, + "colony": 5705, + "studying": 5706, + "balance": 5707, + "duties": 5708, + "##ks": 5709, + "belgium": 5710, + "slipped": 5711, + "carter": 5712, + "05": 5713, + "visible": 5714, + "stages": 5715, + "iraq": 5716, + "fifa": 5717, + "##im": 5718, + "commune": 5719, + "forming": 5720, + "zero": 5721, + "07": 5722, + "continuing": 5723, + "talked": 5724, + "counties": 5725, + "legend": 5726, + "bathroom": 5727, + "option": 5728, + "tail": 5729, + "clay": 5730, + "daughters": 5731, + "afterwards": 5732, + "severe": 5733, + "jaw": 5734, + "visitors": 5735, + "##ded": 5736, + "devices": 5737, + "aviation": 5738, + "russell": 5739, + "kate": 5740, + "##vi": 5741, + "entering": 5742, + "subjects": 5743, + "##ino": 5744, + "temporary": 5745, + "swimming": 5746, + "forth": 5747, + "smooth": 5748, + "ghost": 5749, + "audio": 5750, + "bush": 5751, + "operates": 5752, + "rocks": 5753, + "movements": 5754, + "signs": 5755, + "eddie": 5756, + "##tz": 5757, + "ann": 5758, + "voices": 5759, + "honorary": 5760, + "06": 5761, + "memories": 5762, + "dallas": 5763, + "pure": 5764, + "measures": 5765, + "racial": 5766, + "promised": 5767, + "66": 5768, + "harvard": 5769, + "ceo": 5770, + "16th": 5771, + "parliamentary": 5772, + "indicate": 5773, + "benefit": 5774, + "flesh": 5775, + "dublin": 5776, + "louisiana": 5777, + "1902": 5778, + "1901": 5779, + "patient": 5780, + "sleeping": 5781, + "1903": 5782, + "membership": 5783, + "coastal": 5784, + "medieval": 5785, + "wanting": 5786, + "element": 5787, + "scholars": 5788, + "rice": 5789, + "62": 5790, + "limit": 5791, + "survive": 5792, + "makeup": 5793, + "rating": 5794, + "definitely": 5795, + "collaboration": 5796, + "obvious": 5797, + "##tan": 5798, + "boss": 5799, + "ms": 5800, + "baron": 5801, + "birthday": 5802, + "linked": 5803, + "soil": 5804, + "diocese": 5805, + "##lan": 5806, + "ncaa": 5807, + "##mann": 5808, + "offensive": 5809, + "shell": 5810, + "shouldn": 5811, + "waist": 5812, + "##tus": 5813, + "plain": 5814, + "ross": 5815, + "organ": 5816, + "resolution": 5817, + "manufacturing": 5818, + "adding": 5819, + "relative": 5820, + "kennedy": 5821, + "98": 5822, + "whilst": 5823, + "moth": 5824, + "marketing": 5825, + "gardens": 5826, + "crash": 5827, + "72": 5828, + "heading": 5829, + "partners": 5830, + "credited": 5831, + "carlos": 5832, + "moves": 5833, + "cable": 5834, + "##zi": 5835, + "marshall": 5836, + "##out": 5837, + "depending": 5838, + "bottle": 5839, + "represents": 5840, + "rejected": 5841, + "responded": 5842, + "existed": 5843, + "04": 5844, + "jobs": 5845, + "denmark": 5846, + "lock": 5847, + "##ating": 5848, + "treated": 5849, + "graham": 5850, + "routes": 5851, + "talent": 5852, + "commissioner": 5853, + "drugs": 5854, + "secure": 5855, + "tests": 5856, + "reign": 5857, + "restored": 5858, + "photography": 5859, + "##gi": 5860, + "contributions": 5861, + "oklahoma": 5862, + "designer": 5863, + "disc": 5864, + "grin": 5865, + "seattle": 5866, + "robin": 5867, + "paused": 5868, + "atlanta": 5869, + "unusual": 5870, + "##gate": 5871, + "praised": 5872, + "las": 5873, + "laughing": 5874, + "satellite": 5875, + "hungary": 5876, + "visiting": 5877, + "##sky": 5878, + "interesting": 5879, + "factors": 5880, + "deck": 5881, + "poems": 5882, + "norman": 5883, + "##water": 5884, + "stuck": 5885, + "speaker": 5886, + "rifle": 5887, + "domain": 5888, + "premiered": 5889, + "##her": 5890, + "dc": 5891, + "comics": 5892, + "actors": 5893, + "01": 5894, + "reputation": 5895, + "eliminated": 5896, + "8th": 5897, + "ceiling": 5898, + "prisoners": 5899, + "script": 5900, + "##nce": 5901, + "leather": 5902, + "austin": 5903, + "mississippi": 5904, + "rapidly": 5905, + "admiral": 5906, + "parallel": 5907, + "charlotte": 5908, + "guilty": 5909, + "tools": 5910, + "gender": 5911, + "divisions": 5912, + "fruit": 5913, + "##bs": 5914, + "laboratory": 5915, + "nelson": 5916, + "fantasy": 5917, + "marry": 5918, + "rapid": 5919, + "aunt": 5920, + "tribe": 5921, + "requirements": 5922, + "aspects": 5923, + "suicide": 5924, + "amongst": 5925, + "adams": 5926, + "bone": 5927, + "ukraine": 5928, + "abc": 5929, + "kick": 5930, + "sees": 5931, + "edinburgh": 5932, + "clothing": 5933, + "column": 5934, + "rough": 5935, + "gods": 5936, + "hunting": 5937, + "broadway": 5938, + "gathered": 5939, + "concerns": 5940, + "##ek": 5941, + "spending": 5942, + "ty": 5943, + "12th": 5944, + "snapped": 5945, + "requires": 5946, + "solar": 5947, + "bones": 5948, + "cavalry": 5949, + "##tta": 5950, + "iowa": 5951, + "drinking": 5952, + "waste": 5953, + "index": 5954, + "franklin": 5955, + "charity": 5956, + "thompson": 5957, + "stewart": 5958, + "tip": 5959, + "flash": 5960, + "landscape": 5961, + "friday": 5962, + "enjoy": 5963, + "singh": 5964, + "poem": 5965, + "listening": 5966, + "##back": 5967, + "eighth": 5968, + "fred": 5969, + "differences": 5970, + "adapted": 5971, + "bomb": 5972, + "ukrainian": 5973, + "surgery": 5974, + "corporate": 5975, + "masters": 5976, + "anywhere": 5977, + "##more": 5978, + "waves": 5979, + "odd": 5980, + "sean": 5981, + "portugal": 5982, + "orleans": 5983, + "dick": 5984, + "debate": 5985, + "kent": 5986, + "eating": 5987, + "puerto": 5988, + "cleared": 5989, + "96": 5990, + "expect": 5991, + "cinema": 5992, + "97": 5993, + "guitarist": 5994, + "blocks": 5995, + "electrical": 5996, + "agree": 5997, + "involving": 5998, + "depth": 5999, + "dying": 6000, + "panel": 6001, + "struggle": 6002, + "##ged": 6003, + "peninsula": 6004, + "adults": 6005, + "novels": 6006, + "emerged": 6007, + "vienna": 6008, + "metro": 6009, + "debuted": 6010, + "shoes": 6011, + "tamil": 6012, + "songwriter": 6013, + "meets": 6014, + "prove": 6015, + "beating": 6016, + "instance": 6017, + "heaven": 6018, + "scared": 6019, + "sending": 6020, + "marks": 6021, + "artistic": 6022, + "passage": 6023, + "superior": 6024, + "03": 6025, + "significantly": 6026, + "shopping": 6027, + "##tive": 6028, + "retained": 6029, + "##izing": 6030, + "malaysia": 6031, + "technique": 6032, + "cheeks": 6033, + "##ola": 6034, + "warren": 6035, + "maintenance": 6036, + "destroy": 6037, + "extreme": 6038, + "allied": 6039, + "120": 6040, + "appearing": 6041, + "##yn": 6042, + "fill": 6043, + "advice": 6044, + "alabama": 6045, + "qualifying": 6046, + "policies": 6047, + "cleveland": 6048, + "hat": 6049, + "battery": 6050, + "smart": 6051, + "authors": 6052, + "10th": 6053, + "soundtrack": 6054, + "acted": 6055, + "dated": 6056, + "lb": 6057, + "glance": 6058, + "equipped": 6059, + "coalition": 6060, + "funny": 6061, + "outer": 6062, + "ambassador": 6063, + "roy": 6064, + "possibility": 6065, + "couples": 6066, + "campbell": 6067, + "dna": 6068, + "loose": 6069, + "ethan": 6070, + "supplies": 6071, + "1898": 6072, + "gonna": 6073, + "88": 6074, + "monster": 6075, + "##res": 6076, + "shake": 6077, + "agents": 6078, + "frequency": 6079, + "springs": 6080, + "dogs": 6081, + "practices": 6082, + "61": 6083, + "gang": 6084, + "plastic": 6085, + "easier": 6086, + "suggests": 6087, + "gulf": 6088, + "blade": 6089, + "exposed": 6090, + "colors": 6091, + "industries": 6092, + "markets": 6093, + "pan": 6094, + "nervous": 6095, + "electoral": 6096, + "charts": 6097, + "legislation": 6098, + "ownership": 6099, + "##idae": 6100, + "mac": 6101, + "appointment": 6102, + "shield": 6103, + "copy": 6104, + "assault": 6105, + "socialist": 6106, + "abbey": 6107, + "monument": 6108, + "license": 6109, + "throne": 6110, + "employment": 6111, + "jay": 6112, + "93": 6113, + "replacement": 6114, + "charter": 6115, + "cloud": 6116, + "powered": 6117, + "suffering": 6118, + "accounts": 6119, + "oak": 6120, + "connecticut": 6121, + "strongly": 6122, + "wright": 6123, + "colour": 6124, + "crystal": 6125, + "13th": 6126, + "context": 6127, + "welsh": 6128, + "networks": 6129, + "voiced": 6130, + "gabriel": 6131, + "jerry": 6132, + "##cing": 6133, + "forehead": 6134, + "mp": 6135, + "##ens": 6136, + "manage": 6137, + "schedule": 6138, + "totally": 6139, + "remix": 6140, + "##ii": 6141, + "forests": 6142, + "occupation": 6143, + "print": 6144, + "nicholas": 6145, + "brazilian": 6146, + "strategic": 6147, + "vampires": 6148, + "engineers": 6149, + "76": 6150, + "roots": 6151, + "seek": 6152, + "correct": 6153, + "instrumental": 6154, + "und": 6155, + "alfred": 6156, + "backed": 6157, + "hop": 6158, + "##des": 6159, + "stanley": 6160, + "robinson": 6161, + "traveled": 6162, + "wayne": 6163, + "welcome": 6164, + "austrian": 6165, + "achieve": 6166, + "67": 6167, + "exit": 6168, + "rates": 6169, + "1899": 6170, + "strip": 6171, + "whereas": 6172, + "##cs": 6173, + "sing": 6174, + "deeply": 6175, + "adventure": 6176, + "bobby": 6177, + "rick": 6178, + "jamie": 6179, + "careful": 6180, + "components": 6181, + "cap": 6182, + "useful": 6183, + "personality": 6184, + "knee": 6185, + "##shi": 6186, + "pushing": 6187, + "hosts": 6188, + "02": 6189, + "protest": 6190, + "ca": 6191, + "ottoman": 6192, + "symphony": 6193, + "##sis": 6194, + "63": 6195, + "boundary": 6196, + "1890": 6197, + "processes": 6198, + "considering": 6199, + "considerable": 6200, + "tons": 6201, + "##work": 6202, + "##ft": 6203, + "##nia": 6204, + "cooper": 6205, + "trading": 6206, + "dear": 6207, + "conduct": 6208, + "91": 6209, + "illegal": 6210, + "apple": 6211, + "revolutionary": 6212, + "holiday": 6213, + "definition": 6214, + "harder": 6215, + "##van": 6216, + "jacob": 6217, + "circumstances": 6218, + "destruction": 6219, + "##lle": 6220, + "popularity": 6221, + "grip": 6222, + "classified": 6223, + "liverpool": 6224, + "donald": 6225, + "baltimore": 6226, + "flows": 6227, + "seeking": 6228, + "honour": 6229, + "approval": 6230, + "92": 6231, + "mechanical": 6232, + "till": 6233, + "happening": 6234, + "statue": 6235, + "critic": 6236, + "increasingly": 6237, + "immediate": 6238, + "describe": 6239, + "commerce": 6240, + "stare": 6241, + "##ster": 6242, + "indonesia": 6243, + "meat": 6244, + "rounds": 6245, + "boats": 6246, + "baker": 6247, + "orthodox": 6248, + "depression": 6249, + "formally": 6250, + "worn": 6251, + "naked": 6252, + "claire": 6253, + "muttered": 6254, + "sentence": 6255, + "11th": 6256, + "emily": 6257, + "document": 6258, + "77": 6259, + "criticism": 6260, + "wished": 6261, + "vessel": 6262, + "spiritual": 6263, + "bent": 6264, + "virgin": 6265, + "parker": 6266, + "minimum": 6267, + "murray": 6268, + "lunch": 6269, + "danny": 6270, + "printed": 6271, + "compilation": 6272, + "keyboards": 6273, + "false": 6274, + "blow": 6275, + "belonged": 6276, + "68": 6277, + "raising": 6278, + "78": 6279, + "cutting": 6280, + "##board": 6281, + "pittsburgh": 6282, + "##up": 6283, + "9th": 6284, + "shadows": 6285, + "81": 6286, + "hated": 6287, + "indigenous": 6288, + "jon": 6289, + "15th": 6290, + "barry": 6291, + "scholar": 6292, + "ah": 6293, + "##zer": 6294, + "oliver": 6295, + "##gy": 6296, + "stick": 6297, + "susan": 6298, + "meetings": 6299, + "attracted": 6300, + "spell": 6301, + "romantic": 6302, + "##ver": 6303, + "ye": 6304, + "1895": 6305, + "photo": 6306, + "demanded": 6307, + "customers": 6308, + "##ac": 6309, + "1896": 6310, + "logan": 6311, + "revival": 6312, + "keys": 6313, + "modified": 6314, + "commanded": 6315, + "jeans": 6316, + "##ious": 6317, + "upset": 6318, + "raw": 6319, + "phil": 6320, + "detective": 6321, + "hiding": 6322, + "resident": 6323, + "vincent": 6324, + "##bly": 6325, + "experiences": 6326, + "diamond": 6327, + "defeating": 6328, + "coverage": 6329, + "lucas": 6330, + "external": 6331, + "parks": 6332, + "franchise": 6333, + "helen": 6334, + "bible": 6335, + "successor": 6336, + "percussion": 6337, + "celebrated": 6338, + "il": 6339, + "lift": 6340, + "profile": 6341, + "clan": 6342, + "romania": 6343, + "##ied": 6344, + "mills": 6345, + "##su": 6346, + "nobody": 6347, + "achievement": 6348, + "shrugged": 6349, + "fault": 6350, + "1897": 6351, + "rhythm": 6352, + "initiative": 6353, + "breakfast": 6354, + "carbon": 6355, + "700": 6356, + "69": 6357, + "lasted": 6358, + "violent": 6359, + "74": 6360, + "wound": 6361, + "ken": 6362, + "killer": 6363, + "gradually": 6364, + "filmed": 6365, + "°c": 6366, + "dollars": 6367, + "processing": 6368, + "94": 6369, + "remove": 6370, + "criticized": 6371, + "guests": 6372, + "sang": 6373, + "chemistry": 6374, + "##vin": 6375, + "legislature": 6376, + "disney": 6377, + "##bridge": 6378, + "uniform": 6379, + "escaped": 6380, + "integrated": 6381, + "proposal": 6382, + "purple": 6383, + "denied": 6384, + "liquid": 6385, + "karl": 6386, + "influential": 6387, + "morris": 6388, + "nights": 6389, + "stones": 6390, + "intense": 6391, + "experimental": 6392, + "twisted": 6393, + "71": 6394, + "84": 6395, + "##ld": 6396, + "pace": 6397, + "nazi": 6398, + "mitchell": 6399, + "ny": 6400, + "blind": 6401, + "reporter": 6402, + "newspapers": 6403, + "14th": 6404, + "centers": 6405, + "burn": 6406, + "basin": 6407, + "forgotten": 6408, + "surviving": 6409, + "filed": 6410, + "collections": 6411, + "monastery": 6412, + "losses": 6413, + "manual": 6414, + "couch": 6415, + "description": 6416, + "appropriate": 6417, + "merely": 6418, + "tag": 6419, + "missions": 6420, + "sebastian": 6421, + "restoration": 6422, + "replacing": 6423, + "triple": 6424, + "73": 6425, + "elder": 6426, + "julia": 6427, + "warriors": 6428, + "benjamin": 6429, + "julian": 6430, + "convinced": 6431, + "stronger": 6432, + "amazing": 6433, + "declined": 6434, + "versus": 6435, + "merchant": 6436, + "happens": 6437, + "output": 6438, + "finland": 6439, + "bare": 6440, + "barbara": 6441, + "absence": 6442, + "ignored": 6443, + "dawn": 6444, + "injuries": 6445, + "##port": 6446, + "producers": 6447, + "##ram": 6448, + "82": 6449, + "luis": 6450, + "##ities": 6451, + "kw": 6452, + "admit": 6453, + "expensive": 6454, + "electricity": 6455, + "nba": 6456, + "exception": 6457, + "symbol": 6458, + "##ving": 6459, + "ladies": 6460, + "shower": 6461, + "sheriff": 6462, + "characteristics": 6463, + "##je": 6464, + "aimed": 6465, + "button": 6466, + "ratio": 6467, + "effectively": 6468, + "summit": 6469, + "angle": 6470, + "jury": 6471, + "bears": 6472, + "foster": 6473, + "vessels": 6474, + "pants": 6475, + "executed": 6476, + "evans": 6477, + "dozen": 6478, + "advertising": 6479, + "kicked": 6480, + "patrol": 6481, + "1889": 6482, + "competitions": 6483, + "lifetime": 6484, + "principles": 6485, + "athletics": 6486, + "##logy": 6487, + "birmingham": 6488, + "sponsored": 6489, + "89": 6490, + "rob": 6491, + "nomination": 6492, + "1893": 6493, + "acoustic": 6494, + "##sm": 6495, + "creature": 6496, + "longest": 6497, + "##tra": 6498, + "credits": 6499, + "harbor": 6500, + "dust": 6501, + "josh": 6502, + "##so": 6503, + "territories": 6504, + "milk": 6505, + "infrastructure": 6506, + "completion": 6507, + "thailand": 6508, + "indians": 6509, + "leon": 6510, + "archbishop": 6511, + "##sy": 6512, + "assist": 6513, + "pitch": 6514, + "blake": 6515, + "arrangement": 6516, + "girlfriend": 6517, + "serbian": 6518, + "operational": 6519, + "hence": 6520, + "sad": 6521, + "scent": 6522, + "fur": 6523, + "dj": 6524, + "sessions": 6525, + "hp": 6526, + "refer": 6527, + "rarely": 6528, + "##ora": 6529, + "exists": 6530, + "1892": 6531, + "##ten": 6532, + "scientists": 6533, + "dirty": 6534, + "penalty": 6535, + "burst": 6536, + "portrait": 6537, + "seed": 6538, + "79": 6539, + "pole": 6540, + "limits": 6541, + "rival": 6542, + "1894": 6543, + "stable": 6544, + "alpha": 6545, + "grave": 6546, + "constitutional": 6547, + "alcohol": 6548, + "arrest": 6549, + "flower": 6550, + "mystery": 6551, + "devil": 6552, + "architectural": 6553, + "relationships": 6554, + "greatly": 6555, + "habitat": 6556, + "##istic": 6557, + "larry": 6558, + "progressive": 6559, + "remote": 6560, + "cotton": 6561, + "##ics": 6562, + "##ok": 6563, + "preserved": 6564, + "reaches": 6565, + "##ming": 6566, + "cited": 6567, + "86": 6568, + "vast": 6569, + "scholarship": 6570, + "decisions": 6571, + "cbs": 6572, + "joy": 6573, + "teach": 6574, + "1885": 6575, + "editions": 6576, + "knocked": 6577, + "eve": 6578, + "searching": 6579, + "partly": 6580, + "participation": 6581, + "gap": 6582, + "animated": 6583, + "fate": 6584, + "excellent": 6585, + "##ett": 6586, + "na": 6587, + "87": 6588, + "alternate": 6589, + "saints": 6590, + "youngest": 6591, + "##ily": 6592, + "climbed": 6593, + "##ita": 6594, + "##tors": 6595, + "suggest": 6596, + "##ct": 6597, + "discussion": 6598, + "staying": 6599, + "choir": 6600, + "lakes": 6601, + "jacket": 6602, + "revenue": 6603, + "nevertheless": 6604, + "peaked": 6605, + "instrument": 6606, + "wondering": 6607, + "annually": 6608, + "managing": 6609, + "neil": 6610, + "1891": 6611, + "signing": 6612, + "terry": 6613, + "##ice": 6614, + "apply": 6615, + "clinical": 6616, + "brooklyn": 6617, + "aim": 6618, + "catherine": 6619, + "fuck": 6620, + "farmers": 6621, + "figured": 6622, + "ninth": 6623, + "pride": 6624, + "hugh": 6625, + "evolution": 6626, + "ordinary": 6627, + "involvement": 6628, + "comfortable": 6629, + "shouted": 6630, + "tech": 6631, + "encouraged": 6632, + "taiwan": 6633, + "representation": 6634, + "sharing": 6635, + "##lia": 6636, + "##em": 6637, + "panic": 6638, + "exact": 6639, + "cargo": 6640, + "competing": 6641, + "fat": 6642, + "cried": 6643, + "83": 6644, + "1920s": 6645, + "occasions": 6646, + "pa": 6647, + "cabin": 6648, + "borders": 6649, + "utah": 6650, + "marcus": 6651, + "##isation": 6652, + "badly": 6653, + "muscles": 6654, + "##ance": 6655, + "victorian": 6656, + "transition": 6657, + "warner": 6658, + "bet": 6659, + "permission": 6660, + "##rin": 6661, + "slave": 6662, + "terrible": 6663, + "similarly": 6664, + "shares": 6665, + "seth": 6666, + "uefa": 6667, + "possession": 6668, + "medals": 6669, + "benefits": 6670, + "colleges": 6671, + "lowered": 6672, + "perfectly": 6673, + "mall": 6674, + "transit": 6675, + "##ye": 6676, + "##kar": 6677, + "publisher": 6678, + "##ened": 6679, + "harrison": 6680, + "deaths": 6681, + "elevation": 6682, + "##ae": 6683, + "asleep": 6684, + "machines": 6685, + "sigh": 6686, + "ash": 6687, + "hardly": 6688, + "argument": 6689, + "occasion": 6690, + "parent": 6691, + "leo": 6692, + "decline": 6693, + "1888": 6694, + "contribution": 6695, + "##ua": 6696, + "concentration": 6697, + "1000": 6698, + "opportunities": 6699, + "hispanic": 6700, + "guardian": 6701, + "extent": 6702, + "emotions": 6703, + "hips": 6704, + "mason": 6705, + "volumes": 6706, + "bloody": 6707, + "controversy": 6708, + "diameter": 6709, + "steady": 6710, + "mistake": 6711, + "phoenix": 6712, + "identify": 6713, + "violin": 6714, + "##sk": 6715, + "departure": 6716, + "richmond": 6717, + "spin": 6718, + "funeral": 6719, + "enemies": 6720, + "1864": 6721, + "gear": 6722, + "literally": 6723, + "connor": 6724, + "random": 6725, + "sergeant": 6726, + "grab": 6727, + "confusion": 6728, + "1865": 6729, + "transmission": 6730, + "informed": 6731, + "op": 6732, + "leaning": 6733, + "sacred": 6734, + "suspended": 6735, + "thinks": 6736, + "gates": 6737, + "portland": 6738, + "luck": 6739, + "agencies": 6740, + "yours": 6741, + "hull": 6742, + "expert": 6743, + "muscle": 6744, + "layer": 6745, + "practical": 6746, + "sculpture": 6747, + "jerusalem": 6748, + "latest": 6749, + "lloyd": 6750, + "statistics": 6751, + "deeper": 6752, + "recommended": 6753, + "warrior": 6754, + "arkansas": 6755, + "mess": 6756, + "supports": 6757, + "greg": 6758, + "eagle": 6759, + "1880": 6760, + "recovered": 6761, + "rated": 6762, + "concerts": 6763, + "rushed": 6764, + "##ano": 6765, + "stops": 6766, + "eggs": 6767, + "files": 6768, + "premiere": 6769, + "keith": 6770, + "##vo": 6771, + "delhi": 6772, + "turner": 6773, + "pit": 6774, + "affair": 6775, + "belief": 6776, + "paint": 6777, + "##zing": 6778, + "mate": 6779, + "##ach": 6780, + "##ev": 6781, + "victim": 6782, + "##ology": 6783, + "withdrew": 6784, + "bonus": 6785, + "styles": 6786, + "fled": 6787, + "##ud": 6788, + "glasgow": 6789, + "technologies": 6790, + "funded": 6791, + "nbc": 6792, + "adaptation": 6793, + "##ata": 6794, + "portrayed": 6795, + "cooperation": 6796, + "supporters": 6797, + "judges": 6798, + "bernard": 6799, + "justin": 6800, + "hallway": 6801, + "ralph": 6802, + "##ick": 6803, + "graduating": 6804, + "controversial": 6805, + "distant": 6806, + "continental": 6807, + "spider": 6808, + "bite": 6809, + "##ho": 6810, + "recognize": 6811, + "intention": 6812, + "mixing": 6813, + "##ese": 6814, + "egyptian": 6815, + "bow": 6816, + "tourism": 6817, + "suppose": 6818, + "claiming": 6819, + "tiger": 6820, + "dominated": 6821, + "participants": 6822, + "vi": 6823, + "##ru": 6824, + "nurse": 6825, + "partially": 6826, + "tape": 6827, + "##rum": 6828, + "psychology": 6829, + "##rn": 6830, + "essential": 6831, + "touring": 6832, + "duo": 6833, + "voting": 6834, + "civilian": 6835, + "emotional": 6836, + "channels": 6837, + "##king": 6838, + "apparent": 6839, + "hebrew": 6840, + "1887": 6841, + "tommy": 6842, + "carrier": 6843, + "intersection": 6844, + "beast": 6845, + "hudson": 6846, + "##gar": 6847, + "##zo": 6848, + "lab": 6849, + "nova": 6850, + "bench": 6851, + "discuss": 6852, + "costa": 6853, + "##ered": 6854, + "detailed": 6855, + "behalf": 6856, + "drivers": 6857, + "unfortunately": 6858, + "obtain": 6859, + "##lis": 6860, + "rocky": 6861, + "##dae": 6862, + "siege": 6863, + "friendship": 6864, + "honey": 6865, + "##rian": 6866, + "1861": 6867, + "amy": 6868, + "hang": 6869, + "posted": 6870, + "governments": 6871, + "collins": 6872, + "respond": 6873, + "wildlife": 6874, + "preferred": 6875, + "operator": 6876, + "##po": 6877, + "laura": 6878, + "pregnant": 6879, + "videos": 6880, + "dennis": 6881, + "suspected": 6882, + "boots": 6883, + "instantly": 6884, + "weird": 6885, + "automatic": 6886, + "businessman": 6887, + "alleged": 6888, + "placing": 6889, + "throwing": 6890, + "ph": 6891, + "mood": 6892, + "1862": 6893, + "perry": 6894, + "venue": 6895, + "jet": 6896, + "remainder": 6897, + "##lli": 6898, + "##ci": 6899, + "passion": 6900, + "biological": 6901, + "boyfriend": 6902, + "1863": 6903, + "dirt": 6904, + "buffalo": 6905, + "ron": 6906, + "segment": 6907, + "fa": 6908, + "abuse": 6909, + "##era": 6910, + "genre": 6911, + "thrown": 6912, + "stroke": 6913, + "colored": 6914, + "stress": 6915, + "exercise": 6916, + "displayed": 6917, + "##gen": 6918, + "struggled": 6919, + "##tti": 6920, + "abroad": 6921, + "dramatic": 6922, + "wonderful": 6923, + "thereafter": 6924, + "madrid": 6925, + "component": 6926, + "widespread": 6927, + "##sed": 6928, + "tale": 6929, + "citizen": 6930, + "todd": 6931, + "monday": 6932, + "1886": 6933, + "vancouver": 6934, + "overseas": 6935, + "forcing": 6936, + "crying": 6937, + "descent": 6938, + "##ris": 6939, + "discussed": 6940, + "substantial": 6941, + "ranks": 6942, + "regime": 6943, + "1870": 6944, + "provinces": 6945, + "switch": 6946, + "drum": 6947, + "zane": 6948, + "ted": 6949, + "tribes": 6950, + "proof": 6951, + "lp": 6952, + "cream": 6953, + "researchers": 6954, + "volunteer": 6955, + "manor": 6956, + "silk": 6957, + "milan": 6958, + "donated": 6959, + "allies": 6960, + "venture": 6961, + "principle": 6962, + "delivery": 6963, + "enterprise": 6964, + "##ves": 6965, + "##ans": 6966, + "bars": 6967, + "traditionally": 6968, + "witch": 6969, + "reminded": 6970, + "copper": 6971, + "##uk": 6972, + "pete": 6973, + "inter": 6974, + "links": 6975, + "colin": 6976, + "grinned": 6977, + "elsewhere": 6978, + "competitive": 6979, + "frequent": 6980, + "##oy": 6981, + "scream": 6982, + "##hu": 6983, + "tension": 6984, + "texts": 6985, + "submarine": 6986, + "finnish": 6987, + "defending": 6988, + "defend": 6989, + "pat": 6990, + "detail": 6991, + "1884": 6992, + "affiliated": 6993, + "stuart": 6994, + "themes": 6995, + "villa": 6996, + "periods": 6997, + "tool": 6998, + "belgian": 6999, + "ruling": 7000, + "crimes": 7001, + "answers": 7002, + "folded": 7003, + "licensed": 7004, + "resort": 7005, + "demolished": 7006, + "hans": 7007, + "lucy": 7008, + "1881": 7009, + "lion": 7010, + "traded": 7011, + "photographs": 7012, + "writes": 7013, + "craig": 7014, + "##fa": 7015, + "trials": 7016, + "generated": 7017, + "beth": 7018, + "noble": 7019, + "debt": 7020, + "percentage": 7021, + "yorkshire": 7022, + "erected": 7023, + "ss": 7024, + "viewed": 7025, + "grades": 7026, + "confidence": 7027, + "ceased": 7028, + "islam": 7029, + "telephone": 7030, + "retail": 7031, + "##ible": 7032, + "chile": 7033, + "m²": 7034, + "roberts": 7035, + "sixteen": 7036, + "##ich": 7037, + "commented": 7038, + "hampshire": 7039, + "innocent": 7040, + "dual": 7041, + "pounds": 7042, + "checked": 7043, + "regulations": 7044, + "afghanistan": 7045, + "sung": 7046, + "rico": 7047, + "liberty": 7048, + "assets": 7049, + "bigger": 7050, + "options": 7051, + "angels": 7052, + "relegated": 7053, + "tribute": 7054, + "wells": 7055, + "attending": 7056, + "leaf": 7057, + "##yan": 7058, + "butler": 7059, + "romanian": 7060, + "forum": 7061, + "monthly": 7062, + "lisa": 7063, + "patterns": 7064, + "gmina": 7065, + "##tory": 7066, + "madison": 7067, + "hurricane": 7068, + "rev": 7069, + "##ians": 7070, + "bristol": 7071, + "##ula": 7072, + "elite": 7073, + "valuable": 7074, + "disaster": 7075, + "democracy": 7076, + "awareness": 7077, + "germans": 7078, + "freyja": 7079, + "##ins": 7080, + "loop": 7081, + "absolutely": 7082, + "paying": 7083, + "populations": 7084, + "maine": 7085, + "sole": 7086, + "prayer": 7087, + "spencer": 7088, + "releases": 7089, + "doorway": 7090, + "bull": 7091, + "##ani": 7092, + "lover": 7093, + "midnight": 7094, + "conclusion": 7095, + "##sson": 7096, + "thirteen": 7097, + "lily": 7098, + "mediterranean": 7099, + "##lt": 7100, + "nhl": 7101, + "proud": 7102, + "sample": 7103, + "##hill": 7104, + "drummer": 7105, + "guinea": 7106, + "##ova": 7107, + "murphy": 7108, + "climb": 7109, + "##ston": 7110, + "instant": 7111, + "attributed": 7112, + "horn": 7113, + "ain": 7114, + "railways": 7115, + "steven": 7116, + "##ao": 7117, + "autumn": 7118, + "ferry": 7119, + "opponent": 7120, + "root": 7121, + "traveling": 7122, + "secured": 7123, + "corridor": 7124, + "stretched": 7125, + "tales": 7126, + "sheet": 7127, + "trinity": 7128, + "cattle": 7129, + "helps": 7130, + "indicates": 7131, + "manhattan": 7132, + "murdered": 7133, + "fitted": 7134, + "1882": 7135, + "gentle": 7136, + "grandmother": 7137, + "mines": 7138, + "shocked": 7139, + "vegas": 7140, + "produces": 7141, + "##light": 7142, + "caribbean": 7143, + "##ou": 7144, + "belong": 7145, + "continuous": 7146, + "desperate": 7147, + "drunk": 7148, + "historically": 7149, + "trio": 7150, + "waved": 7151, + "raf": 7152, + "dealing": 7153, + "nathan": 7154, + "bat": 7155, + "murmured": 7156, + "interrupted": 7157, + "residing": 7158, + "scientist": 7159, + "pioneer": 7160, + "harold": 7161, + "aaron": 7162, + "##net": 7163, + "delta": 7164, + "attempting": 7165, + "minority": 7166, + "mini": 7167, + "believes": 7168, + "chorus": 7169, + "tend": 7170, + "lots": 7171, + "eyed": 7172, + "indoor": 7173, + "load": 7174, + "shots": 7175, + "updated": 7176, + "jail": 7177, + "##llo": 7178, + "concerning": 7179, + "connecting": 7180, + "wealth": 7181, + "##ved": 7182, + "slaves": 7183, + "arrive": 7184, + "rangers": 7185, + "sufficient": 7186, + "rebuilt": 7187, + "##wick": 7188, + "cardinal": 7189, + "flood": 7190, + "muhammad": 7191, + "whenever": 7192, + "relation": 7193, + "runners": 7194, + "moral": 7195, + "repair": 7196, + "viewers": 7197, + "arriving": 7198, + "revenge": 7199, + "punk": 7200, + "assisted": 7201, + "bath": 7202, + "fairly": 7203, + "breathe": 7204, + "lists": 7205, + "innings": 7206, + "illustrated": 7207, + "whisper": 7208, + "nearest": 7209, + "voters": 7210, + "clinton": 7211, + "ties": 7212, + "ultimate": 7213, + "screamed": 7214, + "beijing": 7215, + "lions": 7216, + "andre": 7217, + "fictional": 7218, + "gathering": 7219, + "comfort": 7220, + "radar": 7221, + "suitable": 7222, + "dismissed": 7223, + "hms": 7224, + "ban": 7225, + "pine": 7226, + "wrist": 7227, + "atmosphere": 7228, + "voivodeship": 7229, + "bid": 7230, + "timber": 7231, + "##ned": 7232, + "##nan": 7233, + "giants": 7234, + "##ane": 7235, + "cameron": 7236, + "recovery": 7237, + "uss": 7238, + "identical": 7239, + "categories": 7240, + "switched": 7241, + "serbia": 7242, + "laughter": 7243, + "noah": 7244, + "ensemble": 7245, + "therapy": 7246, + "peoples": 7247, + "touching": 7248, + "##off": 7249, + "locally": 7250, + "pearl": 7251, + "platforms": 7252, + "everywhere": 7253, + "ballet": 7254, + "tables": 7255, + "lanka": 7256, + "herbert": 7257, + "outdoor": 7258, + "toured": 7259, + "derek": 7260, + "1883": 7261, + "spaces": 7262, + "contested": 7263, + "swept": 7264, + "1878": 7265, + "exclusive": 7266, + "slight": 7267, + "connections": 7268, + "##dra": 7269, + "winds": 7270, + "prisoner": 7271, + "collective": 7272, + "bangladesh": 7273, + "tube": 7274, + "publicly": 7275, + "wealthy": 7276, + "thai": 7277, + "##ys": 7278, + "isolated": 7279, + "select": 7280, + "##ric": 7281, + "insisted": 7282, + "pen": 7283, + "fortune": 7284, + "ticket": 7285, + "spotted": 7286, + "reportedly": 7287, + "animation": 7288, + "enforcement": 7289, + "tanks": 7290, + "110": 7291, + "decides": 7292, + "wider": 7293, + "lowest": 7294, + "owen": 7295, + "##time": 7296, + "nod": 7297, + "hitting": 7298, + "##hn": 7299, + "gregory": 7300, + "furthermore": 7301, + "magazines": 7302, + "fighters": 7303, + "solutions": 7304, + "##ery": 7305, + "pointing": 7306, + "requested": 7307, + "peru": 7308, + "reed": 7309, + "chancellor": 7310, + "knights": 7311, + "mask": 7312, + "worker": 7313, + "eldest": 7314, + "flames": 7315, + "reduction": 7316, + "1860": 7317, + "volunteers": 7318, + "##tis": 7319, + "reporting": 7320, + "##hl": 7321, + "wire": 7322, + "advisory": 7323, + "endemic": 7324, + "origins": 7325, + "settlers": 7326, + "pursue": 7327, + "knock": 7328, + "consumer": 7329, + "1876": 7330, + "eu": 7331, + "compound": 7332, + "creatures": 7333, + "mansion": 7334, + "sentenced": 7335, + "ivan": 7336, + "deployed": 7337, + "guitars": 7338, + "frowned": 7339, + "involves": 7340, + "mechanism": 7341, + "kilometers": 7342, + "perspective": 7343, + "shops": 7344, + "maps": 7345, + "terminus": 7346, + "duncan": 7347, + "alien": 7348, + "fist": 7349, + "bridges": 7350, + "##pers": 7351, + "heroes": 7352, + "fed": 7353, + "derby": 7354, + "swallowed": 7355, + "##ros": 7356, + "patent": 7357, + "sara": 7358, + "illness": 7359, + "characterized": 7360, + "adventures": 7361, + "slide": 7362, + "hawaii": 7363, + "jurisdiction": 7364, + "##op": 7365, + "organised": 7366, + "##side": 7367, + "adelaide": 7368, + "walks": 7369, + "biology": 7370, + "se": 7371, + "##ties": 7372, + "rogers": 7373, + "swing": 7374, + "tightly": 7375, + "boundaries": 7376, + "##rie": 7377, + "prepare": 7378, + "implementation": 7379, + "stolen": 7380, + "##sha": 7381, + "certified": 7382, + "colombia": 7383, + "edwards": 7384, + "garage": 7385, + "##mm": 7386, + "recalled": 7387, + "##ball": 7388, + "rage": 7389, + "harm": 7390, + "nigeria": 7391, + "breast": 7392, + "##ren": 7393, + "furniture": 7394, + "pupils": 7395, + "settle": 7396, + "##lus": 7397, + "cuba": 7398, + "balls": 7399, + "client": 7400, + "alaska": 7401, + "21st": 7402, + "linear": 7403, + "thrust": 7404, + "celebration": 7405, + "latino": 7406, + "genetic": 7407, + "terror": 7408, + "##cia": 7409, + "##ening": 7410, + "lightning": 7411, + "fee": 7412, + "witness": 7413, + "lodge": 7414, + "establishing": 7415, + "skull": 7416, + "##ique": 7417, + "earning": 7418, + "hood": 7419, + "##ei": 7420, + "rebellion": 7421, + "wang": 7422, + "sporting": 7423, + "warned": 7424, + "missile": 7425, + "devoted": 7426, + "activist": 7427, + "porch": 7428, + "worship": 7429, + "fourteen": 7430, + "package": 7431, + "1871": 7432, + "decorated": 7433, + "##shire": 7434, + "housed": 7435, + "##ock": 7436, + "chess": 7437, + "sailed": 7438, + "doctors": 7439, + "oscar": 7440, + "joan": 7441, + "treat": 7442, + "garcia": 7443, + "harbour": 7444, + "jeremy": 7445, + "##ire": 7446, + "traditions": 7447, + "dominant": 7448, + "jacques": 7449, + "##gon": 7450, + "##wan": 7451, + "relocated": 7452, + "1879": 7453, + "amendment": 7454, + "sized": 7455, + "companion": 7456, + "simultaneously": 7457, + "volleyball": 7458, + "spun": 7459, + "acre": 7460, + "increases": 7461, + "stopping": 7462, + "loves": 7463, + "belongs": 7464, + "affect": 7465, + "drafted": 7466, + "tossed": 7467, + "scout": 7468, + "battles": 7469, + "1875": 7470, + "filming": 7471, + "shoved": 7472, + "munich": 7473, + "tenure": 7474, + "vertical": 7475, + "romance": 7476, + "pc": 7477, + "##cher": 7478, + "argue": 7479, + "##ical": 7480, + "craft": 7481, + "ranging": 7482, + "www": 7483, + "opens": 7484, + "honest": 7485, + "tyler": 7486, + "yesterday": 7487, + "virtual": 7488, + "##let": 7489, + "muslims": 7490, + "reveal": 7491, + "snake": 7492, + "immigrants": 7493, + "radical": 7494, + "screaming": 7495, + "speakers": 7496, + "firing": 7497, + "saving": 7498, + "belonging": 7499, + "ease": 7500, + "lighting": 7501, + "prefecture": 7502, + "blame": 7503, + "farmer": 7504, + "hungry": 7505, + "grows": 7506, + "rubbed": 7507, + "beam": 7508, + "sur": 7509, + "subsidiary": 7510, + "##cha": 7511, + "armenian": 7512, + "sao": 7513, + "dropping": 7514, + "conventional": 7515, + "##fer": 7516, + "microsoft": 7517, + "reply": 7518, + "qualify": 7519, + "spots": 7520, + "1867": 7521, + "sweat": 7522, + "festivals": 7523, + "##ken": 7524, + "immigration": 7525, + "physician": 7526, + "discover": 7527, + "exposure": 7528, + "sandy": 7529, + "explanation": 7530, + "isaac": 7531, + "implemented": 7532, + "##fish": 7533, + "hart": 7534, + "initiated": 7535, + "connect": 7536, + "stakes": 7537, + "presents": 7538, + "heights": 7539, + "householder": 7540, + "pleased": 7541, + "tourist": 7542, + "regardless": 7543, + "slip": 7544, + "closest": 7545, + "##ction": 7546, + "surely": 7547, + "sultan": 7548, + "brings": 7549, + "riley": 7550, + "preparation": 7551, + "aboard": 7552, + "slammed": 7553, + "baptist": 7554, + "experiment": 7555, + "ongoing": 7556, + "interstate": 7557, + "organic": 7558, + "playoffs": 7559, + "##ika": 7560, + "1877": 7561, + "130": 7562, + "##tar": 7563, + "hindu": 7564, + "error": 7565, + "tours": 7566, + "tier": 7567, + "plenty": 7568, + "arrangements": 7569, + "talks": 7570, + "trapped": 7571, + "excited": 7572, + "sank": 7573, + "ho": 7574, + "athens": 7575, + "1872": 7576, + "denver": 7577, + "welfare": 7578, + "suburb": 7579, + "athletes": 7580, + "trick": 7581, + "diverse": 7582, + "belly": 7583, + "exclusively": 7584, + "yelled": 7585, + "1868": 7586, + "##med": 7587, + "conversion": 7588, + "##ette": 7589, + "1874": 7590, + "internationally": 7591, + "computers": 7592, + "conductor": 7593, + "abilities": 7594, + "sensitive": 7595, + "hello": 7596, + "dispute": 7597, + "measured": 7598, + "globe": 7599, + "rocket": 7600, + "prices": 7601, + "amsterdam": 7602, + "flights": 7603, + "tigers": 7604, + "inn": 7605, + "municipalities": 7606, + "emotion": 7607, + "references": 7608, + "3d": 7609, + "##mus": 7610, + "explains": 7611, + "airlines": 7612, + "manufactured": 7613, + "pm": 7614, + "archaeological": 7615, + "1873": 7616, + "interpretation": 7617, + "devon": 7618, + "comment": 7619, + "##ites": 7620, + "settlements": 7621, + "kissing": 7622, + "absolute": 7623, + "improvement": 7624, + "suite": 7625, + "impressed": 7626, + "barcelona": 7627, + "sullivan": 7628, + "jefferson": 7629, + "towers": 7630, + "jesse": 7631, + "julie": 7632, + "##tin": 7633, + "##lu": 7634, + "grandson": 7635, + "hi": 7636, + "gauge": 7637, + "regard": 7638, + "rings": 7639, + "interviews": 7640, + "trace": 7641, + "raymond": 7642, + "thumb": 7643, + "departments": 7644, + "burns": 7645, + "serial": 7646, + "bulgarian": 7647, + "scores": 7648, + "demonstrated": 7649, + "##ix": 7650, + "1866": 7651, + "kyle": 7652, + "alberta": 7653, + "underneath": 7654, + "romanized": 7655, + "##ward": 7656, + "relieved": 7657, + "acquisition": 7658, + "phrase": 7659, + "cliff": 7660, + "reveals": 7661, + "han": 7662, + "cuts": 7663, + "merger": 7664, + "custom": 7665, + "##dar": 7666, + "nee": 7667, + "gilbert": 7668, + "graduation": 7669, + "##nts": 7670, + "assessment": 7671, + "cafe": 7672, + "difficulty": 7673, + "demands": 7674, + "swung": 7675, + "democrat": 7676, + "jennifer": 7677, + "commons": 7678, + "1940s": 7679, + "grove": 7680, + "##yo": 7681, + "completing": 7682, + "focuses": 7683, + "sum": 7684, + "substitute": 7685, + "bearing": 7686, + "stretch": 7687, + "reception": 7688, + "##py": 7689, + "reflected": 7690, + "essentially": 7691, + "destination": 7692, + "pairs": 7693, + "##ched": 7694, + "survival": 7695, + "resource": 7696, + "##bach": 7697, + "promoting": 7698, + "doubles": 7699, + "messages": 7700, + "tear": 7701, + "##down": 7702, + "##fully": 7703, + "parade": 7704, + "florence": 7705, + "harvey": 7706, + "incumbent": 7707, + "partial": 7708, + "framework": 7709, + "900": 7710, + "pedro": 7711, + "frozen": 7712, + "procedure": 7713, + "olivia": 7714, + "controls": 7715, + "##mic": 7716, + "shelter": 7717, + "personally": 7718, + "temperatures": 7719, + "##od": 7720, + "brisbane": 7721, + "tested": 7722, + "sits": 7723, + "marble": 7724, + "comprehensive": 7725, + "oxygen": 7726, + "leonard": 7727, + "##kov": 7728, + "inaugural": 7729, + "iranian": 7730, + "referring": 7731, + "quarters": 7732, + "attitude": 7733, + "##ivity": 7734, + "mainstream": 7735, + "lined": 7736, + "mars": 7737, + "dakota": 7738, + "norfolk": 7739, + "unsuccessful": 7740, + "##°": 7741, + "explosion": 7742, + "helicopter": 7743, + "congressional": 7744, + "##sing": 7745, + "inspector": 7746, + "bitch": 7747, + "seal": 7748, + "departed": 7749, + "divine": 7750, + "##ters": 7751, + "coaching": 7752, + "examination": 7753, + "punishment": 7754, + "manufacturer": 7755, + "sink": 7756, + "columns": 7757, + "unincorporated": 7758, + "signals": 7759, + "nevada": 7760, + "squeezed": 7761, + "dylan": 7762, + "dining": 7763, + "photos": 7764, + "martial": 7765, + "manuel": 7766, + "eighteen": 7767, + "elevator": 7768, + "brushed": 7769, + "plates": 7770, + "ministers": 7771, + "ivy": 7772, + "congregation": 7773, + "##len": 7774, + "slept": 7775, + "specialized": 7776, + "taxes": 7777, + "curve": 7778, + "restricted": 7779, + "negotiations": 7780, + "likes": 7781, + "statistical": 7782, + "arnold": 7783, + "inspiration": 7784, + "execution": 7785, + "bold": 7786, + "intermediate": 7787, + "significance": 7788, + "margin": 7789, + "ruler": 7790, + "wheels": 7791, + "gothic": 7792, + "intellectual": 7793, + "dependent": 7794, + "listened": 7795, + "eligible": 7796, + "buses": 7797, + "widow": 7798, + "syria": 7799, + "earn": 7800, + "cincinnati": 7801, + "collapsed": 7802, + "recipient": 7803, + "secrets": 7804, + "accessible": 7805, + "philippine": 7806, + "maritime": 7807, + "goddess": 7808, + "clerk": 7809, + "surrender": 7810, + "breaks": 7811, + "playoff": 7812, + "database": 7813, + "##ified": 7814, + "##lon": 7815, + "ideal": 7816, + "beetle": 7817, + "aspect": 7818, + "soap": 7819, + "regulation": 7820, + "strings": 7821, + "expand": 7822, + "anglo": 7823, + "shorter": 7824, + "crosses": 7825, + "retreat": 7826, + "tough": 7827, + "coins": 7828, + "wallace": 7829, + "directions": 7830, + "pressing": 7831, + "##oon": 7832, + "shipping": 7833, + "locomotives": 7834, + "comparison": 7835, + "topics": 7836, + "nephew": 7837, + "##mes": 7838, + "distinction": 7839, + "honors": 7840, + "travelled": 7841, + "sierra": 7842, + "ibn": 7843, + "##over": 7844, + "fortress": 7845, + "sa": 7846, + "recognised": 7847, + "carved": 7848, + "1869": 7849, + "clients": 7850, + "##dan": 7851, + "intent": 7852, + "##mar": 7853, + "coaches": 7854, + "describing": 7855, + "bread": 7856, + "##ington": 7857, + "beaten": 7858, + "northwestern": 7859, + "##ona": 7860, + "merit": 7861, + "youtube": 7862, + "collapse": 7863, + "challenges": 7864, + "em": 7865, + "historians": 7866, + "objective": 7867, + "submitted": 7868, + "virus": 7869, + "attacking": 7870, + "drake": 7871, + "assume": 7872, + "##ere": 7873, + "diseases": 7874, + "marc": 7875, + "stem": 7876, + "leeds": 7877, + "##cus": 7878, + "##ab": 7879, + "farming": 7880, + "glasses": 7881, + "##lock": 7882, + "visits": 7883, + "nowhere": 7884, + "fellowship": 7885, + "relevant": 7886, + "carries": 7887, + "restaurants": 7888, + "experiments": 7889, + "101": 7890, + "constantly": 7891, + "bases": 7892, + "targets": 7893, + "shah": 7894, + "tenth": 7895, + "opponents": 7896, + "verse": 7897, + "territorial": 7898, + "##ira": 7899, + "writings": 7900, + "corruption": 7901, + "##hs": 7902, + "instruction": 7903, + "inherited": 7904, + "reverse": 7905, + "emphasis": 7906, + "##vic": 7907, + "employee": 7908, + "arch": 7909, + "keeps": 7910, + "rabbi": 7911, + "watson": 7912, + "payment": 7913, + "uh": 7914, + "##ala": 7915, + "nancy": 7916, + "##tre": 7917, + "venice": 7918, + "fastest": 7919, + "sexy": 7920, + "banned": 7921, + "adrian": 7922, + "properly": 7923, + "ruth": 7924, + "touchdown": 7925, + "dollar": 7926, + "boards": 7927, + "metre": 7928, + "circles": 7929, + "edges": 7930, + "favour": 7931, + "comments": 7932, + "ok": 7933, + "travels": 7934, + "liberation": 7935, + "scattered": 7936, + "firmly": 7937, + "##ular": 7938, + "holland": 7939, + "permitted": 7940, + "diesel": 7941, + "kenya": 7942, + "den": 7943, + "originated": 7944, + "##ral": 7945, + "demons": 7946, + "resumed": 7947, + "dragged": 7948, + "rider": 7949, + "##rus": 7950, + "servant": 7951, + "blinked": 7952, + "extend": 7953, + "torn": 7954, + "##ias": 7955, + "##sey": 7956, + "input": 7957, + "meal": 7958, + "everybody": 7959, + "cylinder": 7960, + "kinds": 7961, + "camps": 7962, + "##fe": 7963, + "bullet": 7964, + "logic": 7965, + "##wn": 7966, + "croatian": 7967, + "evolved": 7968, + "healthy": 7969, + "fool": 7970, + "chocolate": 7971, + "wise": 7972, + "preserve": 7973, + "pradesh": 7974, + "##ess": 7975, + "respective": 7976, + "1850": 7977, + "##ew": 7978, + "chicken": 7979, + "artificial": 7980, + "gross": 7981, + "corresponding": 7982, + "convicted": 7983, + "cage": 7984, + "caroline": 7985, + "dialogue": 7986, + "##dor": 7987, + "narrative": 7988, + "stranger": 7989, + "mario": 7990, + "br": 7991, + "christianity": 7992, + "failing": 7993, + "trent": 7994, + "commanding": 7995, + "buddhist": 7996, + "1848": 7997, + "maurice": 7998, + "focusing": 7999, + "yale": 8000, + "bike": 8001, + "altitude": 8002, + "##ering": 8003, + "mouse": 8004, + "revised": 8005, + "##sley": 8006, + "veteran": 8007, + "##ig": 8008, + "pulls": 8009, + "theology": 8010, + "crashed": 8011, + "campaigns": 8012, + "legion": 8013, + "##ability": 8014, + "drag": 8015, + "excellence": 8016, + "customer": 8017, + "cancelled": 8018, + "intensity": 8019, + "excuse": 8020, + "##lar": 8021, + "liga": 8022, + "participating": 8023, + "contributing": 8024, + "printing": 8025, + "##burn": 8026, + "variable": 8027, + "##rk": 8028, + "curious": 8029, + "bin": 8030, + "legacy": 8031, + "renaissance": 8032, + "##my": 8033, + "symptoms": 8034, + "binding": 8035, + "vocalist": 8036, + "dancer": 8037, + "##nie": 8038, + "grammar": 8039, + "gospel": 8040, + "democrats": 8041, + "ya": 8042, + "enters": 8043, + "sc": 8044, + "diplomatic": 8045, + "hitler": 8046, + "##ser": 8047, + "clouds": 8048, + "mathematical": 8049, + "quit": 8050, + "defended": 8051, + "oriented": 8052, + "##heim": 8053, + "fundamental": 8054, + "hardware": 8055, + "impressive": 8056, + "equally": 8057, + "convince": 8058, + "confederate": 8059, + "guilt": 8060, + "chuck": 8061, + "sliding": 8062, + "##ware": 8063, + "magnetic": 8064, + "narrowed": 8065, + "petersburg": 8066, + "bulgaria": 8067, + "otto": 8068, + "phd": 8069, + "skill": 8070, + "##ama": 8071, + "reader": 8072, + "hopes": 8073, + "pitcher": 8074, + "reservoir": 8075, + "hearts": 8076, + "automatically": 8077, + "expecting": 8078, + "mysterious": 8079, + "bennett": 8080, + "extensively": 8081, + "imagined": 8082, + "seeds": 8083, + "monitor": 8084, + "fix": 8085, + "##ative": 8086, + "journalism": 8087, + "struggling": 8088, + "signature": 8089, + "ranch": 8090, + "encounter": 8091, + "photographer": 8092, + "observation": 8093, + "protests": 8094, + "##pin": 8095, + "influences": 8096, + "##hr": 8097, + "calendar": 8098, + "##all": 8099, + "cruz": 8100, + "croatia": 8101, + "locomotive": 8102, + "hughes": 8103, + "naturally": 8104, + "shakespeare": 8105, + "basement": 8106, + "hook": 8107, + "uncredited": 8108, + "faded": 8109, + "theories": 8110, + "approaches": 8111, + "dare": 8112, + "phillips": 8113, + "filling": 8114, + "fury": 8115, + "obama": 8116, + "##ain": 8117, + "efficient": 8118, + "arc": 8119, + "deliver": 8120, + "min": 8121, + "raid": 8122, + "breeding": 8123, + "inducted": 8124, + "leagues": 8125, + "efficiency": 8126, + "axis": 8127, + "montana": 8128, + "eagles": 8129, + "##ked": 8130, + "supplied": 8131, + "instructions": 8132, + "karen": 8133, + "picking": 8134, + "indicating": 8135, + "trap": 8136, + "anchor": 8137, + "practically": 8138, + "christians": 8139, + "tomb": 8140, + "vary": 8141, + "occasional": 8142, + "electronics": 8143, + "lords": 8144, + "readers": 8145, + "newcastle": 8146, + "faint": 8147, + "innovation": 8148, + "collect": 8149, + "situations": 8150, + "engagement": 8151, + "160": 8152, + "claude": 8153, + "mixture": 8154, + "##feld": 8155, + "peer": 8156, + "tissue": 8157, + "logo": 8158, + "lean": 8159, + "##ration": 8160, + "°f": 8161, + "floors": 8162, + "##ven": 8163, + "architects": 8164, + "reducing": 8165, + "##our": 8166, + "##ments": 8167, + "rope": 8168, + "1859": 8169, + "ottawa": 8170, + "##har": 8171, + "samples": 8172, + "banking": 8173, + "declaration": 8174, + "proteins": 8175, + "resignation": 8176, + "francois": 8177, + "saudi": 8178, + "advocate": 8179, + "exhibited": 8180, + "armor": 8181, + "twins": 8182, + "divorce": 8183, + "##ras": 8184, + "abraham": 8185, + "reviewed": 8186, + "jo": 8187, + "temporarily": 8188, + "matrix": 8189, + "physically": 8190, + "pulse": 8191, + "curled": 8192, + "##ena": 8193, + "difficulties": 8194, + "bengal": 8195, + "usage": 8196, + "##ban": 8197, + "annie": 8198, + "riders": 8199, + "certificate": 8200, + "##pi": 8201, + "holes": 8202, + "warsaw": 8203, + "distinctive": 8204, + "jessica": 8205, + "##mon": 8206, + "mutual": 8207, + "1857": 8208, + "customs": 8209, + "circular": 8210, + "eugene": 8211, + "removal": 8212, + "loaded": 8213, + "mere": 8214, + "vulnerable": 8215, + "depicted": 8216, + "generations": 8217, + "dame": 8218, + "heir": 8219, + "enormous": 8220, + "lightly": 8221, + "climbing": 8222, + "pitched": 8223, + "lessons": 8224, + "pilots": 8225, + "nepal": 8226, + "ram": 8227, + "google": 8228, + "preparing": 8229, + "brad": 8230, + "louise": 8231, + "renowned": 8232, + "##₂": 8233, + "liam": 8234, + "##ably": 8235, + "plaza": 8236, + "shaw": 8237, + "sophie": 8238, + "brilliant": 8239, + "bills": 8240, + "##bar": 8241, + "##nik": 8242, + "fucking": 8243, + "mainland": 8244, + "server": 8245, + "pleasant": 8246, + "seized": 8247, + "veterans": 8248, + "jerked": 8249, + "fail": 8250, + "beta": 8251, + "brush": 8252, + "radiation": 8253, + "stored": 8254, + "warmth": 8255, + "southeastern": 8256, + "nate": 8257, + "sin": 8258, + "raced": 8259, + "berkeley": 8260, + "joke": 8261, + "athlete": 8262, + "designation": 8263, + "trunk": 8264, + "##low": 8265, + "roland": 8266, + "qualification": 8267, + "archives": 8268, + "heels": 8269, + "artwork": 8270, + "receives": 8271, + "judicial": 8272, + "reserves": 8273, + "##bed": 8274, + "woke": 8275, + "installation": 8276, + "abu": 8277, + "floating": 8278, + "fake": 8279, + "lesser": 8280, + "excitement": 8281, + "interface": 8282, + "concentrated": 8283, + "addressed": 8284, + "characteristic": 8285, + "amanda": 8286, + "saxophone": 8287, + "monk": 8288, + "auto": 8289, + "##bus": 8290, + "releasing": 8291, + "egg": 8292, + "dies": 8293, + "interaction": 8294, + "defender": 8295, + "ce": 8296, + "outbreak": 8297, + "glory": 8298, + "loving": 8299, + "##bert": 8300, + "sequel": 8301, + "consciousness": 8302, + "http": 8303, + "awake": 8304, + "ski": 8305, + "enrolled": 8306, + "##ress": 8307, + "handling": 8308, + "rookie": 8309, + "brow": 8310, + "somebody": 8311, + "biography": 8312, + "warfare": 8313, + "amounts": 8314, + "contracts": 8315, + "presentation": 8316, + "fabric": 8317, + "dissolved": 8318, + "challenged": 8319, + "meter": 8320, + "psychological": 8321, + "lt": 8322, + "elevated": 8323, + "rally": 8324, + "accurate": 8325, + "##tha": 8326, + "hospitals": 8327, + "undergraduate": 8328, + "specialist": 8329, + "venezuela": 8330, + "exhibit": 8331, + "shed": 8332, + "nursing": 8333, + "protestant": 8334, + "fluid": 8335, + "structural": 8336, + "footage": 8337, + "jared": 8338, + "consistent": 8339, + "prey": 8340, + "##ska": 8341, + "succession": 8342, + "reflect": 8343, + "exile": 8344, + "lebanon": 8345, + "wiped": 8346, + "suspect": 8347, + "shanghai": 8348, + "resting": 8349, + "integration": 8350, + "preservation": 8351, + "marvel": 8352, + "variant": 8353, + "pirates": 8354, + "sheep": 8355, + "rounded": 8356, + "capita": 8357, + "sailing": 8358, + "colonies": 8359, + "manuscript": 8360, + "deemed": 8361, + "variations": 8362, + "clarke": 8363, + "functional": 8364, + "emerging": 8365, + "boxing": 8366, + "relaxed": 8367, + "curse": 8368, + "azerbaijan": 8369, + "heavyweight": 8370, + "nickname": 8371, + "editorial": 8372, + "rang": 8373, + "grid": 8374, + "tightened": 8375, + "earthquake": 8376, + "flashed": 8377, + "miguel": 8378, + "rushing": 8379, + "##ches": 8380, + "improvements": 8381, + "boxes": 8382, + "brooks": 8383, + "180": 8384, + "consumption": 8385, + "molecular": 8386, + "felix": 8387, + "societies": 8388, + "repeatedly": 8389, + "variation": 8390, + "aids": 8391, + "civic": 8392, + "graphics": 8393, + "professionals": 8394, + "realm": 8395, + "autonomous": 8396, + "receiver": 8397, + "delayed": 8398, + "workshop": 8399, + "militia": 8400, + "chairs": 8401, + "trump": 8402, + "canyon": 8403, + "##point": 8404, + "harsh": 8405, + "extending": 8406, + "lovely": 8407, + "happiness": 8408, + "##jan": 8409, + "stake": 8410, + "eyebrows": 8411, + "embassy": 8412, + "wellington": 8413, + "hannah": 8414, + "##ella": 8415, + "sony": 8416, + "corners": 8417, + "bishops": 8418, + "swear": 8419, + "cloth": 8420, + "contents": 8421, + "xi": 8422, + "namely": 8423, + "commenced": 8424, + "1854": 8425, + "stanford": 8426, + "nashville": 8427, + "courage": 8428, + "graphic": 8429, + "commitment": 8430, + "garrison": 8431, + "##bin": 8432, + "hamlet": 8433, + "clearing": 8434, + "rebels": 8435, + "attraction": 8436, + "literacy": 8437, + "cooking": 8438, + "ruins": 8439, + "temples": 8440, + "jenny": 8441, + "humanity": 8442, + "celebrate": 8443, + "hasn": 8444, + "freight": 8445, + "sixty": 8446, + "rebel": 8447, + "bastard": 8448, + "##art": 8449, + "newton": 8450, + "##ada": 8451, + "deer": 8452, + "##ges": 8453, + "##ching": 8454, + "smiles": 8455, + "delaware": 8456, + "singers": 8457, + "##ets": 8458, + "approaching": 8459, + "assists": 8460, + "flame": 8461, + "##ph": 8462, + "boulevard": 8463, + "barrel": 8464, + "planted": 8465, + "##ome": 8466, + "pursuit": 8467, + "##sia": 8468, + "consequences": 8469, + "posts": 8470, + "shallow": 8471, + "invitation": 8472, + "rode": 8473, + "depot": 8474, + "ernest": 8475, + "kane": 8476, + "rod": 8477, + "concepts": 8478, + "preston": 8479, + "topic": 8480, + "chambers": 8481, + "striking": 8482, + "blast": 8483, + "arrives": 8484, + "descendants": 8485, + "montgomery": 8486, + "ranges": 8487, + "worlds": 8488, + "##lay": 8489, + "##ari": 8490, + "span": 8491, + "chaos": 8492, + "praise": 8493, + "##ag": 8494, + "fewer": 8495, + "1855": 8496, + "sanctuary": 8497, + "mud": 8498, + "fbi": 8499, + "##ions": 8500, + "programmes": 8501, + "maintaining": 8502, + "unity": 8503, + "harper": 8504, + "bore": 8505, + "handsome": 8506, + "closure": 8507, + "tournaments": 8508, + "thunder": 8509, + "nebraska": 8510, + "linda": 8511, + "facade": 8512, + "puts": 8513, + "satisfied": 8514, + "argentine": 8515, + "dale": 8516, + "cork": 8517, + "dome": 8518, + "panama": 8519, + "##yl": 8520, + "1858": 8521, + "tasks": 8522, + "experts": 8523, + "##ates": 8524, + "feeding": 8525, + "equation": 8526, + "##las": 8527, + "##ida": 8528, + "##tu": 8529, + "engage": 8530, + "bryan": 8531, + "##ax": 8532, + "um": 8533, + "quartet": 8534, + "melody": 8535, + "disbanded": 8536, + "sheffield": 8537, + "blocked": 8538, + "gasped": 8539, + "delay": 8540, + "kisses": 8541, + "maggie": 8542, + "connects": 8543, + "##non": 8544, + "sts": 8545, + "poured": 8546, + "creator": 8547, + "publishers": 8548, + "##we": 8549, + "guided": 8550, + "ellis": 8551, + "extinct": 8552, + "hug": 8553, + "gaining": 8554, + "##ord": 8555, + "complicated": 8556, + "##bility": 8557, + "poll": 8558, + "clenched": 8559, + "investigate": 8560, + "##use": 8561, + "thereby": 8562, + "quantum": 8563, + "spine": 8564, + "cdp": 8565, + "humor": 8566, + "kills": 8567, + "administered": 8568, + "semifinals": 8569, + "##du": 8570, + "encountered": 8571, + "ignore": 8572, + "##bu": 8573, + "commentary": 8574, + "##maker": 8575, + "bother": 8576, + "roosevelt": 8577, + "140": 8578, + "plains": 8579, + "halfway": 8580, + "flowing": 8581, + "cultures": 8582, + "crack": 8583, + "imprisoned": 8584, + "neighboring": 8585, + "airline": 8586, + "##ses": 8587, + "##view": 8588, + "##mate": 8589, + "##ec": 8590, + "gather": 8591, + "wolves": 8592, + "marathon": 8593, + "transformed": 8594, + "##ill": 8595, + "cruise": 8596, + "organisations": 8597, + "carol": 8598, + "punch": 8599, + "exhibitions": 8600, + "numbered": 8601, + "alarm": 8602, + "ratings": 8603, + "daddy": 8604, + "silently": 8605, + "##stein": 8606, + "queens": 8607, + "colours": 8608, + "impression": 8609, + "guidance": 8610, + "liu": 8611, + "tactical": 8612, + "##rat": 8613, + "marshal": 8614, + "della": 8615, + "arrow": 8616, + "##ings": 8617, + "rested": 8618, + "feared": 8619, + "tender": 8620, + "owns": 8621, + "bitter": 8622, + "advisor": 8623, + "escort": 8624, + "##ides": 8625, + "spare": 8626, + "farms": 8627, + "grants": 8628, + "##ene": 8629, + "dragons": 8630, + "encourage": 8631, + "colleagues": 8632, + "cameras": 8633, + "##und": 8634, + "sucked": 8635, + "pile": 8636, + "spirits": 8637, + "prague": 8638, + "statements": 8639, + "suspension": 8640, + "landmark": 8641, + "fence": 8642, + "torture": 8643, + "recreation": 8644, + "bags": 8645, + "permanently": 8646, + "survivors": 8647, + "pond": 8648, + "spy": 8649, + "predecessor": 8650, + "bombing": 8651, + "coup": 8652, + "##og": 8653, + "protecting": 8654, + "transformation": 8655, + "glow": 8656, + "##lands": 8657, + "##book": 8658, + "dug": 8659, + "priests": 8660, + "andrea": 8661, + "feat": 8662, + "barn": 8663, + "jumping": 8664, + "##chen": 8665, + "##ologist": 8666, + "##con": 8667, + "casualties": 8668, + "stern": 8669, + "auckland": 8670, + "pipe": 8671, + "serie": 8672, + "revealing": 8673, + "ba": 8674, + "##bel": 8675, + "trevor": 8676, + "mercy": 8677, + "spectrum": 8678, + "yang": 8679, + "consist": 8680, + "governing": 8681, + "collaborated": 8682, + "possessed": 8683, + "epic": 8684, + "comprises": 8685, + "blew": 8686, + "shane": 8687, + "##ack": 8688, + "lopez": 8689, + "honored": 8690, + "magical": 8691, + "sacrifice": 8692, + "judgment": 8693, + "perceived": 8694, + "hammer": 8695, + "mtv": 8696, + "baronet": 8697, + "tune": 8698, + "das": 8699, + "missionary": 8700, + "sheets": 8701, + "350": 8702, + "neutral": 8703, + "oral": 8704, + "threatening": 8705, + "attractive": 8706, + "shade": 8707, + "aims": 8708, + "seminary": 8709, + "##master": 8710, + "estates": 8711, + "1856": 8712, + "michel": 8713, + "wounds": 8714, + "refugees": 8715, + "manufacturers": 8716, + "##nic": 8717, + "mercury": 8718, + "syndrome": 8719, + "porter": 8720, + "##iya": 8721, + "##din": 8722, + "hamburg": 8723, + "identification": 8724, + "upstairs": 8725, + "purse": 8726, + "widened": 8727, + "pause": 8728, + "cared": 8729, + "breathed": 8730, + "affiliate": 8731, + "santiago": 8732, + "prevented": 8733, + "celtic": 8734, + "fisher": 8735, + "125": 8736, + "recruited": 8737, + "byzantine": 8738, + "reconstruction": 8739, + "farther": 8740, + "##mp": 8741, + "diet": 8742, + "sake": 8743, + "au": 8744, + "spite": 8745, + "sensation": 8746, + "##ert": 8747, + "blank": 8748, + "separation": 8749, + "105": 8750, + "##hon": 8751, + "vladimir": 8752, + "armies": 8753, + "anime": 8754, + "##lie": 8755, + "accommodate": 8756, + "orbit": 8757, + "cult": 8758, + "sofia": 8759, + "archive": 8760, + "##ify": 8761, + "##box": 8762, + "founders": 8763, + "sustained": 8764, + "disorder": 8765, + "honours": 8766, + "northeastern": 8767, + "mia": 8768, + "crops": 8769, + "violet": 8770, + "threats": 8771, + "blanket": 8772, + "fires": 8773, + "canton": 8774, + "followers": 8775, + "southwestern": 8776, + "prototype": 8777, + "voyage": 8778, + "assignment": 8779, + "altered": 8780, + "moderate": 8781, + "protocol": 8782, + "pistol": 8783, + "##eo": 8784, + "questioned": 8785, + "brass": 8786, + "lifting": 8787, + "1852": 8788, + "math": 8789, + "authored": 8790, + "##ual": 8791, + "doug": 8792, + "dimensional": 8793, + "dynamic": 8794, + "##san": 8795, + "1851": 8796, + "pronounced": 8797, + "grateful": 8798, + "quest": 8799, + "uncomfortable": 8800, + "boom": 8801, + "presidency": 8802, + "stevens": 8803, + "relating": 8804, + "politicians": 8805, + "chen": 8806, + "barrier": 8807, + "quinn": 8808, + "diana": 8809, + "mosque": 8810, + "tribal": 8811, + "cheese": 8812, + "palmer": 8813, + "portions": 8814, + "sometime": 8815, + "chester": 8816, + "treasure": 8817, + "wu": 8818, + "bend": 8819, + "download": 8820, + "millions": 8821, + "reforms": 8822, + "registration": 8823, + "##osa": 8824, + "consequently": 8825, + "monitoring": 8826, + "ate": 8827, + "preliminary": 8828, + "brandon": 8829, + "invented": 8830, + "ps": 8831, + "eaten": 8832, + "exterior": 8833, + "intervention": 8834, + "ports": 8835, + "documented": 8836, + "log": 8837, + "displays": 8838, + "lecture": 8839, + "sally": 8840, + "favourite": 8841, + "##itz": 8842, + "vermont": 8843, + "lo": 8844, + "invisible": 8845, + "isle": 8846, + "breed": 8847, + "##ator": 8848, + "journalists": 8849, + "relay": 8850, + "speaks": 8851, + "backward": 8852, + "explore": 8853, + "midfielder": 8854, + "actively": 8855, + "stefan": 8856, + "procedures": 8857, + "cannon": 8858, + "blond": 8859, + "kenneth": 8860, + "centered": 8861, + "servants": 8862, + "chains": 8863, + "libraries": 8864, + "malcolm": 8865, + "essex": 8866, + "henri": 8867, + "slavery": 8868, + "##hal": 8869, + "facts": 8870, + "fairy": 8871, + "coached": 8872, + "cassie": 8873, + "cats": 8874, + "washed": 8875, + "cop": 8876, + "##fi": 8877, + "announcement": 8878, + "item": 8879, + "2000s": 8880, + "vinyl": 8881, + "activated": 8882, + "marco": 8883, + "frontier": 8884, + "growled": 8885, + "curriculum": 8886, + "##das": 8887, + "loyal": 8888, + "accomplished": 8889, + "leslie": 8890, + "ritual": 8891, + "kenny": 8892, + "##00": 8893, + "vii": 8894, + "napoleon": 8895, + "hollow": 8896, + "hybrid": 8897, + "jungle": 8898, + "stationed": 8899, + "friedrich": 8900, + "counted": 8901, + "##ulated": 8902, + "platinum": 8903, + "theatrical": 8904, + "seated": 8905, + "col": 8906, + "rubber": 8907, + "glen": 8908, + "1840": 8909, + "diversity": 8910, + "healing": 8911, + "extends": 8912, + "id": 8913, + "provisions": 8914, + "administrator": 8915, + "columbus": 8916, + "##oe": 8917, + "tributary": 8918, + "te": 8919, + "assured": 8920, + "org": 8921, + "##uous": 8922, + "prestigious": 8923, + "examined": 8924, + "lectures": 8925, + "grammy": 8926, + "ronald": 8927, + "associations": 8928, + "bailey": 8929, + "allan": 8930, + "essays": 8931, + "flute": 8932, + "believing": 8933, + "consultant": 8934, + "proceedings": 8935, + "travelling": 8936, + "1853": 8937, + "kit": 8938, + "kerala": 8939, + "yugoslavia": 8940, + "buddy": 8941, + "methodist": 8942, + "##ith": 8943, + "burial": 8944, + "centres": 8945, + "batman": 8946, + "##nda": 8947, + "discontinued": 8948, + "bo": 8949, + "dock": 8950, + "stockholm": 8951, + "lungs": 8952, + "severely": 8953, + "##nk": 8954, + "citing": 8955, + "manga": 8956, + "##ugh": 8957, + "steal": 8958, + "mumbai": 8959, + "iraqi": 8960, + "robot": 8961, + "celebrity": 8962, + "bride": 8963, + "broadcasts": 8964, + "abolished": 8965, + "pot": 8966, + "joel": 8967, + "overhead": 8968, + "franz": 8969, + "packed": 8970, + "reconnaissance": 8971, + "johann": 8972, + "acknowledged": 8973, + "introduce": 8974, + "handled": 8975, + "doctorate": 8976, + "developments": 8977, + "drinks": 8978, + "alley": 8979, + "palestine": 8980, + "##nis": 8981, + "##aki": 8982, + "proceeded": 8983, + "recover": 8984, + "bradley": 8985, + "grain": 8986, + "patch": 8987, + "afford": 8988, + "infection": 8989, + "nationalist": 8990, + "legendary": 8991, + "##ath": 8992, + "interchange": 8993, + "virtually": 8994, + "gen": 8995, + "gravity": 8996, + "exploration": 8997, + "amber": 8998, + "vital": 8999, + "wishes": 9000, + "powell": 9001, + "doctrine": 9002, + "elbow": 9003, + "screenplay": 9004, + "##bird": 9005, + "contribute": 9006, + "indonesian": 9007, + "pet": 9008, + "creates": 9009, + "##com": 9010, + "enzyme": 9011, + "kylie": 9012, + "discipline": 9013, + "drops": 9014, + "manila": 9015, + "hunger": 9016, + "##ien": 9017, + "layers": 9018, + "suffer": 9019, + "fever": 9020, + "bits": 9021, + "monica": 9022, + "keyboard": 9023, + "manages": 9024, + "##hood": 9025, + "searched": 9026, + "appeals": 9027, + "##bad": 9028, + "testament": 9029, + "grande": 9030, + "reid": 9031, + "##war": 9032, + "beliefs": 9033, + "congo": 9034, + "##ification": 9035, + "##dia": 9036, + "si": 9037, + "requiring": 9038, + "##via": 9039, + "casey": 9040, + "1849": 9041, + "regret": 9042, + "streak": 9043, + "rape": 9044, + "depends": 9045, + "syrian": 9046, + "sprint": 9047, + "pound": 9048, + "tourists": 9049, + "upcoming": 9050, + "pub": 9051, + "##xi": 9052, + "tense": 9053, + "##els": 9054, + "practiced": 9055, + "echo": 9056, + "nationwide": 9057, + "guild": 9058, + "motorcycle": 9059, + "liz": 9060, + "##zar": 9061, + "chiefs": 9062, + "desired": 9063, + "elena": 9064, + "bye": 9065, + "precious": 9066, + "absorbed": 9067, + "relatives": 9068, + "booth": 9069, + "pianist": 9070, + "##mal": 9071, + "citizenship": 9072, + "exhausted": 9073, + "wilhelm": 9074, + "##ceae": 9075, + "##hed": 9076, + "noting": 9077, + "quarterback": 9078, + "urge": 9079, + "hectares": 9080, + "##gue": 9081, + "ace": 9082, + "holly": 9083, + "##tal": 9084, + "blonde": 9085, + "davies": 9086, + "parked": 9087, + "sustainable": 9088, + "stepping": 9089, + "twentieth": 9090, + "airfield": 9091, + "galaxy": 9092, + "nest": 9093, + "chip": 9094, + "##nell": 9095, + "tan": 9096, + "shaft": 9097, + "paulo": 9098, + "requirement": 9099, + "##zy": 9100, + "paradise": 9101, + "tobacco": 9102, + "trans": 9103, + "renewed": 9104, + "vietnamese": 9105, + "##cker": 9106, + "##ju": 9107, + "suggesting": 9108, + "catching": 9109, + "holmes": 9110, + "enjoying": 9111, + "md": 9112, + "trips": 9113, + "colt": 9114, + "holder": 9115, + "butterfly": 9116, + "nerve": 9117, + "reformed": 9118, + "cherry": 9119, + "bowling": 9120, + "trailer": 9121, + "carriage": 9122, + "goodbye": 9123, + "appreciate": 9124, + "toy": 9125, + "joshua": 9126, + "interactive": 9127, + "enabled": 9128, + "involve": 9129, + "##kan": 9130, + "collar": 9131, + "determination": 9132, + "bunch": 9133, + "facebook": 9134, + "recall": 9135, + "shorts": 9136, + "superintendent": 9137, + "episcopal": 9138, + "frustration": 9139, + "giovanni": 9140, + "nineteenth": 9141, + "laser": 9142, + "privately": 9143, + "array": 9144, + "circulation": 9145, + "##ovic": 9146, + "armstrong": 9147, + "deals": 9148, + "painful": 9149, + "permit": 9150, + "discrimination": 9151, + "##wi": 9152, + "aires": 9153, + "retiring": 9154, + "cottage": 9155, + "ni": 9156, + "##sta": 9157, + "horizon": 9158, + "ellen": 9159, + "jamaica": 9160, + "ripped": 9161, + "fernando": 9162, + "chapters": 9163, + "playstation": 9164, + "patron": 9165, + "lecturer": 9166, + "navigation": 9167, + "behaviour": 9168, + "genes": 9169, + "georgian": 9170, + "export": 9171, + "solomon": 9172, + "rivals": 9173, + "swift": 9174, + "seventeen": 9175, + "rodriguez": 9176, + "princeton": 9177, + "independently": 9178, + "sox": 9179, + "1847": 9180, + "arguing": 9181, + "entity": 9182, + "casting": 9183, + "hank": 9184, + "criteria": 9185, + "oakland": 9186, + "geographic": 9187, + "milwaukee": 9188, + "reflection": 9189, + "expanding": 9190, + "conquest": 9191, + "dubbed": 9192, + "##tv": 9193, + "halt": 9194, + "brave": 9195, + "brunswick": 9196, + "doi": 9197, + "arched": 9198, + "curtis": 9199, + "divorced": 9200, + "predominantly": 9201, + "somerset": 9202, + "streams": 9203, + "ugly": 9204, + "zoo": 9205, + "horrible": 9206, + "curved": 9207, + "buenos": 9208, + "fierce": 9209, + "dictionary": 9210, + "vector": 9211, + "theological": 9212, + "unions": 9213, + "handful": 9214, + "stability": 9215, + "chan": 9216, + "punjab": 9217, + "segments": 9218, + "##lly": 9219, + "altar": 9220, + "ignoring": 9221, + "gesture": 9222, + "monsters": 9223, + "pastor": 9224, + "##stone": 9225, + "thighs": 9226, + "unexpected": 9227, + "operators": 9228, + "abruptly": 9229, + "coin": 9230, + "compiled": 9231, + "associates": 9232, + "improving": 9233, + "migration": 9234, + "pin": 9235, + "##ose": 9236, + "compact": 9237, + "collegiate": 9238, + "reserved": 9239, + "##urs": 9240, + "quarterfinals": 9241, + "roster": 9242, + "restore": 9243, + "assembled": 9244, + "hurry": 9245, + "oval": 9246, + "##cies": 9247, + "1846": 9248, + "flags": 9249, + "martha": 9250, + "##del": 9251, + "victories": 9252, + "sharply": 9253, + "##rated": 9254, + "argues": 9255, + "deadly": 9256, + "neo": 9257, + "drawings": 9258, + "symbols": 9259, + "performer": 9260, + "##iel": 9261, + "griffin": 9262, + "restrictions": 9263, + "editing": 9264, + "andrews": 9265, + "java": 9266, + "journals": 9267, + "arabia": 9268, + "compositions": 9269, + "dee": 9270, + "pierce": 9271, + "removing": 9272, + "hindi": 9273, + "casino": 9274, + "runway": 9275, + "civilians": 9276, + "minds": 9277, + "nasa": 9278, + "hotels": 9279, + "##zation": 9280, + "refuge": 9281, + "rent": 9282, + "retain": 9283, + "potentially": 9284, + "conferences": 9285, + "suburban": 9286, + "conducting": 9287, + "##tto": 9288, + "##tions": 9289, + "##tle": 9290, + "descended": 9291, + "massacre": 9292, + "##cal": 9293, + "ammunition": 9294, + "terrain": 9295, + "fork": 9296, + "souls": 9297, + "counts": 9298, + "chelsea": 9299, + "durham": 9300, + "drives": 9301, + "cab": 9302, + "##bank": 9303, + "perth": 9304, + "realizing": 9305, + "palestinian": 9306, + "finn": 9307, + "simpson": 9308, + "##dal": 9309, + "betty": 9310, + "##ule": 9311, + "moreover": 9312, + "particles": 9313, + "cardinals": 9314, + "tent": 9315, + "evaluation": 9316, + "extraordinary": 9317, + "##oid": 9318, + "inscription": 9319, + "##works": 9320, + "wednesday": 9321, + "chloe": 9322, + "maintains": 9323, + "panels": 9324, + "ashley": 9325, + "trucks": 9326, + "##nation": 9327, + "cluster": 9328, + "sunlight": 9329, + "strikes": 9330, + "zhang": 9331, + "##wing": 9332, + "dialect": 9333, + "canon": 9334, + "##ap": 9335, + "tucked": 9336, + "##ws": 9337, + "collecting": 9338, + "##mas": 9339, + "##can": 9340, + "##sville": 9341, + "maker": 9342, + "quoted": 9343, + "evan": 9344, + "franco": 9345, + "aria": 9346, + "buying": 9347, + "cleaning": 9348, + "eva": 9349, + "closet": 9350, + "provision": 9351, + "apollo": 9352, + "clinic": 9353, + "rat": 9354, + "##ez": 9355, + "necessarily": 9356, + "ac": 9357, + "##gle": 9358, + "##ising": 9359, + "venues": 9360, + "flipped": 9361, + "cent": 9362, + "spreading": 9363, + "trustees": 9364, + "checking": 9365, + "authorized": 9366, + "##sco": 9367, + "disappointed": 9368, + "##ado": 9369, + "notion": 9370, + "duration": 9371, + "trumpet": 9372, + "hesitated": 9373, + "topped": 9374, + "brussels": 9375, + "rolls": 9376, + "theoretical": 9377, + "hint": 9378, + "define": 9379, + "aggressive": 9380, + "repeat": 9381, + "wash": 9382, + "peaceful": 9383, + "optical": 9384, + "width": 9385, + "allegedly": 9386, + "mcdonald": 9387, + "strict": 9388, + "copyright": 9389, + "##illa": 9390, + "investors": 9391, + "mar": 9392, + "jam": 9393, + "witnesses": 9394, + "sounding": 9395, + "miranda": 9396, + "michelle": 9397, + "privacy": 9398, + "hugo": 9399, + "harmony": 9400, + "##pp": 9401, + "valid": 9402, + "lynn": 9403, + "glared": 9404, + "nina": 9405, + "102": 9406, + "headquartered": 9407, + "diving": 9408, + "boarding": 9409, + "gibson": 9410, + "##ncy": 9411, + "albanian": 9412, + "marsh": 9413, + "routine": 9414, + "dealt": 9415, + "enhanced": 9416, + "er": 9417, + "intelligent": 9418, + "substance": 9419, + "targeted": 9420, + "enlisted": 9421, + "discovers": 9422, + "spinning": 9423, + "observations": 9424, + "pissed": 9425, + "smoking": 9426, + "rebecca": 9427, + "capitol": 9428, + "visa": 9429, + "varied": 9430, + "costume": 9431, + "seemingly": 9432, + "indies": 9433, + "compensation": 9434, + "surgeon": 9435, + "thursday": 9436, + "arsenal": 9437, + "westminster": 9438, + "suburbs": 9439, + "rid": 9440, + "anglican": 9441, + "##ridge": 9442, + "knots": 9443, + "foods": 9444, + "alumni": 9445, + "lighter": 9446, + "fraser": 9447, + "whoever": 9448, + "portal": 9449, + "scandal": 9450, + "##ray": 9451, + "gavin": 9452, + "advised": 9453, + "instructor": 9454, + "flooding": 9455, + "terrorist": 9456, + "##ale": 9457, + "teenage": 9458, + "interim": 9459, + "senses": 9460, + "duck": 9461, + "teen": 9462, + "thesis": 9463, + "abby": 9464, + "eager": 9465, + "overcome": 9466, + "##ile": 9467, + "newport": 9468, + "glenn": 9469, + "rises": 9470, + "shame": 9471, + "##cc": 9472, + "prompted": 9473, + "priority": 9474, + "forgot": 9475, + "bomber": 9476, + "nicolas": 9477, + "protective": 9478, + "360": 9479, + "cartoon": 9480, + "katherine": 9481, + "breeze": 9482, + "lonely": 9483, + "trusted": 9484, + "henderson": 9485, + "richardson": 9486, + "relax": 9487, + "banner": 9488, + "candy": 9489, + "palms": 9490, + "remarkable": 9491, + "##rio": 9492, + "legends": 9493, + "cricketer": 9494, + "essay": 9495, + "ordained": 9496, + "edmund": 9497, + "rifles": 9498, + "trigger": 9499, + "##uri": 9500, + "##away": 9501, + "sail": 9502, + "alert": 9503, + "1830": 9504, + "audiences": 9505, + "penn": 9506, + "sussex": 9507, + "siblings": 9508, + "pursued": 9509, + "indianapolis": 9510, + "resist": 9511, + "rosa": 9512, + "consequence": 9513, + "succeed": 9514, + "avoided": 9515, + "1845": 9516, + "##ulation": 9517, + "inland": 9518, + "##tie": 9519, + "##nna": 9520, + "counsel": 9521, + "profession": 9522, + "chronicle": 9523, + "hurried": 9524, + "##una": 9525, + "eyebrow": 9526, + "eventual": 9527, + "bleeding": 9528, + "innovative": 9529, + "cure": 9530, + "##dom": 9531, + "committees": 9532, + "accounting": 9533, + "con": 9534, + "scope": 9535, + "hardy": 9536, + "heather": 9537, + "tenor": 9538, + "gut": 9539, + "herald": 9540, + "codes": 9541, + "tore": 9542, + "scales": 9543, + "wagon": 9544, + "##oo": 9545, + "luxury": 9546, + "tin": 9547, + "prefer": 9548, + "fountain": 9549, + "triangle": 9550, + "bonds": 9551, + "darling": 9552, + "convoy": 9553, + "dried": 9554, + "traced": 9555, + "beings": 9556, + "troy": 9557, + "accidentally": 9558, + "slam": 9559, + "findings": 9560, + "smelled": 9561, + "joey": 9562, + "lawyers": 9563, + "outcome": 9564, + "steep": 9565, + "bosnia": 9566, + "configuration": 9567, + "shifting": 9568, + "toll": 9569, + "brook": 9570, + "performers": 9571, + "lobby": 9572, + "philosophical": 9573, + "construct": 9574, + "shrine": 9575, + "aggregate": 9576, + "boot": 9577, + "cox": 9578, + "phenomenon": 9579, + "savage": 9580, + "insane": 9581, + "solely": 9582, + "reynolds": 9583, + "lifestyle": 9584, + "##ima": 9585, + "nationally": 9586, + "holdings": 9587, + "consideration": 9588, + "enable": 9589, + "edgar": 9590, + "mo": 9591, + "mama": 9592, + "##tein": 9593, + "fights": 9594, + "relegation": 9595, + "chances": 9596, + "atomic": 9597, + "hub": 9598, + "conjunction": 9599, + "awkward": 9600, + "reactions": 9601, + "currency": 9602, + "finale": 9603, + "kumar": 9604, + "underwent": 9605, + "steering": 9606, + "elaborate": 9607, + "gifts": 9608, + "comprising": 9609, + "melissa": 9610, + "veins": 9611, + "reasonable": 9612, + "sunshine": 9613, + "chi": 9614, + "solve": 9615, + "trails": 9616, + "inhabited": 9617, + "elimination": 9618, + "ethics": 9619, + "huh": 9620, + "ana": 9621, + "molly": 9622, + "consent": 9623, + "apartments": 9624, + "layout": 9625, + "marines": 9626, + "##ces": 9627, + "hunters": 9628, + "bulk": 9629, + "##oma": 9630, + "hometown": 9631, + "##wall": 9632, + "##mont": 9633, + "cracked": 9634, + "reads": 9635, + "neighbouring": 9636, + "withdrawn": 9637, + "admission": 9638, + "wingspan": 9639, + "damned": 9640, + "anthology": 9641, + "lancashire": 9642, + "brands": 9643, + "batting": 9644, + "forgive": 9645, + "cuban": 9646, + "awful": 9647, + "##lyn": 9648, + "104": 9649, + "dimensions": 9650, + "imagination": 9651, + "##ade": 9652, + "dante": 9653, + "##ship": 9654, + "tracking": 9655, + "desperately": 9656, + "goalkeeper": 9657, + "##yne": 9658, + "groaned": 9659, + "workshops": 9660, + "confident": 9661, + "burton": 9662, + "gerald": 9663, + "milton": 9664, + "circus": 9665, + "uncertain": 9666, + "slope": 9667, + "copenhagen": 9668, + "sophia": 9669, + "fog": 9670, + "philosopher": 9671, + "portraits": 9672, + "accent": 9673, + "cycling": 9674, + "varying": 9675, + "gripped": 9676, + "larvae": 9677, + "garrett": 9678, + "specified": 9679, + "scotia": 9680, + "mature": 9681, + "luther": 9682, + "kurt": 9683, + "rap": 9684, + "##kes": 9685, + "aerial": 9686, + "750": 9687, + "ferdinand": 9688, + "heated": 9689, + "es": 9690, + "transported": 9691, + "##shan": 9692, + "safely": 9693, + "nonetheless": 9694, + "##orn": 9695, + "##gal": 9696, + "motors": 9697, + "demanding": 9698, + "##sburg": 9699, + "startled": 9700, + "##brook": 9701, + "ally": 9702, + "generate": 9703, + "caps": 9704, + "ghana": 9705, + "stained": 9706, + "demo": 9707, + "mentions": 9708, + "beds": 9709, + "ap": 9710, + "afterward": 9711, + "diary": 9712, + "##bling": 9713, + "utility": 9714, + "##iro": 9715, + "richards": 9716, + "1837": 9717, + "conspiracy": 9718, + "conscious": 9719, + "shining": 9720, + "footsteps": 9721, + "observer": 9722, + "cyprus": 9723, + "urged": 9724, + "loyalty": 9725, + "developer": 9726, + "probability": 9727, + "olive": 9728, + "upgraded": 9729, + "gym": 9730, + "miracle": 9731, + "insects": 9732, + "graves": 9733, + "1844": 9734, + "ourselves": 9735, + "hydrogen": 9736, + "amazon": 9737, + "katie": 9738, + "tickets": 9739, + "poets": 9740, + "##pm": 9741, + "planes": 9742, + "##pan": 9743, + "prevention": 9744, + "witnessed": 9745, + "dense": 9746, + "jin": 9747, + "randy": 9748, + "tang": 9749, + "warehouse": 9750, + "monroe": 9751, + "bang": 9752, + "archived": 9753, + "elderly": 9754, + "investigations": 9755, + "alec": 9756, + "granite": 9757, + "mineral": 9758, + "conflicts": 9759, + "controlling": 9760, + "aboriginal": 9761, + "carlo": 9762, + "##zu": 9763, + "mechanics": 9764, + "stan": 9765, + "stark": 9766, + "rhode": 9767, + "skirt": 9768, + "est": 9769, + "##berry": 9770, + "bombs": 9771, + "respected": 9772, + "##horn": 9773, + "imposed": 9774, + "limestone": 9775, + "deny": 9776, + "nominee": 9777, + "memphis": 9778, + "grabbing": 9779, + "disabled": 9780, + "##als": 9781, + "amusement": 9782, + "aa": 9783, + "frankfurt": 9784, + "corn": 9785, + "referendum": 9786, + "varies": 9787, + "slowed": 9788, + "disk": 9789, + "firms": 9790, + "unconscious": 9791, + "incredible": 9792, + "clue": 9793, + "sue": 9794, + "##zhou": 9795, + "twist": 9796, + "##cio": 9797, + "joins": 9798, + "idaho": 9799, + "chad": 9800, + "developers": 9801, + "computing": 9802, + "destroyer": 9803, + "103": 9804, + "mortal": 9805, + "tucker": 9806, + "kingston": 9807, + "choices": 9808, + "yu": 9809, + "carson": 9810, + "1800": 9811, + "os": 9812, + "whitney": 9813, + "geneva": 9814, + "pretend": 9815, + "dimension": 9816, + "staged": 9817, + "plateau": 9818, + "maya": 9819, + "##une": 9820, + "freestyle": 9821, + "##bc": 9822, + "rovers": 9823, + "hiv": 9824, + "##ids": 9825, + "tristan": 9826, + "classroom": 9827, + "prospect": 9828, + "##hus": 9829, + "honestly": 9830, + "diploma": 9831, + "lied": 9832, + "thermal": 9833, + "auxiliary": 9834, + "feast": 9835, + "unlikely": 9836, + "iata": 9837, + "##tel": 9838, + "morocco": 9839, + "pounding": 9840, + "treasury": 9841, + "lithuania": 9842, + "considerably": 9843, + "1841": 9844, + "dish": 9845, + "1812": 9846, + "geological": 9847, + "matching": 9848, + "stumbled": 9849, + "destroying": 9850, + "marched": 9851, + "brien": 9852, + "advances": 9853, + "cake": 9854, + "nicole": 9855, + "belle": 9856, + "settling": 9857, + "measuring": 9858, + "directing": 9859, + "##mie": 9860, + "tuesday": 9861, + "bassist": 9862, + "capabilities": 9863, + "stunned": 9864, + "fraud": 9865, + "torpedo": 9866, + "##list": 9867, + "##phone": 9868, + "anton": 9869, + "wisdom": 9870, + "surveillance": 9871, + "ruined": 9872, + "##ulate": 9873, + "lawsuit": 9874, + "healthcare": 9875, + "theorem": 9876, + "halls": 9877, + "trend": 9878, + "aka": 9879, + "horizontal": 9880, + "dozens": 9881, + "acquire": 9882, + "lasting": 9883, + "swim": 9884, + "hawk": 9885, + "gorgeous": 9886, + "fees": 9887, + "vicinity": 9888, + "decrease": 9889, + "adoption": 9890, + "tactics": 9891, + "##ography": 9892, + "pakistani": 9893, + "##ole": 9894, + "draws": 9895, + "##hall": 9896, + "willie": 9897, + "burke": 9898, + "heath": 9899, + "algorithm": 9900, + "integral": 9901, + "powder": 9902, + "elliott": 9903, + "brigadier": 9904, + "jackie": 9905, + "tate": 9906, + "varieties": 9907, + "darker": 9908, + "##cho": 9909, + "lately": 9910, + "cigarette": 9911, + "specimens": 9912, + "adds": 9913, + "##ree": 9914, + "##ensis": 9915, + "##inger": 9916, + "exploded": 9917, + "finalist": 9918, + "cia": 9919, + "murders": 9920, + "wilderness": 9921, + "arguments": 9922, + "nicknamed": 9923, + "acceptance": 9924, + "onwards": 9925, + "manufacture": 9926, + "robertson": 9927, + "jets": 9928, + "tampa": 9929, + "enterprises": 9930, + "blog": 9931, + "loudly": 9932, + "composers": 9933, + "nominations": 9934, + "1838": 9935, + "ai": 9936, + "malta": 9937, + "inquiry": 9938, + "automobile": 9939, + "hosting": 9940, + "viii": 9941, + "rays": 9942, + "tilted": 9943, + "grief": 9944, + "museums": 9945, + "strategies": 9946, + "furious": 9947, + "euro": 9948, + "equality": 9949, + "cohen": 9950, + "poison": 9951, + "surrey": 9952, + "wireless": 9953, + "governed": 9954, + "ridiculous": 9955, + "moses": 9956, + "##esh": 9957, + "##room": 9958, + "vanished": 9959, + "##ito": 9960, + "barnes": 9961, + "attract": 9962, + "morrison": 9963, + "istanbul": 9964, + "##iness": 9965, + "absent": 9966, + "rotation": 9967, + "petition": 9968, + "janet": 9969, + "##logical": 9970, + "satisfaction": 9971, + "custody": 9972, + "deliberately": 9973, + "observatory": 9974, + "comedian": 9975, + "surfaces": 9976, + "pinyin": 9977, + "novelist": 9978, + "strictly": 9979, + "canterbury": 9980, + "oslo": 9981, + "monks": 9982, + "embrace": 9983, + "ibm": 9984, + "jealous": 9985, + "photograph": 9986, + "continent": 9987, + "dorothy": 9988, + "marina": 9989, + "doc": 9990, + "excess": 9991, + "holden": 9992, + "allegations": 9993, + "explaining": 9994, + "stack": 9995, + "avoiding": 9996, + "lance": 9997, + "storyline": 9998, + "majesty": 9999, + "poorly": 10000, + "spike": 10001, + "dos": 10002, + "bradford": 10003, + "raven": 10004, + "travis": 10005, + "classics": 10006, + "proven": 10007, + "voltage": 10008, + "pillow": 10009, + "fists": 10010, + "butt": 10011, + "1842": 10012, + "interpreted": 10013, + "##car": 10014, + "1839": 10015, + "gage": 10016, + "telegraph": 10017, + "lens": 10018, + "promising": 10019, + "expelled": 10020, + "casual": 10021, + "collector": 10022, + "zones": 10023, + "##min": 10024, + "silly": 10025, + "nintendo": 10026, + "##kh": 10027, + "##bra": 10028, + "downstairs": 10029, + "chef": 10030, + "suspicious": 10031, + "afl": 10032, + "flies": 10033, + "vacant": 10034, + "uganda": 10035, + "pregnancy": 10036, + "condemned": 10037, + "lutheran": 10038, + "estimates": 10039, + "cheap": 10040, + "decree": 10041, + "saxon": 10042, + "proximity": 10043, + "stripped": 10044, + "idiot": 10045, + "deposits": 10046, + "contrary": 10047, + "presenter": 10048, + "magnus": 10049, + "glacier": 10050, + "im": 10051, + "offense": 10052, + "edwin": 10053, + "##ori": 10054, + "upright": 10055, + "##long": 10056, + "bolt": 10057, + "##ois": 10058, + "toss": 10059, + "geographical": 10060, + "##izes": 10061, + "environments": 10062, + "delicate": 10063, + "marking": 10064, + "abstract": 10065, + "xavier": 10066, + "nails": 10067, + "windsor": 10068, + "plantation": 10069, + "occurring": 10070, + "equity": 10071, + "saskatchewan": 10072, + "fears": 10073, + "drifted": 10074, + "sequences": 10075, + "vegetation": 10076, + "revolt": 10077, + "##stic": 10078, + "1843": 10079, + "sooner": 10080, + "fusion": 10081, + "opposing": 10082, + "nato": 10083, + "skating": 10084, + "1836": 10085, + "secretly": 10086, + "ruin": 10087, + "lease": 10088, + "##oc": 10089, + "edit": 10090, + "##nne": 10091, + "flora": 10092, + "anxiety": 10093, + "ruby": 10094, + "##ological": 10095, + "##mia": 10096, + "tel": 10097, + "bout": 10098, + "taxi": 10099, + "emmy": 10100, + "frost": 10101, + "rainbow": 10102, + "compounds": 10103, + "foundations": 10104, + "rainfall": 10105, + "assassination": 10106, + "nightmare": 10107, + "dominican": 10108, + "##win": 10109, + "achievements": 10110, + "deserve": 10111, + "orlando": 10112, + "intact": 10113, + "armenia": 10114, + "##nte": 10115, + "calgary": 10116, + "valentine": 10117, + "106": 10118, + "marion": 10119, + "proclaimed": 10120, + "theodore": 10121, + "bells": 10122, + "courtyard": 10123, + "thigh": 10124, + "gonzalez": 10125, + "console": 10126, + "troop": 10127, + "minimal": 10128, + "monte": 10129, + "everyday": 10130, + "##ence": 10131, + "##if": 10132, + "supporter": 10133, + "terrorism": 10134, + "buck": 10135, + "openly": 10136, + "presbyterian": 10137, + "activists": 10138, + "carpet": 10139, + "##iers": 10140, + "rubbing": 10141, + "uprising": 10142, + "##yi": 10143, + "cute": 10144, + "conceived": 10145, + "legally": 10146, + "##cht": 10147, + "millennium": 10148, + "cello": 10149, + "velocity": 10150, + "ji": 10151, + "rescued": 10152, + "cardiff": 10153, + "1835": 10154, + "rex": 10155, + "concentrate": 10156, + "senators": 10157, + "beard": 10158, + "rendered": 10159, + "glowing": 10160, + "battalions": 10161, + "scouts": 10162, + "competitors": 10163, + "sculptor": 10164, + "catalogue": 10165, + "arctic": 10166, + "ion": 10167, + "raja": 10168, + "bicycle": 10169, + "wow": 10170, + "glancing": 10171, + "lawn": 10172, + "##woman": 10173, + "gentleman": 10174, + "lighthouse": 10175, + "publish": 10176, + "predicted": 10177, + "calculated": 10178, + "##val": 10179, + "variants": 10180, + "##gne": 10181, + "strain": 10182, + "##ui": 10183, + "winston": 10184, + "deceased": 10185, + "##nus": 10186, + "touchdowns": 10187, + "brady": 10188, + "caleb": 10189, + "sinking": 10190, + "echoed": 10191, + "crush": 10192, + "hon": 10193, + "blessed": 10194, + "protagonist": 10195, + "hayes": 10196, + "endangered": 10197, + "magnitude": 10198, + "editors": 10199, + "##tine": 10200, + "estimate": 10201, + "responsibilities": 10202, + "##mel": 10203, + "backup": 10204, + "laying": 10205, + "consumed": 10206, + "sealed": 10207, + "zurich": 10208, + "lovers": 10209, + "frustrated": 10210, + "##eau": 10211, + "ahmed": 10212, + "kicking": 10213, + "mit": 10214, + "treasurer": 10215, + "1832": 10216, + "biblical": 10217, + "refuse": 10218, + "terrified": 10219, + "pump": 10220, + "agrees": 10221, + "genuine": 10222, + "imprisonment": 10223, + "refuses": 10224, + "plymouth": 10225, + "##hen": 10226, + "lou": 10227, + "##nen": 10228, + "tara": 10229, + "trembling": 10230, + "antarctic": 10231, + "ton": 10232, + "learns": 10233, + "##tas": 10234, + "crap": 10235, + "crucial": 10236, + "faction": 10237, + "atop": 10238, + "##borough": 10239, + "wrap": 10240, + "lancaster": 10241, + "odds": 10242, + "hopkins": 10243, + "erik": 10244, + "lyon": 10245, + "##eon": 10246, + "bros": 10247, + "##ode": 10248, + "snap": 10249, + "locality": 10250, + "tips": 10251, + "empress": 10252, + "crowned": 10253, + "cal": 10254, + "acclaimed": 10255, + "chuckled": 10256, + "##ory": 10257, + "clara": 10258, + "sends": 10259, + "mild": 10260, + "towel": 10261, + "##fl": 10262, + "##day": 10263, + "##а": 10264, + "wishing": 10265, + "assuming": 10266, + "interviewed": 10267, + "##bal": 10268, + "##die": 10269, + "interactions": 10270, + "eden": 10271, + "cups": 10272, + "helena": 10273, + "##lf": 10274, + "indie": 10275, + "beck": 10276, + "##fire": 10277, + "batteries": 10278, + "filipino": 10279, + "wizard": 10280, + "parted": 10281, + "##lam": 10282, + "traces": 10283, + "##born": 10284, + "rows": 10285, + "idol": 10286, + "albany": 10287, + "delegates": 10288, + "##ees": 10289, + "##sar": 10290, + "discussions": 10291, + "##ex": 10292, + "notre": 10293, + "instructed": 10294, + "belgrade": 10295, + "highways": 10296, + "suggestion": 10297, + "lauren": 10298, + "possess": 10299, + "orientation": 10300, + "alexandria": 10301, + "abdul": 10302, + "beats": 10303, + "salary": 10304, + "reunion": 10305, + "ludwig": 10306, + "alright": 10307, + "wagner": 10308, + "intimate": 10309, + "pockets": 10310, + "slovenia": 10311, + "hugged": 10312, + "brighton": 10313, + "merchants": 10314, + "cruel": 10315, + "stole": 10316, + "trek": 10317, + "slopes": 10318, + "repairs": 10319, + "enrollment": 10320, + "politically": 10321, + "underlying": 10322, + "promotional": 10323, + "counting": 10324, + "boeing": 10325, + "##bb": 10326, + "isabella": 10327, + "naming": 10328, + "##и": 10329, + "keen": 10330, + "bacteria": 10331, + "listing": 10332, + "separately": 10333, + "belfast": 10334, + "ussr": 10335, + "450": 10336, + "lithuanian": 10337, + "anybody": 10338, + "ribs": 10339, + "sphere": 10340, + "martinez": 10341, + "cock": 10342, + "embarrassed": 10343, + "proposals": 10344, + "fragments": 10345, + "nationals": 10346, + "##fs": 10347, + "##wski": 10348, + "premises": 10349, + "fin": 10350, + "1500": 10351, + "alpine": 10352, + "matched": 10353, + "freely": 10354, + "bounded": 10355, + "jace": 10356, + "sleeve": 10357, + "##af": 10358, + "gaming": 10359, + "pier": 10360, + "populated": 10361, + "evident": 10362, + "##like": 10363, + "frances": 10364, + "flooded": 10365, + "##dle": 10366, + "frightened": 10367, + "pour": 10368, + "trainer": 10369, + "framed": 10370, + "visitor": 10371, + "challenging": 10372, + "pig": 10373, + "wickets": 10374, + "##fold": 10375, + "infected": 10376, + "email": 10377, + "##pes": 10378, + "arose": 10379, + "##aw": 10380, + "reward": 10381, + "ecuador": 10382, + "oblast": 10383, + "vale": 10384, + "ch": 10385, + "shuttle": 10386, + "##usa": 10387, + "bach": 10388, + "rankings": 10389, + "forbidden": 10390, + "cornwall": 10391, + "accordance": 10392, + "salem": 10393, + "consumers": 10394, + "bruno": 10395, + "fantastic": 10396, + "toes": 10397, + "machinery": 10398, + "resolved": 10399, + "julius": 10400, + "remembering": 10401, + "propaganda": 10402, + "iceland": 10403, + "bombardment": 10404, + "tide": 10405, + "contacts": 10406, + "wives": 10407, + "##rah": 10408, + "concerto": 10409, + "macdonald": 10410, + "albania": 10411, + "implement": 10412, + "daisy": 10413, + "tapped": 10414, + "sudan": 10415, + "helmet": 10416, + "angela": 10417, + "mistress": 10418, + "##lic": 10419, + "crop": 10420, + "sunk": 10421, + "finest": 10422, + "##craft": 10423, + "hostile": 10424, + "##ute": 10425, + "##tsu": 10426, + "boxer": 10427, + "fr": 10428, + "paths": 10429, + "adjusted": 10430, + "habit": 10431, + "ballot": 10432, + "supervision": 10433, + "soprano": 10434, + "##zen": 10435, + "bullets": 10436, + "wicked": 10437, + "sunset": 10438, + "regiments": 10439, + "disappear": 10440, + "lamp": 10441, + "performs": 10442, + "app": 10443, + "##gia": 10444, + "##oa": 10445, + "rabbit": 10446, + "digging": 10447, + "incidents": 10448, + "entries": 10449, + "##cion": 10450, + "dishes": 10451, + "##oi": 10452, + "introducing": 10453, + "##ati": 10454, + "##fied": 10455, + "freshman": 10456, + "slot": 10457, + "jill": 10458, + "tackles": 10459, + "baroque": 10460, + "backs": 10461, + "##iest": 10462, + "lone": 10463, + "sponsor": 10464, + "destiny": 10465, + "altogether": 10466, + "convert": 10467, + "##aro": 10468, + "consensus": 10469, + "shapes": 10470, + "demonstration": 10471, + "basically": 10472, + "feminist": 10473, + "auction": 10474, + "artifacts": 10475, + "##bing": 10476, + "strongest": 10477, + "twitter": 10478, + "halifax": 10479, + "2019": 10480, + "allmusic": 10481, + "mighty": 10482, + "smallest": 10483, + "precise": 10484, + "alexandra": 10485, + "viola": 10486, + "##los": 10487, + "##ille": 10488, + "manuscripts": 10489, + "##illo": 10490, + "dancers": 10491, + "ari": 10492, + "managers": 10493, + "monuments": 10494, + "blades": 10495, + "barracks": 10496, + "springfield": 10497, + "maiden": 10498, + "consolidated": 10499, + "electron": 10500, + "##end": 10501, + "berry": 10502, + "airing": 10503, + "wheat": 10504, + "nobel": 10505, + "inclusion": 10506, + "blair": 10507, + "payments": 10508, + "geography": 10509, + "bee": 10510, + "cc": 10511, + "eleanor": 10512, + "react": 10513, + "##hurst": 10514, + "afc": 10515, + "manitoba": 10516, + "##yu": 10517, + "su": 10518, + "lineup": 10519, + "fitness": 10520, + "recreational": 10521, + "investments": 10522, + "airborne": 10523, + "disappointment": 10524, + "##dis": 10525, + "edmonton": 10526, + "viewing": 10527, + "##row": 10528, + "renovation": 10529, + "##cast": 10530, + "infant": 10531, + "bankruptcy": 10532, + "roses": 10533, + "aftermath": 10534, + "pavilion": 10535, + "##yer": 10536, + "carpenter": 10537, + "withdrawal": 10538, + "ladder": 10539, + "##hy": 10540, + "discussing": 10541, + "popped": 10542, + "reliable": 10543, + "agreements": 10544, + "rochester": 10545, + "##abad": 10546, + "curves": 10547, + "bombers": 10548, + "220": 10549, + "rao": 10550, + "reverend": 10551, + "decreased": 10552, + "choosing": 10553, + "107": 10554, + "stiff": 10555, + "consulting": 10556, + "naples": 10557, + "crawford": 10558, + "tracy": 10559, + "ka": 10560, + "ribbon": 10561, + "cops": 10562, + "##lee": 10563, + "crushed": 10564, + "deciding": 10565, + "unified": 10566, + "teenager": 10567, + "accepting": 10568, + "flagship": 10569, + "explorer": 10570, + "poles": 10571, + "sanchez": 10572, + "inspection": 10573, + "revived": 10574, + "skilled": 10575, + "induced": 10576, + "exchanged": 10577, + "flee": 10578, + "locals": 10579, + "tragedy": 10580, + "swallow": 10581, + "loading": 10582, + "hanna": 10583, + "demonstrate": 10584, + "##ela": 10585, + "salvador": 10586, + "flown": 10587, + "contestants": 10588, + "civilization": 10589, + "##ines": 10590, + "wanna": 10591, + "rhodes": 10592, + "fletcher": 10593, + "hector": 10594, + "knocking": 10595, + "considers": 10596, + "##ough": 10597, + "nash": 10598, + "mechanisms": 10599, + "sensed": 10600, + "mentally": 10601, + "walt": 10602, + "unclear": 10603, + "##eus": 10604, + "renovated": 10605, + "madame": 10606, + "##cks": 10607, + "crews": 10608, + "governmental": 10609, + "##hin": 10610, + "undertaken": 10611, + "monkey": 10612, + "##ben": 10613, + "##ato": 10614, + "fatal": 10615, + "armored": 10616, + "copa": 10617, + "caves": 10618, + "governance": 10619, + "grasp": 10620, + "perception": 10621, + "certification": 10622, + "froze": 10623, + "damp": 10624, + "tugged": 10625, + "wyoming": 10626, + "##rg": 10627, + "##ero": 10628, + "newman": 10629, + "##lor": 10630, + "nerves": 10631, + "curiosity": 10632, + "graph": 10633, + "115": 10634, + "##ami": 10635, + "withdraw": 10636, + "tunnels": 10637, + "dull": 10638, + "meredith": 10639, + "moss": 10640, + "exhibits": 10641, + "neighbors": 10642, + "communicate": 10643, + "accuracy": 10644, + "explored": 10645, + "raiders": 10646, + "republicans": 10647, + "secular": 10648, + "kat": 10649, + "superman": 10650, + "penny": 10651, + "criticised": 10652, + "##tch": 10653, + "freed": 10654, + "update": 10655, + "conviction": 10656, + "wade": 10657, + "ham": 10658, + "likewise": 10659, + "delegation": 10660, + "gotta": 10661, + "doll": 10662, + "promises": 10663, + "technological": 10664, + "myth": 10665, + "nationality": 10666, + "resolve": 10667, + "convent": 10668, + "##mark": 10669, + "sharon": 10670, + "dig": 10671, + "sip": 10672, + "coordinator": 10673, + "entrepreneur": 10674, + "fold": 10675, + "##dine": 10676, + "capability": 10677, + "councillor": 10678, + "synonym": 10679, + "blown": 10680, + "swan": 10681, + "cursed": 10682, + "1815": 10683, + "jonas": 10684, + "haired": 10685, + "sofa": 10686, + "canvas": 10687, + "keeper": 10688, + "rivalry": 10689, + "##hart": 10690, + "rapper": 10691, + "speedway": 10692, + "swords": 10693, + "postal": 10694, + "maxwell": 10695, + "estonia": 10696, + "potter": 10697, + "recurring": 10698, + "##nn": 10699, + "##ave": 10700, + "errors": 10701, + "##oni": 10702, + "cognitive": 10703, + "1834": 10704, + "##²": 10705, + "claws": 10706, + "nadu": 10707, + "roberto": 10708, + "bce": 10709, + "wrestler": 10710, + "ellie": 10711, + "##ations": 10712, + "infinite": 10713, + "ink": 10714, + "##tia": 10715, + "presumably": 10716, + "finite": 10717, + "staircase": 10718, + "108": 10719, + "noel": 10720, + "patricia": 10721, + "nacional": 10722, + "##cation": 10723, + "chill": 10724, + "eternal": 10725, + "tu": 10726, + "preventing": 10727, + "prussia": 10728, + "fossil": 10729, + "limbs": 10730, + "##logist": 10731, + "ernst": 10732, + "frog": 10733, + "perez": 10734, + "rene": 10735, + "##ace": 10736, + "pizza": 10737, + "prussian": 10738, + "##ios": 10739, + "##vy": 10740, + "molecules": 10741, + "regulatory": 10742, + "answering": 10743, + "opinions": 10744, + "sworn": 10745, + "lengths": 10746, + "supposedly": 10747, + "hypothesis": 10748, + "upward": 10749, + "habitats": 10750, + "seating": 10751, + "ancestors": 10752, + "drank": 10753, + "yield": 10754, + "hd": 10755, + "synthesis": 10756, + "researcher": 10757, + "modest": 10758, + "##var": 10759, + "mothers": 10760, + "peered": 10761, + "voluntary": 10762, + "homeland": 10763, + "##the": 10764, + "acclaim": 10765, + "##igan": 10766, + "static": 10767, + "valve": 10768, + "luxembourg": 10769, + "alto": 10770, + "carroll": 10771, + "fe": 10772, + "receptor": 10773, + "norton": 10774, + "ambulance": 10775, + "##tian": 10776, + "johnston": 10777, + "catholics": 10778, + "depicting": 10779, + "jointly": 10780, + "elephant": 10781, + "gloria": 10782, + "mentor": 10783, + "badge": 10784, + "ahmad": 10785, + "distinguish": 10786, + "remarked": 10787, + "councils": 10788, + "precisely": 10789, + "allison": 10790, + "advancing": 10791, + "detection": 10792, + "crowded": 10793, + "##10": 10794, + "cooperative": 10795, + "ankle": 10796, + "mercedes": 10797, + "dagger": 10798, + "surrendered": 10799, + "pollution": 10800, + "commit": 10801, + "subway": 10802, + "jeffrey": 10803, + "lesson": 10804, + "sculptures": 10805, + "provider": 10806, + "##fication": 10807, + "membrane": 10808, + "timothy": 10809, + "rectangular": 10810, + "fiscal": 10811, + "heating": 10812, + "teammate": 10813, + "basket": 10814, + "particle": 10815, + "anonymous": 10816, + "deployment": 10817, + "##ple": 10818, + "missiles": 10819, + "courthouse": 10820, + "proportion": 10821, + "shoe": 10822, + "sec": 10823, + "##ller": 10824, + "complaints": 10825, + "forbes": 10826, + "blacks": 10827, + "abandon": 10828, + "remind": 10829, + "sizes": 10830, + "overwhelming": 10831, + "autobiography": 10832, + "natalie": 10833, + "##awa": 10834, + "risks": 10835, + "contestant": 10836, + "countryside": 10837, + "babies": 10838, + "scorer": 10839, + "invaded": 10840, + "enclosed": 10841, + "proceed": 10842, + "hurling": 10843, + "disorders": 10844, + "##cu": 10845, + "reflecting": 10846, + "continuously": 10847, + "cruiser": 10848, + "graduates": 10849, + "freeway": 10850, + "investigated": 10851, + "ore": 10852, + "deserved": 10853, + "maid": 10854, + "blocking": 10855, + "phillip": 10856, + "jorge": 10857, + "shakes": 10858, + "dove": 10859, + "mann": 10860, + "variables": 10861, + "lacked": 10862, + "burden": 10863, + "accompanying": 10864, + "que": 10865, + "consistently": 10866, + "organizing": 10867, + "provisional": 10868, + "complained": 10869, + "endless": 10870, + "##rm": 10871, + "tubes": 10872, + "juice": 10873, + "georges": 10874, + "krishna": 10875, + "mick": 10876, + "labels": 10877, + "thriller": 10878, + "##uch": 10879, + "laps": 10880, + "arcade": 10881, + "sage": 10882, + "snail": 10883, + "##table": 10884, + "shannon": 10885, + "fi": 10886, + "laurence": 10887, + "seoul": 10888, + "vacation": 10889, + "presenting": 10890, + "hire": 10891, + "churchill": 10892, + "surprisingly": 10893, + "prohibited": 10894, + "savannah": 10895, + "technically": 10896, + "##oli": 10897, + "170": 10898, + "##lessly": 10899, + "testimony": 10900, + "suited": 10901, + "speeds": 10902, + "toys": 10903, + "romans": 10904, + "mlb": 10905, + "flowering": 10906, + "measurement": 10907, + "talented": 10908, + "kay": 10909, + "settings": 10910, + "charleston": 10911, + "expectations": 10912, + "shattered": 10913, + "achieving": 10914, + "triumph": 10915, + "ceremonies": 10916, + "portsmouth": 10917, + "lanes": 10918, + "mandatory": 10919, + "loser": 10920, + "stretching": 10921, + "cologne": 10922, + "realizes": 10923, + "seventy": 10924, + "cornell": 10925, + "careers": 10926, + "webb": 10927, + "##ulating": 10928, + "americas": 10929, + "budapest": 10930, + "ava": 10931, + "suspicion": 10932, + "##ison": 10933, + "yo": 10934, + "conrad": 10935, + "##hai": 10936, + "sterling": 10937, + "jessie": 10938, + "rector": 10939, + "##az": 10940, + "1831": 10941, + "transform": 10942, + "organize": 10943, + "loans": 10944, + "christine": 10945, + "volcanic": 10946, + "warrant": 10947, + "slender": 10948, + "summers": 10949, + "subfamily": 10950, + "newer": 10951, + "danced": 10952, + "dynamics": 10953, + "rhine": 10954, + "proceeds": 10955, + "heinrich": 10956, + "gastropod": 10957, + "commands": 10958, + "sings": 10959, + "facilitate": 10960, + "easter": 10961, + "ra": 10962, + "positioned": 10963, + "responses": 10964, + "expense": 10965, + "fruits": 10966, + "yanked": 10967, + "imported": 10968, + "25th": 10969, + "velvet": 10970, + "vic": 10971, + "primitive": 10972, + "tribune": 10973, + "baldwin": 10974, + "neighbourhood": 10975, + "donna": 10976, + "rip": 10977, + "hay": 10978, + "pr": 10979, + "##uro": 10980, + "1814": 10981, + "espn": 10982, + "welcomed": 10983, + "##aria": 10984, + "qualifier": 10985, + "glare": 10986, + "highland": 10987, + "timing": 10988, + "##cted": 10989, + "shells": 10990, + "eased": 10991, + "geometry": 10992, + "louder": 10993, + "exciting": 10994, + "slovakia": 10995, + "##sion": 10996, + "##iz": 10997, + "##lot": 10998, + "savings": 10999, + "prairie": 11000, + "##ques": 11001, + "marching": 11002, + "rafael": 11003, + "tonnes": 11004, + "##lled": 11005, + "curtain": 11006, + "preceding": 11007, + "shy": 11008, + "heal": 11009, + "greene": 11010, + "worthy": 11011, + "##pot": 11012, + "detachment": 11013, + "bury": 11014, + "sherman": 11015, + "##eck": 11016, + "reinforced": 11017, + "seeks": 11018, + "bottles": 11019, + "contracted": 11020, + "duchess": 11021, + "outfit": 11022, + "walsh": 11023, + "##sc": 11024, + "mickey": 11025, + "##ase": 11026, + "geoffrey": 11027, + "archer": 11028, + "squeeze": 11029, + "dawson": 11030, + "eliminate": 11031, + "invention": 11032, + "##enberg": 11033, + "neal": 11034, + "##eth": 11035, + "stance": 11036, + "dealer": 11037, + "coral": 11038, + "maple": 11039, + "retire": 11040, + "polo": 11041, + "simplified": 11042, + "##ht": 11043, + "1833": 11044, + "hid": 11045, + "watts": 11046, + "backwards": 11047, + "jules": 11048, + "##oke": 11049, + "genesis": 11050, + "mt": 11051, + "frames": 11052, + "rebounds": 11053, + "burma": 11054, + "woodland": 11055, + "moist": 11056, + "santos": 11057, + "whispers": 11058, + "drained": 11059, + "subspecies": 11060, + "##aa": 11061, + "streaming": 11062, + "ulster": 11063, + "burnt": 11064, + "correspondence": 11065, + "maternal": 11066, + "gerard": 11067, + "denis": 11068, + "stealing": 11069, + "##load": 11070, + "genius": 11071, + "duchy": 11072, + "##oria": 11073, + "inaugurated": 11074, + "momentum": 11075, + "suits": 11076, + "placement": 11077, + "sovereign": 11078, + "clause": 11079, + "thames": 11080, + "##hara": 11081, + "confederation": 11082, + "reservation": 11083, + "sketch": 11084, + "yankees": 11085, + "lets": 11086, + "rotten": 11087, + "charm": 11088, + "hal": 11089, + "verses": 11090, + "ultra": 11091, + "commercially": 11092, + "dot": 11093, + "salon": 11094, + "citation": 11095, + "adopt": 11096, + "winnipeg": 11097, + "mist": 11098, + "allocated": 11099, + "cairo": 11100, + "##boy": 11101, + "jenkins": 11102, + "interference": 11103, + "objectives": 11104, + "##wind": 11105, + "1820": 11106, + "portfolio": 11107, + "armoured": 11108, + "sectors": 11109, + "##eh": 11110, + "initiatives": 11111, + "##world": 11112, + "integrity": 11113, + "exercises": 11114, + "robe": 11115, + "tap": 11116, + "ab": 11117, + "gazed": 11118, + "##tones": 11119, + "distracted": 11120, + "rulers": 11121, + "111": 11122, + "favorable": 11123, + "jerome": 11124, + "tended": 11125, + "cart": 11126, + "factories": 11127, + "##eri": 11128, + "diplomat": 11129, + "valued": 11130, + "gravel": 11131, + "charitable": 11132, + "##try": 11133, + "calvin": 11134, + "exploring": 11135, + "chang": 11136, + "shepherd": 11137, + "terrace": 11138, + "pdf": 11139, + "pupil": 11140, + "##ural": 11141, + "reflects": 11142, + "ups": 11143, + "##rch": 11144, + "governors": 11145, + "shelf": 11146, + "depths": 11147, + "##nberg": 11148, + "trailed": 11149, + "crest": 11150, + "tackle": 11151, + "##nian": 11152, + "##ats": 11153, + "hatred": 11154, + "##kai": 11155, + "clare": 11156, + "makers": 11157, + "ethiopia": 11158, + "longtime": 11159, + "detected": 11160, + "embedded": 11161, + "lacking": 11162, + "slapped": 11163, + "rely": 11164, + "thomson": 11165, + "anticipation": 11166, + "iso": 11167, + "morton": 11168, + "successive": 11169, + "agnes": 11170, + "screenwriter": 11171, + "straightened": 11172, + "philippe": 11173, + "playwright": 11174, + "haunted": 11175, + "licence": 11176, + "iris": 11177, + "intentions": 11178, + "sutton": 11179, + "112": 11180, + "logical": 11181, + "correctly": 11182, + "##weight": 11183, + "branded": 11184, + "licked": 11185, + "tipped": 11186, + "silva": 11187, + "ricky": 11188, + "narrator": 11189, + "requests": 11190, + "##ents": 11191, + "greeted": 11192, + "supernatural": 11193, + "cow": 11194, + "##wald": 11195, + "lung": 11196, + "refusing": 11197, + "employer": 11198, + "strait": 11199, + "gaelic": 11200, + "liner": 11201, + "##piece": 11202, + "zoe": 11203, + "sabha": 11204, + "##mba": 11205, + "driveway": 11206, + "harvest": 11207, + "prints": 11208, + "bates": 11209, + "reluctantly": 11210, + "threshold": 11211, + "algebra": 11212, + "ira": 11213, + "wherever": 11214, + "coupled": 11215, + "240": 11216, + "assumption": 11217, + "picks": 11218, + "##air": 11219, + "designers": 11220, + "raids": 11221, + "gentlemen": 11222, + "##ean": 11223, + "roller": 11224, + "blowing": 11225, + "leipzig": 11226, + "locks": 11227, + "screw": 11228, + "dressing": 11229, + "strand": 11230, + "##lings": 11231, + "scar": 11232, + "dwarf": 11233, + "depicts": 11234, + "##nu": 11235, + "nods": 11236, + "##mine": 11237, + "differ": 11238, + "boris": 11239, + "##eur": 11240, + "yuan": 11241, + "flip": 11242, + "##gie": 11243, + "mob": 11244, + "invested": 11245, + "questioning": 11246, + "applying": 11247, + "##ture": 11248, + "shout": 11249, + "##sel": 11250, + "gameplay": 11251, + "blamed": 11252, + "illustrations": 11253, + "bothered": 11254, + "weakness": 11255, + "rehabilitation": 11256, + "##of": 11257, + "##zes": 11258, + "envelope": 11259, + "rumors": 11260, + "miners": 11261, + "leicester": 11262, + "subtle": 11263, + "kerry": 11264, + "##ico": 11265, + "ferguson": 11266, + "##fu": 11267, + "premiership": 11268, + "ne": 11269, + "##cat": 11270, + "bengali": 11271, + "prof": 11272, + "catches": 11273, + "remnants": 11274, + "dana": 11275, + "##rily": 11276, + "shouting": 11277, + "presidents": 11278, + "baltic": 11279, + "ought": 11280, + "ghosts": 11281, + "dances": 11282, + "sailors": 11283, + "shirley": 11284, + "fancy": 11285, + "dominic": 11286, + "##bie": 11287, + "madonna": 11288, + "##rick": 11289, + "bark": 11290, + "buttons": 11291, + "gymnasium": 11292, + "ashes": 11293, + "liver": 11294, + "toby": 11295, + "oath": 11296, + "providence": 11297, + "doyle": 11298, + "evangelical": 11299, + "nixon": 11300, + "cement": 11301, + "carnegie": 11302, + "embarked": 11303, + "hatch": 11304, + "surroundings": 11305, + "guarantee": 11306, + "needing": 11307, + "pirate": 11308, + "essence": 11309, + "##bee": 11310, + "filter": 11311, + "crane": 11312, + "hammond": 11313, + "projected": 11314, + "immune": 11315, + "percy": 11316, + "twelfth": 11317, + "##ult": 11318, + "regent": 11319, + "doctoral": 11320, + "damon": 11321, + "mikhail": 11322, + "##ichi": 11323, + "lu": 11324, + "critically": 11325, + "elect": 11326, + "realised": 11327, + "abortion": 11328, + "acute": 11329, + "screening": 11330, + "mythology": 11331, + "steadily": 11332, + "##fc": 11333, + "frown": 11334, + "nottingham": 11335, + "kirk": 11336, + "wa": 11337, + "minneapolis": 11338, + "##rra": 11339, + "module": 11340, + "algeria": 11341, + "mc": 11342, + "nautical": 11343, + "encounters": 11344, + "surprising": 11345, + "statues": 11346, + "availability": 11347, + "shirts": 11348, + "pie": 11349, + "alma": 11350, + "brows": 11351, + "munster": 11352, + "mack": 11353, + "soup": 11354, + "crater": 11355, + "tornado": 11356, + "sanskrit": 11357, + "cedar": 11358, + "explosive": 11359, + "bordered": 11360, + "dixon": 11361, + "planets": 11362, + "stamp": 11363, + "exam": 11364, + "happily": 11365, + "##bble": 11366, + "carriers": 11367, + "kidnapped": 11368, + "##vis": 11369, + "accommodation": 11370, + "emigrated": 11371, + "##met": 11372, + "knockout": 11373, + "correspondent": 11374, + "violation": 11375, + "profits": 11376, + "peaks": 11377, + "lang": 11378, + "specimen": 11379, + "agenda": 11380, + "ancestry": 11381, + "pottery": 11382, + "spelling": 11383, + "equations": 11384, + "obtaining": 11385, + "ki": 11386, + "linking": 11387, + "1825": 11388, + "debris": 11389, + "asylum": 11390, + "##20": 11391, + "buddhism": 11392, + "teddy": 11393, + "##ants": 11394, + "gazette": 11395, + "##nger": 11396, + "##sse": 11397, + "dental": 11398, + "eligibility": 11399, + "utc": 11400, + "fathers": 11401, + "averaged": 11402, + "zimbabwe": 11403, + "francesco": 11404, + "coloured": 11405, + "hissed": 11406, + "translator": 11407, + "lynch": 11408, + "mandate": 11409, + "humanities": 11410, + "mackenzie": 11411, + "uniforms": 11412, + "lin": 11413, + "##iana": 11414, + "##gio": 11415, + "asset": 11416, + "mhz": 11417, + "fitting": 11418, + "samantha": 11419, + "genera": 11420, + "wei": 11421, + "rim": 11422, + "beloved": 11423, + "shark": 11424, + "riot": 11425, + "entities": 11426, + "expressions": 11427, + "indo": 11428, + "carmen": 11429, + "slipping": 11430, + "owing": 11431, + "abbot": 11432, + "neighbor": 11433, + "sidney": 11434, + "##av": 11435, + "rats": 11436, + "recommendations": 11437, + "encouraging": 11438, + "squadrons": 11439, + "anticipated": 11440, + "commanders": 11441, + "conquered": 11442, + "##oto": 11443, + "donations": 11444, + "diagnosed": 11445, + "##mond": 11446, + "divide": 11447, + "##iva": 11448, + "guessed": 11449, + "decoration": 11450, + "vernon": 11451, + "auditorium": 11452, + "revelation": 11453, + "conversations": 11454, + "##kers": 11455, + "##power": 11456, + "herzegovina": 11457, + "dash": 11458, + "alike": 11459, + "protested": 11460, + "lateral": 11461, + "herman": 11462, + "accredited": 11463, + "mg": 11464, + "##gent": 11465, + "freeman": 11466, + "mel": 11467, + "fiji": 11468, + "crow": 11469, + "crimson": 11470, + "##rine": 11471, + "livestock": 11472, + "##pped": 11473, + "humanitarian": 11474, + "bored": 11475, + "oz": 11476, + "whip": 11477, + "##lene": 11478, + "##ali": 11479, + "legitimate": 11480, + "alter": 11481, + "grinning": 11482, + "spelled": 11483, + "anxious": 11484, + "oriental": 11485, + "wesley": 11486, + "##nin": 11487, + "##hole": 11488, + "carnival": 11489, + "controller": 11490, + "detect": 11491, + "##ssa": 11492, + "bowed": 11493, + "educator": 11494, + "kosovo": 11495, + "macedonia": 11496, + "##sin": 11497, + "occupy": 11498, + "mastering": 11499, + "stephanie": 11500, + "janeiro": 11501, + "para": 11502, + "unaware": 11503, + "nurses": 11504, + "noon": 11505, + "135": 11506, + "cam": 11507, + "hopefully": 11508, + "ranger": 11509, + "combine": 11510, + "sociology": 11511, + "polar": 11512, + "rica": 11513, + "##eer": 11514, + "neill": 11515, + "##sman": 11516, + "holocaust": 11517, + "##ip": 11518, + "doubled": 11519, + "lust": 11520, + "1828": 11521, + "109": 11522, + "decent": 11523, + "cooling": 11524, + "unveiled": 11525, + "##card": 11526, + "1829": 11527, + "nsw": 11528, + "homer": 11529, + "chapman": 11530, + "meyer": 11531, + "##gin": 11532, + "dive": 11533, + "mae": 11534, + "reagan": 11535, + "expertise": 11536, + "##gled": 11537, + "darwin": 11538, + "brooke": 11539, + "sided": 11540, + "prosecution": 11541, + "investigating": 11542, + "comprised": 11543, + "petroleum": 11544, + "genres": 11545, + "reluctant": 11546, + "differently": 11547, + "trilogy": 11548, + "johns": 11549, + "vegetables": 11550, + "corpse": 11551, + "highlighted": 11552, + "lounge": 11553, + "pension": 11554, + "unsuccessfully": 11555, + "elegant": 11556, + "aided": 11557, + "ivory": 11558, + "beatles": 11559, + "amelia": 11560, + "cain": 11561, + "dubai": 11562, + "sunny": 11563, + "immigrant": 11564, + "babe": 11565, + "click": 11566, + "##nder": 11567, + "underwater": 11568, + "pepper": 11569, + "combining": 11570, + "mumbled": 11571, + "atlas": 11572, + "horns": 11573, + "accessed": 11574, + "ballad": 11575, + "physicians": 11576, + "homeless": 11577, + "gestured": 11578, + "rpm": 11579, + "freak": 11580, + "louisville": 11581, + "corporations": 11582, + "patriots": 11583, + "prizes": 11584, + "rational": 11585, + "warn": 11586, + "modes": 11587, + "decorative": 11588, + "overnight": 11589, + "din": 11590, + "troubled": 11591, + "phantom": 11592, + "##ort": 11593, + "monarch": 11594, + "sheer": 11595, + "##dorf": 11596, + "generals": 11597, + "guidelines": 11598, + "organs": 11599, + "addresses": 11600, + "##zon": 11601, + "enhance": 11602, + "curling": 11603, + "parishes": 11604, + "cord": 11605, + "##kie": 11606, + "linux": 11607, + "caesar": 11608, + "deutsche": 11609, + "bavaria": 11610, + "##bia": 11611, + "coleman": 11612, + "cyclone": 11613, + "##eria": 11614, + "bacon": 11615, + "petty": 11616, + "##yama": 11617, + "##old": 11618, + "hampton": 11619, + "diagnosis": 11620, + "1824": 11621, + "throws": 11622, + "complexity": 11623, + "rita": 11624, + "disputed": 11625, + "##₃": 11626, + "pablo": 11627, + "##sch": 11628, + "marketed": 11629, + "trafficking": 11630, + "##ulus": 11631, + "examine": 11632, + "plague": 11633, + "formats": 11634, + "##oh": 11635, + "vault": 11636, + "faithful": 11637, + "##bourne": 11638, + "webster": 11639, + "##ox": 11640, + "highlights": 11641, + "##ient": 11642, + "##ann": 11643, + "phones": 11644, + "vacuum": 11645, + "sandwich": 11646, + "modeling": 11647, + "##gated": 11648, + "bolivia": 11649, + "clergy": 11650, + "qualities": 11651, + "isabel": 11652, + "##nas": 11653, + "##ars": 11654, + "wears": 11655, + "screams": 11656, + "reunited": 11657, + "annoyed": 11658, + "bra": 11659, + "##ancy": 11660, + "##rate": 11661, + "differential": 11662, + "transmitter": 11663, + "tattoo": 11664, + "container": 11665, + "poker": 11666, + "##och": 11667, + "excessive": 11668, + "resides": 11669, + "cowboys": 11670, + "##tum": 11671, + "augustus": 11672, + "trash": 11673, + "providers": 11674, + "statute": 11675, + "retreated": 11676, + "balcony": 11677, + "reversed": 11678, + "void": 11679, + "storey": 11680, + "preceded": 11681, + "masses": 11682, + "leap": 11683, + "laughs": 11684, + "neighborhoods": 11685, + "wards": 11686, + "schemes": 11687, + "falcon": 11688, + "santo": 11689, + "battlefield": 11690, + "pad": 11691, + "ronnie": 11692, + "thread": 11693, + "lesbian": 11694, + "venus": 11695, + "##dian": 11696, + "beg": 11697, + "sandstone": 11698, + "daylight": 11699, + "punched": 11700, + "gwen": 11701, + "analog": 11702, + "stroked": 11703, + "wwe": 11704, + "acceptable": 11705, + "measurements": 11706, + "dec": 11707, + "toxic": 11708, + "##kel": 11709, + "adequate": 11710, + "surgical": 11711, + "economist": 11712, + "parameters": 11713, + "varsity": 11714, + "##sberg": 11715, + "quantity": 11716, + "ella": 11717, + "##chy": 11718, + "##rton": 11719, + "countess": 11720, + "generating": 11721, + "precision": 11722, + "diamonds": 11723, + "expressway": 11724, + "ga": 11725, + "##ı": 11726, + "1821": 11727, + "uruguay": 11728, + "talents": 11729, + "galleries": 11730, + "expenses": 11731, + "scanned": 11732, + "colleague": 11733, + "outlets": 11734, + "ryder": 11735, + "lucien": 11736, + "##ila": 11737, + "paramount": 11738, + "##bon": 11739, + "syracuse": 11740, + "dim": 11741, + "fangs": 11742, + "gown": 11743, + "sweep": 11744, + "##sie": 11745, + "toyota": 11746, + "missionaries": 11747, + "websites": 11748, + "##nsis": 11749, + "sentences": 11750, + "adviser": 11751, + "val": 11752, + "trademark": 11753, + "spells": 11754, + "##plane": 11755, + "patience": 11756, + "starter": 11757, + "slim": 11758, + "##borg": 11759, + "toe": 11760, + "incredibly": 11761, + "shoots": 11762, + "elliot": 11763, + "nobility": 11764, + "##wyn": 11765, + "cowboy": 11766, + "endorsed": 11767, + "gardner": 11768, + "tendency": 11769, + "persuaded": 11770, + "organisms": 11771, + "emissions": 11772, + "kazakhstan": 11773, + "amused": 11774, + "boring": 11775, + "chips": 11776, + "themed": 11777, + "##hand": 11778, + "llc": 11779, + "constantinople": 11780, + "chasing": 11781, + "systematic": 11782, + "guatemala": 11783, + "borrowed": 11784, + "erin": 11785, + "carey": 11786, + "##hard": 11787, + "highlands": 11788, + "struggles": 11789, + "1810": 11790, + "##ifying": 11791, + "##ced": 11792, + "wong": 11793, + "exceptions": 11794, + "develops": 11795, + "enlarged": 11796, + "kindergarten": 11797, + "castro": 11798, + "##ern": 11799, + "##rina": 11800, + "leigh": 11801, + "zombie": 11802, + "juvenile": 11803, + "##most": 11804, + "consul": 11805, + "##nar": 11806, + "sailor": 11807, + "hyde": 11808, + "clarence": 11809, + "intensive": 11810, + "pinned": 11811, + "nasty": 11812, + "useless": 11813, + "jung": 11814, + "clayton": 11815, + "stuffed": 11816, + "exceptional": 11817, + "ix": 11818, + "apostolic": 11819, + "230": 11820, + "transactions": 11821, + "##dge": 11822, + "exempt": 11823, + "swinging": 11824, + "cove": 11825, + "religions": 11826, + "##ash": 11827, + "shields": 11828, + "dairy": 11829, + "bypass": 11830, + "190": 11831, + "pursuing": 11832, + "bug": 11833, + "joyce": 11834, + "bombay": 11835, + "chassis": 11836, + "southampton": 11837, + "chat": 11838, + "interact": 11839, + "redesignated": 11840, + "##pen": 11841, + "nascar": 11842, + "pray": 11843, + "salmon": 11844, + "rigid": 11845, + "regained": 11846, + "malaysian": 11847, + "grim": 11848, + "publicity": 11849, + "constituted": 11850, + "capturing": 11851, + "toilet": 11852, + "delegate": 11853, + "purely": 11854, + "tray": 11855, + "drift": 11856, + "loosely": 11857, + "striker": 11858, + "weakened": 11859, + "trinidad": 11860, + "mitch": 11861, + "itv": 11862, + "defines": 11863, + "transmitted": 11864, + "ming": 11865, + "scarlet": 11866, + "nodding": 11867, + "fitzgerald": 11868, + "fu": 11869, + "narrowly": 11870, + "sp": 11871, + "tooth": 11872, + "standings": 11873, + "virtue": 11874, + "##₁": 11875, + "##wara": 11876, + "##cting": 11877, + "chateau": 11878, + "gloves": 11879, + "lid": 11880, + "##nel": 11881, + "hurting": 11882, + "conservatory": 11883, + "##pel": 11884, + "sinclair": 11885, + "reopened": 11886, + "sympathy": 11887, + "nigerian": 11888, + "strode": 11889, + "advocated": 11890, + "optional": 11891, + "chronic": 11892, + "discharge": 11893, + "##rc": 11894, + "suck": 11895, + "compatible": 11896, + "laurel": 11897, + "stella": 11898, + "shi": 11899, + "fails": 11900, + "wage": 11901, + "dodge": 11902, + "128": 11903, + "informal": 11904, + "sorts": 11905, + "levi": 11906, + "buddha": 11907, + "villagers": 11908, + "##aka": 11909, + "chronicles": 11910, + "heavier": 11911, + "summoned": 11912, + "gateway": 11913, + "3000": 11914, + "eleventh": 11915, + "jewelry": 11916, + "translations": 11917, + "accordingly": 11918, + "seas": 11919, + "##ency": 11920, + "fiber": 11921, + "pyramid": 11922, + "cubic": 11923, + "dragging": 11924, + "##ista": 11925, + "caring": 11926, + "##ops": 11927, + "android": 11928, + "contacted": 11929, + "lunar": 11930, + "##dt": 11931, + "kai": 11932, + "lisbon": 11933, + "patted": 11934, + "1826": 11935, + "sacramento": 11936, + "theft": 11937, + "madagascar": 11938, + "subtropical": 11939, + "disputes": 11940, + "ta": 11941, + "holidays": 11942, + "piper": 11943, + "willow": 11944, + "mare": 11945, + "cane": 11946, + "itunes": 11947, + "newfoundland": 11948, + "benny": 11949, + "companions": 11950, + "dong": 11951, + "raj": 11952, + "observe": 11953, + "roar": 11954, + "charming": 11955, + "plaque": 11956, + "tibetan": 11957, + "fossils": 11958, + "enacted": 11959, + "manning": 11960, + "bubble": 11961, + "tina": 11962, + "tanzania": 11963, + "##eda": 11964, + "##hir": 11965, + "funk": 11966, + "swamp": 11967, + "deputies": 11968, + "cloak": 11969, + "ufc": 11970, + "scenario": 11971, + "par": 11972, + "scratch": 11973, + "metals": 11974, + "anthem": 11975, + "guru": 11976, + "engaging": 11977, + "specially": 11978, + "##boat": 11979, + "dialects": 11980, + "nineteen": 11981, + "cecil": 11982, + "duet": 11983, + "disability": 11984, + "messenger": 11985, + "unofficial": 11986, + "##lies": 11987, + "defunct": 11988, + "eds": 11989, + "moonlight": 11990, + "drainage": 11991, + "surname": 11992, + "puzzle": 11993, + "honda": 11994, + "switching": 11995, + "conservatives": 11996, + "mammals": 11997, + "knox": 11998, + "broadcaster": 11999, + "sidewalk": 12000, + "cope": 12001, + "##ried": 12002, + "benson": 12003, + "princes": 12004, + "peterson": 12005, + "##sal": 12006, + "bedford": 12007, + "sharks": 12008, + "eli": 12009, + "wreck": 12010, + "alberto": 12011, + "gasp": 12012, + "archaeology": 12013, + "lgbt": 12014, + "teaches": 12015, + "securities": 12016, + "madness": 12017, + "compromise": 12018, + "waving": 12019, + "coordination": 12020, + "davidson": 12021, + "visions": 12022, + "leased": 12023, + "possibilities": 12024, + "eighty": 12025, + "jun": 12026, + "fernandez": 12027, + "enthusiasm": 12028, + "assassin": 12029, + "sponsorship": 12030, + "reviewer": 12031, + "kingdoms": 12032, + "estonian": 12033, + "laboratories": 12034, + "##fy": 12035, + "##nal": 12036, + "applies": 12037, + "verb": 12038, + "celebrations": 12039, + "##zzo": 12040, + "rowing": 12041, + "lightweight": 12042, + "sadness": 12043, + "submit": 12044, + "mvp": 12045, + "balanced": 12046, + "dude": 12047, + "##vas": 12048, + "explicitly": 12049, + "metric": 12050, + "magnificent": 12051, + "mound": 12052, + "brett": 12053, + "mohammad": 12054, + "mistakes": 12055, + "irregular": 12056, + "##hing": 12057, + "##ass": 12058, + "sanders": 12059, + "betrayed": 12060, + "shipped": 12061, + "surge": 12062, + "##enburg": 12063, + "reporters": 12064, + "termed": 12065, + "georg": 12066, + "pity": 12067, + "verbal": 12068, + "bulls": 12069, + "abbreviated": 12070, + "enabling": 12071, + "appealed": 12072, + "##are": 12073, + "##atic": 12074, + "sicily": 12075, + "sting": 12076, + "heel": 12077, + "sweetheart": 12078, + "bart": 12079, + "spacecraft": 12080, + "brutal": 12081, + "monarchy": 12082, + "##tter": 12083, + "aberdeen": 12084, + "cameo": 12085, + "diane": 12086, + "##ub": 12087, + "survivor": 12088, + "clyde": 12089, + "##aries": 12090, + "complaint": 12091, + "##makers": 12092, + "clarinet": 12093, + "delicious": 12094, + "chilean": 12095, + "karnataka": 12096, + "coordinates": 12097, + "1818": 12098, + "panties": 12099, + "##rst": 12100, + "pretending": 12101, + "ar": 12102, + "dramatically": 12103, + "kiev": 12104, + "bella": 12105, + "tends": 12106, + "distances": 12107, + "113": 12108, + "catalog": 12109, + "launching": 12110, + "instances": 12111, + "telecommunications": 12112, + "portable": 12113, + "lindsay": 12114, + "vatican": 12115, + "##eim": 12116, + "angles": 12117, + "aliens": 12118, + "marker": 12119, + "stint": 12120, + "screens": 12121, + "bolton": 12122, + "##rne": 12123, + "judy": 12124, + "wool": 12125, + "benedict": 12126, + "plasma": 12127, + "europa": 12128, + "spark": 12129, + "imaging": 12130, + "filmmaker": 12131, + "swiftly": 12132, + "##een": 12133, + "contributor": 12134, + "##nor": 12135, + "opted": 12136, + "stamps": 12137, + "apologize": 12138, + "financing": 12139, + "butter": 12140, + "gideon": 12141, + "sophisticated": 12142, + "alignment": 12143, + "avery": 12144, + "chemicals": 12145, + "yearly": 12146, + "speculation": 12147, + "prominence": 12148, + "professionally": 12149, + "##ils": 12150, + "immortal": 12151, + "institutional": 12152, + "inception": 12153, + "wrists": 12154, + "identifying": 12155, + "tribunal": 12156, + "derives": 12157, + "gains": 12158, + "##wo": 12159, + "papal": 12160, + "preference": 12161, + "linguistic": 12162, + "vince": 12163, + "operative": 12164, + "brewery": 12165, + "##ont": 12166, + "unemployment": 12167, + "boyd": 12168, + "##ured": 12169, + "##outs": 12170, + "albeit": 12171, + "prophet": 12172, + "1813": 12173, + "bi": 12174, + "##rr": 12175, + "##face": 12176, + "##rad": 12177, + "quarterly": 12178, + "asteroid": 12179, + "cleaned": 12180, + "radius": 12181, + "temper": 12182, + "##llen": 12183, + "telugu": 12184, + "jerk": 12185, + "viscount": 12186, + "menu": 12187, + "##ote": 12188, + "glimpse": 12189, + "##aya": 12190, + "yacht": 12191, + "hawaiian": 12192, + "baden": 12193, + "##rl": 12194, + "laptop": 12195, + "readily": 12196, + "##gu": 12197, + "monetary": 12198, + "offshore": 12199, + "scots": 12200, + "watches": 12201, + "##yang": 12202, + "##arian": 12203, + "upgrade": 12204, + "needle": 12205, + "xbox": 12206, + "lea": 12207, + "encyclopedia": 12208, + "flank": 12209, + "fingertips": 12210, + "##pus": 12211, + "delight": 12212, + "teachings": 12213, + "confirm": 12214, + "roth": 12215, + "beaches": 12216, + "midway": 12217, + "winters": 12218, + "##iah": 12219, + "teasing": 12220, + "daytime": 12221, + "beverly": 12222, + "gambling": 12223, + "bonnie": 12224, + "##backs": 12225, + "regulated": 12226, + "clement": 12227, + "hermann": 12228, + "tricks": 12229, + "knot": 12230, + "##shing": 12231, + "##uring": 12232, + "##vre": 12233, + "detached": 12234, + "ecological": 12235, + "owed": 12236, + "specialty": 12237, + "byron": 12238, + "inventor": 12239, + "bats": 12240, + "stays": 12241, + "screened": 12242, + "unesco": 12243, + "midland": 12244, + "trim": 12245, + "affection": 12246, + "##ander": 12247, + "##rry": 12248, + "jess": 12249, + "thoroughly": 12250, + "feedback": 12251, + "##uma": 12252, + "chennai": 12253, + "strained": 12254, + "heartbeat": 12255, + "wrapping": 12256, + "overtime": 12257, + "pleaded": 12258, + "##sworth": 12259, + "mon": 12260, + "leisure": 12261, + "oclc": 12262, + "##tate": 12263, + "##ele": 12264, + "feathers": 12265, + "angelo": 12266, + "thirds": 12267, + "nuts": 12268, + "surveys": 12269, + "clever": 12270, + "gill": 12271, + "commentator": 12272, + "##dos": 12273, + "darren": 12274, + "rides": 12275, + "gibraltar": 12276, + "##nc": 12277, + "##mu": 12278, + "dissolution": 12279, + "dedication": 12280, + "shin": 12281, + "meals": 12282, + "saddle": 12283, + "elvis": 12284, + "reds": 12285, + "chaired": 12286, + "taller": 12287, + "appreciation": 12288, + "functioning": 12289, + "niece": 12290, + "favored": 12291, + "advocacy": 12292, + "robbie": 12293, + "criminals": 12294, + "suffolk": 12295, + "yugoslav": 12296, + "passport": 12297, + "constable": 12298, + "congressman": 12299, + "hastings": 12300, + "vera": 12301, + "##rov": 12302, + "consecrated": 12303, + "sparks": 12304, + "ecclesiastical": 12305, + "confined": 12306, + "##ovich": 12307, + "muller": 12308, + "floyd": 12309, + "nora": 12310, + "1822": 12311, + "paved": 12312, + "1827": 12313, + "cumberland": 12314, + "ned": 12315, + "saga": 12316, + "spiral": 12317, + "##flow": 12318, + "appreciated": 12319, + "yi": 12320, + "collaborative": 12321, + "treating": 12322, + "similarities": 12323, + "feminine": 12324, + "finishes": 12325, + "##ib": 12326, + "jade": 12327, + "import": 12328, + "##nse": 12329, + "##hot": 12330, + "champagne": 12331, + "mice": 12332, + "securing": 12333, + "celebrities": 12334, + "helsinki": 12335, + "attributes": 12336, + "##gos": 12337, + "cousins": 12338, + "phases": 12339, + "ache": 12340, + "lucia": 12341, + "gandhi": 12342, + "submission": 12343, + "vicar": 12344, + "spear": 12345, + "shine": 12346, + "tasmania": 12347, + "biting": 12348, + "detention": 12349, + "constitute": 12350, + "tighter": 12351, + "seasonal": 12352, + "##gus": 12353, + "terrestrial": 12354, + "matthews": 12355, + "##oka": 12356, + "effectiveness": 12357, + "parody": 12358, + "philharmonic": 12359, + "##onic": 12360, + "1816": 12361, + "strangers": 12362, + "encoded": 12363, + "consortium": 12364, + "guaranteed": 12365, + "regards": 12366, + "shifts": 12367, + "tortured": 12368, + "collision": 12369, + "supervisor": 12370, + "inform": 12371, + "broader": 12372, + "insight": 12373, + "theaters": 12374, + "armour": 12375, + "emeritus": 12376, + "blink": 12377, + "incorporates": 12378, + "mapping": 12379, + "##50": 12380, + "##ein": 12381, + "handball": 12382, + "flexible": 12383, + "##nta": 12384, + "substantially": 12385, + "generous": 12386, + "thief": 12387, + "##own": 12388, + "carr": 12389, + "loses": 12390, + "1793": 12391, + "prose": 12392, + "ucla": 12393, + "romeo": 12394, + "generic": 12395, + "metallic": 12396, + "realization": 12397, + "damages": 12398, + "mk": 12399, + "commissioners": 12400, + "zach": 12401, + "default": 12402, + "##ther": 12403, + "helicopters": 12404, + "lengthy": 12405, + "stems": 12406, + "spa": 12407, + "partnered": 12408, + "spectators": 12409, + "rogue": 12410, + "indication": 12411, + "penalties": 12412, + "teresa": 12413, + "1801": 12414, + "sen": 12415, + "##tric": 12416, + "dalton": 12417, + "##wich": 12418, + "irving": 12419, + "photographic": 12420, + "##vey": 12421, + "dell": 12422, + "deaf": 12423, + "peters": 12424, + "excluded": 12425, + "unsure": 12426, + "##vable": 12427, + "patterson": 12428, + "crawled": 12429, + "##zio": 12430, + "resided": 12431, + "whipped": 12432, + "latvia": 12433, + "slower": 12434, + "ecole": 12435, + "pipes": 12436, + "employers": 12437, + "maharashtra": 12438, + "comparable": 12439, + "va": 12440, + "textile": 12441, + "pageant": 12442, + "##gel": 12443, + "alphabet": 12444, + "binary": 12445, + "irrigation": 12446, + "chartered": 12447, + "choked": 12448, + "antoine": 12449, + "offs": 12450, + "waking": 12451, + "supplement": 12452, + "##wen": 12453, + "quantities": 12454, + "demolition": 12455, + "regain": 12456, + "locate": 12457, + "urdu": 12458, + "folks": 12459, + "alt": 12460, + "114": 12461, + "##mc": 12462, + "scary": 12463, + "andreas": 12464, + "whites": 12465, + "##ava": 12466, + "classrooms": 12467, + "mw": 12468, + "aesthetic": 12469, + "publishes": 12470, + "valleys": 12471, + "guides": 12472, + "cubs": 12473, + "johannes": 12474, + "bryant": 12475, + "conventions": 12476, + "affecting": 12477, + "##itt": 12478, + "drain": 12479, + "awesome": 12480, + "isolation": 12481, + "prosecutor": 12482, + "ambitious": 12483, + "apology": 12484, + "captive": 12485, + "downs": 12486, + "atmospheric": 12487, + "lorenzo": 12488, + "aisle": 12489, + "beef": 12490, + "foul": 12491, + "##onia": 12492, + "kidding": 12493, + "composite": 12494, + "disturbed": 12495, + "illusion": 12496, + "natives": 12497, + "##ffer": 12498, + "emi": 12499, + "rockets": 12500, + "riverside": 12501, + "wartime": 12502, + "painters": 12503, + "adolf": 12504, + "melted": 12505, + "##ail": 12506, + "uncertainty": 12507, + "simulation": 12508, + "hawks": 12509, + "progressed": 12510, + "meantime": 12511, + "builder": 12512, + "spray": 12513, + "breach": 12514, + "unhappy": 12515, + "regina": 12516, + "russians": 12517, + "##urg": 12518, + "determining": 12519, + "##tation": 12520, + "tram": 12521, + "1806": 12522, + "##quin": 12523, + "aging": 12524, + "##12": 12525, + "1823": 12526, + "garion": 12527, + "rented": 12528, + "mister": 12529, + "diaz": 12530, + "terminated": 12531, + "clip": 12532, + "1817": 12533, + "depend": 12534, + "nervously": 12535, + "disco": 12536, + "owe": 12537, + "defenders": 12538, + "shiva": 12539, + "notorious": 12540, + "disbelief": 12541, + "shiny": 12542, + "worcester": 12543, + "##gation": 12544, + "##yr": 12545, + "trailing": 12546, + "undertook": 12547, + "islander": 12548, + "belarus": 12549, + "limitations": 12550, + "watershed": 12551, + "fuller": 12552, + "overlooking": 12553, + "utilized": 12554, + "raphael": 12555, + "1819": 12556, + "synthetic": 12557, + "breakdown": 12558, + "klein": 12559, + "##nate": 12560, + "moaned": 12561, + "memoir": 12562, + "lamb": 12563, + "practicing": 12564, + "##erly": 12565, + "cellular": 12566, + "arrows": 12567, + "exotic": 12568, + "##graphy": 12569, + "witches": 12570, + "117": 12571, + "charted": 12572, + "rey": 12573, + "hut": 12574, + "hierarchy": 12575, + "subdivision": 12576, + "freshwater": 12577, + "giuseppe": 12578, + "aloud": 12579, + "reyes": 12580, + "qatar": 12581, + "marty": 12582, + "sideways": 12583, + "utterly": 12584, + "sexually": 12585, + "jude": 12586, + "prayers": 12587, + "mccarthy": 12588, + "softball": 12589, + "blend": 12590, + "damien": 12591, + "##gging": 12592, + "##metric": 12593, + "wholly": 12594, + "erupted": 12595, + "lebanese": 12596, + "negro": 12597, + "revenues": 12598, + "tasted": 12599, + "comparative": 12600, + "teamed": 12601, + "transaction": 12602, + "labeled": 12603, + "maori": 12604, + "sovereignty": 12605, + "parkway": 12606, + "trauma": 12607, + "gran": 12608, + "malay": 12609, + "121": 12610, + "advancement": 12611, + "descendant": 12612, + "2020": 12613, + "buzz": 12614, + "salvation": 12615, + "inventory": 12616, + "symbolic": 12617, + "##making": 12618, + "antarctica": 12619, + "mps": 12620, + "##gas": 12621, + "##bro": 12622, + "mohammed": 12623, + "myanmar": 12624, + "holt": 12625, + "submarines": 12626, + "tones": 12627, + "##lman": 12628, + "locker": 12629, + "patriarch": 12630, + "bangkok": 12631, + "emerson": 12632, + "remarks": 12633, + "predators": 12634, + "kin": 12635, + "afghan": 12636, + "confession": 12637, + "norwich": 12638, + "rental": 12639, + "emerge": 12640, + "advantages": 12641, + "##zel": 12642, + "rca": 12643, + "##hold": 12644, + "shortened": 12645, + "storms": 12646, + "aidan": 12647, + "##matic": 12648, + "autonomy": 12649, + "compliance": 12650, + "##quet": 12651, + "dudley": 12652, + "atp": 12653, + "##osis": 12654, + "1803": 12655, + "motto": 12656, + "documentation": 12657, + "summary": 12658, + "professors": 12659, + "spectacular": 12660, + "christina": 12661, + "archdiocese": 12662, + "flashing": 12663, + "innocence": 12664, + "remake": 12665, + "##dell": 12666, + "psychic": 12667, + "reef": 12668, + "scare": 12669, + "employ": 12670, + "rs": 12671, + "sticks": 12672, + "meg": 12673, + "gus": 12674, + "leans": 12675, + "##ude": 12676, + "accompany": 12677, + "bergen": 12678, + "tomas": 12679, + "##iko": 12680, + "doom": 12681, + "wages": 12682, + "pools": 12683, + "##nch": 12684, + "##bes": 12685, + "breasts": 12686, + "scholarly": 12687, + "alison": 12688, + "outline": 12689, + "brittany": 12690, + "breakthrough": 12691, + "willis": 12692, + "realistic": 12693, + "##cut": 12694, + "##boro": 12695, + "competitor": 12696, + "##stan": 12697, + "pike": 12698, + "picnic": 12699, + "icon": 12700, + "designing": 12701, + "commercials": 12702, + "washing": 12703, + "villain": 12704, + "skiing": 12705, + "micro": 12706, + "costumes": 12707, + "auburn": 12708, + "halted": 12709, + "executives": 12710, + "##hat": 12711, + "logistics": 12712, + "cycles": 12713, + "vowel": 12714, + "applicable": 12715, + "barrett": 12716, + "exclaimed": 12717, + "eurovision": 12718, + "eternity": 12719, + "ramon": 12720, + "##umi": 12721, + "##lls": 12722, + "modifications": 12723, + "sweeping": 12724, + "disgust": 12725, + "##uck": 12726, + "torch": 12727, + "aviv": 12728, + "ensuring": 12729, + "rude": 12730, + "dusty": 12731, + "sonic": 12732, + "donovan": 12733, + "outskirts": 12734, + "cu": 12735, + "pathway": 12736, + "##band": 12737, + "##gun": 12738, + "##lines": 12739, + "disciplines": 12740, + "acids": 12741, + "cadet": 12742, + "paired": 12743, + "##40": 12744, + "sketches": 12745, + "##sive": 12746, + "marriages": 12747, + "##⁺": 12748, + "folding": 12749, + "peers": 12750, + "slovak": 12751, + "implies": 12752, + "admired": 12753, + "##beck": 12754, + "1880s": 12755, + "leopold": 12756, + "instinct": 12757, + "attained": 12758, + "weston": 12759, + "megan": 12760, + "horace": 12761, + "##ination": 12762, + "dorsal": 12763, + "ingredients": 12764, + "evolutionary": 12765, + "##its": 12766, + "complications": 12767, + "deity": 12768, + "lethal": 12769, + "brushing": 12770, + "levy": 12771, + "deserted": 12772, + "institutes": 12773, + "posthumously": 12774, + "delivering": 12775, + "telescope": 12776, + "coronation": 12777, + "motivated": 12778, + "rapids": 12779, + "luc": 12780, + "flicked": 12781, + "pays": 12782, + "volcano": 12783, + "tanner": 12784, + "weighed": 12785, + "##nica": 12786, + "crowds": 12787, + "frankie": 12788, + "gifted": 12789, + "addressing": 12790, + "granddaughter": 12791, + "winding": 12792, + "##rna": 12793, + "constantine": 12794, + "gomez": 12795, + "##front": 12796, + "landscapes": 12797, + "rudolf": 12798, + "anthropology": 12799, + "slate": 12800, + "werewolf": 12801, + "##lio": 12802, + "astronomy": 12803, + "circa": 12804, + "rouge": 12805, + "dreaming": 12806, + "sack": 12807, + "knelt": 12808, + "drowned": 12809, + "naomi": 12810, + "prolific": 12811, + "tracked": 12812, + "freezing": 12813, + "herb": 12814, + "##dium": 12815, + "agony": 12816, + "randall": 12817, + "twisting": 12818, + "wendy": 12819, + "deposit": 12820, + "touches": 12821, + "vein": 12822, + "wheeler": 12823, + "##bbled": 12824, + "##bor": 12825, + "batted": 12826, + "retaining": 12827, + "tire": 12828, + "presently": 12829, + "compare": 12830, + "specification": 12831, + "daemon": 12832, + "nigel": 12833, + "##grave": 12834, + "merry": 12835, + "recommendation": 12836, + "czechoslovakia": 12837, + "sandra": 12838, + "ng": 12839, + "roma": 12840, + "##sts": 12841, + "lambert": 12842, + "inheritance": 12843, + "sheikh": 12844, + "winchester": 12845, + "cries": 12846, + "examining": 12847, + "##yle": 12848, + "comeback": 12849, + "cuisine": 12850, + "nave": 12851, + "##iv": 12852, + "ko": 12853, + "retrieve": 12854, + "tomatoes": 12855, + "barker": 12856, + "polished": 12857, + "defining": 12858, + "irene": 12859, + "lantern": 12860, + "personalities": 12861, + "begging": 12862, + "tract": 12863, + "swore": 12864, + "1809": 12865, + "175": 12866, + "##gic": 12867, + "omaha": 12868, + "brotherhood": 12869, + "##rley": 12870, + "haiti": 12871, + "##ots": 12872, + "exeter": 12873, + "##ete": 12874, + "##zia": 12875, + "steele": 12876, + "dumb": 12877, + "pearson": 12878, + "210": 12879, + "surveyed": 12880, + "elisabeth": 12881, + "trends": 12882, + "##ef": 12883, + "fritz": 12884, + "##rf": 12885, + "premium": 12886, + "bugs": 12887, + "fraction": 12888, + "calmly": 12889, + "viking": 12890, + "##birds": 12891, + "tug": 12892, + "inserted": 12893, + "unusually": 12894, + "##ield": 12895, + "confronted": 12896, + "distress": 12897, + "crashing": 12898, + "brent": 12899, + "turks": 12900, + "resign": 12901, + "##olo": 12902, + "cambodia": 12903, + "gabe": 12904, + "sauce": 12905, + "##kal": 12906, + "evelyn": 12907, + "116": 12908, + "extant": 12909, + "clusters": 12910, + "quarry": 12911, + "teenagers": 12912, + "luna": 12913, + "##lers": 12914, + "##ister": 12915, + "affiliation": 12916, + "drill": 12917, + "##ashi": 12918, + "panthers": 12919, + "scenic": 12920, + "libya": 12921, + "anita": 12922, + "strengthen": 12923, + "inscriptions": 12924, + "##cated": 12925, + "lace": 12926, + "sued": 12927, + "judith": 12928, + "riots": 12929, + "##uted": 12930, + "mint": 12931, + "##eta": 12932, + "preparations": 12933, + "midst": 12934, + "dub": 12935, + "challenger": 12936, + "##vich": 12937, + "mock": 12938, + "cf": 12939, + "displaced": 12940, + "wicket": 12941, + "breaths": 12942, + "enables": 12943, + "schmidt": 12944, + "analyst": 12945, + "##lum": 12946, + "ag": 12947, + "highlight": 12948, + "automotive": 12949, + "axe": 12950, + "josef": 12951, + "newark": 12952, + "sufficiently": 12953, + "resembles": 12954, + "50th": 12955, + "##pal": 12956, + "flushed": 12957, + "mum": 12958, + "traits": 12959, + "##ante": 12960, + "commodore": 12961, + "incomplete": 12962, + "warming": 12963, + "titular": 12964, + "ceremonial": 12965, + "ethical": 12966, + "118": 12967, + "celebrating": 12968, + "eighteenth": 12969, + "cao": 12970, + "lima": 12971, + "medalist": 12972, + "mobility": 12973, + "strips": 12974, + "snakes": 12975, + "##city": 12976, + "miniature": 12977, + "zagreb": 12978, + "barton": 12979, + "escapes": 12980, + "umbrella": 12981, + "automated": 12982, + "doubted": 12983, + "differs": 12984, + "cooled": 12985, + "georgetown": 12986, + "dresden": 12987, + "cooked": 12988, + "fade": 12989, + "wyatt": 12990, + "rna": 12991, + "jacobs": 12992, + "carlton": 12993, + "abundant": 12994, + "stereo": 12995, + "boost": 12996, + "madras": 12997, + "inning": 12998, + "##hia": 12999, + "spur": 13000, + "ip": 13001, + "malayalam": 13002, + "begged": 13003, + "osaka": 13004, + "groan": 13005, + "escaping": 13006, + "charging": 13007, + "dose": 13008, + "vista": 13009, + "##aj": 13010, + "bud": 13011, + "papa": 13012, + "communists": 13013, + "advocates": 13014, + "edged": 13015, + "tri": 13016, + "##cent": 13017, + "resemble": 13018, + "peaking": 13019, + "necklace": 13020, + "fried": 13021, + "montenegro": 13022, + "saxony": 13023, + "goose": 13024, + "glances": 13025, + "stuttgart": 13026, + "curator": 13027, + "recruit": 13028, + "grocery": 13029, + "sympathetic": 13030, + "##tting": 13031, + "##fort": 13032, + "127": 13033, + "lotus": 13034, + "randolph": 13035, + "ancestor": 13036, + "##rand": 13037, + "succeeding": 13038, + "jupiter": 13039, + "1798": 13040, + "macedonian": 13041, + "##heads": 13042, + "hiking": 13043, + "1808": 13044, + "handing": 13045, + "fischer": 13046, + "##itive": 13047, + "garbage": 13048, + "node": 13049, + "##pies": 13050, + "prone": 13051, + "singular": 13052, + "papua": 13053, + "inclined": 13054, + "attractions": 13055, + "italia": 13056, + "pouring": 13057, + "motioned": 13058, + "grandma": 13059, + "garnered": 13060, + "jacksonville": 13061, + "corp": 13062, + "ego": 13063, + "ringing": 13064, + "aluminum": 13065, + "##hausen": 13066, + "ordering": 13067, + "##foot": 13068, + "drawer": 13069, + "traders": 13070, + "synagogue": 13071, + "##play": 13072, + "##kawa": 13073, + "resistant": 13074, + "wandering": 13075, + "fragile": 13076, + "fiona": 13077, + "teased": 13078, + "var": 13079, + "hardcore": 13080, + "soaked": 13081, + "jubilee": 13082, + "decisive": 13083, + "exposition": 13084, + "mercer": 13085, + "poster": 13086, + "valencia": 13087, + "hale": 13088, + "kuwait": 13089, + "1811": 13090, + "##ises": 13091, + "##wr": 13092, + "##eed": 13093, + "tavern": 13094, + "gamma": 13095, + "122": 13096, + "johan": 13097, + "##uer": 13098, + "airways": 13099, + "amino": 13100, + "gil": 13101, + "##ury": 13102, + "vocational": 13103, + "domains": 13104, + "torres": 13105, + "##sp": 13106, + "generator": 13107, + "folklore": 13108, + "outcomes": 13109, + "##keeper": 13110, + "canberra": 13111, + "shooter": 13112, + "fl": 13113, + "beams": 13114, + "confrontation": 13115, + "##lling": 13116, + "##gram": 13117, + "feb": 13118, + "aligned": 13119, + "forestry": 13120, + "pipeline": 13121, + "jax": 13122, + "motorway": 13123, + "conception": 13124, + "decay": 13125, + "##tos": 13126, + "coffin": 13127, + "##cott": 13128, + "stalin": 13129, + "1805": 13130, + "escorted": 13131, + "minded": 13132, + "##nam": 13133, + "sitcom": 13134, + "purchasing": 13135, + "twilight": 13136, + "veronica": 13137, + "additions": 13138, + "passive": 13139, + "tensions": 13140, + "straw": 13141, + "123": 13142, + "frequencies": 13143, + "1804": 13144, + "refugee": 13145, + "cultivation": 13146, + "##iate": 13147, + "christie": 13148, + "clary": 13149, + "bulletin": 13150, + "crept": 13151, + "disposal": 13152, + "##rich": 13153, + "##zong": 13154, + "processor": 13155, + "crescent": 13156, + "##rol": 13157, + "bmw": 13158, + "emphasized": 13159, + "whale": 13160, + "nazis": 13161, + "aurora": 13162, + "##eng": 13163, + "dwelling": 13164, + "hauled": 13165, + "sponsors": 13166, + "toledo": 13167, + "mega": 13168, + "ideology": 13169, + "theatres": 13170, + "tessa": 13171, + "cerambycidae": 13172, + "saves": 13173, + "turtle": 13174, + "cone": 13175, + "suspects": 13176, + "kara": 13177, + "rusty": 13178, + "yelling": 13179, + "greeks": 13180, + "mozart": 13181, + "shades": 13182, + "cocked": 13183, + "participant": 13184, + "##tro": 13185, + "shire": 13186, + "spit": 13187, + "freeze": 13188, + "necessity": 13189, + "##cos": 13190, + "inmates": 13191, + "nielsen": 13192, + "councillors": 13193, + "loaned": 13194, + "uncommon": 13195, + "omar": 13196, + "peasants": 13197, + "botanical": 13198, + "offspring": 13199, + "daniels": 13200, + "formations": 13201, + "jokes": 13202, + "1794": 13203, + "pioneers": 13204, + "sigma": 13205, + "licensing": 13206, + "##sus": 13207, + "wheelchair": 13208, + "polite": 13209, + "1807": 13210, + "liquor": 13211, + "pratt": 13212, + "trustee": 13213, + "##uta": 13214, + "forewings": 13215, + "balloon": 13216, + "##zz": 13217, + "kilometre": 13218, + "camping": 13219, + "explicit": 13220, + "casually": 13221, + "shawn": 13222, + "foolish": 13223, + "teammates": 13224, + "nm": 13225, + "hassan": 13226, + "carrie": 13227, + "judged": 13228, + "satisfy": 13229, + "vanessa": 13230, + "knives": 13231, + "selective": 13232, + "cnn": 13233, + "flowed": 13234, + "##lice": 13235, + "eclipse": 13236, + "stressed": 13237, + "eliza": 13238, + "mathematician": 13239, + "cease": 13240, + "cultivated": 13241, + "##roy": 13242, + "commissions": 13243, + "browns": 13244, + "##ania": 13245, + "destroyers": 13246, + "sheridan": 13247, + "meadow": 13248, + "##rius": 13249, + "minerals": 13250, + "##cial": 13251, + "downstream": 13252, + "clash": 13253, + "gram": 13254, + "memoirs": 13255, + "ventures": 13256, + "baha": 13257, + "seymour": 13258, + "archie": 13259, + "midlands": 13260, + "edith": 13261, + "fare": 13262, + "flynn": 13263, + "invite": 13264, + "canceled": 13265, + "tiles": 13266, + "stabbed": 13267, + "boulder": 13268, + "incorporate": 13269, + "amended": 13270, + "camden": 13271, + "facial": 13272, + "mollusk": 13273, + "unreleased": 13274, + "descriptions": 13275, + "yoga": 13276, + "grabs": 13277, + "550": 13278, + "raises": 13279, + "ramp": 13280, + "shiver": 13281, + "##rose": 13282, + "coined": 13283, + "pioneering": 13284, + "tunes": 13285, + "qing": 13286, + "warwick": 13287, + "tops": 13288, + "119": 13289, + "melanie": 13290, + "giles": 13291, + "##rous": 13292, + "wandered": 13293, + "##inal": 13294, + "annexed": 13295, + "nov": 13296, + "30th": 13297, + "unnamed": 13298, + "##ished": 13299, + "organizational": 13300, + "airplane": 13301, + "normandy": 13302, + "stoke": 13303, + "whistle": 13304, + "blessing": 13305, + "violations": 13306, + "chased": 13307, + "holders": 13308, + "shotgun": 13309, + "##ctic": 13310, + "outlet": 13311, + "reactor": 13312, + "##vik": 13313, + "tires": 13314, + "tearing": 13315, + "shores": 13316, + "fortified": 13317, + "mascot": 13318, + "constituencies": 13319, + "nc": 13320, + "columnist": 13321, + "productive": 13322, + "tibet": 13323, + "##rta": 13324, + "lineage": 13325, + "hooked": 13326, + "oct": 13327, + "tapes": 13328, + "judging": 13329, + "cody": 13330, + "##gger": 13331, + "hansen": 13332, + "kashmir": 13333, + "triggered": 13334, + "##eva": 13335, + "solved": 13336, + "cliffs": 13337, + "##tree": 13338, + "resisted": 13339, + "anatomy": 13340, + "protesters": 13341, + "transparent": 13342, + "implied": 13343, + "##iga": 13344, + "injection": 13345, + "mattress": 13346, + "excluding": 13347, + "##mbo": 13348, + "defenses": 13349, + "helpless": 13350, + "devotion": 13351, + "##elli": 13352, + "growl": 13353, + "liberals": 13354, + "weber": 13355, + "phenomena": 13356, + "atoms": 13357, + "plug": 13358, + "##iff": 13359, + "mortality": 13360, + "apprentice": 13361, + "howe": 13362, + "convincing": 13363, + "aaa": 13364, + "swimmer": 13365, + "barber": 13366, + "leone": 13367, + "promptly": 13368, + "sodium": 13369, + "def": 13370, + "nowadays": 13371, + "arise": 13372, + "##oning": 13373, + "gloucester": 13374, + "corrected": 13375, + "dignity": 13376, + "norm": 13377, + "erie": 13378, + "##ders": 13379, + "elders": 13380, + "evacuated": 13381, + "sylvia": 13382, + "compression": 13383, + "##yar": 13384, + "hartford": 13385, + "pose": 13386, + "backpack": 13387, + "reasoning": 13388, + "accepts": 13389, + "24th": 13390, + "wipe": 13391, + "millimetres": 13392, + "marcel": 13393, + "##oda": 13394, + "dodgers": 13395, + "albion": 13396, + "1790": 13397, + "overwhelmed": 13398, + "aerospace": 13399, + "oaks": 13400, + "1795": 13401, + "showcase": 13402, + "acknowledge": 13403, + "recovering": 13404, + "nolan": 13405, + "ashe": 13406, + "hurts": 13407, + "geology": 13408, + "fashioned": 13409, + "disappearance": 13410, + "farewell": 13411, + "swollen": 13412, + "shrug": 13413, + "marquis": 13414, + "wimbledon": 13415, + "124": 13416, + "rue": 13417, + "1792": 13418, + "commemorate": 13419, + "reduces": 13420, + "experiencing": 13421, + "inevitable": 13422, + "calcutta": 13423, + "intel": 13424, + "##court": 13425, + "murderer": 13426, + "sticking": 13427, + "fisheries": 13428, + "imagery": 13429, + "bloom": 13430, + "280": 13431, + "brake": 13432, + "##inus": 13433, + "gustav": 13434, + "hesitation": 13435, + "memorable": 13436, + "po": 13437, + "viral": 13438, + "beans": 13439, + "accidents": 13440, + "tunisia": 13441, + "antenna": 13442, + "spilled": 13443, + "consort": 13444, + "treatments": 13445, + "aye": 13446, + "perimeter": 13447, + "##gard": 13448, + "donation": 13449, + "hostage": 13450, + "migrated": 13451, + "banker": 13452, + "addiction": 13453, + "apex": 13454, + "lil": 13455, + "trout": 13456, + "##ously": 13457, + "conscience": 13458, + "##nova": 13459, + "rams": 13460, + "sands": 13461, + "genome": 13462, + "passionate": 13463, + "troubles": 13464, + "##lets": 13465, + "##set": 13466, + "amid": 13467, + "##ibility": 13468, + "##ret": 13469, + "higgins": 13470, + "exceed": 13471, + "vikings": 13472, + "##vie": 13473, + "payne": 13474, + "##zan": 13475, + "muscular": 13476, + "##ste": 13477, + "defendant": 13478, + "sucking": 13479, + "##wal": 13480, + "ibrahim": 13481, + "fuselage": 13482, + "claudia": 13483, + "vfl": 13484, + "europeans": 13485, + "snails": 13486, + "interval": 13487, + "##garh": 13488, + "preparatory": 13489, + "statewide": 13490, + "tasked": 13491, + "lacrosse": 13492, + "viktor": 13493, + "##lation": 13494, + "angola": 13495, + "##hra": 13496, + "flint": 13497, + "implications": 13498, + "employs": 13499, + "teens": 13500, + "patrons": 13501, + "stall": 13502, + "weekends": 13503, + "barriers": 13504, + "scrambled": 13505, + "nucleus": 13506, + "tehran": 13507, + "jenna": 13508, + "parsons": 13509, + "lifelong": 13510, + "robots": 13511, + "displacement": 13512, + "5000": 13513, + "##bles": 13514, + "precipitation": 13515, + "##gt": 13516, + "knuckles": 13517, + "clutched": 13518, + "1802": 13519, + "marrying": 13520, + "ecology": 13521, + "marx": 13522, + "accusations": 13523, + "declare": 13524, + "scars": 13525, + "kolkata": 13526, + "mat": 13527, + "meadows": 13528, + "bermuda": 13529, + "skeleton": 13530, + "finalists": 13531, + "vintage": 13532, + "crawl": 13533, + "coordinate": 13534, + "affects": 13535, + "subjected": 13536, + "orchestral": 13537, + "mistaken": 13538, + "##tc": 13539, + "mirrors": 13540, + "dipped": 13541, + "relied": 13542, + "260": 13543, + "arches": 13544, + "candle": 13545, + "##nick": 13546, + "incorporating": 13547, + "wildly": 13548, + "fond": 13549, + "basilica": 13550, + "owl": 13551, + "fringe": 13552, + "rituals": 13553, + "whispering": 13554, + "stirred": 13555, + "feud": 13556, + "tertiary": 13557, + "slick": 13558, + "goat": 13559, + "honorable": 13560, + "whereby": 13561, + "skip": 13562, + "ricardo": 13563, + "stripes": 13564, + "parachute": 13565, + "adjoining": 13566, + "submerged": 13567, + "synthesizer": 13568, + "##gren": 13569, + "intend": 13570, + "positively": 13571, + "ninety": 13572, + "phi": 13573, + "beaver": 13574, + "partition": 13575, + "fellows": 13576, + "alexis": 13577, + "prohibition": 13578, + "carlisle": 13579, + "bizarre": 13580, + "fraternity": 13581, + "##bre": 13582, + "doubts": 13583, + "icy": 13584, + "cbc": 13585, + "aquatic": 13586, + "sneak": 13587, + "sonny": 13588, + "combines": 13589, + "airports": 13590, + "crude": 13591, + "supervised": 13592, + "spatial": 13593, + "merge": 13594, + "alfonso": 13595, + "##bic": 13596, + "corrupt": 13597, + "scan": 13598, + "undergo": 13599, + "##ams": 13600, + "disabilities": 13601, + "colombian": 13602, + "comparing": 13603, + "dolphins": 13604, + "perkins": 13605, + "##lish": 13606, + "reprinted": 13607, + "unanimous": 13608, + "bounced": 13609, + "hairs": 13610, + "underworld": 13611, + "midwest": 13612, + "semester": 13613, + "bucket": 13614, + "paperback": 13615, + "miniseries": 13616, + "coventry": 13617, + "demise": 13618, + "##leigh": 13619, + "demonstrations": 13620, + "sensor": 13621, + "rotating": 13622, + "yan": 13623, + "##hler": 13624, + "arrange": 13625, + "soils": 13626, + "##idge": 13627, + "hyderabad": 13628, + "labs": 13629, + "##dr": 13630, + "brakes": 13631, + "grandchildren": 13632, + "##nde": 13633, + "negotiated": 13634, + "rover": 13635, + "ferrari": 13636, + "continuation": 13637, + "directorate": 13638, + "augusta": 13639, + "stevenson": 13640, + "counterpart": 13641, + "gore": 13642, + "##rda": 13643, + "nursery": 13644, + "rican": 13645, + "ave": 13646, + "collectively": 13647, + "broadly": 13648, + "pastoral": 13649, + "repertoire": 13650, + "asserted": 13651, + "discovering": 13652, + "nordic": 13653, + "styled": 13654, + "fiba": 13655, + "cunningham": 13656, + "harley": 13657, + "middlesex": 13658, + "survives": 13659, + "tumor": 13660, + "tempo": 13661, + "zack": 13662, + "aiming": 13663, + "lok": 13664, + "urgent": 13665, + "##rade": 13666, + "##nto": 13667, + "devils": 13668, + "##ement": 13669, + "contractor": 13670, + "turin": 13671, + "##wl": 13672, + "##ool": 13673, + "bliss": 13674, + "repaired": 13675, + "simmons": 13676, + "moan": 13677, + "astronomical": 13678, + "cr": 13679, + "negotiate": 13680, + "lyric": 13681, + "1890s": 13682, + "lara": 13683, + "bred": 13684, + "clad": 13685, + "angus": 13686, + "pbs": 13687, + "##ience": 13688, + "engineered": 13689, + "posed": 13690, + "##lk": 13691, + "hernandez": 13692, + "possessions": 13693, + "elbows": 13694, + "psychiatric": 13695, + "strokes": 13696, + "confluence": 13697, + "electorate": 13698, + "lifts": 13699, + "campuses": 13700, + "lava": 13701, + "alps": 13702, + "##ep": 13703, + "##ution": 13704, + "##date": 13705, + "physicist": 13706, + "woody": 13707, + "##page": 13708, + "##ographic": 13709, + "##itis": 13710, + "juliet": 13711, + "reformation": 13712, + "sparhawk": 13713, + "320": 13714, + "complement": 13715, + "suppressed": 13716, + "jewel": 13717, + "##½": 13718, + "floated": 13719, + "##kas": 13720, + "continuity": 13721, + "sadly": 13722, + "##ische": 13723, + "inability": 13724, + "melting": 13725, + "scanning": 13726, + "paula": 13727, + "flour": 13728, + "judaism": 13729, + "safer": 13730, + "vague": 13731, + "##lm": 13732, + "solving": 13733, + "curb": 13734, + "##stown": 13735, + "financially": 13736, + "gable": 13737, + "bees": 13738, + "expired": 13739, + "miserable": 13740, + "cassidy": 13741, + "dominion": 13742, + "1789": 13743, + "cupped": 13744, + "145": 13745, + "robbery": 13746, + "facto": 13747, + "amos": 13748, + "warden": 13749, + "resume": 13750, + "tallest": 13751, + "marvin": 13752, + "ing": 13753, + "pounded": 13754, + "usd": 13755, + "declaring": 13756, + "gasoline": 13757, + "##aux": 13758, + "darkened": 13759, + "270": 13760, + "650": 13761, + "sophomore": 13762, + "##mere": 13763, + "erection": 13764, + "gossip": 13765, + "televised": 13766, + "risen": 13767, + "dial": 13768, + "##eu": 13769, + "pillars": 13770, + "##link": 13771, + "passages": 13772, + "profound": 13773, + "##tina": 13774, + "arabian": 13775, + "ashton": 13776, + "silicon": 13777, + "nail": 13778, + "##ead": 13779, + "##lated": 13780, + "##wer": 13781, + "##hardt": 13782, + "fleming": 13783, + "firearms": 13784, + "ducked": 13785, + "circuits": 13786, + "blows": 13787, + "waterloo": 13788, + "titans": 13789, + "##lina": 13790, + "atom": 13791, + "fireplace": 13792, + "cheshire": 13793, + "financed": 13794, + "activation": 13795, + "algorithms": 13796, + "##zzi": 13797, + "constituent": 13798, + "catcher": 13799, + "cherokee": 13800, + "partnerships": 13801, + "sexuality": 13802, + "platoon": 13803, + "tragic": 13804, + "vivian": 13805, + "guarded": 13806, + "whiskey": 13807, + "meditation": 13808, + "poetic": 13809, + "##late": 13810, + "##nga": 13811, + "##ake": 13812, + "porto": 13813, + "listeners": 13814, + "dominance": 13815, + "kendra": 13816, + "mona": 13817, + "chandler": 13818, + "factions": 13819, + "22nd": 13820, + "salisbury": 13821, + "attitudes": 13822, + "derivative": 13823, + "##ido": 13824, + "##haus": 13825, + "intake": 13826, + "paced": 13827, + "javier": 13828, + "illustrator": 13829, + "barrels": 13830, + "bias": 13831, + "cockpit": 13832, + "burnett": 13833, + "dreamed": 13834, + "ensuing": 13835, + "##anda": 13836, + "receptors": 13837, + "someday": 13838, + "hawkins": 13839, + "mattered": 13840, + "##lal": 13841, + "slavic": 13842, + "1799": 13843, + "jesuit": 13844, + "cameroon": 13845, + "wasted": 13846, + "tai": 13847, + "wax": 13848, + "lowering": 13849, + "victorious": 13850, + "freaking": 13851, + "outright": 13852, + "hancock": 13853, + "librarian": 13854, + "sensing": 13855, + "bald": 13856, + "calcium": 13857, + "myers": 13858, + "tablet": 13859, + "announcing": 13860, + "barack": 13861, + "shipyard": 13862, + "pharmaceutical": 13863, + "##uan": 13864, + "greenwich": 13865, + "flush": 13866, + "medley": 13867, + "patches": 13868, + "wolfgang": 13869, + "pt": 13870, + "speeches": 13871, + "acquiring": 13872, + "exams": 13873, + "nikolai": 13874, + "##gg": 13875, + "hayden": 13876, + "kannada": 13877, + "##type": 13878, + "reilly": 13879, + "##pt": 13880, + "waitress": 13881, + "abdomen": 13882, + "devastated": 13883, + "capped": 13884, + "pseudonym": 13885, + "pharmacy": 13886, + "fulfill": 13887, + "paraguay": 13888, + "1796": 13889, + "clicked": 13890, + "##trom": 13891, + "archipelago": 13892, + "syndicated": 13893, + "##hman": 13894, + "lumber": 13895, + "orgasm": 13896, + "rejection": 13897, + "clifford": 13898, + "lorraine": 13899, + "advent": 13900, + "mafia": 13901, + "rodney": 13902, + "brock": 13903, + "##ght": 13904, + "##used": 13905, + "##elia": 13906, + "cassette": 13907, + "chamberlain": 13908, + "despair": 13909, + "mongolia": 13910, + "sensors": 13911, + "developmental": 13912, + "upstream": 13913, + "##eg": 13914, + "##alis": 13915, + "spanning": 13916, + "165": 13917, + "trombone": 13918, + "basque": 13919, + "seeded": 13920, + "interred": 13921, + "renewable": 13922, + "rhys": 13923, + "leapt": 13924, + "revision": 13925, + "molecule": 13926, + "##ages": 13927, + "chord": 13928, + "vicious": 13929, + "nord": 13930, + "shivered": 13931, + "23rd": 13932, + "arlington": 13933, + "debts": 13934, + "corpus": 13935, + "sunrise": 13936, + "bays": 13937, + "blackburn": 13938, + "centimetres": 13939, + "##uded": 13940, + "shuddered": 13941, + "gm": 13942, + "strangely": 13943, + "gripping": 13944, + "cartoons": 13945, + "isabelle": 13946, + "orbital": 13947, + "##ppa": 13948, + "seals": 13949, + "proving": 13950, + "##lton": 13951, + "refusal": 13952, + "strengthened": 13953, + "bust": 13954, + "assisting": 13955, + "baghdad": 13956, + "batsman": 13957, + "portrayal": 13958, + "mara": 13959, + "pushes": 13960, + "spears": 13961, + "og": 13962, + "##cock": 13963, + "reside": 13964, + "nathaniel": 13965, + "brennan": 13966, + "1776": 13967, + "confirmation": 13968, + "caucus": 13969, + "##worthy": 13970, + "markings": 13971, + "yemen": 13972, + "nobles": 13973, + "ku": 13974, + "lazy": 13975, + "viewer": 13976, + "catalan": 13977, + "encompasses": 13978, + "sawyer": 13979, + "##fall": 13980, + "sparked": 13981, + "substances": 13982, + "patents": 13983, + "braves": 13984, + "arranger": 13985, + "evacuation": 13986, + "sergio": 13987, + "persuade": 13988, + "dover": 13989, + "tolerance": 13990, + "penguin": 13991, + "cum": 13992, + "jockey": 13993, + "insufficient": 13994, + "townships": 13995, + "occupying": 13996, + "declining": 13997, + "plural": 13998, + "processed": 13999, + "projection": 14000, + "puppet": 14001, + "flanders": 14002, + "introduces": 14003, + "liability": 14004, + "##yon": 14005, + "gymnastics": 14006, + "antwerp": 14007, + "taipei": 14008, + "hobart": 14009, + "candles": 14010, + "jeep": 14011, + "wes": 14012, + "observers": 14013, + "126": 14014, + "chaplain": 14015, + "bundle": 14016, + "glorious": 14017, + "##hine": 14018, + "hazel": 14019, + "flung": 14020, + "sol": 14021, + "excavations": 14022, + "dumped": 14023, + "stares": 14024, + "sh": 14025, + "bangalore": 14026, + "triangular": 14027, + "icelandic": 14028, + "intervals": 14029, + "expressing": 14030, + "turbine": 14031, + "##vers": 14032, + "songwriting": 14033, + "crafts": 14034, + "##igo": 14035, + "jasmine": 14036, + "ditch": 14037, + "rite": 14038, + "##ways": 14039, + "entertaining": 14040, + "comply": 14041, + "sorrow": 14042, + "wrestlers": 14043, + "basel": 14044, + "emirates": 14045, + "marian": 14046, + "rivera": 14047, + "helpful": 14048, + "##some": 14049, + "caution": 14050, + "downward": 14051, + "networking": 14052, + "##atory": 14053, + "##tered": 14054, + "darted": 14055, + "genocide": 14056, + "emergence": 14057, + "replies": 14058, + "specializing": 14059, + "spokesman": 14060, + "convenient": 14061, + "unlocked": 14062, + "fading": 14063, + "augustine": 14064, + "concentrations": 14065, + "resemblance": 14066, + "elijah": 14067, + "investigator": 14068, + "andhra": 14069, + "##uda": 14070, + "promotes": 14071, + "bean": 14072, + "##rrell": 14073, + "fleeing": 14074, + "wan": 14075, + "simone": 14076, + "announcer": 14077, + "##ame": 14078, + "##bby": 14079, + "lydia": 14080, + "weaver": 14081, + "132": 14082, + "residency": 14083, + "modification": 14084, + "##fest": 14085, + "stretches": 14086, + "##ast": 14087, + "alternatively": 14088, + "nat": 14089, + "lowe": 14090, + "lacks": 14091, + "##ented": 14092, + "pam": 14093, + "tile": 14094, + "concealed": 14095, + "inferior": 14096, + "abdullah": 14097, + "residences": 14098, + "tissues": 14099, + "vengeance": 14100, + "##ided": 14101, + "moisture": 14102, + "peculiar": 14103, + "groove": 14104, + "zip": 14105, + "bologna": 14106, + "jennings": 14107, + "ninja": 14108, + "oversaw": 14109, + "zombies": 14110, + "pumping": 14111, + "batch": 14112, + "livingston": 14113, + "emerald": 14114, + "installations": 14115, + "1797": 14116, + "peel": 14117, + "nitrogen": 14118, + "rama": 14119, + "##fying": 14120, + "##star": 14121, + "schooling": 14122, + "strands": 14123, + "responding": 14124, + "werner": 14125, + "##ost": 14126, + "lime": 14127, + "casa": 14128, + "accurately": 14129, + "targeting": 14130, + "##rod": 14131, + "underway": 14132, + "##uru": 14133, + "hemisphere": 14134, + "lester": 14135, + "##yard": 14136, + "occupies": 14137, + "2d": 14138, + "griffith": 14139, + "angrily": 14140, + "reorganized": 14141, + "##owing": 14142, + "courtney": 14143, + "deposited": 14144, + "##dd": 14145, + "##30": 14146, + "estadio": 14147, + "##ifies": 14148, + "dunn": 14149, + "exiled": 14150, + "##ying": 14151, + "checks": 14152, + "##combe": 14153, + "##о": 14154, + "##fly": 14155, + "successes": 14156, + "unexpectedly": 14157, + "blu": 14158, + "assessed": 14159, + "##flower": 14160, + "##ه": 14161, + "observing": 14162, + "sacked": 14163, + "spiders": 14164, + "kn": 14165, + "##tail": 14166, + "mu": 14167, + "nodes": 14168, + "prosperity": 14169, + "audrey": 14170, + "divisional": 14171, + "155": 14172, + "broncos": 14173, + "tangled": 14174, + "adjust": 14175, + "feeds": 14176, + "erosion": 14177, + "paolo": 14178, + "surf": 14179, + "directory": 14180, + "snatched": 14181, + "humid": 14182, + "admiralty": 14183, + "screwed": 14184, + "gt": 14185, + "reddish": 14186, + "##nese": 14187, + "modules": 14188, + "trench": 14189, + "lamps": 14190, + "bind": 14191, + "leah": 14192, + "bucks": 14193, + "competes": 14194, + "##nz": 14195, + "##form": 14196, + "transcription": 14197, + "##uc": 14198, + "isles": 14199, + "violently": 14200, + "clutching": 14201, + "pga": 14202, + "cyclist": 14203, + "inflation": 14204, + "flats": 14205, + "ragged": 14206, + "unnecessary": 14207, + "##hian": 14208, + "stubborn": 14209, + "coordinated": 14210, + "harriet": 14211, + "baba": 14212, + "disqualified": 14213, + "330": 14214, + "insect": 14215, + "wolfe": 14216, + "##fies": 14217, + "reinforcements": 14218, + "rocked": 14219, + "duel": 14220, + "winked": 14221, + "embraced": 14222, + "bricks": 14223, + "##raj": 14224, + "hiatus": 14225, + "defeats": 14226, + "pending": 14227, + "brightly": 14228, + "jealousy": 14229, + "##xton": 14230, + "##hm": 14231, + "##uki": 14232, + "lena": 14233, + "gdp": 14234, + "colorful": 14235, + "##dley": 14236, + "stein": 14237, + "kidney": 14238, + "##shu": 14239, + "underwear": 14240, + "wanderers": 14241, + "##haw": 14242, + "##icus": 14243, + "guardians": 14244, + "m³": 14245, + "roared": 14246, + "habits": 14247, + "##wise": 14248, + "permits": 14249, + "gp": 14250, + "uranium": 14251, + "punished": 14252, + "disguise": 14253, + "bundesliga": 14254, + "elise": 14255, + "dundee": 14256, + "erotic": 14257, + "partisan": 14258, + "pi": 14259, + "collectors": 14260, + "float": 14261, + "individually": 14262, + "rendering": 14263, + "behavioral": 14264, + "bucharest": 14265, + "ser": 14266, + "hare": 14267, + "valerie": 14268, + "corporal": 14269, + "nutrition": 14270, + "proportional": 14271, + "##isa": 14272, + "immense": 14273, + "##kis": 14274, + "pavement": 14275, + "##zie": 14276, + "##eld": 14277, + "sutherland": 14278, + "crouched": 14279, + "1775": 14280, + "##lp": 14281, + "suzuki": 14282, + "trades": 14283, + "endurance": 14284, + "operas": 14285, + "crosby": 14286, + "prayed": 14287, + "priory": 14288, + "rory": 14289, + "socially": 14290, + "##urn": 14291, + "gujarat": 14292, + "##pu": 14293, + "walton": 14294, + "cube": 14295, + "pasha": 14296, + "privilege": 14297, + "lennon": 14298, + "floods": 14299, + "thorne": 14300, + "waterfall": 14301, + "nipple": 14302, + "scouting": 14303, + "approve": 14304, + "##lov": 14305, + "minorities": 14306, + "voter": 14307, + "dwight": 14308, + "extensions": 14309, + "assure": 14310, + "ballroom": 14311, + "slap": 14312, + "dripping": 14313, + "privileges": 14314, + "rejoined": 14315, + "confessed": 14316, + "demonstrating": 14317, + "patriotic": 14318, + "yell": 14319, + "investor": 14320, + "##uth": 14321, + "pagan": 14322, + "slumped": 14323, + "squares": 14324, + "##cle": 14325, + "##kins": 14326, + "confront": 14327, + "bert": 14328, + "embarrassment": 14329, + "##aid": 14330, + "aston": 14331, + "urging": 14332, + "sweater": 14333, + "starr": 14334, + "yuri": 14335, + "brains": 14336, + "williamson": 14337, + "commuter": 14338, + "mortar": 14339, + "structured": 14340, + "selfish": 14341, + "exports": 14342, + "##jon": 14343, + "cds": 14344, + "##him": 14345, + "unfinished": 14346, + "##rre": 14347, + "mortgage": 14348, + "destinations": 14349, + "##nagar": 14350, + "canoe": 14351, + "solitary": 14352, + "buchanan": 14353, + "delays": 14354, + "magistrate": 14355, + "fk": 14356, + "##pling": 14357, + "motivation": 14358, + "##lier": 14359, + "##vier": 14360, + "recruiting": 14361, + "assess": 14362, + "##mouth": 14363, + "malik": 14364, + "antique": 14365, + "1791": 14366, + "pius": 14367, + "rahman": 14368, + "reich": 14369, + "tub": 14370, + "zhou": 14371, + "smashed": 14372, + "airs": 14373, + "galway": 14374, + "xii": 14375, + "conditioning": 14376, + "honduras": 14377, + "discharged": 14378, + "dexter": 14379, + "##pf": 14380, + "lionel": 14381, + "129": 14382, + "debates": 14383, + "lemon": 14384, + "tiffany": 14385, + "volunteered": 14386, + "dom": 14387, + "dioxide": 14388, + "procession": 14389, + "devi": 14390, + "sic": 14391, + "tremendous": 14392, + "advertisements": 14393, + "colts": 14394, + "transferring": 14395, + "verdict": 14396, + "hanover": 14397, + "decommissioned": 14398, + "utter": 14399, + "relate": 14400, + "pac": 14401, + "racism": 14402, + "##top": 14403, + "beacon": 14404, + "limp": 14405, + "similarity": 14406, + "terra": 14407, + "occurrence": 14408, + "ant": 14409, + "##how": 14410, + "becky": 14411, + "capt": 14412, + "updates": 14413, + "armament": 14414, + "richie": 14415, + "pal": 14416, + "##graph": 14417, + "halloween": 14418, + "mayo": 14419, + "##ssen": 14420, + "##bone": 14421, + "cara": 14422, + "serena": 14423, + "fcc": 14424, + "dolls": 14425, + "obligations": 14426, + "##dling": 14427, + "violated": 14428, + "lafayette": 14429, + "jakarta": 14430, + "exploitation": 14431, + "##ime": 14432, + "infamous": 14433, + "iconic": 14434, + "##lah": 14435, + "##park": 14436, + "kitty": 14437, + "moody": 14438, + "reginald": 14439, + "dread": 14440, + "spill": 14441, + "crystals": 14442, + "olivier": 14443, + "modeled": 14444, + "bluff": 14445, + "equilibrium": 14446, + "separating": 14447, + "notices": 14448, + "ordnance": 14449, + "extinction": 14450, + "onset": 14451, + "cosmic": 14452, + "attachment": 14453, + "sammy": 14454, + "expose": 14455, + "privy": 14456, + "anchored": 14457, + "##bil": 14458, + "abbott": 14459, + "admits": 14460, + "bending": 14461, + "baritone": 14462, + "emmanuel": 14463, + "policeman": 14464, + "vaughan": 14465, + "winged": 14466, + "climax": 14467, + "dresses": 14468, + "denny": 14469, + "polytechnic": 14470, + "mohamed": 14471, + "burmese": 14472, + "authentic": 14473, + "nikki": 14474, + "genetics": 14475, + "grandparents": 14476, + "homestead": 14477, + "gaza": 14478, + "postponed": 14479, + "metacritic": 14480, + "una": 14481, + "##sby": 14482, + "##bat": 14483, + "unstable": 14484, + "dissertation": 14485, + "##rial": 14486, + "##cian": 14487, + "curls": 14488, + "obscure": 14489, + "uncovered": 14490, + "bronx": 14491, + "praying": 14492, + "disappearing": 14493, + "##hoe": 14494, + "prehistoric": 14495, + "coke": 14496, + "turret": 14497, + "mutations": 14498, + "nonprofit": 14499, + "pits": 14500, + "monaco": 14501, + "##ي": 14502, + "##usion": 14503, + "prominently": 14504, + "dispatched": 14505, + "podium": 14506, + "##mir": 14507, + "uci": 14508, + "##uation": 14509, + "133": 14510, + "fortifications": 14511, + "birthplace": 14512, + "kendall": 14513, + "##lby": 14514, + "##oll": 14515, + "preacher": 14516, + "rack": 14517, + "goodman": 14518, + "##rman": 14519, + "persistent": 14520, + "##ott": 14521, + "countless": 14522, + "jaime": 14523, + "recorder": 14524, + "lexington": 14525, + "persecution": 14526, + "jumps": 14527, + "renewal": 14528, + "wagons": 14529, + "##11": 14530, + "crushing": 14531, + "##holder": 14532, + "decorations": 14533, + "##lake": 14534, + "abundance": 14535, + "wrath": 14536, + "laundry": 14537, + "£1": 14538, + "garde": 14539, + "##rp": 14540, + "jeanne": 14541, + "beetles": 14542, + "peasant": 14543, + "##sl": 14544, + "splitting": 14545, + "caste": 14546, + "sergei": 14547, + "##rer": 14548, + "##ema": 14549, + "scripts": 14550, + "##ively": 14551, + "rub": 14552, + "satellites": 14553, + "##vor": 14554, + "inscribed": 14555, + "verlag": 14556, + "scrapped": 14557, + "gale": 14558, + "packages": 14559, + "chick": 14560, + "potato": 14561, + "slogan": 14562, + "kathleen": 14563, + "arabs": 14564, + "##culture": 14565, + "counterparts": 14566, + "reminiscent": 14567, + "choral": 14568, + "##tead": 14569, + "rand": 14570, + "retains": 14571, + "bushes": 14572, + "dane": 14573, + "accomplish": 14574, + "courtesy": 14575, + "closes": 14576, + "##oth": 14577, + "slaughter": 14578, + "hague": 14579, + "krakow": 14580, + "lawson": 14581, + "tailed": 14582, + "elias": 14583, + "ginger": 14584, + "##ttes": 14585, + "canopy": 14586, + "betrayal": 14587, + "rebuilding": 14588, + "turf": 14589, + "##hof": 14590, + "frowning": 14591, + "allegiance": 14592, + "brigades": 14593, + "kicks": 14594, + "rebuild": 14595, + "polls": 14596, + "alias": 14597, + "nationalism": 14598, + "td": 14599, + "rowan": 14600, + "audition": 14601, + "bowie": 14602, + "fortunately": 14603, + "recognizes": 14604, + "harp": 14605, + "dillon": 14606, + "horrified": 14607, + "##oro": 14608, + "renault": 14609, + "##tics": 14610, + "ropes": 14611, + "##α": 14612, + "presumed": 14613, + "rewarded": 14614, + "infrared": 14615, + "wiping": 14616, + "accelerated": 14617, + "illustration": 14618, + "##rid": 14619, + "presses": 14620, + "practitioners": 14621, + "badminton": 14622, + "##iard": 14623, + "detained": 14624, + "##tera": 14625, + "recognizing": 14626, + "relates": 14627, + "misery": 14628, + "##sies": 14629, + "##tly": 14630, + "reproduction": 14631, + "piercing": 14632, + "potatoes": 14633, + "thornton": 14634, + "esther": 14635, + "manners": 14636, + "hbo": 14637, + "##aan": 14638, + "ours": 14639, + "bullshit": 14640, + "ernie": 14641, + "perennial": 14642, + "sensitivity": 14643, + "illuminated": 14644, + "rupert": 14645, + "##jin": 14646, + "##iss": 14647, + "##ear": 14648, + "rfc": 14649, + "nassau": 14650, + "##dock": 14651, + "staggered": 14652, + "socialism": 14653, + "##haven": 14654, + "appointments": 14655, + "nonsense": 14656, + "prestige": 14657, + "sharma": 14658, + "haul": 14659, + "##tical": 14660, + "solidarity": 14661, + "gps": 14662, + "##ook": 14663, + "##rata": 14664, + "igor": 14665, + "pedestrian": 14666, + "##uit": 14667, + "baxter": 14668, + "tenants": 14669, + "wires": 14670, + "medication": 14671, + "unlimited": 14672, + "guiding": 14673, + "impacts": 14674, + "diabetes": 14675, + "##rama": 14676, + "sasha": 14677, + "pas": 14678, + "clive": 14679, + "extraction": 14680, + "131": 14681, + "continually": 14682, + "constraints": 14683, + "##bilities": 14684, + "sonata": 14685, + "hunted": 14686, + "sixteenth": 14687, + "chu": 14688, + "planting": 14689, + "quote": 14690, + "mayer": 14691, + "pretended": 14692, + "abs": 14693, + "spat": 14694, + "##hua": 14695, + "ceramic": 14696, + "##cci": 14697, + "curtains": 14698, + "pigs": 14699, + "pitching": 14700, + "##dad": 14701, + "latvian": 14702, + "sore": 14703, + "dayton": 14704, + "##sted": 14705, + "##qi": 14706, + "patrols": 14707, + "slice": 14708, + "playground": 14709, + "##nted": 14710, + "shone": 14711, + "stool": 14712, + "apparatus": 14713, + "inadequate": 14714, + "mates": 14715, + "treason": 14716, + "##ija": 14717, + "desires": 14718, + "##liga": 14719, + "##croft": 14720, + "somalia": 14721, + "laurent": 14722, + "mir": 14723, + "leonardo": 14724, + "oracle": 14725, + "grape": 14726, + "obliged": 14727, + "chevrolet": 14728, + "thirteenth": 14729, + "stunning": 14730, + "enthusiastic": 14731, + "##ede": 14732, + "accounted": 14733, + "concludes": 14734, + "currents": 14735, + "basil": 14736, + "##kovic": 14737, + "drought": 14738, + "##rica": 14739, + "mai": 14740, + "##aire": 14741, + "shove": 14742, + "posting": 14743, + "##shed": 14744, + "pilgrimage": 14745, + "humorous": 14746, + "packing": 14747, + "fry": 14748, + "pencil": 14749, + "wines": 14750, + "smells": 14751, + "144": 14752, + "marilyn": 14753, + "aching": 14754, + "newest": 14755, + "clung": 14756, + "bon": 14757, + "neighbours": 14758, + "sanctioned": 14759, + "##pie": 14760, + "mug": 14761, + "##stock": 14762, + "drowning": 14763, + "##mma": 14764, + "hydraulic": 14765, + "##vil": 14766, + "hiring": 14767, + "reminder": 14768, + "lilly": 14769, + "investigators": 14770, + "##ncies": 14771, + "sour": 14772, + "##eous": 14773, + "compulsory": 14774, + "packet": 14775, + "##rion": 14776, + "##graphic": 14777, + "##elle": 14778, + "cannes": 14779, + "##inate": 14780, + "depressed": 14781, + "##rit": 14782, + "heroic": 14783, + "importantly": 14784, + "theresa": 14785, + "##tled": 14786, + "conway": 14787, + "saturn": 14788, + "marginal": 14789, + "rae": 14790, + "##xia": 14791, + "corresponds": 14792, + "royce": 14793, + "pact": 14794, + "jasper": 14795, + "explosives": 14796, + "packaging": 14797, + "aluminium": 14798, + "##ttered": 14799, + "denotes": 14800, + "rhythmic": 14801, + "spans": 14802, + "assignments": 14803, + "hereditary": 14804, + "outlined": 14805, + "originating": 14806, + "sundays": 14807, + "lad": 14808, + "reissued": 14809, + "greeting": 14810, + "beatrice": 14811, + "##dic": 14812, + "pillar": 14813, + "marcos": 14814, + "plots": 14815, + "handbook": 14816, + "alcoholic": 14817, + "judiciary": 14818, + "avant": 14819, + "slides": 14820, + "extract": 14821, + "masculine": 14822, + "blur": 14823, + "##eum": 14824, + "##force": 14825, + "homage": 14826, + "trembled": 14827, + "owens": 14828, + "hymn": 14829, + "trey": 14830, + "omega": 14831, + "signaling": 14832, + "socks": 14833, + "accumulated": 14834, + "reacted": 14835, + "attic": 14836, + "theo": 14837, + "lining": 14838, + "angie": 14839, + "distraction": 14840, + "primera": 14841, + "talbot": 14842, + "##key": 14843, + "1200": 14844, + "ti": 14845, + "creativity": 14846, + "billed": 14847, + "##hey": 14848, + "deacon": 14849, + "eduardo": 14850, + "identifies": 14851, + "proposition": 14852, + "dizzy": 14853, + "gunner": 14854, + "hogan": 14855, + "##yam": 14856, + "##pping": 14857, + "##hol": 14858, + "ja": 14859, + "##chan": 14860, + "jensen": 14861, + "reconstructed": 14862, + "##berger": 14863, + "clearance": 14864, + "darius": 14865, + "##nier": 14866, + "abe": 14867, + "harlem": 14868, + "plea": 14869, + "dei": 14870, + "circled": 14871, + "emotionally": 14872, + "notation": 14873, + "fascist": 14874, + "neville": 14875, + "exceeded": 14876, + "upwards": 14877, + "viable": 14878, + "ducks": 14879, + "##fo": 14880, + "workforce": 14881, + "racer": 14882, + "limiting": 14883, + "shri": 14884, + "##lson": 14885, + "possesses": 14886, + "1600": 14887, + "kerr": 14888, + "moths": 14889, + "devastating": 14890, + "laden": 14891, + "disturbing": 14892, + "locking": 14893, + "##cture": 14894, + "gal": 14895, + "fearing": 14896, + "accreditation": 14897, + "flavor": 14898, + "aide": 14899, + "1870s": 14900, + "mountainous": 14901, + "##baum": 14902, + "melt": 14903, + "##ures": 14904, + "motel": 14905, + "texture": 14906, + "servers": 14907, + "soda": 14908, + "##mb": 14909, + "herd": 14910, + "##nium": 14911, + "erect": 14912, + "puzzled": 14913, + "hum": 14914, + "peggy": 14915, + "examinations": 14916, + "gould": 14917, + "testified": 14918, + "geoff": 14919, + "ren": 14920, + "devised": 14921, + "sacks": 14922, + "##law": 14923, + "denial": 14924, + "posters": 14925, + "grunted": 14926, + "cesar": 14927, + "tutor": 14928, + "ec": 14929, + "gerry": 14930, + "offerings": 14931, + "byrne": 14932, + "falcons": 14933, + "combinations": 14934, + "ct": 14935, + "incoming": 14936, + "pardon": 14937, + "rocking": 14938, + "26th": 14939, + "avengers": 14940, + "flared": 14941, + "mankind": 14942, + "seller": 14943, + "uttar": 14944, + "loch": 14945, + "nadia": 14946, + "stroking": 14947, + "exposing": 14948, + "##hd": 14949, + "fertile": 14950, + "ancestral": 14951, + "instituted": 14952, + "##has": 14953, + "noises": 14954, + "prophecy": 14955, + "taxation": 14956, + "eminent": 14957, + "vivid": 14958, + "pol": 14959, + "##bol": 14960, + "dart": 14961, + "indirect": 14962, + "multimedia": 14963, + "notebook": 14964, + "upside": 14965, + "displaying": 14966, + "adrenaline": 14967, + "referenced": 14968, + "geometric": 14969, + "##iving": 14970, + "progression": 14971, + "##ddy": 14972, + "blunt": 14973, + "announce": 14974, + "##far": 14975, + "implementing": 14976, + "##lav": 14977, + "aggression": 14978, + "liaison": 14979, + "cooler": 14980, + "cares": 14981, + "headache": 14982, + "plantations": 14983, + "gorge": 14984, + "dots": 14985, + "impulse": 14986, + "thickness": 14987, + "ashamed": 14988, + "averaging": 14989, + "kathy": 14990, + "obligation": 14991, + "precursor": 14992, + "137": 14993, + "fowler": 14994, + "symmetry": 14995, + "thee": 14996, + "225": 14997, + "hears": 14998, + "##rai": 14999, + "undergoing": 15000, + "ads": 15001, + "butcher": 15002, + "bowler": 15003, + "##lip": 15004, + "cigarettes": 15005, + "subscription": 15006, + "goodness": 15007, + "##ically": 15008, + "browne": 15009, + "##hos": 15010, + "##tech": 15011, + "kyoto": 15012, + "donor": 15013, + "##erty": 15014, + "damaging": 15015, + "friction": 15016, + "drifting": 15017, + "expeditions": 15018, + "hardened": 15019, + "prostitution": 15020, + "152": 15021, + "fauna": 15022, + "blankets": 15023, + "claw": 15024, + "tossing": 15025, + "snarled": 15026, + "butterflies": 15027, + "recruits": 15028, + "investigative": 15029, + "coated": 15030, + "healed": 15031, + "138": 15032, + "communal": 15033, + "hai": 15034, + "xiii": 15035, + "academics": 15036, + "boone": 15037, + "psychologist": 15038, + "restless": 15039, + "lahore": 15040, + "stephens": 15041, + "mba": 15042, + "brendan": 15043, + "foreigners": 15044, + "printer": 15045, + "##pc": 15046, + "ached": 15047, + "explode": 15048, + "27th": 15049, + "deed": 15050, + "scratched": 15051, + "dared": 15052, + "##pole": 15053, + "cardiac": 15054, + "1780": 15055, + "okinawa": 15056, + "proto": 15057, + "commando": 15058, + "compelled": 15059, + "oddly": 15060, + "electrons": 15061, + "##base": 15062, + "replica": 15063, + "thanksgiving": 15064, + "##rist": 15065, + "sheila": 15066, + "deliberate": 15067, + "stafford": 15068, + "tidal": 15069, + "representations": 15070, + "hercules": 15071, + "ou": 15072, + "##path": 15073, + "##iated": 15074, + "kidnapping": 15075, + "lenses": 15076, + "##tling": 15077, + "deficit": 15078, + "samoa": 15079, + "mouths": 15080, + "consuming": 15081, + "computational": 15082, + "maze": 15083, + "granting": 15084, + "smirk": 15085, + "razor": 15086, + "fixture": 15087, + "ideals": 15088, + "inviting": 15089, + "aiden": 15090, + "nominal": 15091, + "##vs": 15092, + "issuing": 15093, + "julio": 15094, + "pitt": 15095, + "ramsey": 15096, + "docks": 15097, + "##oss": 15098, + "exhaust": 15099, + "##owed": 15100, + "bavarian": 15101, + "draped": 15102, + "anterior": 15103, + "mating": 15104, + "ethiopian": 15105, + "explores": 15106, + "noticing": 15107, + "##nton": 15108, + "discarded": 15109, + "convenience": 15110, + "hoffman": 15111, + "endowment": 15112, + "beasts": 15113, + "cartridge": 15114, + "mormon": 15115, + "paternal": 15116, + "probe": 15117, + "sleeves": 15118, + "interfere": 15119, + "lump": 15120, + "deadline": 15121, + "##rail": 15122, + "jenks": 15123, + "bulldogs": 15124, + "scrap": 15125, + "alternating": 15126, + "justified": 15127, + "reproductive": 15128, + "nam": 15129, + "seize": 15130, + "descending": 15131, + "secretariat": 15132, + "kirby": 15133, + "coupe": 15134, + "grouped": 15135, + "smash": 15136, + "panther": 15137, + "sedan": 15138, + "tapping": 15139, + "##18": 15140, + "lola": 15141, + "cheer": 15142, + "germanic": 15143, + "unfortunate": 15144, + "##eter": 15145, + "unrelated": 15146, + "##fan": 15147, + "subordinate": 15148, + "##sdale": 15149, + "suzanne": 15150, + "advertisement": 15151, + "##ility": 15152, + "horsepower": 15153, + "##lda": 15154, + "cautiously": 15155, + "discourse": 15156, + "luigi": 15157, + "##mans": 15158, + "##fields": 15159, + "noun": 15160, + "prevalent": 15161, + "mao": 15162, + "schneider": 15163, + "everett": 15164, + "surround": 15165, + "governorate": 15166, + "kira": 15167, + "##avia": 15168, + "westward": 15169, + "##take": 15170, + "misty": 15171, + "rails": 15172, + "sustainability": 15173, + "134": 15174, + "unused": 15175, + "##rating": 15176, + "packs": 15177, + "toast": 15178, + "unwilling": 15179, + "regulate": 15180, + "thy": 15181, + "suffrage": 15182, + "nile": 15183, + "awe": 15184, + "assam": 15185, + "definitions": 15186, + "travelers": 15187, + "affordable": 15188, + "##rb": 15189, + "conferred": 15190, + "sells": 15191, + "undefeated": 15192, + "beneficial": 15193, + "torso": 15194, + "basal": 15195, + "repeating": 15196, + "remixes": 15197, + "##pass": 15198, + "bahrain": 15199, + "cables": 15200, + "fang": 15201, + "##itated": 15202, + "excavated": 15203, + "numbering": 15204, + "statutory": 15205, + "##rey": 15206, + "deluxe": 15207, + "##lian": 15208, + "forested": 15209, + "ramirez": 15210, + "derbyshire": 15211, + "zeus": 15212, + "slamming": 15213, + "transfers": 15214, + "astronomer": 15215, + "banana": 15216, + "lottery": 15217, + "berg": 15218, + "histories": 15219, + "bamboo": 15220, + "##uchi": 15221, + "resurrection": 15222, + "posterior": 15223, + "bowls": 15224, + "vaguely": 15225, + "##thi": 15226, + "thou": 15227, + "preserving": 15228, + "tensed": 15229, + "offence": 15230, + "##inas": 15231, + "meyrick": 15232, + "callum": 15233, + "ridden": 15234, + "watt": 15235, + "langdon": 15236, + "tying": 15237, + "lowland": 15238, + "snorted": 15239, + "daring": 15240, + "truman": 15241, + "##hale": 15242, + "##girl": 15243, + "aura": 15244, + "overly": 15245, + "filing": 15246, + "weighing": 15247, + "goa": 15248, + "infections": 15249, + "philanthropist": 15250, + "saunders": 15251, + "eponymous": 15252, + "##owski": 15253, + "latitude": 15254, + "perspectives": 15255, + "reviewing": 15256, + "mets": 15257, + "commandant": 15258, + "radial": 15259, + "##kha": 15260, + "flashlight": 15261, + "reliability": 15262, + "koch": 15263, + "vowels": 15264, + "amazed": 15265, + "ada": 15266, + "elaine": 15267, + "supper": 15268, + "##rth": 15269, + "##encies": 15270, + "predator": 15271, + "debated": 15272, + "soviets": 15273, + "cola": 15274, + "##boards": 15275, + "##nah": 15276, + "compartment": 15277, + "crooked": 15278, + "arbitrary": 15279, + "fourteenth": 15280, + "##ctive": 15281, + "havana": 15282, + "majors": 15283, + "steelers": 15284, + "clips": 15285, + "profitable": 15286, + "ambush": 15287, + "exited": 15288, + "packers": 15289, + "##tile": 15290, + "nude": 15291, + "cracks": 15292, + "fungi": 15293, + "##е": 15294, + "limb": 15295, + "trousers": 15296, + "josie": 15297, + "shelby": 15298, + "tens": 15299, + "frederic": 15300, + "##ος": 15301, + "definite": 15302, + "smoothly": 15303, + "constellation": 15304, + "insult": 15305, + "baton": 15306, + "discs": 15307, + "lingering": 15308, + "##nco": 15309, + "conclusions": 15310, + "lent": 15311, + "staging": 15312, + "becker": 15313, + "grandpa": 15314, + "shaky": 15315, + "##tron": 15316, + "einstein": 15317, + "obstacles": 15318, + "sk": 15319, + "adverse": 15320, + "elle": 15321, + "economically": 15322, + "##moto": 15323, + "mccartney": 15324, + "thor": 15325, + "dismissal": 15326, + "motions": 15327, + "readings": 15328, + "nostrils": 15329, + "treatise": 15330, + "##pace": 15331, + "squeezing": 15332, + "evidently": 15333, + "prolonged": 15334, + "1783": 15335, + "venezuelan": 15336, + "je": 15337, + "marguerite": 15338, + "beirut": 15339, + "takeover": 15340, + "shareholders": 15341, + "##vent": 15342, + "denise": 15343, + "digit": 15344, + "airplay": 15345, + "norse": 15346, + "##bbling": 15347, + "imaginary": 15348, + "pills": 15349, + "hubert": 15350, + "blaze": 15351, + "vacated": 15352, + "eliminating": 15353, + "##ello": 15354, + "vine": 15355, + "mansfield": 15356, + "##tty": 15357, + "retrospective": 15358, + "barrow": 15359, + "borne": 15360, + "clutch": 15361, + "bail": 15362, + "forensic": 15363, + "weaving": 15364, + "##nett": 15365, + "##witz": 15366, + "desktop": 15367, + "citadel": 15368, + "promotions": 15369, + "worrying": 15370, + "dorset": 15371, + "ieee": 15372, + "subdivided": 15373, + "##iating": 15374, + "manned": 15375, + "expeditionary": 15376, + "pickup": 15377, + "synod": 15378, + "chuckle": 15379, + "185": 15380, + "barney": 15381, + "##rz": 15382, + "##ffin": 15383, + "functionality": 15384, + "karachi": 15385, + "litigation": 15386, + "meanings": 15387, + "uc": 15388, + "lick": 15389, + "turbo": 15390, + "anders": 15391, + "##ffed": 15392, + "execute": 15393, + "curl": 15394, + "oppose": 15395, + "ankles": 15396, + "typhoon": 15397, + "##د": 15398, + "##ache": 15399, + "##asia": 15400, + "linguistics": 15401, + "compassion": 15402, + "pressures": 15403, + "grazing": 15404, + "perfection": 15405, + "##iting": 15406, + "immunity": 15407, + "monopoly": 15408, + "muddy": 15409, + "backgrounds": 15410, + "136": 15411, + "namibia": 15412, + "francesca": 15413, + "monitors": 15414, + "attracting": 15415, + "stunt": 15416, + "tuition": 15417, + "##ии": 15418, + "vegetable": 15419, + "##mates": 15420, + "##quent": 15421, + "mgm": 15422, + "jen": 15423, + "complexes": 15424, + "forts": 15425, + "##ond": 15426, + "cellar": 15427, + "bites": 15428, + "seventeenth": 15429, + "royals": 15430, + "flemish": 15431, + "failures": 15432, + "mast": 15433, + "charities": 15434, + "##cular": 15435, + "peruvian": 15436, + "capitals": 15437, + "macmillan": 15438, + "ipswich": 15439, + "outward": 15440, + "frigate": 15441, + "postgraduate": 15442, + "folds": 15443, + "employing": 15444, + "##ouse": 15445, + "concurrently": 15446, + "fiery": 15447, + "##tai": 15448, + "contingent": 15449, + "nightmares": 15450, + "monumental": 15451, + "nicaragua": 15452, + "##kowski": 15453, + "lizard": 15454, + "mal": 15455, + "fielding": 15456, + "gig": 15457, + "reject": 15458, + "##pad": 15459, + "harding": 15460, + "##ipe": 15461, + "coastline": 15462, + "##cin": 15463, + "##nos": 15464, + "beethoven": 15465, + "humphrey": 15466, + "innovations": 15467, + "##tam": 15468, + "##nge": 15469, + "norris": 15470, + "doris": 15471, + "solicitor": 15472, + "huang": 15473, + "obey": 15474, + "141": 15475, + "##lc": 15476, + "niagara": 15477, + "##tton": 15478, + "shelves": 15479, + "aug": 15480, + "bourbon": 15481, + "curry": 15482, + "nightclub": 15483, + "specifications": 15484, + "hilton": 15485, + "##ndo": 15486, + "centennial": 15487, + "dispersed": 15488, + "worm": 15489, + "neglected": 15490, + "briggs": 15491, + "sm": 15492, + "font": 15493, + "kuala": 15494, + "uneasy": 15495, + "plc": 15496, + "##nstein": 15497, + "##bound": 15498, + "##aking": 15499, + "##burgh": 15500, + "awaiting": 15501, + "pronunciation": 15502, + "##bbed": 15503, + "##quest": 15504, + "eh": 15505, + "optimal": 15506, + "zhu": 15507, + "raped": 15508, + "greens": 15509, + "presided": 15510, + "brenda": 15511, + "worries": 15512, + "##life": 15513, + "venetian": 15514, + "marxist": 15515, + "turnout": 15516, + "##lius": 15517, + "refined": 15518, + "braced": 15519, + "sins": 15520, + "grasped": 15521, + "sunderland": 15522, + "nickel": 15523, + "speculated": 15524, + "lowell": 15525, + "cyrillic": 15526, + "communism": 15527, + "fundraising": 15528, + "resembling": 15529, + "colonists": 15530, + "mutant": 15531, + "freddie": 15532, + "usc": 15533, + "##mos": 15534, + "gratitude": 15535, + "##run": 15536, + "mural": 15537, + "##lous": 15538, + "chemist": 15539, + "wi": 15540, + "reminds": 15541, + "28th": 15542, + "steals": 15543, + "tess": 15544, + "pietro": 15545, + "##ingen": 15546, + "promoter": 15547, + "ri": 15548, + "microphone": 15549, + "honoured": 15550, + "rai": 15551, + "sant": 15552, + "##qui": 15553, + "feather": 15554, + "##nson": 15555, + "burlington": 15556, + "kurdish": 15557, + "terrorists": 15558, + "deborah": 15559, + "sickness": 15560, + "##wed": 15561, + "##eet": 15562, + "hazard": 15563, + "irritated": 15564, + "desperation": 15565, + "veil": 15566, + "clarity": 15567, + "##rik": 15568, + "jewels": 15569, + "xv": 15570, + "##gged": 15571, + "##ows": 15572, + "##cup": 15573, + "berkshire": 15574, + "unfair": 15575, + "mysteries": 15576, + "orchid": 15577, + "winced": 15578, + "exhaustion": 15579, + "renovations": 15580, + "stranded": 15581, + "obe": 15582, + "infinity": 15583, + "##nies": 15584, + "adapt": 15585, + "redevelopment": 15586, + "thanked": 15587, + "registry": 15588, + "olga": 15589, + "domingo": 15590, + "noir": 15591, + "tudor": 15592, + "ole": 15593, + "##atus": 15594, + "commenting": 15595, + "behaviors": 15596, + "##ais": 15597, + "crisp": 15598, + "pauline": 15599, + "probable": 15600, + "stirling": 15601, + "wigan": 15602, + "##bian": 15603, + "paralympics": 15604, + "panting": 15605, + "surpassed": 15606, + "##rew": 15607, + "luca": 15608, + "barred": 15609, + "pony": 15610, + "famed": 15611, + "##sters": 15612, + "cassandra": 15613, + "waiter": 15614, + "carolyn": 15615, + "exported": 15616, + "##orted": 15617, + "andres": 15618, + "destructive": 15619, + "deeds": 15620, + "jonah": 15621, + "castles": 15622, + "vacancy": 15623, + "suv": 15624, + "##glass": 15625, + "1788": 15626, + "orchard": 15627, + "yep": 15628, + "famine": 15629, + "belarusian": 15630, + "sprang": 15631, + "##forth": 15632, + "skinny": 15633, + "##mis": 15634, + "administrators": 15635, + "rotterdam": 15636, + "zambia": 15637, + "zhao": 15638, + "boiler": 15639, + "discoveries": 15640, + "##ride": 15641, + "##physics": 15642, + "lucius": 15643, + "disappointing": 15644, + "outreach": 15645, + "spoon": 15646, + "##frame": 15647, + "qualifications": 15648, + "unanimously": 15649, + "enjoys": 15650, + "regency": 15651, + "##iidae": 15652, + "stade": 15653, + "realism": 15654, + "veterinary": 15655, + "rodgers": 15656, + "dump": 15657, + "alain": 15658, + "chestnut": 15659, + "castile": 15660, + "censorship": 15661, + "rumble": 15662, + "gibbs": 15663, + "##itor": 15664, + "communion": 15665, + "reggae": 15666, + "inactivated": 15667, + "logs": 15668, + "loads": 15669, + "##houses": 15670, + "homosexual": 15671, + "##iano": 15672, + "ale": 15673, + "informs": 15674, + "##cas": 15675, + "phrases": 15676, + "plaster": 15677, + "linebacker": 15678, + "ambrose": 15679, + "kaiser": 15680, + "fascinated": 15681, + "850": 15682, + "limerick": 15683, + "recruitment": 15684, + "forge": 15685, + "mastered": 15686, + "##nding": 15687, + "leinster": 15688, + "rooted": 15689, + "threaten": 15690, + "##strom": 15691, + "borneo": 15692, + "##hes": 15693, + "suggestions": 15694, + "scholarships": 15695, + "propeller": 15696, + "documentaries": 15697, + "patronage": 15698, + "coats": 15699, + "constructing": 15700, + "invest": 15701, + "neurons": 15702, + "comet": 15703, + "entirety": 15704, + "shouts": 15705, + "identities": 15706, + "annoying": 15707, + "unchanged": 15708, + "wary": 15709, + "##antly": 15710, + "##ogy": 15711, + "neat": 15712, + "oversight": 15713, + "##kos": 15714, + "phillies": 15715, + "replay": 15716, + "constance": 15717, + "##kka": 15718, + "incarnation": 15719, + "humble": 15720, + "skies": 15721, + "minus": 15722, + "##acy": 15723, + "smithsonian": 15724, + "##chel": 15725, + "guerrilla": 15726, + "jar": 15727, + "cadets": 15728, + "##plate": 15729, + "surplus": 15730, + "audit": 15731, + "##aru": 15732, + "cracking": 15733, + "joanna": 15734, + "louisa": 15735, + "pacing": 15736, + "##lights": 15737, + "intentionally": 15738, + "##iri": 15739, + "diner": 15740, + "nwa": 15741, + "imprint": 15742, + "australians": 15743, + "tong": 15744, + "unprecedented": 15745, + "bunker": 15746, + "naive": 15747, + "specialists": 15748, + "ark": 15749, + "nichols": 15750, + "railing": 15751, + "leaked": 15752, + "pedal": 15753, + "##uka": 15754, + "shrub": 15755, + "longing": 15756, + "roofs": 15757, + "v8": 15758, + "captains": 15759, + "neural": 15760, + "tuned": 15761, + "##ntal": 15762, + "##jet": 15763, + "emission": 15764, + "medina": 15765, + "frantic": 15766, + "codex": 15767, + "definitive": 15768, + "sid": 15769, + "abolition": 15770, + "intensified": 15771, + "stocks": 15772, + "enrique": 15773, + "sustain": 15774, + "genoa": 15775, + "oxide": 15776, + "##written": 15777, + "clues": 15778, + "cha": 15779, + "##gers": 15780, + "tributaries": 15781, + "fragment": 15782, + "venom": 15783, + "##rity": 15784, + "##ente": 15785, + "##sca": 15786, + "muffled": 15787, + "vain": 15788, + "sire": 15789, + "laos": 15790, + "##ingly": 15791, + "##hana": 15792, + "hastily": 15793, + "snapping": 15794, + "surfaced": 15795, + "sentiment": 15796, + "motive": 15797, + "##oft": 15798, + "contests": 15799, + "approximate": 15800, + "mesa": 15801, + "luckily": 15802, + "dinosaur": 15803, + "exchanges": 15804, + "propelled": 15805, + "accord": 15806, + "bourne": 15807, + "relieve": 15808, + "tow": 15809, + "masks": 15810, + "offended": 15811, + "##ues": 15812, + "cynthia": 15813, + "##mmer": 15814, + "rains": 15815, + "bartender": 15816, + "zinc": 15817, + "reviewers": 15818, + "lois": 15819, + "##sai": 15820, + "legged": 15821, + "arrogant": 15822, + "rafe": 15823, + "rosie": 15824, + "comprise": 15825, + "handicap": 15826, + "blockade": 15827, + "inlet": 15828, + "lagoon": 15829, + "copied": 15830, + "drilling": 15831, + "shelley": 15832, + "petals": 15833, + "##inian": 15834, + "mandarin": 15835, + "obsolete": 15836, + "##inated": 15837, + "onward": 15838, + "arguably": 15839, + "productivity": 15840, + "cindy": 15841, + "praising": 15842, + "seldom": 15843, + "busch": 15844, + "discusses": 15845, + "raleigh": 15846, + "shortage": 15847, + "ranged": 15848, + "stanton": 15849, + "encouragement": 15850, + "firstly": 15851, + "conceded": 15852, + "overs": 15853, + "temporal": 15854, + "##uke": 15855, + "cbe": 15856, + "##bos": 15857, + "woo": 15858, + "certainty": 15859, + "pumps": 15860, + "##pton": 15861, + "stalked": 15862, + "##uli": 15863, + "lizzie": 15864, + "periodic": 15865, + "thieves": 15866, + "weaker": 15867, + "##night": 15868, + "gases": 15869, + "shoving": 15870, + "chooses": 15871, + "wc": 15872, + "##chemical": 15873, + "prompting": 15874, + "weights": 15875, + "##kill": 15876, + "robust": 15877, + "flanked": 15878, + "sticky": 15879, + "hu": 15880, + "tuberculosis": 15881, + "##eb": 15882, + "##eal": 15883, + "christchurch": 15884, + "resembled": 15885, + "wallet": 15886, + "reese": 15887, + "inappropriate": 15888, + "pictured": 15889, + "distract": 15890, + "fixing": 15891, + "fiddle": 15892, + "giggled": 15893, + "burger": 15894, + "heirs": 15895, + "hairy": 15896, + "mechanic": 15897, + "torque": 15898, + "apache": 15899, + "obsessed": 15900, + "chiefly": 15901, + "cheng": 15902, + "logging": 15903, + "##tag": 15904, + "extracted": 15905, + "meaningful": 15906, + "numb": 15907, + "##vsky": 15908, + "gloucestershire": 15909, + "reminding": 15910, + "##bay": 15911, + "unite": 15912, + "##lit": 15913, + "breeds": 15914, + "diminished": 15915, + "clown": 15916, + "glove": 15917, + "1860s": 15918, + "##ن": 15919, + "##ug": 15920, + "archibald": 15921, + "focal": 15922, + "freelance": 15923, + "sliced": 15924, + "depiction": 15925, + "##yk": 15926, + "organism": 15927, + "switches": 15928, + "sights": 15929, + "stray": 15930, + "crawling": 15931, + "##ril": 15932, + "lever": 15933, + "leningrad": 15934, + "interpretations": 15935, + "loops": 15936, + "anytime": 15937, + "reel": 15938, + "alicia": 15939, + "delighted": 15940, + "##ech": 15941, + "inhaled": 15942, + "xiv": 15943, + "suitcase": 15944, + "bernie": 15945, + "vega": 15946, + "licenses": 15947, + "northampton": 15948, + "exclusion": 15949, + "induction": 15950, + "monasteries": 15951, + "racecourse": 15952, + "homosexuality": 15953, + "##right": 15954, + "##sfield": 15955, + "##rky": 15956, + "dimitri": 15957, + "michele": 15958, + "alternatives": 15959, + "ions": 15960, + "commentators": 15961, + "genuinely": 15962, + "objected": 15963, + "pork": 15964, + "hospitality": 15965, + "fencing": 15966, + "stephan": 15967, + "warships": 15968, + "peripheral": 15969, + "wit": 15970, + "drunken": 15971, + "wrinkled": 15972, + "quentin": 15973, + "spends": 15974, + "departing": 15975, + "chung": 15976, + "numerical": 15977, + "spokesperson": 15978, + "##zone": 15979, + "johannesburg": 15980, + "caliber": 15981, + "killers": 15982, + "##udge": 15983, + "assumes": 15984, + "neatly": 15985, + "demographic": 15986, + "abigail": 15987, + "bloc": 15988, + "##vel": 15989, + "mounting": 15990, + "##lain": 15991, + "bentley": 15992, + "slightest": 15993, + "xu": 15994, + "recipients": 15995, + "##jk": 15996, + "merlin": 15997, + "##writer": 15998, + "seniors": 15999, + "prisons": 16000, + "blinking": 16001, + "hindwings": 16002, + "flickered": 16003, + "kappa": 16004, + "##hel": 16005, + "80s": 16006, + "strengthening": 16007, + "appealing": 16008, + "brewing": 16009, + "gypsy": 16010, + "mali": 16011, + "lashes": 16012, + "hulk": 16013, + "unpleasant": 16014, + "harassment": 16015, + "bio": 16016, + "treaties": 16017, + "predict": 16018, + "instrumentation": 16019, + "pulp": 16020, + "troupe": 16021, + "boiling": 16022, + "mantle": 16023, + "##ffe": 16024, + "ins": 16025, + "##vn": 16026, + "dividing": 16027, + "handles": 16028, + "verbs": 16029, + "##onal": 16030, + "coconut": 16031, + "senegal": 16032, + "340": 16033, + "thorough": 16034, + "gum": 16035, + "momentarily": 16036, + "##sto": 16037, + "cocaine": 16038, + "panicked": 16039, + "destined": 16040, + "##turing": 16041, + "teatro": 16042, + "denying": 16043, + "weary": 16044, + "captained": 16045, + "mans": 16046, + "##hawks": 16047, + "##code": 16048, + "wakefield": 16049, + "bollywood": 16050, + "thankfully": 16051, + "##16": 16052, + "cyril": 16053, + "##wu": 16054, + "amendments": 16055, + "##bahn": 16056, + "consultation": 16057, + "stud": 16058, + "reflections": 16059, + "kindness": 16060, + "1787": 16061, + "internally": 16062, + "##ovo": 16063, + "tex": 16064, + "mosaic": 16065, + "distribute": 16066, + "paddy": 16067, + "seeming": 16068, + "143": 16069, + "##hic": 16070, + "piers": 16071, + "##15": 16072, + "##mura": 16073, + "##verse": 16074, + "popularly": 16075, + "winger": 16076, + "kang": 16077, + "sentinel": 16078, + "mccoy": 16079, + "##anza": 16080, + "covenant": 16081, + "##bag": 16082, + "verge": 16083, + "fireworks": 16084, + "suppress": 16085, + "thrilled": 16086, + "dominate": 16087, + "##jar": 16088, + "swansea": 16089, + "##60": 16090, + "142": 16091, + "reconciliation": 16092, + "##ndi": 16093, + "stiffened": 16094, + "cue": 16095, + "dorian": 16096, + "##uf": 16097, + "damascus": 16098, + "amor": 16099, + "ida": 16100, + "foremost": 16101, + "##aga": 16102, + "porsche": 16103, + "unseen": 16104, + "dir": 16105, + "##had": 16106, + "##azi": 16107, + "stony": 16108, + "lexi": 16109, + "melodies": 16110, + "##nko": 16111, + "angular": 16112, + "integer": 16113, + "podcast": 16114, + "ants": 16115, + "inherent": 16116, + "jaws": 16117, + "justify": 16118, + "persona": 16119, + "##olved": 16120, + "josephine": 16121, + "##nr": 16122, + "##ressed": 16123, + "customary": 16124, + "flashes": 16125, + "gala": 16126, + "cyrus": 16127, + "glaring": 16128, + "backyard": 16129, + "ariel": 16130, + "physiology": 16131, + "greenland": 16132, + "html": 16133, + "stir": 16134, + "avon": 16135, + "atletico": 16136, + "finch": 16137, + "methodology": 16138, + "ked": 16139, + "##lent": 16140, + "mas": 16141, + "catholicism": 16142, + "townsend": 16143, + "branding": 16144, + "quincy": 16145, + "fits": 16146, + "containers": 16147, + "1777": 16148, + "ashore": 16149, + "aragon": 16150, + "##19": 16151, + "forearm": 16152, + "poisoning": 16153, + "##sd": 16154, + "adopting": 16155, + "conquer": 16156, + "grinding": 16157, + "amnesty": 16158, + "keller": 16159, + "finances": 16160, + "evaluate": 16161, + "forged": 16162, + "lankan": 16163, + "instincts": 16164, + "##uto": 16165, + "guam": 16166, + "bosnian": 16167, + "photographed": 16168, + "workplace": 16169, + "desirable": 16170, + "protector": 16171, + "##dog": 16172, + "allocation": 16173, + "intently": 16174, + "encourages": 16175, + "willy": 16176, + "##sten": 16177, + "bodyguard": 16178, + "electro": 16179, + "brighter": 16180, + "##ν": 16181, + "bihar": 16182, + "##chev": 16183, + "lasts": 16184, + "opener": 16185, + "amphibious": 16186, + "sal": 16187, + "verde": 16188, + "arte": 16189, + "##cope": 16190, + "captivity": 16191, + "vocabulary": 16192, + "yields": 16193, + "##tted": 16194, + "agreeing": 16195, + "desmond": 16196, + "pioneered": 16197, + "##chus": 16198, + "strap": 16199, + "campaigned": 16200, + "railroads": 16201, + "##ович": 16202, + "emblem": 16203, + "##dre": 16204, + "stormed": 16205, + "501": 16206, + "##ulous": 16207, + "marijuana": 16208, + "northumberland": 16209, + "##gn": 16210, + "##nath": 16211, + "bowen": 16212, + "landmarks": 16213, + "beaumont": 16214, + "##qua": 16215, + "danube": 16216, + "##bler": 16217, + "attorneys": 16218, + "th": 16219, + "ge": 16220, + "flyers": 16221, + "critique": 16222, + "villains": 16223, + "cass": 16224, + "mutation": 16225, + "acc": 16226, + "##0s": 16227, + "colombo": 16228, + "mckay": 16229, + "motif": 16230, + "sampling": 16231, + "concluding": 16232, + "syndicate": 16233, + "##rell": 16234, + "neon": 16235, + "stables": 16236, + "ds": 16237, + "warnings": 16238, + "clint": 16239, + "mourning": 16240, + "wilkinson": 16241, + "##tated": 16242, + "merrill": 16243, + "leopard": 16244, + "evenings": 16245, + "exhaled": 16246, + "emil": 16247, + "sonia": 16248, + "ezra": 16249, + "discrete": 16250, + "stove": 16251, + "farrell": 16252, + "fifteenth": 16253, + "prescribed": 16254, + "superhero": 16255, + "##rier": 16256, + "worms": 16257, + "helm": 16258, + "wren": 16259, + "##duction": 16260, + "##hc": 16261, + "expo": 16262, + "##rator": 16263, + "hq": 16264, + "unfamiliar": 16265, + "antony": 16266, + "prevents": 16267, + "acceleration": 16268, + "fiercely": 16269, + "mari": 16270, + "painfully": 16271, + "calculations": 16272, + "cheaper": 16273, + "ign": 16274, + "clifton": 16275, + "irvine": 16276, + "davenport": 16277, + "mozambique": 16278, + "##np": 16279, + "pierced": 16280, + "##evich": 16281, + "wonders": 16282, + "##wig": 16283, + "##cate": 16284, + "##iling": 16285, + "crusade": 16286, + "ware": 16287, + "##uel": 16288, + "enzymes": 16289, + "reasonably": 16290, + "mls": 16291, + "##coe": 16292, + "mater": 16293, + "ambition": 16294, + "bunny": 16295, + "eliot": 16296, + "kernel": 16297, + "##fin": 16298, + "asphalt": 16299, + "headmaster": 16300, + "torah": 16301, + "aden": 16302, + "lush": 16303, + "pins": 16304, + "waived": 16305, + "##care": 16306, + "##yas": 16307, + "joao": 16308, + "substrate": 16309, + "enforce": 16310, + "##grad": 16311, + "##ules": 16312, + "alvarez": 16313, + "selections": 16314, + "epidemic": 16315, + "tempted": 16316, + "##bit": 16317, + "bremen": 16318, + "translates": 16319, + "ensured": 16320, + "waterfront": 16321, + "29th": 16322, + "forrest": 16323, + "manny": 16324, + "malone": 16325, + "kramer": 16326, + "reigning": 16327, + "cookies": 16328, + "simpler": 16329, + "absorption": 16330, + "205": 16331, + "engraved": 16332, + "##ffy": 16333, + "evaluated": 16334, + "1778": 16335, + "haze": 16336, + "146": 16337, + "comforting": 16338, + "crossover": 16339, + "##abe": 16340, + "thorn": 16341, + "##rift": 16342, + "##imo": 16343, + "##pop": 16344, + "suppression": 16345, + "fatigue": 16346, + "cutter": 16347, + "##tr": 16348, + "201": 16349, + "wurttemberg": 16350, + "##orf": 16351, + "enforced": 16352, + "hovering": 16353, + "proprietary": 16354, + "gb": 16355, + "samurai": 16356, + "syllable": 16357, + "ascent": 16358, + "lacey": 16359, + "tick": 16360, + "lars": 16361, + "tractor": 16362, + "merchandise": 16363, + "rep": 16364, + "bouncing": 16365, + "defendants": 16366, + "##yre": 16367, + "huntington": 16368, + "##ground": 16369, + "##oko": 16370, + "standardized": 16371, + "##hor": 16372, + "##hima": 16373, + "assassinated": 16374, + "nu": 16375, + "predecessors": 16376, + "rainy": 16377, + "liar": 16378, + "assurance": 16379, + "lyrical": 16380, + "##uga": 16381, + "secondly": 16382, + "flattened": 16383, + "ios": 16384, + "parameter": 16385, + "undercover": 16386, + "##mity": 16387, + "bordeaux": 16388, + "punish": 16389, + "ridges": 16390, + "markers": 16391, + "exodus": 16392, + "inactive": 16393, + "hesitate": 16394, + "debbie": 16395, + "nyc": 16396, + "pledge": 16397, + "savoy": 16398, + "nagar": 16399, + "offset": 16400, + "organist": 16401, + "##tium": 16402, + "hesse": 16403, + "marin": 16404, + "converting": 16405, + "##iver": 16406, + "diagram": 16407, + "propulsion": 16408, + "pu": 16409, + "validity": 16410, + "reverted": 16411, + "supportive": 16412, + "##dc": 16413, + "ministries": 16414, + "clans": 16415, + "responds": 16416, + "proclamation": 16417, + "##inae": 16418, + "##ø": 16419, + "##rea": 16420, + "ein": 16421, + "pleading": 16422, + "patriot": 16423, + "sf": 16424, + "birch": 16425, + "islanders": 16426, + "strauss": 16427, + "hates": 16428, + "##dh": 16429, + "brandenburg": 16430, + "concession": 16431, + "rd": 16432, + "##ob": 16433, + "1900s": 16434, + "killings": 16435, + "textbook": 16436, + "antiquity": 16437, + "cinematography": 16438, + "wharf": 16439, + "embarrassing": 16440, + "setup": 16441, + "creed": 16442, + "farmland": 16443, + "inequality": 16444, + "centred": 16445, + "signatures": 16446, + "fallon": 16447, + "370": 16448, + "##ingham": 16449, + "##uts": 16450, + "ceylon": 16451, + "gazing": 16452, + "directive": 16453, + "laurie": 16454, + "##tern": 16455, + "globally": 16456, + "##uated": 16457, + "##dent": 16458, + "allah": 16459, + "excavation": 16460, + "threads": 16461, + "##cross": 16462, + "148": 16463, + "frantically": 16464, + "icc": 16465, + "utilize": 16466, + "determines": 16467, + "respiratory": 16468, + "thoughtful": 16469, + "receptions": 16470, + "##dicate": 16471, + "merging": 16472, + "chandra": 16473, + "seine": 16474, + "147": 16475, + "builders": 16476, + "builds": 16477, + "diagnostic": 16478, + "dev": 16479, + "visibility": 16480, + "goddamn": 16481, + "analyses": 16482, + "dhaka": 16483, + "cho": 16484, + "proves": 16485, + "chancel": 16486, + "concurrent": 16487, + "curiously": 16488, + "canadians": 16489, + "pumped": 16490, + "restoring": 16491, + "1850s": 16492, + "turtles": 16493, + "jaguar": 16494, + "sinister": 16495, + "spinal": 16496, + "traction": 16497, + "declan": 16498, + "vows": 16499, + "1784": 16500, + "glowed": 16501, + "capitalism": 16502, + "swirling": 16503, + "install": 16504, + "universidad": 16505, + "##lder": 16506, + "##oat": 16507, + "soloist": 16508, + "##genic": 16509, + "##oor": 16510, + "coincidence": 16511, + "beginnings": 16512, + "nissan": 16513, + "dip": 16514, + "resorts": 16515, + "caucasus": 16516, + "combustion": 16517, + "infectious": 16518, + "##eno": 16519, + "pigeon": 16520, + "serpent": 16521, + "##itating": 16522, + "conclude": 16523, + "masked": 16524, + "salad": 16525, + "jew": 16526, + "##gr": 16527, + "surreal": 16528, + "toni": 16529, + "##wc": 16530, + "harmonica": 16531, + "151": 16532, + "##gins": 16533, + "##etic": 16534, + "##coat": 16535, + "fishermen": 16536, + "intending": 16537, + "bravery": 16538, + "##wave": 16539, + "klaus": 16540, + "titan": 16541, + "wembley": 16542, + "taiwanese": 16543, + "ransom": 16544, + "40th": 16545, + "incorrect": 16546, + "hussein": 16547, + "eyelids": 16548, + "jp": 16549, + "cooke": 16550, + "dramas": 16551, + "utilities": 16552, + "##etta": 16553, + "##print": 16554, + "eisenhower": 16555, + "principally": 16556, + "granada": 16557, + "lana": 16558, + "##rak": 16559, + "openings": 16560, + "concord": 16561, + "##bl": 16562, + "bethany": 16563, + "connie": 16564, + "morality": 16565, + "sega": 16566, + "##mons": 16567, + "##nard": 16568, + "earnings": 16569, + "##kara": 16570, + "##cine": 16571, + "wii": 16572, + "communes": 16573, + "##rel": 16574, + "coma": 16575, + "composing": 16576, + "softened": 16577, + "severed": 16578, + "grapes": 16579, + "##17": 16580, + "nguyen": 16581, + "analyzed": 16582, + "warlord": 16583, + "hubbard": 16584, + "heavenly": 16585, + "behave": 16586, + "slovenian": 16587, + "##hit": 16588, + "##ony": 16589, + "hailed": 16590, + "filmmakers": 16591, + "trance": 16592, + "caldwell": 16593, + "skye": 16594, + "unrest": 16595, + "coward": 16596, + "likelihood": 16597, + "##aging": 16598, + "bern": 16599, + "sci": 16600, + "taliban": 16601, + "honolulu": 16602, + "propose": 16603, + "##wang": 16604, + "1700": 16605, + "browser": 16606, + "imagining": 16607, + "cobra": 16608, + "contributes": 16609, + "dukes": 16610, + "instinctively": 16611, + "conan": 16612, + "violinist": 16613, + "##ores": 16614, + "accessories": 16615, + "gradual": 16616, + "##amp": 16617, + "quotes": 16618, + "sioux": 16619, + "##dating": 16620, + "undertake": 16621, + "intercepted": 16622, + "sparkling": 16623, + "compressed": 16624, + "139": 16625, + "fungus": 16626, + "tombs": 16627, + "haley": 16628, + "imposing": 16629, + "rests": 16630, + "degradation": 16631, + "lincolnshire": 16632, + "retailers": 16633, + "wetlands": 16634, + "tulsa": 16635, + "distributor": 16636, + "dungeon": 16637, + "nun": 16638, + "greenhouse": 16639, + "convey": 16640, + "atlantis": 16641, + "aft": 16642, + "exits": 16643, + "oman": 16644, + "dresser": 16645, + "lyons": 16646, + "##sti": 16647, + "joking": 16648, + "eddy": 16649, + "judgement": 16650, + "omitted": 16651, + "digits": 16652, + "##cts": 16653, + "##game": 16654, + "juniors": 16655, + "##rae": 16656, + "cents": 16657, + "stricken": 16658, + "une": 16659, + "##ngo": 16660, + "wizards": 16661, + "weir": 16662, + "breton": 16663, + "nan": 16664, + "technician": 16665, + "fibers": 16666, + "liking": 16667, + "royalty": 16668, + "##cca": 16669, + "154": 16670, + "persia": 16671, + "terribly": 16672, + "magician": 16673, + "##rable": 16674, + "##unt": 16675, + "vance": 16676, + "cafeteria": 16677, + "booker": 16678, + "camille": 16679, + "warmer": 16680, + "##static": 16681, + "consume": 16682, + "cavern": 16683, + "gaps": 16684, + "compass": 16685, + "contemporaries": 16686, + "foyer": 16687, + "soothing": 16688, + "graveyard": 16689, + "maj": 16690, + "plunged": 16691, + "blush": 16692, + "##wear": 16693, + "cascade": 16694, + "demonstrates": 16695, + "ordinance": 16696, + "##nov": 16697, + "boyle": 16698, + "##lana": 16699, + "rockefeller": 16700, + "shaken": 16701, + "banjo": 16702, + "izzy": 16703, + "##ense": 16704, + "breathless": 16705, + "vines": 16706, + "##32": 16707, + "##eman": 16708, + "alterations": 16709, + "chromosome": 16710, + "dwellings": 16711, + "feudal": 16712, + "mole": 16713, + "153": 16714, + "catalonia": 16715, + "relics": 16716, + "tenant": 16717, + "mandated": 16718, + "##fm": 16719, + "fridge": 16720, + "hats": 16721, + "honesty": 16722, + "patented": 16723, + "raul": 16724, + "heap": 16725, + "cruisers": 16726, + "accusing": 16727, + "enlightenment": 16728, + "infants": 16729, + "wherein": 16730, + "chatham": 16731, + "contractors": 16732, + "zen": 16733, + "affinity": 16734, + "hc": 16735, + "osborne": 16736, + "piston": 16737, + "156": 16738, + "traps": 16739, + "maturity": 16740, + "##rana": 16741, + "lagos": 16742, + "##zal": 16743, + "peering": 16744, + "##nay": 16745, + "attendant": 16746, + "dealers": 16747, + "protocols": 16748, + "subset": 16749, + "prospects": 16750, + "biographical": 16751, + "##cre": 16752, + "artery": 16753, + "##zers": 16754, + "insignia": 16755, + "nuns": 16756, + "endured": 16757, + "##eration": 16758, + "recommend": 16759, + "schwartz": 16760, + "serbs": 16761, + "berger": 16762, + "cromwell": 16763, + "crossroads": 16764, + "##ctor": 16765, + "enduring": 16766, + "clasped": 16767, + "grounded": 16768, + "##bine": 16769, + "marseille": 16770, + "twitched": 16771, + "abel": 16772, + "choke": 16773, + "https": 16774, + "catalyst": 16775, + "moldova": 16776, + "italians": 16777, + "##tist": 16778, + "disastrous": 16779, + "wee": 16780, + "##oured": 16781, + "##nti": 16782, + "wwf": 16783, + "nope": 16784, + "##piration": 16785, + "##asa": 16786, + "expresses": 16787, + "thumbs": 16788, + "167": 16789, + "##nza": 16790, + "coca": 16791, + "1781": 16792, + "cheating": 16793, + "##ption": 16794, + "skipped": 16795, + "sensory": 16796, + "heidelberg": 16797, + "spies": 16798, + "satan": 16799, + "dangers": 16800, + "semifinal": 16801, + "202": 16802, + "bohemia": 16803, + "whitish": 16804, + "confusing": 16805, + "shipbuilding": 16806, + "relies": 16807, + "surgeons": 16808, + "landings": 16809, + "ravi": 16810, + "baku": 16811, + "moor": 16812, + "suffix": 16813, + "alejandro": 16814, + "##yana": 16815, + "litre": 16816, + "upheld": 16817, + "##unk": 16818, + "rajasthan": 16819, + "##rek": 16820, + "coaster": 16821, + "insists": 16822, + "posture": 16823, + "scenarios": 16824, + "etienne": 16825, + "favoured": 16826, + "appoint": 16827, + "transgender": 16828, + "elephants": 16829, + "poked": 16830, + "greenwood": 16831, + "defences": 16832, + "fulfilled": 16833, + "militant": 16834, + "somali": 16835, + "1758": 16836, + "chalk": 16837, + "potent": 16838, + "##ucci": 16839, + "migrants": 16840, + "wink": 16841, + "assistants": 16842, + "nos": 16843, + "restriction": 16844, + "activism": 16845, + "niger": 16846, + "##ario": 16847, + "colon": 16848, + "shaun": 16849, + "##sat": 16850, + "daphne": 16851, + "##erated": 16852, + "swam": 16853, + "congregations": 16854, + "reprise": 16855, + "considerations": 16856, + "magnet": 16857, + "playable": 16858, + "xvi": 16859, + "##р": 16860, + "overthrow": 16861, + "tobias": 16862, + "knob": 16863, + "chavez": 16864, + "coding": 16865, + "##mers": 16866, + "propped": 16867, + "katrina": 16868, + "orient": 16869, + "newcomer": 16870, + "##suke": 16871, + "temperate": 16872, + "##pool": 16873, + "farmhouse": 16874, + "interrogation": 16875, + "##vd": 16876, + "committing": 16877, + "##vert": 16878, + "forthcoming": 16879, + "strawberry": 16880, + "joaquin": 16881, + "macau": 16882, + "ponds": 16883, + "shocking": 16884, + "siberia": 16885, + "##cellular": 16886, + "chant": 16887, + "contributors": 16888, + "##nant": 16889, + "##ologists": 16890, + "sped": 16891, + "absorb": 16892, + "hail": 16893, + "1782": 16894, + "spared": 16895, + "##hore": 16896, + "barbados": 16897, + "karate": 16898, + "opus": 16899, + "originates": 16900, + "saul": 16901, + "##xie": 16902, + "evergreen": 16903, + "leaped": 16904, + "##rock": 16905, + "correlation": 16906, + "exaggerated": 16907, + "weekday": 16908, + "unification": 16909, + "bump": 16910, + "tracing": 16911, + "brig": 16912, + "afb": 16913, + "pathways": 16914, + "utilizing": 16915, + "##ners": 16916, + "mod": 16917, + "mb": 16918, + "disturbance": 16919, + "kneeling": 16920, + "##stad": 16921, + "##guchi": 16922, + "100th": 16923, + "pune": 16924, + "##thy": 16925, + "decreasing": 16926, + "168": 16927, + "manipulation": 16928, + "miriam": 16929, + "academia": 16930, + "ecosystem": 16931, + "occupational": 16932, + "rbi": 16933, + "##lem": 16934, + "rift": 16935, + "##14": 16936, + "rotary": 16937, + "stacked": 16938, + "incorporation": 16939, + "awakening": 16940, + "generators": 16941, + "guerrero": 16942, + "racist": 16943, + "##omy": 16944, + "cyber": 16945, + "derivatives": 16946, + "culminated": 16947, + "allie": 16948, + "annals": 16949, + "panzer": 16950, + "sainte": 16951, + "wikipedia": 16952, + "pops": 16953, + "zu": 16954, + "austro": 16955, + "##vate": 16956, + "algerian": 16957, + "politely": 16958, + "nicholson": 16959, + "mornings": 16960, + "educate": 16961, + "tastes": 16962, + "thrill": 16963, + "dartmouth": 16964, + "##gating": 16965, + "db": 16966, + "##jee": 16967, + "regan": 16968, + "differing": 16969, + "concentrating": 16970, + "choreography": 16971, + "divinity": 16972, + "##media": 16973, + "pledged": 16974, + "alexandre": 16975, + "routing": 16976, + "gregor": 16977, + "madeline": 16978, + "##idal": 16979, + "apocalypse": 16980, + "##hora": 16981, + "gunfire": 16982, + "culminating": 16983, + "elves": 16984, + "fined": 16985, + "liang": 16986, + "lam": 16987, + "programmed": 16988, + "tar": 16989, + "guessing": 16990, + "transparency": 16991, + "gabrielle": 16992, + "##gna": 16993, + "cancellation": 16994, + "flexibility": 16995, + "##lining": 16996, + "accession": 16997, + "shea": 16998, + "stronghold": 16999, + "nets": 17000, + "specializes": 17001, + "##rgan": 17002, + "abused": 17003, + "hasan": 17004, + "sgt": 17005, + "ling": 17006, + "exceeding": 17007, + "##₄": 17008, + "admiration": 17009, + "supermarket": 17010, + "##ark": 17011, + "photographers": 17012, + "specialised": 17013, + "tilt": 17014, + "resonance": 17015, + "hmm": 17016, + "perfume": 17017, + "380": 17018, + "sami": 17019, + "threatens": 17020, + "garland": 17021, + "botany": 17022, + "guarding": 17023, + "boiled": 17024, + "greet": 17025, + "puppy": 17026, + "russo": 17027, + "supplier": 17028, + "wilmington": 17029, + "vibrant": 17030, + "vijay": 17031, + "##bius": 17032, + "paralympic": 17033, + "grumbled": 17034, + "paige": 17035, + "faa": 17036, + "licking": 17037, + "margins": 17038, + "hurricanes": 17039, + "##gong": 17040, + "fest": 17041, + "grenade": 17042, + "ripping": 17043, + "##uz": 17044, + "counseling": 17045, + "weigh": 17046, + "##sian": 17047, + "needles": 17048, + "wiltshire": 17049, + "edison": 17050, + "costly": 17051, + "##not": 17052, + "fulton": 17053, + "tramway": 17054, + "redesigned": 17055, + "staffordshire": 17056, + "cache": 17057, + "gasping": 17058, + "watkins": 17059, + "sleepy": 17060, + "candidacy": 17061, + "##group": 17062, + "monkeys": 17063, + "timeline": 17064, + "throbbing": 17065, + "##bid": 17066, + "##sos": 17067, + "berth": 17068, + "uzbekistan": 17069, + "vanderbilt": 17070, + "bothering": 17071, + "overturned": 17072, + "ballots": 17073, + "gem": 17074, + "##iger": 17075, + "sunglasses": 17076, + "subscribers": 17077, + "hooker": 17078, + "compelling": 17079, + "ang": 17080, + "exceptionally": 17081, + "saloon": 17082, + "stab": 17083, + "##rdi": 17084, + "carla": 17085, + "terrifying": 17086, + "rom": 17087, + "##vision": 17088, + "coil": 17089, + "##oids": 17090, + "satisfying": 17091, + "vendors": 17092, + "31st": 17093, + "mackay": 17094, + "deities": 17095, + "overlooked": 17096, + "ambient": 17097, + "bahamas": 17098, + "felipe": 17099, + "olympia": 17100, + "whirled": 17101, + "botanist": 17102, + "advertised": 17103, + "tugging": 17104, + "##dden": 17105, + "disciples": 17106, + "morales": 17107, + "unionist": 17108, + "rites": 17109, + "foley": 17110, + "morse": 17111, + "motives": 17112, + "creepy": 17113, + "##₀": 17114, + "soo": 17115, + "##sz": 17116, + "bargain": 17117, + "highness": 17118, + "frightening": 17119, + "turnpike": 17120, + "tory": 17121, + "reorganization": 17122, + "##cer": 17123, + "depict": 17124, + "biographer": 17125, + "##walk": 17126, + "unopposed": 17127, + "manifesto": 17128, + "##gles": 17129, + "institut": 17130, + "emile": 17131, + "accidental": 17132, + "kapoor": 17133, + "##dam": 17134, + "kilkenny": 17135, + "cortex": 17136, + "lively": 17137, + "##13": 17138, + "romanesque": 17139, + "jain": 17140, + "shan": 17141, + "cannons": 17142, + "##ood": 17143, + "##ske": 17144, + "petrol": 17145, + "echoing": 17146, + "amalgamated": 17147, + "disappears": 17148, + "cautious": 17149, + "proposes": 17150, + "sanctions": 17151, + "trenton": 17152, + "##ر": 17153, + "flotilla": 17154, + "aus": 17155, + "contempt": 17156, + "tor": 17157, + "canary": 17158, + "cote": 17159, + "theirs": 17160, + "##hun": 17161, + "conceptual": 17162, + "deleted": 17163, + "fascinating": 17164, + "paso": 17165, + "blazing": 17166, + "elf": 17167, + "honourable": 17168, + "hutchinson": 17169, + "##eiro": 17170, + "##outh": 17171, + "##zin": 17172, + "surveyor": 17173, + "tee": 17174, + "amidst": 17175, + "wooded": 17176, + "reissue": 17177, + "intro": 17178, + "##ono": 17179, + "cobb": 17180, + "shelters": 17181, + "newsletter": 17182, + "hanson": 17183, + "brace": 17184, + "encoding": 17185, + "confiscated": 17186, + "dem": 17187, + "caravan": 17188, + "marino": 17189, + "scroll": 17190, + "melodic": 17191, + "cows": 17192, + "imam": 17193, + "##adi": 17194, + "##aneous": 17195, + "northward": 17196, + "searches": 17197, + "biodiversity": 17198, + "cora": 17199, + "310": 17200, + "roaring": 17201, + "##bers": 17202, + "connell": 17203, + "theologian": 17204, + "halo": 17205, + "compose": 17206, + "pathetic": 17207, + "unmarried": 17208, + "dynamo": 17209, + "##oot": 17210, + "az": 17211, + "calculation": 17212, + "toulouse": 17213, + "deserves": 17214, + "humour": 17215, + "nr": 17216, + "forgiveness": 17217, + "tam": 17218, + "undergone": 17219, + "martyr": 17220, + "pamela": 17221, + "myths": 17222, + "whore": 17223, + "counselor": 17224, + "hicks": 17225, + "290": 17226, + "heavens": 17227, + "battleship": 17228, + "electromagnetic": 17229, + "##bbs": 17230, + "stellar": 17231, + "establishments": 17232, + "presley": 17233, + "hopped": 17234, + "##chin": 17235, + "temptation": 17236, + "90s": 17237, + "wills": 17238, + "nas": 17239, + "##yuan": 17240, + "nhs": 17241, + "##nya": 17242, + "seminars": 17243, + "##yev": 17244, + "adaptations": 17245, + "gong": 17246, + "asher": 17247, + "lex": 17248, + "indicator": 17249, + "sikh": 17250, + "tobago": 17251, + "cites": 17252, + "goin": 17253, + "##yte": 17254, + "satirical": 17255, + "##gies": 17256, + "characterised": 17257, + "correspond": 17258, + "bubbles": 17259, + "lure": 17260, + "participates": 17261, + "##vid": 17262, + "eruption": 17263, + "skate": 17264, + "therapeutic": 17265, + "1785": 17266, + "canals": 17267, + "wholesale": 17268, + "defaulted": 17269, + "sac": 17270, + "460": 17271, + "petit": 17272, + "##zzled": 17273, + "virgil": 17274, + "leak": 17275, + "ravens": 17276, + "256": 17277, + "portraying": 17278, + "##yx": 17279, + "ghetto": 17280, + "creators": 17281, + "dams": 17282, + "portray": 17283, + "vicente": 17284, + "##rington": 17285, + "fae": 17286, + "namesake": 17287, + "bounty": 17288, + "##arium": 17289, + "joachim": 17290, + "##ota": 17291, + "##iser": 17292, + "aforementioned": 17293, + "axle": 17294, + "snout": 17295, + "depended": 17296, + "dismantled": 17297, + "reuben": 17298, + "480": 17299, + "##ibly": 17300, + "gallagher": 17301, + "##lau": 17302, + "##pd": 17303, + "earnest": 17304, + "##ieu": 17305, + "##iary": 17306, + "inflicted": 17307, + "objections": 17308, + "##llar": 17309, + "asa": 17310, + "gritted": 17311, + "##athy": 17312, + "jericho": 17313, + "##sea": 17314, + "##was": 17315, + "flick": 17316, + "underside": 17317, + "ceramics": 17318, + "undead": 17319, + "substituted": 17320, + "195": 17321, + "eastward": 17322, + "undoubtedly": 17323, + "wheeled": 17324, + "chimney": 17325, + "##iche": 17326, + "guinness": 17327, + "cb": 17328, + "##ager": 17329, + "siding": 17330, + "##bell": 17331, + "traitor": 17332, + "baptiste": 17333, + "disguised": 17334, + "inauguration": 17335, + "149": 17336, + "tipperary": 17337, + "choreographer": 17338, + "perched": 17339, + "warmed": 17340, + "stationary": 17341, + "eco": 17342, + "##ike": 17343, + "##ntes": 17344, + "bacterial": 17345, + "##aurus": 17346, + "flores": 17347, + "phosphate": 17348, + "##core": 17349, + "attacker": 17350, + "invaders": 17351, + "alvin": 17352, + "intersects": 17353, + "a1": 17354, + "indirectly": 17355, + "immigrated": 17356, + "businessmen": 17357, + "cornelius": 17358, + "valves": 17359, + "narrated": 17360, + "pill": 17361, + "sober": 17362, + "ul": 17363, + "nationale": 17364, + "monastic": 17365, + "applicants": 17366, + "scenery": 17367, + "##jack": 17368, + "161": 17369, + "motifs": 17370, + "constitutes": 17371, + "cpu": 17372, + "##osh": 17373, + "jurisdictions": 17374, + "sd": 17375, + "tuning": 17376, + "irritation": 17377, + "woven": 17378, + "##uddin": 17379, + "fertility": 17380, + "gao": 17381, + "##erie": 17382, + "antagonist": 17383, + "impatient": 17384, + "glacial": 17385, + "hides": 17386, + "boarded": 17387, + "denominations": 17388, + "interception": 17389, + "##jas": 17390, + "cookie": 17391, + "nicola": 17392, + "##tee": 17393, + "algebraic": 17394, + "marquess": 17395, + "bahn": 17396, + "parole": 17397, + "buyers": 17398, + "bait": 17399, + "turbines": 17400, + "paperwork": 17401, + "bestowed": 17402, + "natasha": 17403, + "renee": 17404, + "oceans": 17405, + "purchases": 17406, + "157": 17407, + "vaccine": 17408, + "215": 17409, + "##tock": 17410, + "fixtures": 17411, + "playhouse": 17412, + "integrate": 17413, + "jai": 17414, + "oswald": 17415, + "intellectuals": 17416, + "##cky": 17417, + "booked": 17418, + "nests": 17419, + "mortimer": 17420, + "##isi": 17421, + "obsession": 17422, + "sept": 17423, + "##gler": 17424, + "##sum": 17425, + "440": 17426, + "scrutiny": 17427, + "simultaneous": 17428, + "squinted": 17429, + "##shin": 17430, + "collects": 17431, + "oven": 17432, + "shankar": 17433, + "penned": 17434, + "remarkably": 17435, + "##я": 17436, + "slips": 17437, + "luggage": 17438, + "spectral": 17439, + "1786": 17440, + "collaborations": 17441, + "louie": 17442, + "consolidation": 17443, + "##ailed": 17444, + "##ivating": 17445, + "420": 17446, + "hoover": 17447, + "blackpool": 17448, + "harness": 17449, + "ignition": 17450, + "vest": 17451, + "tails": 17452, + "belmont": 17453, + "mongol": 17454, + "skinner": 17455, + "##nae": 17456, + "visually": 17457, + "mage": 17458, + "derry": 17459, + "##tism": 17460, + "##unce": 17461, + "stevie": 17462, + "transitional": 17463, + "##rdy": 17464, + "redskins": 17465, + "drying": 17466, + "prep": 17467, + "prospective": 17468, + "##21": 17469, + "annoyance": 17470, + "oversee": 17471, + "##loaded": 17472, + "fills": 17473, + "##books": 17474, + "##iki": 17475, + "announces": 17476, + "fda": 17477, + "scowled": 17478, + "respects": 17479, + "prasad": 17480, + "mystic": 17481, + "tucson": 17482, + "##vale": 17483, + "revue": 17484, + "springer": 17485, + "bankrupt": 17486, + "1772": 17487, + "aristotle": 17488, + "salvatore": 17489, + "habsburg": 17490, + "##geny": 17491, + "dal": 17492, + "natal": 17493, + "nut": 17494, + "pod": 17495, + "chewing": 17496, + "darts": 17497, + "moroccan": 17498, + "walkover": 17499, + "rosario": 17500, + "lenin": 17501, + "punjabi": 17502, + "##ße": 17503, + "grossed": 17504, + "scattering": 17505, + "wired": 17506, + "invasive": 17507, + "hui": 17508, + "polynomial": 17509, + "corridors": 17510, + "wakes": 17511, + "gina": 17512, + "portrays": 17513, + "##cratic": 17514, + "arid": 17515, + "retreating": 17516, + "erich": 17517, + "irwin": 17518, + "sniper": 17519, + "##dha": 17520, + "linen": 17521, + "lindsey": 17522, + "maneuver": 17523, + "butch": 17524, + "shutting": 17525, + "socio": 17526, + "bounce": 17527, + "commemorative": 17528, + "postseason": 17529, + "jeremiah": 17530, + "pines": 17531, + "275": 17532, + "mystical": 17533, + "beads": 17534, + "bp": 17535, + "abbas": 17536, + "furnace": 17537, + "bidding": 17538, + "consulted": 17539, + "assaulted": 17540, + "empirical": 17541, + "rubble": 17542, + "enclosure": 17543, + "sob": 17544, + "weakly": 17545, + "cancel": 17546, + "polly": 17547, + "yielded": 17548, + "##emann": 17549, + "curly": 17550, + "prediction": 17551, + "battered": 17552, + "70s": 17553, + "vhs": 17554, + "jacqueline": 17555, + "render": 17556, + "sails": 17557, + "barked": 17558, + "detailing": 17559, + "grayson": 17560, + "riga": 17561, + "sloane": 17562, + "raging": 17563, + "##yah": 17564, + "herbs": 17565, + "bravo": 17566, + "##athlon": 17567, + "alloy": 17568, + "giggle": 17569, + "imminent": 17570, + "suffers": 17571, + "assumptions": 17572, + "waltz": 17573, + "##itate": 17574, + "accomplishments": 17575, + "##ited": 17576, + "bathing": 17577, + "remixed": 17578, + "deception": 17579, + "prefix": 17580, + "##emia": 17581, + "deepest": 17582, + "##tier": 17583, + "##eis": 17584, + "balkan": 17585, + "frogs": 17586, + "##rong": 17587, + "slab": 17588, + "##pate": 17589, + "philosophers": 17590, + "peterborough": 17591, + "grains": 17592, + "imports": 17593, + "dickinson": 17594, + "rwanda": 17595, + "##atics": 17596, + "1774": 17597, + "dirk": 17598, + "lan": 17599, + "tablets": 17600, + "##rove": 17601, + "clone": 17602, + "##rice": 17603, + "caretaker": 17604, + "hostilities": 17605, + "mclean": 17606, + "##gre": 17607, + "regimental": 17608, + "treasures": 17609, + "norms": 17610, + "impose": 17611, + "tsar": 17612, + "tango": 17613, + "diplomacy": 17614, + "variously": 17615, + "complain": 17616, + "192": 17617, + "recognise": 17618, + "arrests": 17619, + "1779": 17620, + "celestial": 17621, + "pulitzer": 17622, + "##dus": 17623, + "bing": 17624, + "libretto": 17625, + "##moor": 17626, + "adele": 17627, + "splash": 17628, + "##rite": 17629, + "expectation": 17630, + "lds": 17631, + "confronts": 17632, + "##izer": 17633, + "spontaneous": 17634, + "harmful": 17635, + "wedge": 17636, + "entrepreneurs": 17637, + "buyer": 17638, + "##ope": 17639, + "bilingual": 17640, + "translate": 17641, + "rugged": 17642, + "conner": 17643, + "circulated": 17644, + "uae": 17645, + "eaton": 17646, + "##gra": 17647, + "##zzle": 17648, + "lingered": 17649, + "lockheed": 17650, + "vishnu": 17651, + "reelection": 17652, + "alonso": 17653, + "##oom": 17654, + "joints": 17655, + "yankee": 17656, + "headline": 17657, + "cooperate": 17658, + "heinz": 17659, + "laureate": 17660, + "invading": 17661, + "##sford": 17662, + "echoes": 17663, + "scandinavian": 17664, + "##dham": 17665, + "hugging": 17666, + "vitamin": 17667, + "salute": 17668, + "micah": 17669, + "hind": 17670, + "trader": 17671, + "##sper": 17672, + "radioactive": 17673, + "##ndra": 17674, + "militants": 17675, + "poisoned": 17676, + "ratified": 17677, + "remark": 17678, + "campeonato": 17679, + "deprived": 17680, + "wander": 17681, + "prop": 17682, + "##dong": 17683, + "outlook": 17684, + "##tani": 17685, + "##rix": 17686, + "##eye": 17687, + "chiang": 17688, + "darcy": 17689, + "##oping": 17690, + "mandolin": 17691, + "spice": 17692, + "statesman": 17693, + "babylon": 17694, + "182": 17695, + "walled": 17696, + "forgetting": 17697, + "afro": 17698, + "##cap": 17699, + "158": 17700, + "giorgio": 17701, + "buffer": 17702, + "##polis": 17703, + "planetary": 17704, + "##gis": 17705, + "overlap": 17706, + "terminals": 17707, + "kinda": 17708, + "centenary": 17709, + "##bir": 17710, + "arising": 17711, + "manipulate": 17712, + "elm": 17713, + "ke": 17714, + "1770": 17715, + "ak": 17716, + "##tad": 17717, + "chrysler": 17718, + "mapped": 17719, + "moose": 17720, + "pomeranian": 17721, + "quad": 17722, + "macarthur": 17723, + "assemblies": 17724, + "shoreline": 17725, + "recalls": 17726, + "stratford": 17727, + "##rted": 17728, + "noticeable": 17729, + "##evic": 17730, + "imp": 17731, + "##rita": 17732, + "##sque": 17733, + "accustomed": 17734, + "supplying": 17735, + "tents": 17736, + "disgusted": 17737, + "vogue": 17738, + "sipped": 17739, + "filters": 17740, + "khz": 17741, + "reno": 17742, + "selecting": 17743, + "luftwaffe": 17744, + "mcmahon": 17745, + "tyne": 17746, + "masterpiece": 17747, + "carriages": 17748, + "collided": 17749, + "dunes": 17750, + "exercised": 17751, + "flare": 17752, + "remembers": 17753, + "muzzle": 17754, + "##mobile": 17755, + "heck": 17756, + "##rson": 17757, + "burgess": 17758, + "lunged": 17759, + "middleton": 17760, + "boycott": 17761, + "bilateral": 17762, + "##sity": 17763, + "hazardous": 17764, + "lumpur": 17765, + "multiplayer": 17766, + "spotlight": 17767, + "jackets": 17768, + "goldman": 17769, + "liege": 17770, + "porcelain": 17771, + "rag": 17772, + "waterford": 17773, + "benz": 17774, + "attracts": 17775, + "hopeful": 17776, + "battling": 17777, + "ottomans": 17778, + "kensington": 17779, + "baked": 17780, + "hymns": 17781, + "cheyenne": 17782, + "lattice": 17783, + "levine": 17784, + "borrow": 17785, + "polymer": 17786, + "clashes": 17787, + "michaels": 17788, + "monitored": 17789, + "commitments": 17790, + "denounced": 17791, + "##25": 17792, + "##von": 17793, + "cavity": 17794, + "##oney": 17795, + "hobby": 17796, + "akin": 17797, + "##holders": 17798, + "futures": 17799, + "intricate": 17800, + "cornish": 17801, + "patty": 17802, + "##oned": 17803, + "illegally": 17804, + "dolphin": 17805, + "##lag": 17806, + "barlow": 17807, + "yellowish": 17808, + "maddie": 17809, + "apologized": 17810, + "luton": 17811, + "plagued": 17812, + "##puram": 17813, + "nana": 17814, + "##rds": 17815, + "sway": 17816, + "fanny": 17817, + "łodz": 17818, + "##rino": 17819, + "psi": 17820, + "suspicions": 17821, + "hanged": 17822, + "##eding": 17823, + "initiate": 17824, + "charlton": 17825, + "##por": 17826, + "nak": 17827, + "competent": 17828, + "235": 17829, + "analytical": 17830, + "annex": 17831, + "wardrobe": 17832, + "reservations": 17833, + "##rma": 17834, + "sect": 17835, + "162": 17836, + "fairfax": 17837, + "hedge": 17838, + "piled": 17839, + "buckingham": 17840, + "uneven": 17841, + "bauer": 17842, + "simplicity": 17843, + "snyder": 17844, + "interpret": 17845, + "accountability": 17846, + "donors": 17847, + "moderately": 17848, + "byrd": 17849, + "continents": 17850, + "##cite": 17851, + "##max": 17852, + "disciple": 17853, + "hr": 17854, + "jamaican": 17855, + "ping": 17856, + "nominees": 17857, + "##uss": 17858, + "mongolian": 17859, + "diver": 17860, + "attackers": 17861, + "eagerly": 17862, + "ideological": 17863, + "pillows": 17864, + "miracles": 17865, + "apartheid": 17866, + "revolver": 17867, + "sulfur": 17868, + "clinics": 17869, + "moran": 17870, + "163": 17871, + "##enko": 17872, + "ile": 17873, + "katy": 17874, + "rhetoric": 17875, + "##icated": 17876, + "chronology": 17877, + "recycling": 17878, + "##hrer": 17879, + "elongated": 17880, + "mughal": 17881, + "pascal": 17882, + "profiles": 17883, + "vibration": 17884, + "databases": 17885, + "domination": 17886, + "##fare": 17887, + "##rant": 17888, + "matthias": 17889, + "digest": 17890, + "rehearsal": 17891, + "polling": 17892, + "weiss": 17893, + "initiation": 17894, + "reeves": 17895, + "clinging": 17896, + "flourished": 17897, + "impress": 17898, + "ngo": 17899, + "##hoff": 17900, + "##ume": 17901, + "buckley": 17902, + "symposium": 17903, + "rhythms": 17904, + "weed": 17905, + "emphasize": 17906, + "transforming": 17907, + "##taking": 17908, + "##gence": 17909, + "##yman": 17910, + "accountant": 17911, + "analyze": 17912, + "flicker": 17913, + "foil": 17914, + "priesthood": 17915, + "voluntarily": 17916, + "decreases": 17917, + "##80": 17918, + "##hya": 17919, + "slater": 17920, + "sv": 17921, + "charting": 17922, + "mcgill": 17923, + "##lde": 17924, + "moreno": 17925, + "##iu": 17926, + "besieged": 17927, + "zur": 17928, + "robes": 17929, + "##phic": 17930, + "admitting": 17931, + "api": 17932, + "deported": 17933, + "turmoil": 17934, + "peyton": 17935, + "earthquakes": 17936, + "##ares": 17937, + "nationalists": 17938, + "beau": 17939, + "clair": 17940, + "brethren": 17941, + "interrupt": 17942, + "welch": 17943, + "curated": 17944, + "galerie": 17945, + "requesting": 17946, + "164": 17947, + "##ested": 17948, + "impending": 17949, + "steward": 17950, + "viper": 17951, + "##vina": 17952, + "complaining": 17953, + "beautifully": 17954, + "brandy": 17955, + "foam": 17956, + "nl": 17957, + "1660": 17958, + "##cake": 17959, + "alessandro": 17960, + "punches": 17961, + "laced": 17962, + "explanations": 17963, + "##lim": 17964, + "attribute": 17965, + "clit": 17966, + "reggie": 17967, + "discomfort": 17968, + "##cards": 17969, + "smoothed": 17970, + "whales": 17971, + "##cene": 17972, + "adler": 17973, + "countered": 17974, + "duffy": 17975, + "disciplinary": 17976, + "widening": 17977, + "recipe": 17978, + "reliance": 17979, + "conducts": 17980, + "goats": 17981, + "gradient": 17982, + "preaching": 17983, + "##shaw": 17984, + "matilda": 17985, + "quasi": 17986, + "striped": 17987, + "meridian": 17988, + "cannabis": 17989, + "cordoba": 17990, + "certificates": 17991, + "##agh": 17992, + "##tering": 17993, + "graffiti": 17994, + "hangs": 17995, + "pilgrims": 17996, + "repeats": 17997, + "##ych": 17998, + "revive": 17999, + "urine": 18000, + "etat": 18001, + "##hawk": 18002, + "fueled": 18003, + "belts": 18004, + "fuzzy": 18005, + "susceptible": 18006, + "##hang": 18007, + "mauritius": 18008, + "salle": 18009, + "sincere": 18010, + "beers": 18011, + "hooks": 18012, + "##cki": 18013, + "arbitration": 18014, + "entrusted": 18015, + "advise": 18016, + "sniffed": 18017, + "seminar": 18018, + "junk": 18019, + "donnell": 18020, + "processors": 18021, + "principality": 18022, + "strapped": 18023, + "celia": 18024, + "mendoza": 18025, + "everton": 18026, + "fortunes": 18027, + "prejudice": 18028, + "starving": 18029, + "reassigned": 18030, + "steamer": 18031, + "##lund": 18032, + "tuck": 18033, + "evenly": 18034, + "foreman": 18035, + "##ffen": 18036, + "dans": 18037, + "375": 18038, + "envisioned": 18039, + "slit": 18040, + "##xy": 18041, + "baseman": 18042, + "liberia": 18043, + "rosemary": 18044, + "##weed": 18045, + "electrified": 18046, + "periodically": 18047, + "potassium": 18048, + "stride": 18049, + "contexts": 18050, + "sperm": 18051, + "slade": 18052, + "mariners": 18053, + "influx": 18054, + "bianca": 18055, + "subcommittee": 18056, + "##rane": 18057, + "spilling": 18058, + "icao": 18059, + "estuary": 18060, + "##nock": 18061, + "delivers": 18062, + "iphone": 18063, + "##ulata": 18064, + "isa": 18065, + "mira": 18066, + "bohemian": 18067, + "dessert": 18068, + "##sbury": 18069, + "welcoming": 18070, + "proudly": 18071, + "slowing": 18072, + "##chs": 18073, + "musee": 18074, + "ascension": 18075, + "russ": 18076, + "##vian": 18077, + "waits": 18078, + "##psy": 18079, + "africans": 18080, + "exploit": 18081, + "##morphic": 18082, + "gov": 18083, + "eccentric": 18084, + "crab": 18085, + "peck": 18086, + "##ull": 18087, + "entrances": 18088, + "formidable": 18089, + "marketplace": 18090, + "groom": 18091, + "bolted": 18092, + "metabolism": 18093, + "patton": 18094, + "robbins": 18095, + "courier": 18096, + "payload": 18097, + "endure": 18098, + "##ifier": 18099, + "andes": 18100, + "refrigerator": 18101, + "##pr": 18102, + "ornate": 18103, + "##uca": 18104, + "ruthless": 18105, + "illegitimate": 18106, + "masonry": 18107, + "strasbourg": 18108, + "bikes": 18109, + "adobe": 18110, + "##³": 18111, + "apples": 18112, + "quintet": 18113, + "willingly": 18114, + "niche": 18115, + "bakery": 18116, + "corpses": 18117, + "energetic": 18118, + "##cliffe": 18119, + "##sser": 18120, + "##ards": 18121, + "177": 18122, + "centimeters": 18123, + "centro": 18124, + "fuscous": 18125, + "cretaceous": 18126, + "rancho": 18127, + "##yde": 18128, + "andrei": 18129, + "telecom": 18130, + "tottenham": 18131, + "oasis": 18132, + "ordination": 18133, + "vulnerability": 18134, + "presiding": 18135, + "corey": 18136, + "cp": 18137, + "penguins": 18138, + "sims": 18139, + "##pis": 18140, + "malawi": 18141, + "piss": 18142, + "##48": 18143, + "correction": 18144, + "##cked": 18145, + "##ffle": 18146, + "##ryn": 18147, + "countdown": 18148, + "detectives": 18149, + "psychiatrist": 18150, + "psychedelic": 18151, + "dinosaurs": 18152, + "blouse": 18153, + "##get": 18154, + "choi": 18155, + "vowed": 18156, + "##oz": 18157, + "randomly": 18158, + "##pol": 18159, + "49ers": 18160, + "scrub": 18161, + "blanche": 18162, + "bruins": 18163, + "dusseldorf": 18164, + "##using": 18165, + "unwanted": 18166, + "##ums": 18167, + "212": 18168, + "dominique": 18169, + "elevations": 18170, + "headlights": 18171, + "om": 18172, + "laguna": 18173, + "##oga": 18174, + "1750": 18175, + "famously": 18176, + "ignorance": 18177, + "shrewsbury": 18178, + "##aine": 18179, + "ajax": 18180, + "breuning": 18181, + "che": 18182, + "confederacy": 18183, + "greco": 18184, + "overhaul": 18185, + "##screen": 18186, + "paz": 18187, + "skirts": 18188, + "disagreement": 18189, + "cruelty": 18190, + "jagged": 18191, + "phoebe": 18192, + "shifter": 18193, + "hovered": 18194, + "viruses": 18195, + "##wes": 18196, + "mandy": 18197, + "##lined": 18198, + "##gc": 18199, + "landlord": 18200, + "squirrel": 18201, + "dashed": 18202, + "##ι": 18203, + "ornamental": 18204, + "gag": 18205, + "wally": 18206, + "grange": 18207, + "literal": 18208, + "spurs": 18209, + "undisclosed": 18210, + "proceeding": 18211, + "yin": 18212, + "##text": 18213, + "billie": 18214, + "orphan": 18215, + "spanned": 18216, + "humidity": 18217, + "indy": 18218, + "weighted": 18219, + "presentations": 18220, + "explosions": 18221, + "lucian": 18222, + "##tary": 18223, + "vaughn": 18224, + "hindus": 18225, + "##anga": 18226, + "##hell": 18227, + "psycho": 18228, + "171": 18229, + "daytona": 18230, + "protects": 18231, + "efficiently": 18232, + "rematch": 18233, + "sly": 18234, + "tandem": 18235, + "##oya": 18236, + "rebranded": 18237, + "impaired": 18238, + "hee": 18239, + "metropolis": 18240, + "peach": 18241, + "godfrey": 18242, + "diaspora": 18243, + "ethnicity": 18244, + "prosperous": 18245, + "gleaming": 18246, + "dar": 18247, + "grossing": 18248, + "playback": 18249, + "##rden": 18250, + "stripe": 18251, + "pistols": 18252, + "##tain": 18253, + "births": 18254, + "labelled": 18255, + "##cating": 18256, + "172": 18257, + "rudy": 18258, + "alba": 18259, + "##onne": 18260, + "aquarium": 18261, + "hostility": 18262, + "##gb": 18263, + "##tase": 18264, + "shudder": 18265, + "sumatra": 18266, + "hardest": 18267, + "lakers": 18268, + "consonant": 18269, + "creeping": 18270, + "demos": 18271, + "homicide": 18272, + "capsule": 18273, + "zeke": 18274, + "liberties": 18275, + "expulsion": 18276, + "pueblo": 18277, + "##comb": 18278, + "trait": 18279, + "transporting": 18280, + "##ddin": 18281, + "##neck": 18282, + "##yna": 18283, + "depart": 18284, + "gregg": 18285, + "mold": 18286, + "ledge": 18287, + "hangar": 18288, + "oldham": 18289, + "playboy": 18290, + "termination": 18291, + "analysts": 18292, + "gmbh": 18293, + "romero": 18294, + "##itic": 18295, + "insist": 18296, + "cradle": 18297, + "filthy": 18298, + "brightness": 18299, + "slash": 18300, + "shootout": 18301, + "deposed": 18302, + "bordering": 18303, + "##truct": 18304, + "isis": 18305, + "microwave": 18306, + "tumbled": 18307, + "sheltered": 18308, + "cathy": 18309, + "werewolves": 18310, + "messy": 18311, + "andersen": 18312, + "convex": 18313, + "clapped": 18314, + "clinched": 18315, + "satire": 18316, + "wasting": 18317, + "edo": 18318, + "vc": 18319, + "rufus": 18320, + "##jak": 18321, + "mont": 18322, + "##etti": 18323, + "poznan": 18324, + "##keeping": 18325, + "restructuring": 18326, + "transverse": 18327, + "##rland": 18328, + "azerbaijani": 18329, + "slovene": 18330, + "gestures": 18331, + "roommate": 18332, + "choking": 18333, + "shear": 18334, + "##quist": 18335, + "vanguard": 18336, + "oblivious": 18337, + "##hiro": 18338, + "disagreed": 18339, + "baptism": 18340, + "##lich": 18341, + "coliseum": 18342, + "##aceae": 18343, + "salvage": 18344, + "societe": 18345, + "cory": 18346, + "locke": 18347, + "relocation": 18348, + "relying": 18349, + "versailles": 18350, + "ahl": 18351, + "swelling": 18352, + "##elo": 18353, + "cheerful": 18354, + "##word": 18355, + "##edes": 18356, + "gin": 18357, + "sarajevo": 18358, + "obstacle": 18359, + "diverted": 18360, + "##nac": 18361, + "messed": 18362, + "thoroughbred": 18363, + "fluttered": 18364, + "utrecht": 18365, + "chewed": 18366, + "acquaintance": 18367, + "assassins": 18368, + "dispatch": 18369, + "mirza": 18370, + "##wart": 18371, + "nike": 18372, + "salzburg": 18373, + "swell": 18374, + "yen": 18375, + "##gee": 18376, + "idle": 18377, + "ligue": 18378, + "samson": 18379, + "##nds": 18380, + "##igh": 18381, + "playful": 18382, + "spawned": 18383, + "##cise": 18384, + "tease": 18385, + "##case": 18386, + "burgundy": 18387, + "##bot": 18388, + "stirring": 18389, + "skeptical": 18390, + "interceptions": 18391, + "marathi": 18392, + "##dies": 18393, + "bedrooms": 18394, + "aroused": 18395, + "pinch": 18396, + "##lik": 18397, + "preferences": 18398, + "tattoos": 18399, + "buster": 18400, + "digitally": 18401, + "projecting": 18402, + "rust": 18403, + "##ital": 18404, + "kitten": 18405, + "priorities": 18406, + "addison": 18407, + "pseudo": 18408, + "##guard": 18409, + "dusk": 18410, + "icons": 18411, + "sermon": 18412, + "##psis": 18413, + "##iba": 18414, + "bt": 18415, + "##lift": 18416, + "##xt": 18417, + "ju": 18418, + "truce": 18419, + "rink": 18420, + "##dah": 18421, + "##wy": 18422, + "defects": 18423, + "psychiatry": 18424, + "offences": 18425, + "calculate": 18426, + "glucose": 18427, + "##iful": 18428, + "##rized": 18429, + "##unda": 18430, + "francaise": 18431, + "##hari": 18432, + "richest": 18433, + "warwickshire": 18434, + "carly": 18435, + "1763": 18436, + "purity": 18437, + "redemption": 18438, + "lending": 18439, + "##cious": 18440, + "muse": 18441, + "bruises": 18442, + "cerebral": 18443, + "aero": 18444, + "carving": 18445, + "##name": 18446, + "preface": 18447, + "terminology": 18448, + "invade": 18449, + "monty": 18450, + "##int": 18451, + "anarchist": 18452, + "blurred": 18453, + "##iled": 18454, + "rossi": 18455, + "treats": 18456, + "guts": 18457, + "shu": 18458, + "foothills": 18459, + "ballads": 18460, + "undertaking": 18461, + "premise": 18462, + "cecilia": 18463, + "affiliates": 18464, + "blasted": 18465, + "conditional": 18466, + "wilder": 18467, + "minors": 18468, + "drone": 18469, + "rudolph": 18470, + "buffy": 18471, + "swallowing": 18472, + "horton": 18473, + "attested": 18474, + "##hop": 18475, + "rutherford": 18476, + "howell": 18477, + "primetime": 18478, + "livery": 18479, + "penal": 18480, + "##bis": 18481, + "minimize": 18482, + "hydro": 18483, + "wrecked": 18484, + "wrought": 18485, + "palazzo": 18486, + "##gling": 18487, + "cans": 18488, + "vernacular": 18489, + "friedman": 18490, + "nobleman": 18491, + "shale": 18492, + "walnut": 18493, + "danielle": 18494, + "##ection": 18495, + "##tley": 18496, + "sears": 18497, + "##kumar": 18498, + "chords": 18499, + "lend": 18500, + "flipping": 18501, + "streamed": 18502, + "por": 18503, + "dracula": 18504, + "gallons": 18505, + "sacrifices": 18506, + "gamble": 18507, + "orphanage": 18508, + "##iman": 18509, + "mckenzie": 18510, + "##gible": 18511, + "boxers": 18512, + "daly": 18513, + "##balls": 18514, + "##ان": 18515, + "208": 18516, + "##ific": 18517, + "##rative": 18518, + "##iq": 18519, + "exploited": 18520, + "slated": 18521, + "##uity": 18522, + "circling": 18523, + "hillary": 18524, + "pinched": 18525, + "goldberg": 18526, + "provost": 18527, + "campaigning": 18528, + "lim": 18529, + "piles": 18530, + "ironically": 18531, + "jong": 18532, + "mohan": 18533, + "successors": 18534, + "usaf": 18535, + "##tem": 18536, + "##ught": 18537, + "autobiographical": 18538, + "haute": 18539, + "preserves": 18540, + "##ending": 18541, + "acquitted": 18542, + "comparisons": 18543, + "203": 18544, + "hydroelectric": 18545, + "gangs": 18546, + "cypriot": 18547, + "torpedoes": 18548, + "rushes": 18549, + "chrome": 18550, + "derive": 18551, + "bumps": 18552, + "instability": 18553, + "fiat": 18554, + "pets": 18555, + "##mbe": 18556, + "silas": 18557, + "dye": 18558, + "reckless": 18559, + "settler": 18560, + "##itation": 18561, + "info": 18562, + "heats": 18563, + "##writing": 18564, + "176": 18565, + "canonical": 18566, + "maltese": 18567, + "fins": 18568, + "mushroom": 18569, + "stacy": 18570, + "aspen": 18571, + "avid": 18572, + "##kur": 18573, + "##loading": 18574, + "vickers": 18575, + "gaston": 18576, + "hillside": 18577, + "statutes": 18578, + "wilde": 18579, + "gail": 18580, + "kung": 18581, + "sabine": 18582, + "comfortably": 18583, + "motorcycles": 18584, + "##rgo": 18585, + "169": 18586, + "pneumonia": 18587, + "fetch": 18588, + "##sonic": 18589, + "axel": 18590, + "faintly": 18591, + "parallels": 18592, + "##oop": 18593, + "mclaren": 18594, + "spouse": 18595, + "compton": 18596, + "interdisciplinary": 18597, + "miner": 18598, + "##eni": 18599, + "181": 18600, + "clamped": 18601, + "##chal": 18602, + "##llah": 18603, + "separates": 18604, + "versa": 18605, + "##mler": 18606, + "scarborough": 18607, + "labrador": 18608, + "##lity": 18609, + "##osing": 18610, + "rutgers": 18611, + "hurdles": 18612, + "como": 18613, + "166": 18614, + "burt": 18615, + "divers": 18616, + "##100": 18617, + "wichita": 18618, + "cade": 18619, + "coincided": 18620, + "##erson": 18621, + "bruised": 18622, + "mla": 18623, + "##pper": 18624, + "vineyard": 18625, + "##ili": 18626, + "##brush": 18627, + "notch": 18628, + "mentioning": 18629, + "jase": 18630, + "hearted": 18631, + "kits": 18632, + "doe": 18633, + "##acle": 18634, + "pomerania": 18635, + "##ady": 18636, + "ronan": 18637, + "seizure": 18638, + "pavel": 18639, + "problematic": 18640, + "##zaki": 18641, + "domenico": 18642, + "##ulin": 18643, + "catering": 18644, + "penelope": 18645, + "dependence": 18646, + "parental": 18647, + "emilio": 18648, + "ministerial": 18649, + "atkinson": 18650, + "##bolic": 18651, + "clarkson": 18652, + "chargers": 18653, + "colby": 18654, + "grill": 18655, + "peeked": 18656, + "arises": 18657, + "summon": 18658, + "##aged": 18659, + "fools": 18660, + "##grapher": 18661, + "faculties": 18662, + "qaeda": 18663, + "##vial": 18664, + "garner": 18665, + "refurbished": 18666, + "##hwa": 18667, + "geelong": 18668, + "disasters": 18669, + "nudged": 18670, + "bs": 18671, + "shareholder": 18672, + "lori": 18673, + "algae": 18674, + "reinstated": 18675, + "rot": 18676, + "##ades": 18677, + "##nous": 18678, + "invites": 18679, + "stainless": 18680, + "183": 18681, + "inclusive": 18682, + "##itude": 18683, + "diocesan": 18684, + "til": 18685, + "##icz": 18686, + "denomination": 18687, + "##xa": 18688, + "benton": 18689, + "floral": 18690, + "registers": 18691, + "##ider": 18692, + "##erman": 18693, + "##kell": 18694, + "absurd": 18695, + "brunei": 18696, + "guangzhou": 18697, + "hitter": 18698, + "retaliation": 18699, + "##uled": 18700, + "##eve": 18701, + "blanc": 18702, + "nh": 18703, + "consistency": 18704, + "contamination": 18705, + "##eres": 18706, + "##rner": 18707, + "dire": 18708, + "palermo": 18709, + "broadcasters": 18710, + "diaries": 18711, + "inspire": 18712, + "vols": 18713, + "brewer": 18714, + "tightening": 18715, + "ky": 18716, + "mixtape": 18717, + "hormone": 18718, + "##tok": 18719, + "stokes": 18720, + "##color": 18721, + "##dly": 18722, + "##ssi": 18723, + "pg": 18724, + "##ometer": 18725, + "##lington": 18726, + "sanitation": 18727, + "##tility": 18728, + "intercontinental": 18729, + "apps": 18730, + "##adt": 18731, + "¹⁄₂": 18732, + "cylinders": 18733, + "economies": 18734, + "favourable": 18735, + "unison": 18736, + "croix": 18737, + "gertrude": 18738, + "odyssey": 18739, + "vanity": 18740, + "dangling": 18741, + "##logists": 18742, + "upgrades": 18743, + "dice": 18744, + "middleweight": 18745, + "practitioner": 18746, + "##ight": 18747, + "206": 18748, + "henrik": 18749, + "parlor": 18750, + "orion": 18751, + "angered": 18752, + "lac": 18753, + "python": 18754, + "blurted": 18755, + "##rri": 18756, + "sensual": 18757, + "intends": 18758, + "swings": 18759, + "angled": 18760, + "##phs": 18761, + "husky": 18762, + "attain": 18763, + "peerage": 18764, + "precinct": 18765, + "textiles": 18766, + "cheltenham": 18767, + "shuffled": 18768, + "dai": 18769, + "confess": 18770, + "tasting": 18771, + "bhutan": 18772, + "##riation": 18773, + "tyrone": 18774, + "segregation": 18775, + "abrupt": 18776, + "ruiz": 18777, + "##rish": 18778, + "smirked": 18779, + "blackwell": 18780, + "confidential": 18781, + "browning": 18782, + "amounted": 18783, + "##put": 18784, + "vase": 18785, + "scarce": 18786, + "fabulous": 18787, + "raided": 18788, + "staple": 18789, + "guyana": 18790, + "unemployed": 18791, + "glider": 18792, + "shay": 18793, + "##tow": 18794, + "carmine": 18795, + "troll": 18796, + "intervene": 18797, + "squash": 18798, + "superstar": 18799, + "##uce": 18800, + "cylindrical": 18801, + "len": 18802, + "roadway": 18803, + "researched": 18804, + "handy": 18805, + "##rium": 18806, + "##jana": 18807, + "meta": 18808, + "lao": 18809, + "declares": 18810, + "##rring": 18811, + "##tadt": 18812, + "##elin": 18813, + "##kova": 18814, + "willem": 18815, + "shrubs": 18816, + "napoleonic": 18817, + "realms": 18818, + "skater": 18819, + "qi": 18820, + "volkswagen": 18821, + "##ł": 18822, + "tad": 18823, + "hara": 18824, + "archaeologist": 18825, + "awkwardly": 18826, + "eerie": 18827, + "##kind": 18828, + "wiley": 18829, + "##heimer": 18830, + "##24": 18831, + "titus": 18832, + "organizers": 18833, + "cfl": 18834, + "crusaders": 18835, + "lama": 18836, + "usb": 18837, + "vent": 18838, + "enraged": 18839, + "thankful": 18840, + "occupants": 18841, + "maximilian": 18842, + "##gaard": 18843, + "possessing": 18844, + "textbooks": 18845, + "##oran": 18846, + "collaborator": 18847, + "quaker": 18848, + "##ulo": 18849, + "avalanche": 18850, + "mono": 18851, + "silky": 18852, + "straits": 18853, + "isaiah": 18854, + "mustang": 18855, + "surged": 18856, + "resolutions": 18857, + "potomac": 18858, + "descend": 18859, + "cl": 18860, + "kilograms": 18861, + "plato": 18862, + "strains": 18863, + "saturdays": 18864, + "##olin": 18865, + "bernstein": 18866, + "##ype": 18867, + "holstein": 18868, + "ponytail": 18869, + "##watch": 18870, + "belize": 18871, + "conversely": 18872, + "heroine": 18873, + "perpetual": 18874, + "##ylus": 18875, + "charcoal": 18876, + "piedmont": 18877, + "glee": 18878, + "negotiating": 18879, + "backdrop": 18880, + "prologue": 18881, + "##jah": 18882, + "##mmy": 18883, + "pasadena": 18884, + "climbs": 18885, + "ramos": 18886, + "sunni": 18887, + "##holm": 18888, + "##tner": 18889, + "##tri": 18890, + "anand": 18891, + "deficiency": 18892, + "hertfordshire": 18893, + "stout": 18894, + "##avi": 18895, + "aperture": 18896, + "orioles": 18897, + "##irs": 18898, + "doncaster": 18899, + "intrigued": 18900, + "bombed": 18901, + "coating": 18902, + "otis": 18903, + "##mat": 18904, + "cocktail": 18905, + "##jit": 18906, + "##eto": 18907, + "amir": 18908, + "arousal": 18909, + "sar": 18910, + "##proof": 18911, + "##act": 18912, + "##ories": 18913, + "dixie": 18914, + "pots": 18915, + "##bow": 18916, + "whereabouts": 18917, + "159": 18918, + "##fted": 18919, + "drains": 18920, + "bullying": 18921, + "cottages": 18922, + "scripture": 18923, + "coherent": 18924, + "fore": 18925, + "poe": 18926, + "appetite": 18927, + "##uration": 18928, + "sampled": 18929, + "##ators": 18930, + "##dp": 18931, + "derrick": 18932, + "rotor": 18933, + "jays": 18934, + "peacock": 18935, + "installment": 18936, + "##rro": 18937, + "advisors": 18938, + "##coming": 18939, + "rodeo": 18940, + "scotch": 18941, + "##mot": 18942, + "##db": 18943, + "##fen": 18944, + "##vant": 18945, + "ensued": 18946, + "rodrigo": 18947, + "dictatorship": 18948, + "martyrs": 18949, + "twenties": 18950, + "##н": 18951, + "towed": 18952, + "incidence": 18953, + "marta": 18954, + "rainforest": 18955, + "sai": 18956, + "scaled": 18957, + "##cles": 18958, + "oceanic": 18959, + "qualifiers": 18960, + "symphonic": 18961, + "mcbride": 18962, + "dislike": 18963, + "generalized": 18964, + "aubrey": 18965, + "colonization": 18966, + "##iation": 18967, + "##lion": 18968, + "##ssing": 18969, + "disliked": 18970, + "lublin": 18971, + "salesman": 18972, + "##ulates": 18973, + "spherical": 18974, + "whatsoever": 18975, + "sweating": 18976, + "avalon": 18977, + "contention": 18978, + "punt": 18979, + "severity": 18980, + "alderman": 18981, + "atari": 18982, + "##dina": 18983, + "##grant": 18984, + "##rop": 18985, + "scarf": 18986, + "seville": 18987, + "vertices": 18988, + "annexation": 18989, + "fairfield": 18990, + "fascination": 18991, + "inspiring": 18992, + "launches": 18993, + "palatinate": 18994, + "regretted": 18995, + "##rca": 18996, + "feral": 18997, + "##iom": 18998, + "elk": 18999, + "nap": 19000, + "olsen": 19001, + "reddy": 19002, + "yong": 19003, + "##leader": 19004, + "##iae": 19005, + "garment": 19006, + "transports": 19007, + "feng": 19008, + "gracie": 19009, + "outrage": 19010, + "viceroy": 19011, + "insides": 19012, + "##esis": 19013, + "breakup": 19014, + "grady": 19015, + "organizer": 19016, + "softer": 19017, + "grimaced": 19018, + "222": 19019, + "murals": 19020, + "galicia": 19021, + "arranging": 19022, + "vectors": 19023, + "##rsten": 19024, + "bas": 19025, + "##sb": 19026, + "##cens": 19027, + "sloan": 19028, + "##eka": 19029, + "bitten": 19030, + "ara": 19031, + "fender": 19032, + "nausea": 19033, + "bumped": 19034, + "kris": 19035, + "banquet": 19036, + "comrades": 19037, + "detector": 19038, + "persisted": 19039, + "##llan": 19040, + "adjustment": 19041, + "endowed": 19042, + "cinemas": 19043, + "##shot": 19044, + "sellers": 19045, + "##uman": 19046, + "peek": 19047, + "epa": 19048, + "kindly": 19049, + "neglect": 19050, + "simpsons": 19051, + "talon": 19052, + "mausoleum": 19053, + "runaway": 19054, + "hangul": 19055, + "lookout": 19056, + "##cic": 19057, + "rewards": 19058, + "coughed": 19059, + "acquainted": 19060, + "chloride": 19061, + "##ald": 19062, + "quicker": 19063, + "accordion": 19064, + "neolithic": 19065, + "##qa": 19066, + "artemis": 19067, + "coefficient": 19068, + "lenny": 19069, + "pandora": 19070, + "tx": 19071, + "##xed": 19072, + "ecstasy": 19073, + "litter": 19074, + "segunda": 19075, + "chairperson": 19076, + "gemma": 19077, + "hiss": 19078, + "rumor": 19079, + "vow": 19080, + "nasal": 19081, + "antioch": 19082, + "compensate": 19083, + "patiently": 19084, + "transformers": 19085, + "##eded": 19086, + "judo": 19087, + "morrow": 19088, + "penis": 19089, + "posthumous": 19090, + "philips": 19091, + "bandits": 19092, + "husbands": 19093, + "denote": 19094, + "flaming": 19095, + "##any": 19096, + "##phones": 19097, + "langley": 19098, + "yorker": 19099, + "1760": 19100, + "walters": 19101, + "##uo": 19102, + "##kle": 19103, + "gubernatorial": 19104, + "fatty": 19105, + "samsung": 19106, + "leroy": 19107, + "outlaw": 19108, + "##nine": 19109, + "unpublished": 19110, + "poole": 19111, + "jakob": 19112, + "##ᵢ": 19113, + "##ₙ": 19114, + "crete": 19115, + "distorted": 19116, + "superiority": 19117, + "##dhi": 19118, + "intercept": 19119, + "crust": 19120, + "mig": 19121, + "claus": 19122, + "crashes": 19123, + "positioning": 19124, + "188": 19125, + "stallion": 19126, + "301": 19127, + "frontal": 19128, + "armistice": 19129, + "##estinal": 19130, + "elton": 19131, + "aj": 19132, + "encompassing": 19133, + "camel": 19134, + "commemorated": 19135, + "malaria": 19136, + "woodward": 19137, + "calf": 19138, + "cigar": 19139, + "penetrate": 19140, + "##oso": 19141, + "willard": 19142, + "##rno": 19143, + "##uche": 19144, + "illustrate": 19145, + "amusing": 19146, + "convergence": 19147, + "noteworthy": 19148, + "##lma": 19149, + "##rva": 19150, + "journeys": 19151, + "realise": 19152, + "manfred": 19153, + "##sable": 19154, + "410": 19155, + "##vocation": 19156, + "hearings": 19157, + "fiance": 19158, + "##posed": 19159, + "educators": 19160, + "provoked": 19161, + "adjusting": 19162, + "##cturing": 19163, + "modular": 19164, + "stockton": 19165, + "paterson": 19166, + "vlad": 19167, + "rejects": 19168, + "electors": 19169, + "selena": 19170, + "maureen": 19171, + "##tres": 19172, + "uber": 19173, + "##rce": 19174, + "swirled": 19175, + "##num": 19176, + "proportions": 19177, + "nanny": 19178, + "pawn": 19179, + "naturalist": 19180, + "parma": 19181, + "apostles": 19182, + "awoke": 19183, + "ethel": 19184, + "wen": 19185, + "##bey": 19186, + "monsoon": 19187, + "overview": 19188, + "##inating": 19189, + "mccain": 19190, + "rendition": 19191, + "risky": 19192, + "adorned": 19193, + "##ih": 19194, + "equestrian": 19195, + "germain": 19196, + "nj": 19197, + "conspicuous": 19198, + "confirming": 19199, + "##yoshi": 19200, + "shivering": 19201, + "##imeter": 19202, + "milestone": 19203, + "rumours": 19204, + "flinched": 19205, + "bounds": 19206, + "smacked": 19207, + "token": 19208, + "##bei": 19209, + "lectured": 19210, + "automobiles": 19211, + "##shore": 19212, + "impacted": 19213, + "##iable": 19214, + "nouns": 19215, + "nero": 19216, + "##leaf": 19217, + "ismail": 19218, + "prostitute": 19219, + "trams": 19220, + "##lace": 19221, + "bridget": 19222, + "sud": 19223, + "stimulus": 19224, + "impressions": 19225, + "reins": 19226, + "revolves": 19227, + "##oud": 19228, + "##gned": 19229, + "giro": 19230, + "honeymoon": 19231, + "##swell": 19232, + "criterion": 19233, + "##sms": 19234, + "##uil": 19235, + "libyan": 19236, + "prefers": 19237, + "##osition": 19238, + "211": 19239, + "preview": 19240, + "sucks": 19241, + "accusation": 19242, + "bursts": 19243, + "metaphor": 19244, + "diffusion": 19245, + "tolerate": 19246, + "faye": 19247, + "betting": 19248, + "cinematographer": 19249, + "liturgical": 19250, + "specials": 19251, + "bitterly": 19252, + "humboldt": 19253, + "##ckle": 19254, + "flux": 19255, + "rattled": 19256, + "##itzer": 19257, + "archaeologists": 19258, + "odor": 19259, + "authorised": 19260, + "marshes": 19261, + "discretion": 19262, + "##ов": 19263, + "alarmed": 19264, + "archaic": 19265, + "inverse": 19266, + "##leton": 19267, + "explorers": 19268, + "##pine": 19269, + "drummond": 19270, + "tsunami": 19271, + "woodlands": 19272, + "##minate": 19273, + "##tland": 19274, + "booklet": 19275, + "insanity": 19276, + "owning": 19277, + "insert": 19278, + "crafted": 19279, + "calculus": 19280, + "##tore": 19281, + "receivers": 19282, + "##bt": 19283, + "stung": 19284, + "##eca": 19285, + "##nched": 19286, + "prevailing": 19287, + "travellers": 19288, + "eyeing": 19289, + "lila": 19290, + "graphs": 19291, + "##borne": 19292, + "178": 19293, + "julien": 19294, + "##won": 19295, + "morale": 19296, + "adaptive": 19297, + "therapist": 19298, + "erica": 19299, + "cw": 19300, + "libertarian": 19301, + "bowman": 19302, + "pitches": 19303, + "vita": 19304, + "##ional": 19305, + "crook": 19306, + "##ads": 19307, + "##entation": 19308, + "caledonia": 19309, + "mutiny": 19310, + "##sible": 19311, + "1840s": 19312, + "automation": 19313, + "##ß": 19314, + "flock": 19315, + "##pia": 19316, + "ironic": 19317, + "pathology": 19318, + "##imus": 19319, + "remarried": 19320, + "##22": 19321, + "joker": 19322, + "withstand": 19323, + "energies": 19324, + "##att": 19325, + "shropshire": 19326, + "hostages": 19327, + "madeleine": 19328, + "tentatively": 19329, + "conflicting": 19330, + "mateo": 19331, + "recipes": 19332, + "euros": 19333, + "ol": 19334, + "mercenaries": 19335, + "nico": 19336, + "##ndon": 19337, + "albuquerque": 19338, + "augmented": 19339, + "mythical": 19340, + "bel": 19341, + "freud": 19342, + "##child": 19343, + "cough": 19344, + "##lica": 19345, + "365": 19346, + "freddy": 19347, + "lillian": 19348, + "genetically": 19349, + "nuremberg": 19350, + "calder": 19351, + "209": 19352, + "bonn": 19353, + "outdoors": 19354, + "paste": 19355, + "suns": 19356, + "urgency": 19357, + "vin": 19358, + "restraint": 19359, + "tyson": 19360, + "##cera": 19361, + "##selle": 19362, + "barrage": 19363, + "bethlehem": 19364, + "kahn": 19365, + "##par": 19366, + "mounts": 19367, + "nippon": 19368, + "barony": 19369, + "happier": 19370, + "ryu": 19371, + "makeshift": 19372, + "sheldon": 19373, + "blushed": 19374, + "castillo": 19375, + "barking": 19376, + "listener": 19377, + "taped": 19378, + "bethel": 19379, + "fluent": 19380, + "headlines": 19381, + "pornography": 19382, + "rum": 19383, + "disclosure": 19384, + "sighing": 19385, + "mace": 19386, + "doubling": 19387, + "gunther": 19388, + "manly": 19389, + "##plex": 19390, + "rt": 19391, + "interventions": 19392, + "physiological": 19393, + "forwards": 19394, + "emerges": 19395, + "##tooth": 19396, + "##gny": 19397, + "compliment": 19398, + "rib": 19399, + "recession": 19400, + "visibly": 19401, + "barge": 19402, + "faults": 19403, + "connector": 19404, + "exquisite": 19405, + "prefect": 19406, + "##rlin": 19407, + "patio": 19408, + "##cured": 19409, + "elevators": 19410, + "brandt": 19411, + "italics": 19412, + "pena": 19413, + "173": 19414, + "wasp": 19415, + "satin": 19416, + "ea": 19417, + "botswana": 19418, + "graceful": 19419, + "respectable": 19420, + "##jima": 19421, + "##rter": 19422, + "##oic": 19423, + "franciscan": 19424, + "generates": 19425, + "##dl": 19426, + "alfredo": 19427, + "disgusting": 19428, + "##olate": 19429, + "##iously": 19430, + "sherwood": 19431, + "warns": 19432, + "cod": 19433, + "promo": 19434, + "cheryl": 19435, + "sino": 19436, + "##ة": 19437, + "##escu": 19438, + "twitch": 19439, + "##zhi": 19440, + "brownish": 19441, + "thom": 19442, + "ortiz": 19443, + "##dron": 19444, + "densely": 19445, + "##beat": 19446, + "carmel": 19447, + "reinforce": 19448, + "##bana": 19449, + "187": 19450, + "anastasia": 19451, + "downhill": 19452, + "vertex": 19453, + "contaminated": 19454, + "remembrance": 19455, + "harmonic": 19456, + "homework": 19457, + "##sol": 19458, + "fiancee": 19459, + "gears": 19460, + "olds": 19461, + "angelica": 19462, + "loft": 19463, + "ramsay": 19464, + "quiz": 19465, + "colliery": 19466, + "sevens": 19467, + "##cape": 19468, + "autism": 19469, + "##hil": 19470, + "walkway": 19471, + "##boats": 19472, + "ruben": 19473, + "abnormal": 19474, + "ounce": 19475, + "khmer": 19476, + "##bbe": 19477, + "zachary": 19478, + "bedside": 19479, + "morphology": 19480, + "punching": 19481, + "##olar": 19482, + "sparrow": 19483, + "convinces": 19484, + "##35": 19485, + "hewitt": 19486, + "queer": 19487, + "remastered": 19488, + "rods": 19489, + "mabel": 19490, + "solemn": 19491, + "notified": 19492, + "lyricist": 19493, + "symmetric": 19494, + "##xide": 19495, + "174": 19496, + "encore": 19497, + "passports": 19498, + "wildcats": 19499, + "##uni": 19500, + "baja": 19501, + "##pac": 19502, + "mildly": 19503, + "##ease": 19504, + "bleed": 19505, + "commodity": 19506, + "mounds": 19507, + "glossy": 19508, + "orchestras": 19509, + "##omo": 19510, + "damian": 19511, + "prelude": 19512, + "ambitions": 19513, + "##vet": 19514, + "awhile": 19515, + "remotely": 19516, + "##aud": 19517, + "asserts": 19518, + "imply": 19519, + "##iques": 19520, + "distinctly": 19521, + "modelling": 19522, + "remedy": 19523, + "##dded": 19524, + "windshield": 19525, + "dani": 19526, + "xiao": 19527, + "##endra": 19528, + "audible": 19529, + "powerplant": 19530, + "1300": 19531, + "invalid": 19532, + "elemental": 19533, + "acquisitions": 19534, + "##hala": 19535, + "immaculate": 19536, + "libby": 19537, + "plata": 19538, + "smuggling": 19539, + "ventilation": 19540, + "denoted": 19541, + "minh": 19542, + "##morphism": 19543, + "430": 19544, + "differed": 19545, + "dion": 19546, + "kelley": 19547, + "lore": 19548, + "mocking": 19549, + "sabbath": 19550, + "spikes": 19551, + "hygiene": 19552, + "drown": 19553, + "runoff": 19554, + "stylized": 19555, + "tally": 19556, + "liberated": 19557, + "aux": 19558, + "interpreter": 19559, + "righteous": 19560, + "aba": 19561, + "siren": 19562, + "reaper": 19563, + "pearce": 19564, + "millie": 19565, + "##cier": 19566, + "##yra": 19567, + "gaius": 19568, + "##iso": 19569, + "captures": 19570, + "##ttering": 19571, + "dorm": 19572, + "claudio": 19573, + "##sic": 19574, + "benches": 19575, + "knighted": 19576, + "blackness": 19577, + "##ored": 19578, + "discount": 19579, + "fumble": 19580, + "oxidation": 19581, + "routed": 19582, + "##ς": 19583, + "novak": 19584, + "perpendicular": 19585, + "spoiled": 19586, + "fracture": 19587, + "splits": 19588, + "##urt": 19589, + "pads": 19590, + "topology": 19591, + "##cats": 19592, + "axes": 19593, + "fortunate": 19594, + "offenders": 19595, + "protestants": 19596, + "esteem": 19597, + "221": 19598, + "broadband": 19599, + "convened": 19600, + "frankly": 19601, + "hound": 19602, + "prototypes": 19603, + "isil": 19604, + "facilitated": 19605, + "keel": 19606, + "##sher": 19607, + "sahara": 19608, + "awaited": 19609, + "bubba": 19610, + "orb": 19611, + "prosecutors": 19612, + "186": 19613, + "hem": 19614, + "520": 19615, + "##xing": 19616, + "relaxing": 19617, + "remnant": 19618, + "romney": 19619, + "sorted": 19620, + "slalom": 19621, + "stefano": 19622, + "ulrich": 19623, + "##active": 19624, + "exemption": 19625, + "folder": 19626, + "pauses": 19627, + "foliage": 19628, + "hitchcock": 19629, + "epithet": 19630, + "204": 19631, + "criticisms": 19632, + "##aca": 19633, + "ballistic": 19634, + "brody": 19635, + "hinduism": 19636, + "chaotic": 19637, + "youths": 19638, + "equals": 19639, + "##pala": 19640, + "pts": 19641, + "thicker": 19642, + "analogous": 19643, + "capitalist": 19644, + "improvised": 19645, + "overseeing": 19646, + "sinatra": 19647, + "ascended": 19648, + "beverage": 19649, + "##tl": 19650, + "straightforward": 19651, + "##kon": 19652, + "curran": 19653, + "##west": 19654, + "bois": 19655, + "325": 19656, + "induce": 19657, + "surveying": 19658, + "emperors": 19659, + "sax": 19660, + "unpopular": 19661, + "##kk": 19662, + "cartoonist": 19663, + "fused": 19664, + "##mble": 19665, + "unto": 19666, + "##yuki": 19667, + "localities": 19668, + "##cko": 19669, + "##ln": 19670, + "darlington": 19671, + "slain": 19672, + "academie": 19673, + "lobbying": 19674, + "sediment": 19675, + "puzzles": 19676, + "##grass": 19677, + "defiance": 19678, + "dickens": 19679, + "manifest": 19680, + "tongues": 19681, + "alumnus": 19682, + "arbor": 19683, + "coincide": 19684, + "184": 19685, + "appalachian": 19686, + "mustafa": 19687, + "examiner": 19688, + "cabaret": 19689, + "traumatic": 19690, + "yves": 19691, + "bracelet": 19692, + "draining": 19693, + "heroin": 19694, + "magnum": 19695, + "baths": 19696, + "odessa": 19697, + "consonants": 19698, + "mitsubishi": 19699, + "##gua": 19700, + "kellan": 19701, + "vaudeville": 19702, + "##fr": 19703, + "joked": 19704, + "null": 19705, + "straps": 19706, + "probation": 19707, + "##ław": 19708, + "ceded": 19709, + "interfaces": 19710, + "##pas": 19711, + "##zawa": 19712, + "blinding": 19713, + "viet": 19714, + "224": 19715, + "rothschild": 19716, + "museo": 19717, + "640": 19718, + "huddersfield": 19719, + "##vr": 19720, + "tactic": 19721, + "##storm": 19722, + "brackets": 19723, + "dazed": 19724, + "incorrectly": 19725, + "##vu": 19726, + "reg": 19727, + "glazed": 19728, + "fearful": 19729, + "manifold": 19730, + "benefited": 19731, + "irony": 19732, + "##sun": 19733, + "stumbling": 19734, + "##rte": 19735, + "willingness": 19736, + "balkans": 19737, + "mei": 19738, + "wraps": 19739, + "##aba": 19740, + "injected": 19741, + "##lea": 19742, + "gu": 19743, + "syed": 19744, + "harmless": 19745, + "##hammer": 19746, + "bray": 19747, + "takeoff": 19748, + "poppy": 19749, + "timor": 19750, + "cardboard": 19751, + "astronaut": 19752, + "purdue": 19753, + "weeping": 19754, + "southbound": 19755, + "cursing": 19756, + "stalls": 19757, + "diagonal": 19758, + "##neer": 19759, + "lamar": 19760, + "bryce": 19761, + "comte": 19762, + "weekdays": 19763, + "harrington": 19764, + "##uba": 19765, + "negatively": 19766, + "##see": 19767, + "lays": 19768, + "grouping": 19769, + "##cken": 19770, + "##henko": 19771, + "affirmed": 19772, + "halle": 19773, + "modernist": 19774, + "##lai": 19775, + "hodges": 19776, + "smelling": 19777, + "aristocratic": 19778, + "baptized": 19779, + "dismiss": 19780, + "justification": 19781, + "oilers": 19782, + "##now": 19783, + "coupling": 19784, + "qin": 19785, + "snack": 19786, + "healer": 19787, + "##qing": 19788, + "gardener": 19789, + "layla": 19790, + "battled": 19791, + "formulated": 19792, + "stephenson": 19793, + "gravitational": 19794, + "##gill": 19795, + "##jun": 19796, + "1768": 19797, + "granny": 19798, + "coordinating": 19799, + "suites": 19800, + "##cd": 19801, + "##ioned": 19802, + "monarchs": 19803, + "##cote": 19804, + "##hips": 19805, + "sep": 19806, + "blended": 19807, + "apr": 19808, + "barrister": 19809, + "deposition": 19810, + "fia": 19811, + "mina": 19812, + "policemen": 19813, + "paranoid": 19814, + "##pressed": 19815, + "churchyard": 19816, + "covert": 19817, + "crumpled": 19818, + "creep": 19819, + "abandoning": 19820, + "tr": 19821, + "transmit": 19822, + "conceal": 19823, + "barr": 19824, + "understands": 19825, + "readiness": 19826, + "spire": 19827, + "##cology": 19828, + "##enia": 19829, + "##erry": 19830, + "610": 19831, + "startling": 19832, + "unlock": 19833, + "vida": 19834, + "bowled": 19835, + "slots": 19836, + "##nat": 19837, + "##islav": 19838, + "spaced": 19839, + "trusting": 19840, + "admire": 19841, + "rig": 19842, + "##ink": 19843, + "slack": 19844, + "##70": 19845, + "mv": 19846, + "207": 19847, + "casualty": 19848, + "##wei": 19849, + "classmates": 19850, + "##odes": 19851, + "##rar": 19852, + "##rked": 19853, + "amherst": 19854, + "furnished": 19855, + "evolve": 19856, + "foundry": 19857, + "menace": 19858, + "mead": 19859, + "##lein": 19860, + "flu": 19861, + "wesleyan": 19862, + "##kled": 19863, + "monterey": 19864, + "webber": 19865, + "##vos": 19866, + "wil": 19867, + "##mith": 19868, + "##на": 19869, + "bartholomew": 19870, + "justices": 19871, + "restrained": 19872, + "##cke": 19873, + "amenities": 19874, + "191": 19875, + "mediated": 19876, + "sewage": 19877, + "trenches": 19878, + "ml": 19879, + "mainz": 19880, + "##thus": 19881, + "1800s": 19882, + "##cula": 19883, + "##inski": 19884, + "caine": 19885, + "bonding": 19886, + "213": 19887, + "converts": 19888, + "spheres": 19889, + "superseded": 19890, + "marianne": 19891, + "crypt": 19892, + "sweaty": 19893, + "ensign": 19894, + "historia": 19895, + "##br": 19896, + "spruce": 19897, + "##post": 19898, + "##ask": 19899, + "forks": 19900, + "thoughtfully": 19901, + "yukon": 19902, + "pamphlet": 19903, + "ames": 19904, + "##uter": 19905, + "karma": 19906, + "##yya": 19907, + "bryn": 19908, + "negotiation": 19909, + "sighs": 19910, + "incapable": 19911, + "##mbre": 19912, + "##ntial": 19913, + "actresses": 19914, + "taft": 19915, + "##mill": 19916, + "luce": 19917, + "prevailed": 19918, + "##amine": 19919, + "1773": 19920, + "motionless": 19921, + "envoy": 19922, + "testify": 19923, + "investing": 19924, + "sculpted": 19925, + "instructors": 19926, + "provence": 19927, + "kali": 19928, + "cullen": 19929, + "horseback": 19930, + "##while": 19931, + "goodwin": 19932, + "##jos": 19933, + "gaa": 19934, + "norte": 19935, + "##ldon": 19936, + "modify": 19937, + "wavelength": 19938, + "abd": 19939, + "214": 19940, + "skinned": 19941, + "sprinter": 19942, + "forecast": 19943, + "scheduling": 19944, + "marries": 19945, + "squared": 19946, + "tentative": 19947, + "##chman": 19948, + "boer": 19949, + "##isch": 19950, + "bolts": 19951, + "swap": 19952, + "fisherman": 19953, + "assyrian": 19954, + "impatiently": 19955, + "guthrie": 19956, + "martins": 19957, + "murdoch": 19958, + "194": 19959, + "tanya": 19960, + "nicely": 19961, + "dolly": 19962, + "lacy": 19963, + "med": 19964, + "##45": 19965, + "syn": 19966, + "decks": 19967, + "fashionable": 19968, + "millionaire": 19969, + "##ust": 19970, + "surfing": 19971, + "##ml": 19972, + "##ision": 19973, + "heaved": 19974, + "tammy": 19975, + "consulate": 19976, + "attendees": 19977, + "routinely": 19978, + "197": 19979, + "fuse": 19980, + "saxophonist": 19981, + "backseat": 19982, + "malaya": 19983, + "##lord": 19984, + "scowl": 19985, + "tau": 19986, + "##ishly": 19987, + "193": 19988, + "sighted": 19989, + "steaming": 19990, + "##rks": 19991, + "303": 19992, + "911": 19993, + "##holes": 19994, + "##hong": 19995, + "ching": 19996, + "##wife": 19997, + "bless": 19998, + "conserved": 19999, + "jurassic": 20000, + "stacey": 20001, + "unix": 20002, + "zion": 20003, + "chunk": 20004, + "rigorous": 20005, + "blaine": 20006, + "198": 20007, + "peabody": 20008, + "slayer": 20009, + "dismay": 20010, + "brewers": 20011, + "nz": 20012, + "##jer": 20013, + "det": 20014, + "##glia": 20015, + "glover": 20016, + "postwar": 20017, + "int": 20018, + "penetration": 20019, + "sylvester": 20020, + "imitation": 20021, + "vertically": 20022, + "airlift": 20023, + "heiress": 20024, + "knoxville": 20025, + "viva": 20026, + "##uin": 20027, + "390": 20028, + "macon": 20029, + "##rim": 20030, + "##fighter": 20031, + "##gonal": 20032, + "janice": 20033, + "##orescence": 20034, + "##wari": 20035, + "marius": 20036, + "belongings": 20037, + "leicestershire": 20038, + "196": 20039, + "blanco": 20040, + "inverted": 20041, + "preseason": 20042, + "sanity": 20043, + "sobbing": 20044, + "##due": 20045, + "##elt": 20046, + "##dled": 20047, + "collingwood": 20048, + "regeneration": 20049, + "flickering": 20050, + "shortest": 20051, + "##mount": 20052, + "##osi": 20053, + "feminism": 20054, + "##lat": 20055, + "sherlock": 20056, + "cabinets": 20057, + "fumbled": 20058, + "northbound": 20059, + "precedent": 20060, + "snaps": 20061, + "##mme": 20062, + "researching": 20063, + "##akes": 20064, + "guillaume": 20065, + "insights": 20066, + "manipulated": 20067, + "vapor": 20068, + "neighbour": 20069, + "sap": 20070, + "gangster": 20071, + "frey": 20072, + "f1": 20073, + "stalking": 20074, + "scarcely": 20075, + "callie": 20076, + "barnett": 20077, + "tendencies": 20078, + "audi": 20079, + "doomed": 20080, + "assessing": 20081, + "slung": 20082, + "panchayat": 20083, + "ambiguous": 20084, + "bartlett": 20085, + "##etto": 20086, + "distributing": 20087, + "violating": 20088, + "wolverhampton": 20089, + "##hetic": 20090, + "swami": 20091, + "histoire": 20092, + "##urus": 20093, + "liable": 20094, + "pounder": 20095, + "groin": 20096, + "hussain": 20097, + "larsen": 20098, + "popping": 20099, + "surprises": 20100, + "##atter": 20101, + "vie": 20102, + "curt": 20103, + "##station": 20104, + "mute": 20105, + "relocate": 20106, + "musicals": 20107, + "authorization": 20108, + "richter": 20109, + "##sef": 20110, + "immortality": 20111, + "tna": 20112, + "bombings": 20113, + "##press": 20114, + "deteriorated": 20115, + "yiddish": 20116, + "##acious": 20117, + "robbed": 20118, + "colchester": 20119, + "cs": 20120, + "pmid": 20121, + "ao": 20122, + "verified": 20123, + "balancing": 20124, + "apostle": 20125, + "swayed": 20126, + "recognizable": 20127, + "oxfordshire": 20128, + "retention": 20129, + "nottinghamshire": 20130, + "contender": 20131, + "judd": 20132, + "invitational": 20133, + "shrimp": 20134, + "uhf": 20135, + "##icient": 20136, + "cleaner": 20137, + "longitudinal": 20138, + "tanker": 20139, + "##mur": 20140, + "acronym": 20141, + "broker": 20142, + "koppen": 20143, + "sundance": 20144, + "suppliers": 20145, + "##gil": 20146, + "4000": 20147, + "clipped": 20148, + "fuels": 20149, + "petite": 20150, + "##anne": 20151, + "landslide": 20152, + "helene": 20153, + "diversion": 20154, + "populous": 20155, + "landowners": 20156, + "auspices": 20157, + "melville": 20158, + "quantitative": 20159, + "##xes": 20160, + "ferries": 20161, + "nicky": 20162, + "##llus": 20163, + "doo": 20164, + "haunting": 20165, + "roche": 20166, + "carver": 20167, + "downed": 20168, + "unavailable": 20169, + "##pathy": 20170, + "approximation": 20171, + "hiroshima": 20172, + "##hue": 20173, + "garfield": 20174, + "valle": 20175, + "comparatively": 20176, + "keyboardist": 20177, + "traveler": 20178, + "##eit": 20179, + "congestion": 20180, + "calculating": 20181, + "subsidiaries": 20182, + "##bate": 20183, + "serb": 20184, + "modernization": 20185, + "fairies": 20186, + "deepened": 20187, + "ville": 20188, + "averages": 20189, + "##lore": 20190, + "inflammatory": 20191, + "tonga": 20192, + "##itch": 20193, + "co₂": 20194, + "squads": 20195, + "##hea": 20196, + "gigantic": 20197, + "serum": 20198, + "enjoyment": 20199, + "retailer": 20200, + "verona": 20201, + "35th": 20202, + "cis": 20203, + "##phobic": 20204, + "magna": 20205, + "technicians": 20206, + "##vati": 20207, + "arithmetic": 20208, + "##sport": 20209, + "levin": 20210, + "##dation": 20211, + "amtrak": 20212, + "chow": 20213, + "sienna": 20214, + "##eyer": 20215, + "backstage": 20216, + "entrepreneurship": 20217, + "##otic": 20218, + "learnt": 20219, + "tao": 20220, + "##udy": 20221, + "worcestershire": 20222, + "formulation": 20223, + "baggage": 20224, + "hesitant": 20225, + "bali": 20226, + "sabotage": 20227, + "##kari": 20228, + "barren": 20229, + "enhancing": 20230, + "murmur": 20231, + "pl": 20232, + "freshly": 20233, + "putnam": 20234, + "syntax": 20235, + "aces": 20236, + "medicines": 20237, + "resentment": 20238, + "bandwidth": 20239, + "##sier": 20240, + "grins": 20241, + "chili": 20242, + "guido": 20243, + "##sei": 20244, + "framing": 20245, + "implying": 20246, + "gareth": 20247, + "lissa": 20248, + "genevieve": 20249, + "pertaining": 20250, + "admissions": 20251, + "geo": 20252, + "thorpe": 20253, + "proliferation": 20254, + "sato": 20255, + "bela": 20256, + "analyzing": 20257, + "parting": 20258, + "##gor": 20259, + "awakened": 20260, + "##isman": 20261, + "huddled": 20262, + "secrecy": 20263, + "##kling": 20264, + "hush": 20265, + "gentry": 20266, + "540": 20267, + "dungeons": 20268, + "##ego": 20269, + "coasts": 20270, + "##utz": 20271, + "sacrificed": 20272, + "##chule": 20273, + "landowner": 20274, + "mutually": 20275, + "prevalence": 20276, + "programmer": 20277, + "adolescent": 20278, + "disrupted": 20279, + "seaside": 20280, + "gee": 20281, + "trusts": 20282, + "vamp": 20283, + "georgie": 20284, + "##nesian": 20285, + "##iol": 20286, + "schedules": 20287, + "sindh": 20288, + "##market": 20289, + "etched": 20290, + "hm": 20291, + "sparse": 20292, + "bey": 20293, + "beaux": 20294, + "scratching": 20295, + "gliding": 20296, + "unidentified": 20297, + "216": 20298, + "collaborating": 20299, + "gems": 20300, + "jesuits": 20301, + "oro": 20302, + "accumulation": 20303, + "shaping": 20304, + "mbe": 20305, + "anal": 20306, + "##xin": 20307, + "231": 20308, + "enthusiasts": 20309, + "newscast": 20310, + "##egan": 20311, + "janata": 20312, + "dewey": 20313, + "parkinson": 20314, + "179": 20315, + "ankara": 20316, + "biennial": 20317, + "towering": 20318, + "dd": 20319, + "inconsistent": 20320, + "950": 20321, + "##chet": 20322, + "thriving": 20323, + "terminate": 20324, + "cabins": 20325, + "furiously": 20326, + "eats": 20327, + "advocating": 20328, + "donkey": 20329, + "marley": 20330, + "muster": 20331, + "phyllis": 20332, + "leiden": 20333, + "##user": 20334, + "grassland": 20335, + "glittering": 20336, + "iucn": 20337, + "loneliness": 20338, + "217": 20339, + "memorandum": 20340, + "armenians": 20341, + "##ddle": 20342, + "popularized": 20343, + "rhodesia": 20344, + "60s": 20345, + "lame": 20346, + "##illon": 20347, + "sans": 20348, + "bikini": 20349, + "header": 20350, + "orbits": 20351, + "##xx": 20352, + "##finger": 20353, + "##ulator": 20354, + "sharif": 20355, + "spines": 20356, + "biotechnology": 20357, + "strolled": 20358, + "naughty": 20359, + "yates": 20360, + "##wire": 20361, + "fremantle": 20362, + "milo": 20363, + "##mour": 20364, + "abducted": 20365, + "removes": 20366, + "##atin": 20367, + "humming": 20368, + "wonderland": 20369, + "##chrome": 20370, + "##ester": 20371, + "hume": 20372, + "pivotal": 20373, + "##rates": 20374, + "armand": 20375, + "grams": 20376, + "believers": 20377, + "elector": 20378, + "rte": 20379, + "apron": 20380, + "bis": 20381, + "scraped": 20382, + "##yria": 20383, + "endorsement": 20384, + "initials": 20385, + "##llation": 20386, + "eps": 20387, + "dotted": 20388, + "hints": 20389, + "buzzing": 20390, + "emigration": 20391, + "nearer": 20392, + "##tom": 20393, + "indicators": 20394, + "##ulu": 20395, + "coarse": 20396, + "neutron": 20397, + "protectorate": 20398, + "##uze": 20399, + "directional": 20400, + "exploits": 20401, + "pains": 20402, + "loire": 20403, + "1830s": 20404, + "proponents": 20405, + "guggenheim": 20406, + "rabbits": 20407, + "ritchie": 20408, + "305": 20409, + "hectare": 20410, + "inputs": 20411, + "hutton": 20412, + "##raz": 20413, + "verify": 20414, + "##ako": 20415, + "boilers": 20416, + "longitude": 20417, + "##lev": 20418, + "skeletal": 20419, + "yer": 20420, + "emilia": 20421, + "citrus": 20422, + "compromised": 20423, + "##gau": 20424, + "pokemon": 20425, + "prescription": 20426, + "paragraph": 20427, + "eduard": 20428, + "cadillac": 20429, + "attire": 20430, + "categorized": 20431, + "kenyan": 20432, + "weddings": 20433, + "charley": 20434, + "##bourg": 20435, + "entertain": 20436, + "monmouth": 20437, + "##lles": 20438, + "nutrients": 20439, + "davey": 20440, + "mesh": 20441, + "incentive": 20442, + "practised": 20443, + "ecosystems": 20444, + "kemp": 20445, + "subdued": 20446, + "overheard": 20447, + "##rya": 20448, + "bodily": 20449, + "maxim": 20450, + "##nius": 20451, + "apprenticeship": 20452, + "ursula": 20453, + "##fight": 20454, + "lodged": 20455, + "rug": 20456, + "silesian": 20457, + "unconstitutional": 20458, + "patel": 20459, + "inspected": 20460, + "coyote": 20461, + "unbeaten": 20462, + "##hak": 20463, + "34th": 20464, + "disruption": 20465, + "convict": 20466, + "parcel": 20467, + "##cl": 20468, + "##nham": 20469, + "collier": 20470, + "implicated": 20471, + "mallory": 20472, + "##iac": 20473, + "##lab": 20474, + "susannah": 20475, + "winkler": 20476, + "##rber": 20477, + "shia": 20478, + "phelps": 20479, + "sediments": 20480, + "graphical": 20481, + "robotic": 20482, + "##sner": 20483, + "adulthood": 20484, + "mart": 20485, + "smoked": 20486, + "##isto": 20487, + "kathryn": 20488, + "clarified": 20489, + "##aran": 20490, + "divides": 20491, + "convictions": 20492, + "oppression": 20493, + "pausing": 20494, + "burying": 20495, + "##mt": 20496, + "federico": 20497, + "mathias": 20498, + "eileen": 20499, + "##tana": 20500, + "kite": 20501, + "hunched": 20502, + "##acies": 20503, + "189": 20504, + "##atz": 20505, + "disadvantage": 20506, + "liza": 20507, + "kinetic": 20508, + "greedy": 20509, + "paradox": 20510, + "yokohama": 20511, + "dowager": 20512, + "trunks": 20513, + "ventured": 20514, + "##gement": 20515, + "gupta": 20516, + "vilnius": 20517, + "olaf": 20518, + "##thest": 20519, + "crimean": 20520, + "hopper": 20521, + "##ej": 20522, + "progressively": 20523, + "arturo": 20524, + "mouthed": 20525, + "arrondissement": 20526, + "##fusion": 20527, + "rubin": 20528, + "simulcast": 20529, + "oceania": 20530, + "##orum": 20531, + "##stra": 20532, + "##rred": 20533, + "busiest": 20534, + "intensely": 20535, + "navigator": 20536, + "cary": 20537, + "##vine": 20538, + "##hini": 20539, + "##bies": 20540, + "fife": 20541, + "rowe": 20542, + "rowland": 20543, + "posing": 20544, + "insurgents": 20545, + "shafts": 20546, + "lawsuits": 20547, + "activate": 20548, + "conor": 20549, + "inward": 20550, + "culturally": 20551, + "garlic": 20552, + "265": 20553, + "##eering": 20554, + "eclectic": 20555, + "##hui": 20556, + "##kee": 20557, + "##nl": 20558, + "furrowed": 20559, + "vargas": 20560, + "meteorological": 20561, + "rendezvous": 20562, + "##aus": 20563, + "culinary": 20564, + "commencement": 20565, + "##dition": 20566, + "quota": 20567, + "##notes": 20568, + "mommy": 20569, + "salaries": 20570, + "overlapping": 20571, + "mule": 20572, + "##iology": 20573, + "##mology": 20574, + "sums": 20575, + "wentworth": 20576, + "##isk": 20577, + "##zione": 20578, + "mainline": 20579, + "subgroup": 20580, + "##illy": 20581, + "hack": 20582, + "plaintiff": 20583, + "verdi": 20584, + "bulb": 20585, + "differentiation": 20586, + "engagements": 20587, + "multinational": 20588, + "supplemented": 20589, + "bertrand": 20590, + "caller": 20591, + "regis": 20592, + "##naire": 20593, + "##sler": 20594, + "##arts": 20595, + "##imated": 20596, + "blossom": 20597, + "propagation": 20598, + "kilometer": 20599, + "viaduct": 20600, + "vineyards": 20601, + "##uate": 20602, + "beckett": 20603, + "optimization": 20604, + "golfer": 20605, + "songwriters": 20606, + "seminal": 20607, + "semitic": 20608, + "thud": 20609, + "volatile": 20610, + "evolving": 20611, + "ridley": 20612, + "##wley": 20613, + "trivial": 20614, + "distributions": 20615, + "scandinavia": 20616, + "jiang": 20617, + "##ject": 20618, + "wrestled": 20619, + "insistence": 20620, + "##dio": 20621, + "emphasizes": 20622, + "napkin": 20623, + "##ods": 20624, + "adjunct": 20625, + "rhyme": 20626, + "##ricted": 20627, + "##eti": 20628, + "hopeless": 20629, + "surrounds": 20630, + "tremble": 20631, + "32nd": 20632, + "smoky": 20633, + "##ntly": 20634, + "oils": 20635, + "medicinal": 20636, + "padded": 20637, + "steer": 20638, + "wilkes": 20639, + "219": 20640, + "255": 20641, + "concessions": 20642, + "hue": 20643, + "uniquely": 20644, + "blinded": 20645, + "landon": 20646, + "yahoo": 20647, + "##lane": 20648, + "hendrix": 20649, + "commemorating": 20650, + "dex": 20651, + "specify": 20652, + "chicks": 20653, + "##ggio": 20654, + "intercity": 20655, + "1400": 20656, + "morley": 20657, + "##torm": 20658, + "highlighting": 20659, + "##oting": 20660, + "pang": 20661, + "oblique": 20662, + "stalled": 20663, + "##liner": 20664, + "flirting": 20665, + "newborn": 20666, + "1769": 20667, + "bishopric": 20668, + "shaved": 20669, + "232": 20670, + "currie": 20671, + "##ush": 20672, + "dharma": 20673, + "spartan": 20674, + "##ooped": 20675, + "favorites": 20676, + "smug": 20677, + "novella": 20678, + "sirens": 20679, + "abusive": 20680, + "creations": 20681, + "espana": 20682, + "##lage": 20683, + "paradigm": 20684, + "semiconductor": 20685, + "sheen": 20686, + "##rdo": 20687, + "##yen": 20688, + "##zak": 20689, + "nrl": 20690, + "renew": 20691, + "##pose": 20692, + "##tur": 20693, + "adjutant": 20694, + "marches": 20695, + "norma": 20696, + "##enity": 20697, + "ineffective": 20698, + "weimar": 20699, + "grunt": 20700, + "##gat": 20701, + "lordship": 20702, + "plotting": 20703, + "expenditure": 20704, + "infringement": 20705, + "lbs": 20706, + "refrain": 20707, + "av": 20708, + "mimi": 20709, + "mistakenly": 20710, + "postmaster": 20711, + "1771": 20712, + "##bara": 20713, + "ras": 20714, + "motorsports": 20715, + "tito": 20716, + "199": 20717, + "subjective": 20718, + "##zza": 20719, + "bully": 20720, + "stew": 20721, + "##kaya": 20722, + "prescott": 20723, + "1a": 20724, + "##raphic": 20725, + "##zam": 20726, + "bids": 20727, + "styling": 20728, + "paranormal": 20729, + "reeve": 20730, + "sneaking": 20731, + "exploding": 20732, + "katz": 20733, + "akbar": 20734, + "migrant": 20735, + "syllables": 20736, + "indefinitely": 20737, + "##ogical": 20738, + "destroys": 20739, + "replaces": 20740, + "applause": 20741, + "##phine": 20742, + "pest": 20743, + "##fide": 20744, + "218": 20745, + "articulated": 20746, + "bertie": 20747, + "##thing": 20748, + "##cars": 20749, + "##ptic": 20750, + "courtroom": 20751, + "crowley": 20752, + "aesthetics": 20753, + "cummings": 20754, + "tehsil": 20755, + "hormones": 20756, + "titanic": 20757, + "dangerously": 20758, + "##ibe": 20759, + "stadion": 20760, + "jaenelle": 20761, + "auguste": 20762, + "ciudad": 20763, + "##chu": 20764, + "mysore": 20765, + "partisans": 20766, + "##sio": 20767, + "lucan": 20768, + "philipp": 20769, + "##aly": 20770, + "debating": 20771, + "henley": 20772, + "interiors": 20773, + "##rano": 20774, + "##tious": 20775, + "homecoming": 20776, + "beyonce": 20777, + "usher": 20778, + "henrietta": 20779, + "prepares": 20780, + "weeds": 20781, + "##oman": 20782, + "ely": 20783, + "plucked": 20784, + "##pire": 20785, + "##dable": 20786, + "luxurious": 20787, + "##aq": 20788, + "artifact": 20789, + "password": 20790, + "pasture": 20791, + "juno": 20792, + "maddy": 20793, + "minsk": 20794, + "##dder": 20795, + "##ologies": 20796, + "##rone": 20797, + "assessments": 20798, + "martian": 20799, + "royalist": 20800, + "1765": 20801, + "examines": 20802, + "##mani": 20803, + "##rge": 20804, + "nino": 20805, + "223": 20806, + "parry": 20807, + "scooped": 20808, + "relativity": 20809, + "##eli": 20810, + "##uting": 20811, + "##cao": 20812, + "congregational": 20813, + "noisy": 20814, + "traverse": 20815, + "##agawa": 20816, + "strikeouts": 20817, + "nickelodeon": 20818, + "obituary": 20819, + "transylvania": 20820, + "binds": 20821, + "depictions": 20822, + "polk": 20823, + "trolley": 20824, + "##yed": 20825, + "##lard": 20826, + "breeders": 20827, + "##under": 20828, + "dryly": 20829, + "hokkaido": 20830, + "1762": 20831, + "strengths": 20832, + "stacks": 20833, + "bonaparte": 20834, + "connectivity": 20835, + "neared": 20836, + "prostitutes": 20837, + "stamped": 20838, + "anaheim": 20839, + "gutierrez": 20840, + "sinai": 20841, + "##zzling": 20842, + "bram": 20843, + "fresno": 20844, + "madhya": 20845, + "##86": 20846, + "proton": 20847, + "##lena": 20848, + "##llum": 20849, + "##phon": 20850, + "reelected": 20851, + "wanda": 20852, + "##anus": 20853, + "##lb": 20854, + "ample": 20855, + "distinguishing": 20856, + "##yler": 20857, + "grasping": 20858, + "sermons": 20859, + "tomato": 20860, + "bland": 20861, + "stimulation": 20862, + "avenues": 20863, + "##eux": 20864, + "spreads": 20865, + "scarlett": 20866, + "fern": 20867, + "pentagon": 20868, + "assert": 20869, + "baird": 20870, + "chesapeake": 20871, + "ir": 20872, + "calmed": 20873, + "distortion": 20874, + "fatalities": 20875, + "##olis": 20876, + "correctional": 20877, + "pricing": 20878, + "##astic": 20879, + "##gina": 20880, + "prom": 20881, + "dammit": 20882, + "ying": 20883, + "collaborate": 20884, + "##chia": 20885, + "welterweight": 20886, + "33rd": 20887, + "pointer": 20888, + "substitution": 20889, + "bonded": 20890, + "umpire": 20891, + "communicating": 20892, + "multitude": 20893, + "paddle": 20894, + "##obe": 20895, + "federally": 20896, + "intimacy": 20897, + "##insky": 20898, + "betray": 20899, + "ssr": 20900, + "##lett": 20901, + "##lean": 20902, + "##lves": 20903, + "##therapy": 20904, + "airbus": 20905, + "##tery": 20906, + "functioned": 20907, + "ud": 20908, + "bearer": 20909, + "biomedical": 20910, + "netflix": 20911, + "##hire": 20912, + "##nca": 20913, + "condom": 20914, + "brink": 20915, + "ik": 20916, + "##nical": 20917, + "macy": 20918, + "##bet": 20919, + "flap": 20920, + "gma": 20921, + "experimented": 20922, + "jelly": 20923, + "lavender": 20924, + "##icles": 20925, + "##ulia": 20926, + "munro": 20927, + "##mian": 20928, + "##tial": 20929, + "rye": 20930, + "##rle": 20931, + "60th": 20932, + "gigs": 20933, + "hottest": 20934, + "rotated": 20935, + "predictions": 20936, + "fuji": 20937, + "bu": 20938, + "##erence": 20939, + "##omi": 20940, + "barangay": 20941, + "##fulness": 20942, + "##sas": 20943, + "clocks": 20944, + "##rwood": 20945, + "##liness": 20946, + "cereal": 20947, + "roe": 20948, + "wight": 20949, + "decker": 20950, + "uttered": 20951, + "babu": 20952, + "onion": 20953, + "xml": 20954, + "forcibly": 20955, + "##df": 20956, + "petra": 20957, + "sarcasm": 20958, + "hartley": 20959, + "peeled": 20960, + "storytelling": 20961, + "##42": 20962, + "##xley": 20963, + "##ysis": 20964, + "##ffa": 20965, + "fibre": 20966, + "kiel": 20967, + "auditor": 20968, + "fig": 20969, + "harald": 20970, + "greenville": 20971, + "##berries": 20972, + "geographically": 20973, + "nell": 20974, + "quartz": 20975, + "##athic": 20976, + "cemeteries": 20977, + "##lr": 20978, + "crossings": 20979, + "nah": 20980, + "holloway": 20981, + "reptiles": 20982, + "chun": 20983, + "sichuan": 20984, + "snowy": 20985, + "660": 20986, + "corrections": 20987, + "##ivo": 20988, + "zheng": 20989, + "ambassadors": 20990, + "blacksmith": 20991, + "fielded": 20992, + "fluids": 20993, + "hardcover": 20994, + "turnover": 20995, + "medications": 20996, + "melvin": 20997, + "academies": 20998, + "##erton": 20999, + "ro": 21000, + "roach": 21001, + "absorbing": 21002, + "spaniards": 21003, + "colton": 21004, + "##founded": 21005, + "outsider": 21006, + "espionage": 21007, + "kelsey": 21008, + "245": 21009, + "edible": 21010, + "##ulf": 21011, + "dora": 21012, + "establishes": 21013, + "##sham": 21014, + "##tries": 21015, + "contracting": 21016, + "##tania": 21017, + "cinematic": 21018, + "costello": 21019, + "nesting": 21020, + "##uron": 21021, + "connolly": 21022, + "duff": 21023, + "##nology": 21024, + "mma": 21025, + "##mata": 21026, + "fergus": 21027, + "sexes": 21028, + "gi": 21029, + "optics": 21030, + "spectator": 21031, + "woodstock": 21032, + "banning": 21033, + "##hee": 21034, + "##fle": 21035, + "differentiate": 21036, + "outfielder": 21037, + "refinery": 21038, + "226": 21039, + "312": 21040, + "gerhard": 21041, + "horde": 21042, + "lair": 21043, + "drastically": 21044, + "##udi": 21045, + "landfall": 21046, + "##cheng": 21047, + "motorsport": 21048, + "odi": 21049, + "##achi": 21050, + "predominant": 21051, + "quay": 21052, + "skins": 21053, + "##ental": 21054, + "edna": 21055, + "harshly": 21056, + "complementary": 21057, + "murdering": 21058, + "##aves": 21059, + "wreckage": 21060, + "##90": 21061, + "ono": 21062, + "outstretched": 21063, + "lennox": 21064, + "munitions": 21065, + "galen": 21066, + "reconcile": 21067, + "470": 21068, + "scalp": 21069, + "bicycles": 21070, + "gillespie": 21071, + "questionable": 21072, + "rosenberg": 21073, + "guillermo": 21074, + "hostel": 21075, + "jarvis": 21076, + "kabul": 21077, + "volvo": 21078, + "opium": 21079, + "yd": 21080, + "##twined": 21081, + "abuses": 21082, + "decca": 21083, + "outpost": 21084, + "##cino": 21085, + "sensible": 21086, + "neutrality": 21087, + "##64": 21088, + "ponce": 21089, + "anchorage": 21090, + "atkins": 21091, + "turrets": 21092, + "inadvertently": 21093, + "disagree": 21094, + "libre": 21095, + "vodka": 21096, + "reassuring": 21097, + "weighs": 21098, + "##yal": 21099, + "glide": 21100, + "jumper": 21101, + "ceilings": 21102, + "repertory": 21103, + "outs": 21104, + "stain": 21105, + "##bial": 21106, + "envy": 21107, + "##ucible": 21108, + "smashing": 21109, + "heightened": 21110, + "policing": 21111, + "hyun": 21112, + "mixes": 21113, + "lai": 21114, + "prima": 21115, + "##ples": 21116, + "celeste": 21117, + "##bina": 21118, + "lucrative": 21119, + "intervened": 21120, + "kc": 21121, + "manually": 21122, + "##rned": 21123, + "stature": 21124, + "staffed": 21125, + "bun": 21126, + "bastards": 21127, + "nairobi": 21128, + "priced": 21129, + "##auer": 21130, + "thatcher": 21131, + "##kia": 21132, + "tripped": 21133, + "comune": 21134, + "##ogan": 21135, + "##pled": 21136, + "brasil": 21137, + "incentives": 21138, + "emanuel": 21139, + "hereford": 21140, + "musica": 21141, + "##kim": 21142, + "benedictine": 21143, + "biennale": 21144, + "##lani": 21145, + "eureka": 21146, + "gardiner": 21147, + "rb": 21148, + "knocks": 21149, + "sha": 21150, + "##ael": 21151, + "##elled": 21152, + "##onate": 21153, + "efficacy": 21154, + "ventura": 21155, + "masonic": 21156, + "sanford": 21157, + "maize": 21158, + "leverage": 21159, + "##feit": 21160, + "capacities": 21161, + "santana": 21162, + "##aur": 21163, + "novelty": 21164, + "vanilla": 21165, + "##cter": 21166, + "##tour": 21167, + "benin": 21168, + "##oir": 21169, + "##rain": 21170, + "neptune": 21171, + "drafting": 21172, + "tallinn": 21173, + "##cable": 21174, + "humiliation": 21175, + "##boarding": 21176, + "schleswig": 21177, + "fabian": 21178, + "bernardo": 21179, + "liturgy": 21180, + "spectacle": 21181, + "sweeney": 21182, + "pont": 21183, + "routledge": 21184, + "##tment": 21185, + "cosmos": 21186, + "ut": 21187, + "hilt": 21188, + "sleek": 21189, + "universally": 21190, + "##eville": 21191, + "##gawa": 21192, + "typed": 21193, + "##dry": 21194, + "favors": 21195, + "allegheny": 21196, + "glaciers": 21197, + "##rly": 21198, + "recalling": 21199, + "aziz": 21200, + "##log": 21201, + "parasite": 21202, + "requiem": 21203, + "auf": 21204, + "##berto": 21205, + "##llin": 21206, + "illumination": 21207, + "##breaker": 21208, + "##issa": 21209, + "festivities": 21210, + "bows": 21211, + "govern": 21212, + "vibe": 21213, + "vp": 21214, + "333": 21215, + "sprawled": 21216, + "larson": 21217, + "pilgrim": 21218, + "bwf": 21219, + "leaping": 21220, + "##rts": 21221, + "##ssel": 21222, + "alexei": 21223, + "greyhound": 21224, + "hoarse": 21225, + "##dler": 21226, + "##oration": 21227, + "seneca": 21228, + "##cule": 21229, + "gaping": 21230, + "##ulously": 21231, + "##pura": 21232, + "cinnamon": 21233, + "##gens": 21234, + "##rricular": 21235, + "craven": 21236, + "fantasies": 21237, + "houghton": 21238, + "engined": 21239, + "reigned": 21240, + "dictator": 21241, + "supervising": 21242, + "##oris": 21243, + "bogota": 21244, + "commentaries": 21245, + "unnatural": 21246, + "fingernails": 21247, + "spirituality": 21248, + "tighten": 21249, + "##tm": 21250, + "canadiens": 21251, + "protesting": 21252, + "intentional": 21253, + "cheers": 21254, + "sparta": 21255, + "##ytic": 21256, + "##iere": 21257, + "##zine": 21258, + "widen": 21259, + "belgarath": 21260, + "controllers": 21261, + "dodd": 21262, + "iaaf": 21263, + "navarre": 21264, + "##ication": 21265, + "defect": 21266, + "squire": 21267, + "steiner": 21268, + "whisky": 21269, + "##mins": 21270, + "560": 21271, + "inevitably": 21272, + "tome": 21273, + "##gold": 21274, + "chew": 21275, + "##uid": 21276, + "##lid": 21277, + "elastic": 21278, + "##aby": 21279, + "streaked": 21280, + "alliances": 21281, + "jailed": 21282, + "regal": 21283, + "##ined": 21284, + "##phy": 21285, + "czechoslovak": 21286, + "narration": 21287, + "absently": 21288, + "##uld": 21289, + "bluegrass": 21290, + "guangdong": 21291, + "quran": 21292, + "criticizing": 21293, + "hose": 21294, + "hari": 21295, + "##liest": 21296, + "##owa": 21297, + "skier": 21298, + "streaks": 21299, + "deploy": 21300, + "##lom": 21301, + "raft": 21302, + "bose": 21303, + "dialed": 21304, + "huff": 21305, + "##eira": 21306, + "haifa": 21307, + "simplest": 21308, + "bursting": 21309, + "endings": 21310, + "ib": 21311, + "sultanate": 21312, + "##titled": 21313, + "franks": 21314, + "whitman": 21315, + "ensures": 21316, + "sven": 21317, + "##ggs": 21318, + "collaborators": 21319, + "forster": 21320, + "organising": 21321, + "ui": 21322, + "banished": 21323, + "napier": 21324, + "injustice": 21325, + "teller": 21326, + "layered": 21327, + "thump": 21328, + "##otti": 21329, + "roc": 21330, + "battleships": 21331, + "evidenced": 21332, + "fugitive": 21333, + "sadie": 21334, + "robotics": 21335, + "##roud": 21336, + "equatorial": 21337, + "geologist": 21338, + "##iza": 21339, + "yielding": 21340, + "##bron": 21341, + "##sr": 21342, + "internationale": 21343, + "mecca": 21344, + "##diment": 21345, + "sbs": 21346, + "skyline": 21347, + "toad": 21348, + "uploaded": 21349, + "reflective": 21350, + "undrafted": 21351, + "lal": 21352, + "leafs": 21353, + "bayern": 21354, + "##dai": 21355, + "lakshmi": 21356, + "shortlisted": 21357, + "##stick": 21358, + "##wicz": 21359, + "camouflage": 21360, + "donate": 21361, + "af": 21362, + "christi": 21363, + "lau": 21364, + "##acio": 21365, + "disclosed": 21366, + "nemesis": 21367, + "1761": 21368, + "assemble": 21369, + "straining": 21370, + "northamptonshire": 21371, + "tal": 21372, + "##asi": 21373, + "bernardino": 21374, + "premature": 21375, + "heidi": 21376, + "42nd": 21377, + "coefficients": 21378, + "galactic": 21379, + "reproduce": 21380, + "buzzed": 21381, + "sensations": 21382, + "zionist": 21383, + "monsieur": 21384, + "myrtle": 21385, + "##eme": 21386, + "archery": 21387, + "strangled": 21388, + "musically": 21389, + "viewpoint": 21390, + "antiquities": 21391, + "bei": 21392, + "trailers": 21393, + "seahawks": 21394, + "cured": 21395, + "pee": 21396, + "preferring": 21397, + "tasmanian": 21398, + "lange": 21399, + "sul": 21400, + "##mail": 21401, + "##working": 21402, + "colder": 21403, + "overland": 21404, + "lucivar": 21405, + "massey": 21406, + "gatherings": 21407, + "haitian": 21408, + "##smith": 21409, + "disapproval": 21410, + "flaws": 21411, + "##cco": 21412, + "##enbach": 21413, + "1766": 21414, + "npr": 21415, + "##icular": 21416, + "boroughs": 21417, + "creole": 21418, + "forums": 21419, + "techno": 21420, + "1755": 21421, + "dent": 21422, + "abdominal": 21423, + "streetcar": 21424, + "##eson": 21425, + "##stream": 21426, + "procurement": 21427, + "gemini": 21428, + "predictable": 21429, + "##tya": 21430, + "acheron": 21431, + "christoph": 21432, + "feeder": 21433, + "fronts": 21434, + "vendor": 21435, + "bernhard": 21436, + "jammu": 21437, + "tumors": 21438, + "slang": 21439, + "##uber": 21440, + "goaltender": 21441, + "twists": 21442, + "curving": 21443, + "manson": 21444, + "vuelta": 21445, + "mer": 21446, + "peanut": 21447, + "confessions": 21448, + "pouch": 21449, + "unpredictable": 21450, + "allowance": 21451, + "theodor": 21452, + "vascular": 21453, + "##factory": 21454, + "bala": 21455, + "authenticity": 21456, + "metabolic": 21457, + "coughing": 21458, + "nanjing": 21459, + "##cea": 21460, + "pembroke": 21461, + "##bard": 21462, + "splendid": 21463, + "36th": 21464, + "ff": 21465, + "hourly": 21466, + "##ahu": 21467, + "elmer": 21468, + "handel": 21469, + "##ivate": 21470, + "awarding": 21471, + "thrusting": 21472, + "dl": 21473, + "experimentation": 21474, + "##hesion": 21475, + "##46": 21476, + "caressed": 21477, + "entertained": 21478, + "steak": 21479, + "##rangle": 21480, + "biologist": 21481, + "orphans": 21482, + "baroness": 21483, + "oyster": 21484, + "stepfather": 21485, + "##dridge": 21486, + "mirage": 21487, + "reefs": 21488, + "speeding": 21489, + "##31": 21490, + "barons": 21491, + "1764": 21492, + "227": 21493, + "inhabit": 21494, + "preached": 21495, + "repealed": 21496, + "##tral": 21497, + "honoring": 21498, + "boogie": 21499, + "captives": 21500, + "administer": 21501, + "johanna": 21502, + "##imate": 21503, + "gel": 21504, + "suspiciously": 21505, + "1767": 21506, + "sobs": 21507, + "##dington": 21508, + "backbone": 21509, + "hayward": 21510, + "garry": 21511, + "##folding": 21512, + "##nesia": 21513, + "maxi": 21514, + "##oof": 21515, + "##ppe": 21516, + "ellison": 21517, + "galileo": 21518, + "##stand": 21519, + "crimea": 21520, + "frenzy": 21521, + "amour": 21522, + "bumper": 21523, + "matrices": 21524, + "natalia": 21525, + "baking": 21526, + "garth": 21527, + "palestinians": 21528, + "##grove": 21529, + "smack": 21530, + "conveyed": 21531, + "ensembles": 21532, + "gardening": 21533, + "##manship": 21534, + "##rup": 21535, + "##stituting": 21536, + "1640": 21537, + "harvesting": 21538, + "topography": 21539, + "jing": 21540, + "shifters": 21541, + "dormitory": 21542, + "##carriage": 21543, + "##lston": 21544, + "ist": 21545, + "skulls": 21546, + "##stadt": 21547, + "dolores": 21548, + "jewellery": 21549, + "sarawak": 21550, + "##wai": 21551, + "##zier": 21552, + "fences": 21553, + "christy": 21554, + "confinement": 21555, + "tumbling": 21556, + "credibility": 21557, + "fir": 21558, + "stench": 21559, + "##bria": 21560, + "##plication": 21561, + "##nged": 21562, + "##sam": 21563, + "virtues": 21564, + "##belt": 21565, + "marjorie": 21566, + "pba": 21567, + "##eem": 21568, + "##made": 21569, + "celebrates": 21570, + "schooner": 21571, + "agitated": 21572, + "barley": 21573, + "fulfilling": 21574, + "anthropologist": 21575, + "##pro": 21576, + "restrict": 21577, + "novi": 21578, + "regulating": 21579, + "##nent": 21580, + "padres": 21581, + "##rani": 21582, + "##hesive": 21583, + "loyola": 21584, + "tabitha": 21585, + "milky": 21586, + "olson": 21587, + "proprietor": 21588, + "crambidae": 21589, + "guarantees": 21590, + "intercollegiate": 21591, + "ljubljana": 21592, + "hilda": 21593, + "##sko": 21594, + "ignorant": 21595, + "hooded": 21596, + "##lts": 21597, + "sardinia": 21598, + "##lidae": 21599, + "##vation": 21600, + "frontman": 21601, + "privileged": 21602, + "witchcraft": 21603, + "##gp": 21604, + "jammed": 21605, + "laude": 21606, + "poking": 21607, + "##than": 21608, + "bracket": 21609, + "amazement": 21610, + "yunnan": 21611, + "##erus": 21612, + "maharaja": 21613, + "linnaeus": 21614, + "264": 21615, + "commissioning": 21616, + "milano": 21617, + "peacefully": 21618, + "##logies": 21619, + "akira": 21620, + "rani": 21621, + "regulator": 21622, + "##36": 21623, + "grasses": 21624, + "##rance": 21625, + "luzon": 21626, + "crows": 21627, + "compiler": 21628, + "gretchen": 21629, + "seaman": 21630, + "edouard": 21631, + "tab": 21632, + "buccaneers": 21633, + "ellington": 21634, + "hamlets": 21635, + "whig": 21636, + "socialists": 21637, + "##anto": 21638, + "directorial": 21639, + "easton": 21640, + "mythological": 21641, + "##kr": 21642, + "##vary": 21643, + "rhineland": 21644, + "semantic": 21645, + "taut": 21646, + "dune": 21647, + "inventions": 21648, + "succeeds": 21649, + "##iter": 21650, + "replication": 21651, + "branched": 21652, + "##pired": 21653, + "jul": 21654, + "prosecuted": 21655, + "kangaroo": 21656, + "penetrated": 21657, + "##avian": 21658, + "middlesbrough": 21659, + "doses": 21660, + "bleak": 21661, + "madam": 21662, + "predatory": 21663, + "relentless": 21664, + "##vili": 21665, + "reluctance": 21666, + "##vir": 21667, + "hailey": 21668, + "crore": 21669, + "silvery": 21670, + "1759": 21671, + "monstrous": 21672, + "swimmers": 21673, + "transmissions": 21674, + "hawthorn": 21675, + "informing": 21676, + "##eral": 21677, + "toilets": 21678, + "caracas": 21679, + "crouch": 21680, + "kb": 21681, + "##sett": 21682, + "295": 21683, + "cartel": 21684, + "hadley": 21685, + "##aling": 21686, + "alexia": 21687, + "yvonne": 21688, + "##biology": 21689, + "cinderella": 21690, + "eton": 21691, + "superb": 21692, + "blizzard": 21693, + "stabbing": 21694, + "industrialist": 21695, + "maximus": 21696, + "##gm": 21697, + "##orus": 21698, + "groves": 21699, + "maud": 21700, + "clade": 21701, + "oversized": 21702, + "comedic": 21703, + "##bella": 21704, + "rosen": 21705, + "nomadic": 21706, + "fulham": 21707, + "montane": 21708, + "beverages": 21709, + "galaxies": 21710, + "redundant": 21711, + "swarm": 21712, + "##rot": 21713, + "##folia": 21714, + "##llis": 21715, + "buckinghamshire": 21716, + "fen": 21717, + "bearings": 21718, + "bahadur": 21719, + "##rom": 21720, + "gilles": 21721, + "phased": 21722, + "dynamite": 21723, + "faber": 21724, + "benoit": 21725, + "vip": 21726, + "##ount": 21727, + "##wd": 21728, + "booking": 21729, + "fractured": 21730, + "tailored": 21731, + "anya": 21732, + "spices": 21733, + "westwood": 21734, + "cairns": 21735, + "auditions": 21736, + "inflammation": 21737, + "steamed": 21738, + "##rocity": 21739, + "##acion": 21740, + "##urne": 21741, + "skyla": 21742, + "thereof": 21743, + "watford": 21744, + "torment": 21745, + "archdeacon": 21746, + "transforms": 21747, + "lulu": 21748, + "demeanor": 21749, + "fucked": 21750, + "serge": 21751, + "##sor": 21752, + "mckenna": 21753, + "minas": 21754, + "entertainer": 21755, + "##icide": 21756, + "caress": 21757, + "originate": 21758, + "residue": 21759, + "##sty": 21760, + "1740": 21761, + "##ilised": 21762, + "##org": 21763, + "beech": 21764, + "##wana": 21765, + "subsidies": 21766, + "##ghton": 21767, + "emptied": 21768, + "gladstone": 21769, + "ru": 21770, + "firefighters": 21771, + "voodoo": 21772, + "##rcle": 21773, + "het": 21774, + "nightingale": 21775, + "tamara": 21776, + "edmond": 21777, + "ingredient": 21778, + "weaknesses": 21779, + "silhouette": 21780, + "285": 21781, + "compatibility": 21782, + "withdrawing": 21783, + "hampson": 21784, + "##mona": 21785, + "anguish": 21786, + "giggling": 21787, + "##mber": 21788, + "bookstore": 21789, + "##jiang": 21790, + "southernmost": 21791, + "tilting": 21792, + "##vance": 21793, + "bai": 21794, + "economical": 21795, + "rf": 21796, + "briefcase": 21797, + "dreadful": 21798, + "hinted": 21799, + "projections": 21800, + "shattering": 21801, + "totaling": 21802, + "##rogate": 21803, + "analogue": 21804, + "indicted": 21805, + "periodical": 21806, + "fullback": 21807, + "##dman": 21808, + "haynes": 21809, + "##tenberg": 21810, + "##ffs": 21811, + "##ishment": 21812, + "1745": 21813, + "thirst": 21814, + "stumble": 21815, + "penang": 21816, + "vigorous": 21817, + "##ddling": 21818, + "##kor": 21819, + "##lium": 21820, + "octave": 21821, + "##ove": 21822, + "##enstein": 21823, + "##inen": 21824, + "##ones": 21825, + "siberian": 21826, + "##uti": 21827, + "cbn": 21828, + "repeal": 21829, + "swaying": 21830, + "##vington": 21831, + "khalid": 21832, + "tanaka": 21833, + "unicorn": 21834, + "otago": 21835, + "plastered": 21836, + "lobe": 21837, + "riddle": 21838, + "##rella": 21839, + "perch": 21840, + "##ishing": 21841, + "croydon": 21842, + "filtered": 21843, + "graeme": 21844, + "tripoli": 21845, + "##ossa": 21846, + "crocodile": 21847, + "##chers": 21848, + "sufi": 21849, + "mined": 21850, + "##tung": 21851, + "inferno": 21852, + "lsu": 21853, + "##phi": 21854, + "swelled": 21855, + "utilizes": 21856, + "£2": 21857, + "cale": 21858, + "periodicals": 21859, + "styx": 21860, + "hike": 21861, + "informally": 21862, + "coop": 21863, + "lund": 21864, + "##tidae": 21865, + "ala": 21866, + "hen": 21867, + "qui": 21868, + "transformations": 21869, + "disposed": 21870, + "sheath": 21871, + "chickens": 21872, + "##cade": 21873, + "fitzroy": 21874, + "sas": 21875, + "silesia": 21876, + "unacceptable": 21877, + "odisha": 21878, + "1650": 21879, + "sabrina": 21880, + "pe": 21881, + "spokane": 21882, + "ratios": 21883, + "athena": 21884, + "massage": 21885, + "shen": 21886, + "dilemma": 21887, + "##drum": 21888, + "##riz": 21889, + "##hul": 21890, + "corona": 21891, + "doubtful": 21892, + "niall": 21893, + "##pha": 21894, + "##bino": 21895, + "fines": 21896, + "cite": 21897, + "acknowledging": 21898, + "bangor": 21899, + "ballard": 21900, + "bathurst": 21901, + "##resh": 21902, + "huron": 21903, + "mustered": 21904, + "alzheimer": 21905, + "garments": 21906, + "kinase": 21907, + "tyre": 21908, + "warship": 21909, + "##cp": 21910, + "flashback": 21911, + "pulmonary": 21912, + "braun": 21913, + "cheat": 21914, + "kamal": 21915, + "cyclists": 21916, + "constructions": 21917, + "grenades": 21918, + "ndp": 21919, + "traveller": 21920, + "excuses": 21921, + "stomped": 21922, + "signalling": 21923, + "trimmed": 21924, + "futsal": 21925, + "mosques": 21926, + "relevance": 21927, + "##wine": 21928, + "wta": 21929, + "##23": 21930, + "##vah": 21931, + "##lter": 21932, + "hoc": 21933, + "##riding": 21934, + "optimistic": 21935, + "##´s": 21936, + "deco": 21937, + "sim": 21938, + "interacting": 21939, + "rejecting": 21940, + "moniker": 21941, + "waterways": 21942, + "##ieri": 21943, + "##oku": 21944, + "mayors": 21945, + "gdansk": 21946, + "outnumbered": 21947, + "pearls": 21948, + "##ended": 21949, + "##hampton": 21950, + "fairs": 21951, + "totals": 21952, + "dominating": 21953, + "262": 21954, + "notions": 21955, + "stairway": 21956, + "compiling": 21957, + "pursed": 21958, + "commodities": 21959, + "grease": 21960, + "yeast": 21961, + "##jong": 21962, + "carthage": 21963, + "griffiths": 21964, + "residual": 21965, + "amc": 21966, + "contraction": 21967, + "laird": 21968, + "sapphire": 21969, + "##marine": 21970, + "##ivated": 21971, + "amalgamation": 21972, + "dissolve": 21973, + "inclination": 21974, + "lyle": 21975, + "packaged": 21976, + "altitudes": 21977, + "suez": 21978, + "canons": 21979, + "graded": 21980, + "lurched": 21981, + "narrowing": 21982, + "boasts": 21983, + "guise": 21984, + "wed": 21985, + "enrico": 21986, + "##ovsky": 21987, + "rower": 21988, + "scarred": 21989, + "bree": 21990, + "cub": 21991, + "iberian": 21992, + "protagonists": 21993, + "bargaining": 21994, + "proposing": 21995, + "trainers": 21996, + "voyages": 21997, + "vans": 21998, + "fishes": 21999, + "##aea": 22000, + "##ivist": 22001, + "##verance": 22002, + "encryption": 22003, + "artworks": 22004, + "kazan": 22005, + "sabre": 22006, + "cleopatra": 22007, + "hepburn": 22008, + "rotting": 22009, + "supremacy": 22010, + "mecklenburg": 22011, + "##brate": 22012, + "burrows": 22013, + "hazards": 22014, + "outgoing": 22015, + "flair": 22016, + "organizes": 22017, + "##ctions": 22018, + "scorpion": 22019, + "##usions": 22020, + "boo": 22021, + "234": 22022, + "chevalier": 22023, + "dunedin": 22024, + "slapping": 22025, + "##34": 22026, + "ineligible": 22027, + "pensions": 22028, + "##38": 22029, + "##omic": 22030, + "manufactures": 22031, + "emails": 22032, + "bismarck": 22033, + "238": 22034, + "weakening": 22035, + "blackish": 22036, + "ding": 22037, + "mcgee": 22038, + "quo": 22039, + "##rling": 22040, + "northernmost": 22041, + "xx": 22042, + "manpower": 22043, + "greed": 22044, + "sampson": 22045, + "clicking": 22046, + "##ange": 22047, + "##horpe": 22048, + "##inations": 22049, + "##roving": 22050, + "torre": 22051, + "##eptive": 22052, + "##moral": 22053, + "symbolism": 22054, + "38th": 22055, + "asshole": 22056, + "meritorious": 22057, + "outfits": 22058, + "splashed": 22059, + "biographies": 22060, + "sprung": 22061, + "astros": 22062, + "##tale": 22063, + "302": 22064, + "737": 22065, + "filly": 22066, + "raoul": 22067, + "nw": 22068, + "tokugawa": 22069, + "linden": 22070, + "clubhouse": 22071, + "##apa": 22072, + "tracts": 22073, + "romano": 22074, + "##pio": 22075, + "putin": 22076, + "tags": 22077, + "##note": 22078, + "chained": 22079, + "dickson": 22080, + "gunshot": 22081, + "moe": 22082, + "gunn": 22083, + "rashid": 22084, + "##tails": 22085, + "zipper": 22086, + "##bas": 22087, + "##nea": 22088, + "contrasted": 22089, + "##ply": 22090, + "##udes": 22091, + "plum": 22092, + "pharaoh": 22093, + "##pile": 22094, + "aw": 22095, + "comedies": 22096, + "ingrid": 22097, + "sandwiches": 22098, + "subdivisions": 22099, + "1100": 22100, + "mariana": 22101, + "nokia": 22102, + "kamen": 22103, + "hz": 22104, + "delaney": 22105, + "veto": 22106, + "herring": 22107, + "##words": 22108, + "possessive": 22109, + "outlines": 22110, + "##roup": 22111, + "siemens": 22112, + "stairwell": 22113, + "rc": 22114, + "gallantry": 22115, + "messiah": 22116, + "palais": 22117, + "yells": 22118, + "233": 22119, + "zeppelin": 22120, + "##dm": 22121, + "bolivar": 22122, + "##cede": 22123, + "smackdown": 22124, + "mckinley": 22125, + "##mora": 22126, + "##yt": 22127, + "muted": 22128, + "geologic": 22129, + "finely": 22130, + "unitary": 22131, + "avatar": 22132, + "hamas": 22133, + "maynard": 22134, + "rees": 22135, + "bog": 22136, + "contrasting": 22137, + "##rut": 22138, + "liv": 22139, + "chico": 22140, + "disposition": 22141, + "pixel": 22142, + "##erate": 22143, + "becca": 22144, + "dmitry": 22145, + "yeshiva": 22146, + "narratives": 22147, + "##lva": 22148, + "##ulton": 22149, + "mercenary": 22150, + "sharpe": 22151, + "tempered": 22152, + "navigate": 22153, + "stealth": 22154, + "amassed": 22155, + "keynes": 22156, + "##lini": 22157, + "untouched": 22158, + "##rrie": 22159, + "havoc": 22160, + "lithium": 22161, + "##fighting": 22162, + "abyss": 22163, + "graf": 22164, + "southward": 22165, + "wolverine": 22166, + "balloons": 22167, + "implements": 22168, + "ngos": 22169, + "transitions": 22170, + "##icum": 22171, + "ambushed": 22172, + "concacaf": 22173, + "dormant": 22174, + "economists": 22175, + "##dim": 22176, + "costing": 22177, + "csi": 22178, + "rana": 22179, + "universite": 22180, + "boulders": 22181, + "verity": 22182, + "##llon": 22183, + "collin": 22184, + "mellon": 22185, + "misses": 22186, + "cypress": 22187, + "fluorescent": 22188, + "lifeless": 22189, + "spence": 22190, + "##ulla": 22191, + "crewe": 22192, + "shepard": 22193, + "pak": 22194, + "revelations": 22195, + "##م": 22196, + "jolly": 22197, + "gibbons": 22198, + "paw": 22199, + "##dro": 22200, + "##quel": 22201, + "freeing": 22202, + "##test": 22203, + "shack": 22204, + "fries": 22205, + "palatine": 22206, + "##51": 22207, + "##hiko": 22208, + "accompaniment": 22209, + "cruising": 22210, + "recycled": 22211, + "##aver": 22212, + "erwin": 22213, + "sorting": 22214, + "synthesizers": 22215, + "dyke": 22216, + "realities": 22217, + "sg": 22218, + "strides": 22219, + "enslaved": 22220, + "wetland": 22221, + "##ghan": 22222, + "competence": 22223, + "gunpowder": 22224, + "grassy": 22225, + "maroon": 22226, + "reactors": 22227, + "objection": 22228, + "##oms": 22229, + "carlson": 22230, + "gearbox": 22231, + "macintosh": 22232, + "radios": 22233, + "shelton": 22234, + "##sho": 22235, + "clergyman": 22236, + "prakash": 22237, + "254": 22238, + "mongols": 22239, + "trophies": 22240, + "oricon": 22241, + "228": 22242, + "stimuli": 22243, + "twenty20": 22244, + "cantonese": 22245, + "cortes": 22246, + "mirrored": 22247, + "##saurus": 22248, + "bhp": 22249, + "cristina": 22250, + "melancholy": 22251, + "##lating": 22252, + "enjoyable": 22253, + "nuevo": 22254, + "##wny": 22255, + "downfall": 22256, + "schumacher": 22257, + "##ind": 22258, + "banging": 22259, + "lausanne": 22260, + "rumbled": 22261, + "paramilitary": 22262, + "reflex": 22263, + "ax": 22264, + "amplitude": 22265, + "migratory": 22266, + "##gall": 22267, + "##ups": 22268, + "midi": 22269, + "barnard": 22270, + "lastly": 22271, + "sherry": 22272, + "##hp": 22273, + "##nall": 22274, + "keystone": 22275, + "##kra": 22276, + "carleton": 22277, + "slippery": 22278, + "##53": 22279, + "coloring": 22280, + "foe": 22281, + "socket": 22282, + "otter": 22283, + "##rgos": 22284, + "mats": 22285, + "##tose": 22286, + "consultants": 22287, + "bafta": 22288, + "bison": 22289, + "topping": 22290, + "##km": 22291, + "490": 22292, + "primal": 22293, + "abandonment": 22294, + "transplant": 22295, + "atoll": 22296, + "hideous": 22297, + "mort": 22298, + "pained": 22299, + "reproduced": 22300, + "tae": 22301, + "howling": 22302, + "##turn": 22303, + "unlawful": 22304, + "billionaire": 22305, + "hotter": 22306, + "poised": 22307, + "lansing": 22308, + "##chang": 22309, + "dinamo": 22310, + "retro": 22311, + "messing": 22312, + "nfc": 22313, + "domesday": 22314, + "##mina": 22315, + "blitz": 22316, + "timed": 22317, + "##athing": 22318, + "##kley": 22319, + "ascending": 22320, + "gesturing": 22321, + "##izations": 22322, + "signaled": 22323, + "tis": 22324, + "chinatown": 22325, + "mermaid": 22326, + "savanna": 22327, + "jameson": 22328, + "##aint": 22329, + "catalina": 22330, + "##pet": 22331, + "##hers": 22332, + "cochrane": 22333, + "cy": 22334, + "chatting": 22335, + "##kus": 22336, + "alerted": 22337, + "computation": 22338, + "mused": 22339, + "noelle": 22340, + "majestic": 22341, + "mohawk": 22342, + "campo": 22343, + "octagonal": 22344, + "##sant": 22345, + "##hend": 22346, + "241": 22347, + "aspiring": 22348, + "##mart": 22349, + "comprehend": 22350, + "iona": 22351, + "paralyzed": 22352, + "shimmering": 22353, + "swindon": 22354, + "rhone": 22355, + "##eley": 22356, + "reputed": 22357, + "configurations": 22358, + "pitchfork": 22359, + "agitation": 22360, + "francais": 22361, + "gillian": 22362, + "lipstick": 22363, + "##ilo": 22364, + "outsiders": 22365, + "pontifical": 22366, + "resisting": 22367, + "bitterness": 22368, + "sewer": 22369, + "rockies": 22370, + "##edd": 22371, + "##ucher": 22372, + "misleading": 22373, + "1756": 22374, + "exiting": 22375, + "galloway": 22376, + "##nging": 22377, + "risked": 22378, + "##heart": 22379, + "246": 22380, + "commemoration": 22381, + "schultz": 22382, + "##rka": 22383, + "integrating": 22384, + "##rsa": 22385, + "poses": 22386, + "shrieked": 22387, + "##weiler": 22388, + "guineas": 22389, + "gladys": 22390, + "jerking": 22391, + "owls": 22392, + "goldsmith": 22393, + "nightly": 22394, + "penetrating": 22395, + "##unced": 22396, + "lia": 22397, + "##33": 22398, + "ignited": 22399, + "betsy": 22400, + "##aring": 22401, + "##thorpe": 22402, + "follower": 22403, + "vigorously": 22404, + "##rave": 22405, + "coded": 22406, + "kiran": 22407, + "knit": 22408, + "zoology": 22409, + "tbilisi": 22410, + "##28": 22411, + "##bered": 22412, + "repository": 22413, + "govt": 22414, + "deciduous": 22415, + "dino": 22416, + "growling": 22417, + "##bba": 22418, + "enhancement": 22419, + "unleashed": 22420, + "chanting": 22421, + "pussy": 22422, + "biochemistry": 22423, + "##eric": 22424, + "kettle": 22425, + "repression": 22426, + "toxicity": 22427, + "nrhp": 22428, + "##arth": 22429, + "##kko": 22430, + "##bush": 22431, + "ernesto": 22432, + "commended": 22433, + "outspoken": 22434, + "242": 22435, + "mca": 22436, + "parchment": 22437, + "sms": 22438, + "kristen": 22439, + "##aton": 22440, + "bisexual": 22441, + "raked": 22442, + "glamour": 22443, + "navajo": 22444, + "a2": 22445, + "conditioned": 22446, + "showcased": 22447, + "##hma": 22448, + "spacious": 22449, + "youthful": 22450, + "##esa": 22451, + "usl": 22452, + "appliances": 22453, + "junta": 22454, + "brest": 22455, + "layne": 22456, + "conglomerate": 22457, + "enchanted": 22458, + "chao": 22459, + "loosened": 22460, + "picasso": 22461, + "circulating": 22462, + "inspect": 22463, + "montevideo": 22464, + "##centric": 22465, + "##kti": 22466, + "piazza": 22467, + "spurred": 22468, + "##aith": 22469, + "bari": 22470, + "freedoms": 22471, + "poultry": 22472, + "stamford": 22473, + "lieu": 22474, + "##ect": 22475, + "indigo": 22476, + "sarcastic": 22477, + "bahia": 22478, + "stump": 22479, + "attach": 22480, + "dvds": 22481, + "frankenstein": 22482, + "lille": 22483, + "approx": 22484, + "scriptures": 22485, + "pollen": 22486, + "##script": 22487, + "nmi": 22488, + "overseen": 22489, + "##ivism": 22490, + "tides": 22491, + "proponent": 22492, + "newmarket": 22493, + "inherit": 22494, + "milling": 22495, + "##erland": 22496, + "centralized": 22497, + "##rou": 22498, + "distributors": 22499, + "credentials": 22500, + "drawers": 22501, + "abbreviation": 22502, + "##lco": 22503, + "##xon": 22504, + "downing": 22505, + "uncomfortably": 22506, + "ripe": 22507, + "##oes": 22508, + "erase": 22509, + "franchises": 22510, + "##ever": 22511, + "populace": 22512, + "##bery": 22513, + "##khar": 22514, + "decomposition": 22515, + "pleas": 22516, + "##tet": 22517, + "daryl": 22518, + "sabah": 22519, + "##stle": 22520, + "##wide": 22521, + "fearless": 22522, + "genie": 22523, + "lesions": 22524, + "annette": 22525, + "##ogist": 22526, + "oboe": 22527, + "appendix": 22528, + "nair": 22529, + "dripped": 22530, + "petitioned": 22531, + "maclean": 22532, + "mosquito": 22533, + "parrot": 22534, + "rpg": 22535, + "hampered": 22536, + "1648": 22537, + "operatic": 22538, + "reservoirs": 22539, + "##tham": 22540, + "irrelevant": 22541, + "jolt": 22542, + "summarized": 22543, + "##fp": 22544, + "medallion": 22545, + "##taff": 22546, + "##−": 22547, + "clawed": 22548, + "harlow": 22549, + "narrower": 22550, + "goddard": 22551, + "marcia": 22552, + "bodied": 22553, + "fremont": 22554, + "suarez": 22555, + "altering": 22556, + "tempest": 22557, + "mussolini": 22558, + "porn": 22559, + "##isms": 22560, + "sweetly": 22561, + "oversees": 22562, + "walkers": 22563, + "solitude": 22564, + "grimly": 22565, + "shrines": 22566, + "hk": 22567, + "ich": 22568, + "supervisors": 22569, + "hostess": 22570, + "dietrich": 22571, + "legitimacy": 22572, + "brushes": 22573, + "expressive": 22574, + "##yp": 22575, + "dissipated": 22576, + "##rse": 22577, + "localized": 22578, + "systemic": 22579, + "##nikov": 22580, + "gettysburg": 22581, + "##js": 22582, + "##uaries": 22583, + "dialogues": 22584, + "muttering": 22585, + "251": 22586, + "housekeeper": 22587, + "sicilian": 22588, + "discouraged": 22589, + "##frey": 22590, + "beamed": 22591, + "kaladin": 22592, + "halftime": 22593, + "kidnap": 22594, + "##amo": 22595, + "##llet": 22596, + "1754": 22597, + "synonymous": 22598, + "depleted": 22599, + "instituto": 22600, + "insulin": 22601, + "reprised": 22602, + "##opsis": 22603, + "clashed": 22604, + "##ctric": 22605, + "interrupting": 22606, + "radcliffe": 22607, + "insisting": 22608, + "medici": 22609, + "1715": 22610, + "ejected": 22611, + "playfully": 22612, + "turbulent": 22613, + "##47": 22614, + "starvation": 22615, + "##rini": 22616, + "shipment": 22617, + "rebellious": 22618, + "petersen": 22619, + "verification": 22620, + "merits": 22621, + "##rified": 22622, + "cakes": 22623, + "##charged": 22624, + "1757": 22625, + "milford": 22626, + "shortages": 22627, + "spying": 22628, + "fidelity": 22629, + "##aker": 22630, + "emitted": 22631, + "storylines": 22632, + "harvested": 22633, + "seismic": 22634, + "##iform": 22635, + "cheung": 22636, + "kilda": 22637, + "theoretically": 22638, + "barbie": 22639, + "lynx": 22640, + "##rgy": 22641, + "##tius": 22642, + "goblin": 22643, + "mata": 22644, + "poisonous": 22645, + "##nburg": 22646, + "reactive": 22647, + "residues": 22648, + "obedience": 22649, + "##евич": 22650, + "conjecture": 22651, + "##rac": 22652, + "401": 22653, + "hating": 22654, + "sixties": 22655, + "kicker": 22656, + "moaning": 22657, + "motown": 22658, + "##bha": 22659, + "emancipation": 22660, + "neoclassical": 22661, + "##hering": 22662, + "consoles": 22663, + "ebert": 22664, + "professorship": 22665, + "##tures": 22666, + "sustaining": 22667, + "assaults": 22668, + "obeyed": 22669, + "affluent": 22670, + "incurred": 22671, + "tornadoes": 22672, + "##eber": 22673, + "##zow": 22674, + "emphasizing": 22675, + "highlanders": 22676, + "cheated": 22677, + "helmets": 22678, + "##ctus": 22679, + "internship": 22680, + "terence": 22681, + "bony": 22682, + "executions": 22683, + "legislators": 22684, + "berries": 22685, + "peninsular": 22686, + "tinged": 22687, + "##aco": 22688, + "1689": 22689, + "amplifier": 22690, + "corvette": 22691, + "ribbons": 22692, + "lavish": 22693, + "pennant": 22694, + "##lander": 22695, + "worthless": 22696, + "##chfield": 22697, + "##forms": 22698, + "mariano": 22699, + "pyrenees": 22700, + "expenditures": 22701, + "##icides": 22702, + "chesterfield": 22703, + "mandir": 22704, + "tailor": 22705, + "39th": 22706, + "sergey": 22707, + "nestled": 22708, + "willed": 22709, + "aristocracy": 22710, + "devotees": 22711, + "goodnight": 22712, + "raaf": 22713, + "rumored": 22714, + "weaponry": 22715, + "remy": 22716, + "appropriations": 22717, + "harcourt": 22718, + "burr": 22719, + "riaa": 22720, + "##lence": 22721, + "limitation": 22722, + "unnoticed": 22723, + "guo": 22724, + "soaking": 22725, + "swamps": 22726, + "##tica": 22727, + "collapsing": 22728, + "tatiana": 22729, + "descriptive": 22730, + "brigham": 22731, + "psalm": 22732, + "##chment": 22733, + "maddox": 22734, + "##lization": 22735, + "patti": 22736, + "caliph": 22737, + "##aja": 22738, + "akron": 22739, + "injuring": 22740, + "serra": 22741, + "##ganj": 22742, + "basins": 22743, + "##sari": 22744, + "astonished": 22745, + "launcher": 22746, + "##church": 22747, + "hilary": 22748, + "wilkins": 22749, + "sewing": 22750, + "##sf": 22751, + "stinging": 22752, + "##fia": 22753, + "##ncia": 22754, + "underwood": 22755, + "startup": 22756, + "##ition": 22757, + "compilations": 22758, + "vibrations": 22759, + "embankment": 22760, + "jurist": 22761, + "##nity": 22762, + "bard": 22763, + "juventus": 22764, + "groundwater": 22765, + "kern": 22766, + "palaces": 22767, + "helium": 22768, + "boca": 22769, + "cramped": 22770, + "marissa": 22771, + "soto": 22772, + "##worm": 22773, + "jae": 22774, + "princely": 22775, + "##ggy": 22776, + "faso": 22777, + "bazaar": 22778, + "warmly": 22779, + "##voking": 22780, + "229": 22781, + "pairing": 22782, + "##lite": 22783, + "##grate": 22784, + "##nets": 22785, + "wien": 22786, + "freaked": 22787, + "ulysses": 22788, + "rebirth": 22789, + "##alia": 22790, + "##rent": 22791, + "mummy": 22792, + "guzman": 22793, + "jimenez": 22794, + "stilled": 22795, + "##nitz": 22796, + "trajectory": 22797, + "tha": 22798, + "woken": 22799, + "archival": 22800, + "professions": 22801, + "##pts": 22802, + "##pta": 22803, + "hilly": 22804, + "shadowy": 22805, + "shrink": 22806, + "##bolt": 22807, + "norwood": 22808, + "glued": 22809, + "migrate": 22810, + "stereotypes": 22811, + "devoid": 22812, + "##pheus": 22813, + "625": 22814, + "evacuate": 22815, + "horrors": 22816, + "infancy": 22817, + "gotham": 22818, + "knowles": 22819, + "optic": 22820, + "downloaded": 22821, + "sachs": 22822, + "kingsley": 22823, + "parramatta": 22824, + "darryl": 22825, + "mor": 22826, + "##onale": 22827, + "shady": 22828, + "commence": 22829, + "confesses": 22830, + "kan": 22831, + "##meter": 22832, + "##placed": 22833, + "marlborough": 22834, + "roundabout": 22835, + "regents": 22836, + "frigates": 22837, + "io": 22838, + "##imating": 22839, + "gothenburg": 22840, + "revoked": 22841, + "carvings": 22842, + "clockwise": 22843, + "convertible": 22844, + "intruder": 22845, + "##sche": 22846, + "banged": 22847, + "##ogo": 22848, + "vicky": 22849, + "bourgeois": 22850, + "##mony": 22851, + "dupont": 22852, + "footing": 22853, + "##gum": 22854, + "pd": 22855, + "##real": 22856, + "buckle": 22857, + "yun": 22858, + "penthouse": 22859, + "sane": 22860, + "720": 22861, + "serviced": 22862, + "stakeholders": 22863, + "neumann": 22864, + "bb": 22865, + "##eers": 22866, + "comb": 22867, + "##gam": 22868, + "catchment": 22869, + "pinning": 22870, + "rallies": 22871, + "typing": 22872, + "##elles": 22873, + "forefront": 22874, + "freiburg": 22875, + "sweetie": 22876, + "giacomo": 22877, + "widowed": 22878, + "goodwill": 22879, + "worshipped": 22880, + "aspirations": 22881, + "midday": 22882, + "##vat": 22883, + "fishery": 22884, + "##trick": 22885, + "bournemouth": 22886, + "turk": 22887, + "243": 22888, + "hearth": 22889, + "ethanol": 22890, + "guadalajara": 22891, + "murmurs": 22892, + "sl": 22893, + "##uge": 22894, + "afforded": 22895, + "scripted": 22896, + "##hta": 22897, + "wah": 22898, + "##jn": 22899, + "coroner": 22900, + "translucent": 22901, + "252": 22902, + "memorials": 22903, + "puck": 22904, + "progresses": 22905, + "clumsy": 22906, + "##race": 22907, + "315": 22908, + "candace": 22909, + "recounted": 22910, + "##27": 22911, + "##slin": 22912, + "##uve": 22913, + "filtering": 22914, + "##mac": 22915, + "howl": 22916, + "strata": 22917, + "heron": 22918, + "leveled": 22919, + "##ays": 22920, + "dubious": 22921, + "##oja": 22922, + "##т": 22923, + "##wheel": 22924, + "citations": 22925, + "exhibiting": 22926, + "##laya": 22927, + "##mics": 22928, + "##pods": 22929, + "turkic": 22930, + "##lberg": 22931, + "injunction": 22932, + "##ennial": 22933, + "##mit": 22934, + "antibodies": 22935, + "##44": 22936, + "organise": 22937, + "##rigues": 22938, + "cardiovascular": 22939, + "cushion": 22940, + "inverness": 22941, + "##zquez": 22942, + "dia": 22943, + "cocoa": 22944, + "sibling": 22945, + "##tman": 22946, + "##roid": 22947, + "expanse": 22948, + "feasible": 22949, + "tunisian": 22950, + "algiers": 22951, + "##relli": 22952, + "rus": 22953, + "bloomberg": 22954, + "dso": 22955, + "westphalia": 22956, + "bro": 22957, + "tacoma": 22958, + "281": 22959, + "downloads": 22960, + "##ours": 22961, + "konrad": 22962, + "duran": 22963, + "##hdi": 22964, + "continuum": 22965, + "jett": 22966, + "compares": 22967, + "legislator": 22968, + "secession": 22969, + "##nable": 22970, + "##gues": 22971, + "##zuka": 22972, + "translating": 22973, + "reacher": 22974, + "##gley": 22975, + "##ła": 22976, + "aleppo": 22977, + "##agi": 22978, + "tc": 22979, + "orchards": 22980, + "trapping": 22981, + "linguist": 22982, + "versatile": 22983, + "drumming": 22984, + "postage": 22985, + "calhoun": 22986, + "superiors": 22987, + "##mx": 22988, + "barefoot": 22989, + "leary": 22990, + "##cis": 22991, + "ignacio": 22992, + "alfa": 22993, + "kaplan": 22994, + "##rogen": 22995, + "bratislava": 22996, + "mori": 22997, + "##vot": 22998, + "disturb": 22999, + "haas": 23000, + "313": 23001, + "cartridges": 23002, + "gilmore": 23003, + "radiated": 23004, + "salford": 23005, + "tunic": 23006, + "hades": 23007, + "##ulsive": 23008, + "archeological": 23009, + "delilah": 23010, + "magistrates": 23011, + "auditioned": 23012, + "brewster": 23013, + "charters": 23014, + "empowerment": 23015, + "blogs": 23016, + "cappella": 23017, + "dynasties": 23018, + "iroquois": 23019, + "whipping": 23020, + "##krishna": 23021, + "raceway": 23022, + "truths": 23023, + "myra": 23024, + "weaken": 23025, + "judah": 23026, + "mcgregor": 23027, + "##horse": 23028, + "mic": 23029, + "refueling": 23030, + "37th": 23031, + "burnley": 23032, + "bosses": 23033, + "markus": 23034, + "premio": 23035, + "query": 23036, + "##gga": 23037, + "dunbar": 23038, + "##economic": 23039, + "darkest": 23040, + "lyndon": 23041, + "sealing": 23042, + "commendation": 23043, + "reappeared": 23044, + "##mun": 23045, + "addicted": 23046, + "ezio": 23047, + "slaughtered": 23048, + "satisfactory": 23049, + "shuffle": 23050, + "##eves": 23051, + "##thic": 23052, + "##uj": 23053, + "fortification": 23054, + "warrington": 23055, + "##otto": 23056, + "resurrected": 23057, + "fargo": 23058, + "mane": 23059, + "##utable": 23060, + "##lei": 23061, + "##space": 23062, + "foreword": 23063, + "ox": 23064, + "##aris": 23065, + "##vern": 23066, + "abrams": 23067, + "hua": 23068, + "##mento": 23069, + "sakura": 23070, + "##alo": 23071, + "uv": 23072, + "sentimental": 23073, + "##skaya": 23074, + "midfield": 23075, + "##eses": 23076, + "sturdy": 23077, + "scrolls": 23078, + "macleod": 23079, + "##kyu": 23080, + "entropy": 23081, + "##lance": 23082, + "mitochondrial": 23083, + "cicero": 23084, + "excelled": 23085, + "thinner": 23086, + "convoys": 23087, + "perceive": 23088, + "##oslav": 23089, + "##urable": 23090, + "systematically": 23091, + "grind": 23092, + "burkina": 23093, + "287": 23094, + "##tagram": 23095, + "ops": 23096, + "##aman": 23097, + "guantanamo": 23098, + "##cloth": 23099, + "##tite": 23100, + "forcefully": 23101, + "wavy": 23102, + "##jou": 23103, + "pointless": 23104, + "##linger": 23105, + "##tze": 23106, + "layton": 23107, + "portico": 23108, + "superficial": 23109, + "clerical": 23110, + "outlaws": 23111, + "##hism": 23112, + "burials": 23113, + "muir": 23114, + "##inn": 23115, + "creditors": 23116, + "hauling": 23117, + "rattle": 23118, + "##leg": 23119, + "calais": 23120, + "monde": 23121, + "archers": 23122, + "reclaimed": 23123, + "dwell": 23124, + "wexford": 23125, + "hellenic": 23126, + "falsely": 23127, + "remorse": 23128, + "##tek": 23129, + "dough": 23130, + "furnishings": 23131, + "##uttered": 23132, + "gabon": 23133, + "neurological": 23134, + "novice": 23135, + "##igraphy": 23136, + "contemplated": 23137, + "pulpit": 23138, + "nightstand": 23139, + "saratoga": 23140, + "##istan": 23141, + "documenting": 23142, + "pulsing": 23143, + "taluk": 23144, + "##firmed": 23145, + "busted": 23146, + "marital": 23147, + "##rien": 23148, + "disagreements": 23149, + "wasps": 23150, + "##yes": 23151, + "hodge": 23152, + "mcdonnell": 23153, + "mimic": 23154, + "fran": 23155, + "pendant": 23156, + "dhabi": 23157, + "musa": 23158, + "##nington": 23159, + "congratulations": 23160, + "argent": 23161, + "darrell": 23162, + "concussion": 23163, + "losers": 23164, + "regrets": 23165, + "thessaloniki": 23166, + "reversal": 23167, + "donaldson": 23168, + "hardwood": 23169, + "thence": 23170, + "achilles": 23171, + "ritter": 23172, + "##eran": 23173, + "demonic": 23174, + "jurgen": 23175, + "prophets": 23176, + "goethe": 23177, + "eki": 23178, + "classmate": 23179, + "buff": 23180, + "##cking": 23181, + "yank": 23182, + "irrational": 23183, + "##inging": 23184, + "perished": 23185, + "seductive": 23186, + "qur": 23187, + "sourced": 23188, + "##crat": 23189, + "##typic": 23190, + "mustard": 23191, + "ravine": 23192, + "barre": 23193, + "horizontally": 23194, + "characterization": 23195, + "phylogenetic": 23196, + "boise": 23197, + "##dit": 23198, + "##runner": 23199, + "##tower": 23200, + "brutally": 23201, + "intercourse": 23202, + "seduce": 23203, + "##bbing": 23204, + "fay": 23205, + "ferris": 23206, + "ogden": 23207, + "amar": 23208, + "nik": 23209, + "unarmed": 23210, + "##inator": 23211, + "evaluating": 23212, + "kyrgyzstan": 23213, + "sweetness": 23214, + "##lford": 23215, + "##oki": 23216, + "mccormick": 23217, + "meiji": 23218, + "notoriety": 23219, + "stimulate": 23220, + "disrupt": 23221, + "figuring": 23222, + "instructional": 23223, + "mcgrath": 23224, + "##zoo": 23225, + "groundbreaking": 23226, + "##lto": 23227, + "flinch": 23228, + "khorasan": 23229, + "agrarian": 23230, + "bengals": 23231, + "mixer": 23232, + "radiating": 23233, + "##sov": 23234, + "ingram": 23235, + "pitchers": 23236, + "nad": 23237, + "tariff": 23238, + "##cript": 23239, + "tata": 23240, + "##codes": 23241, + "##emi": 23242, + "##ungen": 23243, + "appellate": 23244, + "lehigh": 23245, + "##bled": 23246, + "##giri": 23247, + "brawl": 23248, + "duct": 23249, + "texans": 23250, + "##ciation": 23251, + "##ropolis": 23252, + "skipper": 23253, + "speculative": 23254, + "vomit": 23255, + "doctrines": 23256, + "stresses": 23257, + "253": 23258, + "davy": 23259, + "graders": 23260, + "whitehead": 23261, + "jozef": 23262, + "timely": 23263, + "cumulative": 23264, + "haryana": 23265, + "paints": 23266, + "appropriately": 23267, + "boon": 23268, + "cactus": 23269, + "##ales": 23270, + "##pid": 23271, + "dow": 23272, + "legions": 23273, + "##pit": 23274, + "perceptions": 23275, + "1730": 23276, + "picturesque": 23277, + "##yse": 23278, + "periphery": 23279, + "rune": 23280, + "wr": 23281, + "##aha": 23282, + "celtics": 23283, + "sentencing": 23284, + "whoa": 23285, + "##erin": 23286, + "confirms": 23287, + "variance": 23288, + "425": 23289, + "moines": 23290, + "mathews": 23291, + "spade": 23292, + "rave": 23293, + "m1": 23294, + "fronted": 23295, + "fx": 23296, + "blending": 23297, + "alleging": 23298, + "reared": 23299, + "##gl": 23300, + "237": 23301, + "##paper": 23302, + "grassroots": 23303, + "eroded": 23304, + "##free": 23305, + "##physical": 23306, + "directs": 23307, + "ordeal": 23308, + "##sław": 23309, + "accelerate": 23310, + "hacker": 23311, + "rooftop": 23312, + "##inia": 23313, + "lev": 23314, + "buys": 23315, + "cebu": 23316, + "devote": 23317, + "##lce": 23318, + "specialising": 23319, + "##ulsion": 23320, + "choreographed": 23321, + "repetition": 23322, + "warehouses": 23323, + "##ryl": 23324, + "paisley": 23325, + "tuscany": 23326, + "analogy": 23327, + "sorcerer": 23328, + "hash": 23329, + "huts": 23330, + "shards": 23331, + "descends": 23332, + "exclude": 23333, + "nix": 23334, + "chaplin": 23335, + "gaga": 23336, + "ito": 23337, + "vane": 23338, + "##drich": 23339, + "causeway": 23340, + "misconduct": 23341, + "limo": 23342, + "orchestrated": 23343, + "glands": 23344, + "jana": 23345, + "##kot": 23346, + "u2": 23347, + "##mple": 23348, + "##sons": 23349, + "branching": 23350, + "contrasts": 23351, + "scoop": 23352, + "longed": 23353, + "##virus": 23354, + "chattanooga": 23355, + "##75": 23356, + "syrup": 23357, + "cornerstone": 23358, + "##tized": 23359, + "##mind": 23360, + "##iaceae": 23361, + "careless": 23362, + "precedence": 23363, + "frescoes": 23364, + "##uet": 23365, + "chilled": 23366, + "consult": 23367, + "modelled": 23368, + "snatch": 23369, + "peat": 23370, + "##thermal": 23371, + "caucasian": 23372, + "humane": 23373, + "relaxation": 23374, + "spins": 23375, + "temperance": 23376, + "##lbert": 23377, + "occupations": 23378, + "lambda": 23379, + "hybrids": 23380, + "moons": 23381, + "mp3": 23382, + "##oese": 23383, + "247": 23384, + "rolf": 23385, + "societal": 23386, + "yerevan": 23387, + "ness": 23388, + "##ssler": 23389, + "befriended": 23390, + "mechanized": 23391, + "nominate": 23392, + "trough": 23393, + "boasted": 23394, + "cues": 23395, + "seater": 23396, + "##hom": 23397, + "bends": 23398, + "##tangle": 23399, + "conductors": 23400, + "emptiness": 23401, + "##lmer": 23402, + "eurasian": 23403, + "adriatic": 23404, + "tian": 23405, + "##cie": 23406, + "anxiously": 23407, + "lark": 23408, + "propellers": 23409, + "chichester": 23410, + "jock": 23411, + "ev": 23412, + "2a": 23413, + "##holding": 23414, + "credible": 23415, + "recounts": 23416, + "tori": 23417, + "loyalist": 23418, + "abduction": 23419, + "##hoot": 23420, + "##redo": 23421, + "nepali": 23422, + "##mite": 23423, + "ventral": 23424, + "tempting": 23425, + "##ango": 23426, + "##crats": 23427, + "steered": 23428, + "##wice": 23429, + "javelin": 23430, + "dipping": 23431, + "laborers": 23432, + "prentice": 23433, + "looming": 23434, + "titanium": 23435, + "##ː": 23436, + "badges": 23437, + "emir": 23438, + "tensor": 23439, + "##ntation": 23440, + "egyptians": 23441, + "rash": 23442, + "denies": 23443, + "hawthorne": 23444, + "lombard": 23445, + "showers": 23446, + "wehrmacht": 23447, + "dietary": 23448, + "trojan": 23449, + "##reus": 23450, + "welles": 23451, + "executing": 23452, + "horseshoe": 23453, + "lifeboat": 23454, + "##lak": 23455, + "elsa": 23456, + "infirmary": 23457, + "nearing": 23458, + "roberta": 23459, + "boyer": 23460, + "mutter": 23461, + "trillion": 23462, + "joanne": 23463, + "##fine": 23464, + "##oked": 23465, + "sinks": 23466, + "vortex": 23467, + "uruguayan": 23468, + "clasp": 23469, + "sirius": 23470, + "##block": 23471, + "accelerator": 23472, + "prohibit": 23473, + "sunken": 23474, + "byu": 23475, + "chronological": 23476, + "diplomats": 23477, + "ochreous": 23478, + "510": 23479, + "symmetrical": 23480, + "1644": 23481, + "maia": 23482, + "##tology": 23483, + "salts": 23484, + "reigns": 23485, + "atrocities": 23486, + "##ия": 23487, + "hess": 23488, + "bared": 23489, + "issn": 23490, + "##vyn": 23491, + "cater": 23492, + "saturated": 23493, + "##cycle": 23494, + "##isse": 23495, + "sable": 23496, + "voyager": 23497, + "dyer": 23498, + "yusuf": 23499, + "##inge": 23500, + "fountains": 23501, + "wolff": 23502, + "##39": 23503, + "##nni": 23504, + "engraving": 23505, + "rollins": 23506, + "atheist": 23507, + "ominous": 23508, + "##ault": 23509, + "herr": 23510, + "chariot": 23511, + "martina": 23512, + "strung": 23513, + "##fell": 23514, + "##farlane": 23515, + "horrific": 23516, + "sahib": 23517, + "gazes": 23518, + "saetan": 23519, + "erased": 23520, + "ptolemy": 23521, + "##olic": 23522, + "flushing": 23523, + "lauderdale": 23524, + "analytic": 23525, + "##ices": 23526, + "530": 23527, + "navarro": 23528, + "beak": 23529, + "gorilla": 23530, + "herrera": 23531, + "broom": 23532, + "guadalupe": 23533, + "raiding": 23534, + "sykes": 23535, + "311": 23536, + "bsc": 23537, + "deliveries": 23538, + "1720": 23539, + "invasions": 23540, + "carmichael": 23541, + "tajikistan": 23542, + "thematic": 23543, + "ecumenical": 23544, + "sentiments": 23545, + "onstage": 23546, + "##rians": 23547, + "##brand": 23548, + "##sume": 23549, + "catastrophic": 23550, + "flanks": 23551, + "molten": 23552, + "##arns": 23553, + "waller": 23554, + "aimee": 23555, + "terminating": 23556, + "##icing": 23557, + "alternately": 23558, + "##oche": 23559, + "nehru": 23560, + "printers": 23561, + "outraged": 23562, + "##eving": 23563, + "empires": 23564, + "template": 23565, + "banners": 23566, + "repetitive": 23567, + "za": 23568, + "##oise": 23569, + "vegetarian": 23570, + "##tell": 23571, + "guiana": 23572, + "opt": 23573, + "cavendish": 23574, + "lucknow": 23575, + "synthesized": 23576, + "##hani": 23577, + "##mada": 23578, + "finalized": 23579, + "##ctable": 23580, + "fictitious": 23581, + "mayoral": 23582, + "unreliable": 23583, + "##enham": 23584, + "embracing": 23585, + "peppers": 23586, + "rbis": 23587, + "##chio": 23588, + "##neo": 23589, + "inhibition": 23590, + "slashed": 23591, + "togo": 23592, + "orderly": 23593, + "embroidered": 23594, + "safari": 23595, + "salty": 23596, + "236": 23597, + "barron": 23598, + "benito": 23599, + "totaled": 23600, + "##dak": 23601, + "pubs": 23602, + "simulated": 23603, + "caden": 23604, + "devin": 23605, + "tolkien": 23606, + "momma": 23607, + "welding": 23608, + "sesame": 23609, + "##ept": 23610, + "gottingen": 23611, + "hardness": 23612, + "630": 23613, + "shaman": 23614, + "temeraire": 23615, + "620": 23616, + "adequately": 23617, + "pediatric": 23618, + "##kit": 23619, + "ck": 23620, + "assertion": 23621, + "radicals": 23622, + "composure": 23623, + "cadence": 23624, + "seafood": 23625, + "beaufort": 23626, + "lazarus": 23627, + "mani": 23628, + "warily": 23629, + "cunning": 23630, + "kurdistan": 23631, + "249": 23632, + "cantata": 23633, + "##kir": 23634, + "ares": 23635, + "##41": 23636, + "##clusive": 23637, + "nape": 23638, + "townland": 23639, + "geared": 23640, + "insulted": 23641, + "flutter": 23642, + "boating": 23643, + "violate": 23644, + "draper": 23645, + "dumping": 23646, + "malmo": 23647, + "##hh": 23648, + "##romatic": 23649, + "firearm": 23650, + "alta": 23651, + "bono": 23652, + "obscured": 23653, + "##clave": 23654, + "exceeds": 23655, + "panorama": 23656, + "unbelievable": 23657, + "##train": 23658, + "preschool": 23659, + "##essed": 23660, + "disconnected": 23661, + "installing": 23662, + "rescuing": 23663, + "secretaries": 23664, + "accessibility": 23665, + "##castle": 23666, + "##drive": 23667, + "##ifice": 23668, + "##film": 23669, + "bouts": 23670, + "slug": 23671, + "waterway": 23672, + "mindanao": 23673, + "##buro": 23674, + "##ratic": 23675, + "halves": 23676, + "##ل": 23677, + "calming": 23678, + "liter": 23679, + "maternity": 23680, + "adorable": 23681, + "bragg": 23682, + "electrification": 23683, + "mcc": 23684, + "##dote": 23685, + "roxy": 23686, + "schizophrenia": 23687, + "##body": 23688, + "munoz": 23689, + "kaye": 23690, + "whaling": 23691, + "239": 23692, + "mil": 23693, + "tingling": 23694, + "tolerant": 23695, + "##ago": 23696, + "unconventional": 23697, + "volcanoes": 23698, + "##finder": 23699, + "deportivo": 23700, + "##llie": 23701, + "robson": 23702, + "kaufman": 23703, + "neuroscience": 23704, + "wai": 23705, + "deportation": 23706, + "masovian": 23707, + "scraping": 23708, + "converse": 23709, + "##bh": 23710, + "hacking": 23711, + "bulge": 23712, + "##oun": 23713, + "administratively": 23714, + "yao": 23715, + "580": 23716, + "amp": 23717, + "mammoth": 23718, + "booster": 23719, + "claremont": 23720, + "hooper": 23721, + "nomenclature": 23722, + "pursuits": 23723, + "mclaughlin": 23724, + "melinda": 23725, + "##sul": 23726, + "catfish": 23727, + "barclay": 23728, + "substrates": 23729, + "taxa": 23730, + "zee": 23731, + "originals": 23732, + "kimberly": 23733, + "packets": 23734, + "padma": 23735, + "##ality": 23736, + "borrowing": 23737, + "ostensibly": 23738, + "solvent": 23739, + "##bri": 23740, + "##genesis": 23741, + "##mist": 23742, + "lukas": 23743, + "shreveport": 23744, + "veracruz": 23745, + "##ь": 23746, + "##lou": 23747, + "##wives": 23748, + "cheney": 23749, + "tt": 23750, + "anatolia": 23751, + "hobbs": 23752, + "##zyn": 23753, + "cyclic": 23754, + "radiant": 23755, + "alistair": 23756, + "greenish": 23757, + "siena": 23758, + "dat": 23759, + "independents": 23760, + "##bation": 23761, + "conform": 23762, + "pieter": 23763, + "hyper": 23764, + "applicant": 23765, + "bradshaw": 23766, + "spores": 23767, + "telangana": 23768, + "vinci": 23769, + "inexpensive": 23770, + "nuclei": 23771, + "322": 23772, + "jang": 23773, + "nme": 23774, + "soho": 23775, + "spd": 23776, + "##ign": 23777, + "cradled": 23778, + "receptionist": 23779, + "pow": 23780, + "##43": 23781, + "##rika": 23782, + "fascism": 23783, + "##ifer": 23784, + "experimenting": 23785, + "##ading": 23786, + "##iec": 23787, + "##region": 23788, + "345": 23789, + "jocelyn": 23790, + "maris": 23791, + "stair": 23792, + "nocturnal": 23793, + "toro": 23794, + "constabulary": 23795, + "elgin": 23796, + "##kker": 23797, + "msc": 23798, + "##giving": 23799, + "##schen": 23800, + "##rase": 23801, + "doherty": 23802, + "doping": 23803, + "sarcastically": 23804, + "batter": 23805, + "maneuvers": 23806, + "##cano": 23807, + "##apple": 23808, + "##gai": 23809, + "##git": 23810, + "intrinsic": 23811, + "##nst": 23812, + "##stor": 23813, + "1753": 23814, + "showtime": 23815, + "cafes": 23816, + "gasps": 23817, + "lviv": 23818, + "ushered": 23819, + "##thed": 23820, + "fours": 23821, + "restart": 23822, + "astonishment": 23823, + "transmitting": 23824, + "flyer": 23825, + "shrugs": 23826, + "##sau": 23827, + "intriguing": 23828, + "cones": 23829, + "dictated": 23830, + "mushrooms": 23831, + "medial": 23832, + "##kovsky": 23833, + "##elman": 23834, + "escorting": 23835, + "gaped": 23836, + "##26": 23837, + "godfather": 23838, + "##door": 23839, + "##sell": 23840, + "djs": 23841, + "recaptured": 23842, + "timetable": 23843, + "vila": 23844, + "1710": 23845, + "3a": 23846, + "aerodrome": 23847, + "mortals": 23848, + "scientology": 23849, + "##orne": 23850, + "angelina": 23851, + "mag": 23852, + "convection": 23853, + "unpaid": 23854, + "insertion": 23855, + "intermittent": 23856, + "lego": 23857, + "##nated": 23858, + "endeavor": 23859, + "kota": 23860, + "pereira": 23861, + "##lz": 23862, + "304": 23863, + "bwv": 23864, + "glamorgan": 23865, + "insults": 23866, + "agatha": 23867, + "fey": 23868, + "##cend": 23869, + "fleetwood": 23870, + "mahogany": 23871, + "protruding": 23872, + "steamship": 23873, + "zeta": 23874, + "##arty": 23875, + "mcguire": 23876, + "suspense": 23877, + "##sphere": 23878, + "advising": 23879, + "urges": 23880, + "##wala": 23881, + "hurriedly": 23882, + "meteor": 23883, + "gilded": 23884, + "inline": 23885, + "arroyo": 23886, + "stalker": 23887, + "##oge": 23888, + "excitedly": 23889, + "revered": 23890, + "##cure": 23891, + "earle": 23892, + "introductory": 23893, + "##break": 23894, + "##ilde": 23895, + "mutants": 23896, + "puff": 23897, + "pulses": 23898, + "reinforcement": 23899, + "##haling": 23900, + "curses": 23901, + "lizards": 23902, + "stalk": 23903, + "correlated": 23904, + "##fixed": 23905, + "fallout": 23906, + "macquarie": 23907, + "##unas": 23908, + "bearded": 23909, + "denton": 23910, + "heaving": 23911, + "802": 23912, + "##ocation": 23913, + "winery": 23914, + "assign": 23915, + "dortmund": 23916, + "##lkirk": 23917, + "everest": 23918, + "invariant": 23919, + "charismatic": 23920, + "susie": 23921, + "##elling": 23922, + "bled": 23923, + "lesley": 23924, + "telegram": 23925, + "sumner": 23926, + "bk": 23927, + "##ogen": 23928, + "##к": 23929, + "wilcox": 23930, + "needy": 23931, + "colbert": 23932, + "duval": 23933, + "##iferous": 23934, + "##mbled": 23935, + "allotted": 23936, + "attends": 23937, + "imperative": 23938, + "##hita": 23939, + "replacements": 23940, + "hawker": 23941, + "##inda": 23942, + "insurgency": 23943, + "##zee": 23944, + "##eke": 23945, + "casts": 23946, + "##yla": 23947, + "680": 23948, + "ives": 23949, + "transitioned": 23950, + "##pack": 23951, + "##powering": 23952, + "authoritative": 23953, + "baylor": 23954, + "flex": 23955, + "cringed": 23956, + "plaintiffs": 23957, + "woodrow": 23958, + "##skie": 23959, + "drastic": 23960, + "ape": 23961, + "aroma": 23962, + "unfolded": 23963, + "commotion": 23964, + "nt": 23965, + "preoccupied": 23966, + "theta": 23967, + "routines": 23968, + "lasers": 23969, + "privatization": 23970, + "wand": 23971, + "domino": 23972, + "ek": 23973, + "clenching": 23974, + "nsa": 23975, + "strategically": 23976, + "showered": 23977, + "bile": 23978, + "handkerchief": 23979, + "pere": 23980, + "storing": 23981, + "christophe": 23982, + "insulting": 23983, + "316": 23984, + "nakamura": 23985, + "romani": 23986, + "asiatic": 23987, + "magdalena": 23988, + "palma": 23989, + "cruises": 23990, + "stripping": 23991, + "405": 23992, + "konstantin": 23993, + "soaring": 23994, + "##berman": 23995, + "colloquially": 23996, + "forerunner": 23997, + "havilland": 23998, + "incarcerated": 23999, + "parasites": 24000, + "sincerity": 24001, + "##utus": 24002, + "disks": 24003, + "plank": 24004, + "saigon": 24005, + "##ining": 24006, + "corbin": 24007, + "homo": 24008, + "ornaments": 24009, + "powerhouse": 24010, + "##tlement": 24011, + "chong": 24012, + "fastened": 24013, + "feasibility": 24014, + "idf": 24015, + "morphological": 24016, + "usable": 24017, + "##nish": 24018, + "##zuki": 24019, + "aqueduct": 24020, + "jaguars": 24021, + "keepers": 24022, + "##flies": 24023, + "aleksandr": 24024, + "faust": 24025, + "assigns": 24026, + "ewing": 24027, + "bacterium": 24028, + "hurled": 24029, + "tricky": 24030, + "hungarians": 24031, + "integers": 24032, + "wallis": 24033, + "321": 24034, + "yamaha": 24035, + "##isha": 24036, + "hushed": 24037, + "oblivion": 24038, + "aviator": 24039, + "evangelist": 24040, + "friars": 24041, + "##eller": 24042, + "monograph": 24043, + "ode": 24044, + "##nary": 24045, + "airplanes": 24046, + "labourers": 24047, + "charms": 24048, + "##nee": 24049, + "1661": 24050, + "hagen": 24051, + "tnt": 24052, + "rudder": 24053, + "fiesta": 24054, + "transcript": 24055, + "dorothea": 24056, + "ska": 24057, + "inhibitor": 24058, + "maccabi": 24059, + "retorted": 24060, + "raining": 24061, + "encompassed": 24062, + "clauses": 24063, + "menacing": 24064, + "1642": 24065, + "lineman": 24066, + "##gist": 24067, + "vamps": 24068, + "##ape": 24069, + "##dick": 24070, + "gloom": 24071, + "##rera": 24072, + "dealings": 24073, + "easing": 24074, + "seekers": 24075, + "##nut": 24076, + "##pment": 24077, + "helens": 24078, + "unmanned": 24079, + "##anu": 24080, + "##isson": 24081, + "basics": 24082, + "##amy": 24083, + "##ckman": 24084, + "adjustments": 24085, + "1688": 24086, + "brutality": 24087, + "horne": 24088, + "##zell": 24089, + "sui": 24090, + "##55": 24091, + "##mable": 24092, + "aggregator": 24093, + "##thal": 24094, + "rhino": 24095, + "##drick": 24096, + "##vira": 24097, + "counters": 24098, + "zoom": 24099, + "##01": 24100, + "##rting": 24101, + "mn": 24102, + "montenegrin": 24103, + "packard": 24104, + "##unciation": 24105, + "##♭": 24106, + "##kki": 24107, + "reclaim": 24108, + "scholastic": 24109, + "thugs": 24110, + "pulsed": 24111, + "##icia": 24112, + "syriac": 24113, + "quan": 24114, + "saddam": 24115, + "banda": 24116, + "kobe": 24117, + "blaming": 24118, + "buddies": 24119, + "dissent": 24120, + "##lusion": 24121, + "##usia": 24122, + "corbett": 24123, + "jaya": 24124, + "delle": 24125, + "erratic": 24126, + "lexie": 24127, + "##hesis": 24128, + "435": 24129, + "amiga": 24130, + "hermes": 24131, + "##pressing": 24132, + "##leen": 24133, + "chapels": 24134, + "gospels": 24135, + "jamal": 24136, + "##uating": 24137, + "compute": 24138, + "revolving": 24139, + "warp": 24140, + "##sso": 24141, + "##thes": 24142, + "armory": 24143, + "##eras": 24144, + "##gol": 24145, + "antrim": 24146, + "loki": 24147, + "##kow": 24148, + "##asian": 24149, + "##good": 24150, + "##zano": 24151, + "braid": 24152, + "handwriting": 24153, + "subdistrict": 24154, + "funky": 24155, + "pantheon": 24156, + "##iculate": 24157, + "concurrency": 24158, + "estimation": 24159, + "improper": 24160, + "juliana": 24161, + "##his": 24162, + "newcomers": 24163, + "johnstone": 24164, + "staten": 24165, + "communicated": 24166, + "##oco": 24167, + "##alle": 24168, + "sausage": 24169, + "stormy": 24170, + "##stered": 24171, + "##tters": 24172, + "superfamily": 24173, + "##grade": 24174, + "acidic": 24175, + "collateral": 24176, + "tabloid": 24177, + "##oped": 24178, + "##rza": 24179, + "bladder": 24180, + "austen": 24181, + "##ellant": 24182, + "mcgraw": 24183, + "##hay": 24184, + "hannibal": 24185, + "mein": 24186, + "aquino": 24187, + "lucifer": 24188, + "wo": 24189, + "badger": 24190, + "boar": 24191, + "cher": 24192, + "christensen": 24193, + "greenberg": 24194, + "interruption": 24195, + "##kken": 24196, + "jem": 24197, + "244": 24198, + "mocked": 24199, + "bottoms": 24200, + "cambridgeshire": 24201, + "##lide": 24202, + "sprawling": 24203, + "##bbly": 24204, + "eastwood": 24205, + "ghent": 24206, + "synth": 24207, + "##buck": 24208, + "advisers": 24209, + "##bah": 24210, + "nominally": 24211, + "hapoel": 24212, + "qu": 24213, + "daggers": 24214, + "estranged": 24215, + "fabricated": 24216, + "towels": 24217, + "vinnie": 24218, + "wcw": 24219, + "misunderstanding": 24220, + "anglia": 24221, + "nothin": 24222, + "unmistakable": 24223, + "##dust": 24224, + "##lova": 24225, + "chilly": 24226, + "marquette": 24227, + "truss": 24228, + "##edge": 24229, + "##erine": 24230, + "reece": 24231, + "##lty": 24232, + "##chemist": 24233, + "##connected": 24234, + "272": 24235, + "308": 24236, + "41st": 24237, + "bash": 24238, + "raion": 24239, + "waterfalls": 24240, + "##ump": 24241, + "##main": 24242, + "labyrinth": 24243, + "queue": 24244, + "theorist": 24245, + "##istle": 24246, + "bharatiya": 24247, + "flexed": 24248, + "soundtracks": 24249, + "rooney": 24250, + "leftist": 24251, + "patrolling": 24252, + "wharton": 24253, + "plainly": 24254, + "alleviate": 24255, + "eastman": 24256, + "schuster": 24257, + "topographic": 24258, + "engages": 24259, + "immensely": 24260, + "unbearable": 24261, + "fairchild": 24262, + "1620": 24263, + "dona": 24264, + "lurking": 24265, + "parisian": 24266, + "oliveira": 24267, + "ia": 24268, + "indictment": 24269, + "hahn": 24270, + "bangladeshi": 24271, + "##aster": 24272, + "vivo": 24273, + "##uming": 24274, + "##ential": 24275, + "antonia": 24276, + "expects": 24277, + "indoors": 24278, + "kildare": 24279, + "harlan": 24280, + "##logue": 24281, + "##ogenic": 24282, + "##sities": 24283, + "forgiven": 24284, + "##wat": 24285, + "childish": 24286, + "tavi": 24287, + "##mide": 24288, + "##orra": 24289, + "plausible": 24290, + "grimm": 24291, + "successively": 24292, + "scooted": 24293, + "##bola": 24294, + "##dget": 24295, + "##rith": 24296, + "spartans": 24297, + "emery": 24298, + "flatly": 24299, + "azure": 24300, + "epilogue": 24301, + "##wark": 24302, + "flourish": 24303, + "##iny": 24304, + "##tracted": 24305, + "##overs": 24306, + "##oshi": 24307, + "bestseller": 24308, + "distressed": 24309, + "receipt": 24310, + "spitting": 24311, + "hermit": 24312, + "topological": 24313, + "##cot": 24314, + "drilled": 24315, + "subunit": 24316, + "francs": 24317, + "##layer": 24318, + "eel": 24319, + "##fk": 24320, + "##itas": 24321, + "octopus": 24322, + "footprint": 24323, + "petitions": 24324, + "ufo": 24325, + "##say": 24326, + "##foil": 24327, + "interfering": 24328, + "leaking": 24329, + "palo": 24330, + "##metry": 24331, + "thistle": 24332, + "valiant": 24333, + "##pic": 24334, + "narayan": 24335, + "mcpherson": 24336, + "##fast": 24337, + "gonzales": 24338, + "##ym": 24339, + "##enne": 24340, + "dustin": 24341, + "novgorod": 24342, + "solos": 24343, + "##zman": 24344, + "doin": 24345, + "##raph": 24346, + "##patient": 24347, + "##meyer": 24348, + "soluble": 24349, + "ashland": 24350, + "cuffs": 24351, + "carole": 24352, + "pendleton": 24353, + "whistling": 24354, + "vassal": 24355, + "##river": 24356, + "deviation": 24357, + "revisited": 24358, + "constituents": 24359, + "rallied": 24360, + "rotate": 24361, + "loomed": 24362, + "##eil": 24363, + "##nting": 24364, + "amateurs": 24365, + "augsburg": 24366, + "auschwitz": 24367, + "crowns": 24368, + "skeletons": 24369, + "##cona": 24370, + "bonnet": 24371, + "257": 24372, + "dummy": 24373, + "globalization": 24374, + "simeon": 24375, + "sleeper": 24376, + "mandal": 24377, + "differentiated": 24378, + "##crow": 24379, + "##mare": 24380, + "milne": 24381, + "bundled": 24382, + "exasperated": 24383, + "talmud": 24384, + "owes": 24385, + "segregated": 24386, + "##feng": 24387, + "##uary": 24388, + "dentist": 24389, + "piracy": 24390, + "props": 24391, + "##rang": 24392, + "devlin": 24393, + "##torium": 24394, + "malicious": 24395, + "paws": 24396, + "##laid": 24397, + "dependency": 24398, + "##ergy": 24399, + "##fers": 24400, + "##enna": 24401, + "258": 24402, + "pistons": 24403, + "rourke": 24404, + "jed": 24405, + "grammatical": 24406, + "tres": 24407, + "maha": 24408, + "wig": 24409, + "512": 24410, + "ghostly": 24411, + "jayne": 24412, + "##achal": 24413, + "##creen": 24414, + "##ilis": 24415, + "##lins": 24416, + "##rence": 24417, + "designate": 24418, + "##with": 24419, + "arrogance": 24420, + "cambodian": 24421, + "clones": 24422, + "showdown": 24423, + "throttle": 24424, + "twain": 24425, + "##ception": 24426, + "lobes": 24427, + "metz": 24428, + "nagoya": 24429, + "335": 24430, + "braking": 24431, + "##furt": 24432, + "385": 24433, + "roaming": 24434, + "##minster": 24435, + "amin": 24436, + "crippled": 24437, + "##37": 24438, + "##llary": 24439, + "indifferent": 24440, + "hoffmann": 24441, + "idols": 24442, + "intimidating": 24443, + "1751": 24444, + "261": 24445, + "influenza": 24446, + "memo": 24447, + "onions": 24448, + "1748": 24449, + "bandage": 24450, + "consciously": 24451, + "##landa": 24452, + "##rage": 24453, + "clandestine": 24454, + "observes": 24455, + "swiped": 24456, + "tangle": 24457, + "##ener": 24458, + "##jected": 24459, + "##trum": 24460, + "##bill": 24461, + "##lta": 24462, + "hugs": 24463, + "congresses": 24464, + "josiah": 24465, + "spirited": 24466, + "##dek": 24467, + "humanist": 24468, + "managerial": 24469, + "filmmaking": 24470, + "inmate": 24471, + "rhymes": 24472, + "debuting": 24473, + "grimsby": 24474, + "ur": 24475, + "##laze": 24476, + "duplicate": 24477, + "vigor": 24478, + "##tf": 24479, + "republished": 24480, + "bolshevik": 24481, + "refurbishment": 24482, + "antibiotics": 24483, + "martini": 24484, + "methane": 24485, + "newscasts": 24486, + "royale": 24487, + "horizons": 24488, + "levant": 24489, + "iain": 24490, + "visas": 24491, + "##ischen": 24492, + "paler": 24493, + "##around": 24494, + "manifestation": 24495, + "snuck": 24496, + "alf": 24497, + "chop": 24498, + "futile": 24499, + "pedestal": 24500, + "rehab": 24501, + "##kat": 24502, + "bmg": 24503, + "kerman": 24504, + "res": 24505, + "fairbanks": 24506, + "jarrett": 24507, + "abstraction": 24508, + "saharan": 24509, + "##zek": 24510, + "1746": 24511, + "procedural": 24512, + "clearer": 24513, + "kincaid": 24514, + "sash": 24515, + "luciano": 24516, + "##ffey": 24517, + "crunch": 24518, + "helmut": 24519, + "##vara": 24520, + "revolutionaries": 24521, + "##tute": 24522, + "creamy": 24523, + "leach": 24524, + "##mmon": 24525, + "1747": 24526, + "permitting": 24527, + "nes": 24528, + "plight": 24529, + "wendell": 24530, + "##lese": 24531, + "contra": 24532, + "ts": 24533, + "clancy": 24534, + "ipa": 24535, + "mach": 24536, + "staples": 24537, + "autopsy": 24538, + "disturbances": 24539, + "nueva": 24540, + "karin": 24541, + "pontiac": 24542, + "##uding": 24543, + "proxy": 24544, + "venerable": 24545, + "haunt": 24546, + "leto": 24547, + "bergman": 24548, + "expands": 24549, + "##helm": 24550, + "wal": 24551, + "##pipe": 24552, + "canning": 24553, + "celine": 24554, + "cords": 24555, + "obesity": 24556, + "##enary": 24557, + "intrusion": 24558, + "planner": 24559, + "##phate": 24560, + "reasoned": 24561, + "sequencing": 24562, + "307": 24563, + "harrow": 24564, + "##chon": 24565, + "##dora": 24566, + "marred": 24567, + "mcintyre": 24568, + "repay": 24569, + "tarzan": 24570, + "darting": 24571, + "248": 24572, + "harrisburg": 24573, + "margarita": 24574, + "repulsed": 24575, + "##hur": 24576, + "##lding": 24577, + "belinda": 24578, + "hamburger": 24579, + "novo": 24580, + "compliant": 24581, + "runways": 24582, + "bingham": 24583, + "registrar": 24584, + "skyscraper": 24585, + "ic": 24586, + "cuthbert": 24587, + "improvisation": 24588, + "livelihood": 24589, + "##corp": 24590, + "##elial": 24591, + "admiring": 24592, + "##dened": 24593, + "sporadic": 24594, + "believer": 24595, + "casablanca": 24596, + "popcorn": 24597, + "##29": 24598, + "asha": 24599, + "shovel": 24600, + "##bek": 24601, + "##dice": 24602, + "coiled": 24603, + "tangible": 24604, + "##dez": 24605, + "casper": 24606, + "elsie": 24607, + "resin": 24608, + "tenderness": 24609, + "rectory": 24610, + "##ivision": 24611, + "avail": 24612, + "sonar": 24613, + "##mori": 24614, + "boutique": 24615, + "##dier": 24616, + "guerre": 24617, + "bathed": 24618, + "upbringing": 24619, + "vaulted": 24620, + "sandals": 24621, + "blessings": 24622, + "##naut": 24623, + "##utnant": 24624, + "1680": 24625, + "306": 24626, + "foxes": 24627, + "pia": 24628, + "corrosion": 24629, + "hesitantly": 24630, + "confederates": 24631, + "crystalline": 24632, + "footprints": 24633, + "shapiro": 24634, + "tirana": 24635, + "valentin": 24636, + "drones": 24637, + "45th": 24638, + "microscope": 24639, + "shipments": 24640, + "texted": 24641, + "inquisition": 24642, + "wry": 24643, + "guernsey": 24644, + "unauthorized": 24645, + "resigning": 24646, + "760": 24647, + "ripple": 24648, + "schubert": 24649, + "stu": 24650, + "reassure": 24651, + "felony": 24652, + "##ardo": 24653, + "brittle": 24654, + "koreans": 24655, + "##havan": 24656, + "##ives": 24657, + "dun": 24658, + "implicit": 24659, + "tyres": 24660, + "##aldi": 24661, + "##lth": 24662, + "magnolia": 24663, + "##ehan": 24664, + "##puri": 24665, + "##poulos": 24666, + "aggressively": 24667, + "fei": 24668, + "gr": 24669, + "familiarity": 24670, + "##poo": 24671, + "indicative": 24672, + "##trust": 24673, + "fundamentally": 24674, + "jimmie": 24675, + "overrun": 24676, + "395": 24677, + "anchors": 24678, + "moans": 24679, + "##opus": 24680, + "britannia": 24681, + "armagh": 24682, + "##ggle": 24683, + "purposely": 24684, + "seizing": 24685, + "##vao": 24686, + "bewildered": 24687, + "mundane": 24688, + "avoidance": 24689, + "cosmopolitan": 24690, + "geometridae": 24691, + "quartermaster": 24692, + "caf": 24693, + "415": 24694, + "chatter": 24695, + "engulfed": 24696, + "gleam": 24697, + "purge": 24698, + "##icate": 24699, + "juliette": 24700, + "jurisprudence": 24701, + "guerra": 24702, + "revisions": 24703, + "##bn": 24704, + "casimir": 24705, + "brew": 24706, + "##jm": 24707, + "1749": 24708, + "clapton": 24709, + "cloudy": 24710, + "conde": 24711, + "hermitage": 24712, + "278": 24713, + "simulations": 24714, + "torches": 24715, + "vincenzo": 24716, + "matteo": 24717, + "##rill": 24718, + "hidalgo": 24719, + "booming": 24720, + "westbound": 24721, + "accomplishment": 24722, + "tentacles": 24723, + "unaffected": 24724, + "##sius": 24725, + "annabelle": 24726, + "flopped": 24727, + "sloping": 24728, + "##litz": 24729, + "dreamer": 24730, + "interceptor": 24731, + "vu": 24732, + "##loh": 24733, + "consecration": 24734, + "copying": 24735, + "messaging": 24736, + "breaker": 24737, + "climates": 24738, + "hospitalized": 24739, + "1752": 24740, + "torino": 24741, + "afternoons": 24742, + "winfield": 24743, + "witnessing": 24744, + "##teacher": 24745, + "breakers": 24746, + "choirs": 24747, + "sawmill": 24748, + "coldly": 24749, + "##ege": 24750, + "sipping": 24751, + "haste": 24752, + "uninhabited": 24753, + "conical": 24754, + "bibliography": 24755, + "pamphlets": 24756, + "severn": 24757, + "edict": 24758, + "##oca": 24759, + "deux": 24760, + "illnesses": 24761, + "grips": 24762, + "##pl": 24763, + "rehearsals": 24764, + "sis": 24765, + "thinkers": 24766, + "tame": 24767, + "##keepers": 24768, + "1690": 24769, + "acacia": 24770, + "reformer": 24771, + "##osed": 24772, + "##rys": 24773, + "shuffling": 24774, + "##iring": 24775, + "##shima": 24776, + "eastbound": 24777, + "ionic": 24778, + "rhea": 24779, + "flees": 24780, + "littered": 24781, + "##oum": 24782, + "rocker": 24783, + "vomiting": 24784, + "groaning": 24785, + "champ": 24786, + "overwhelmingly": 24787, + "civilizations": 24788, + "paces": 24789, + "sloop": 24790, + "adoptive": 24791, + "##tish": 24792, + "skaters": 24793, + "##vres": 24794, + "aiding": 24795, + "mango": 24796, + "##joy": 24797, + "nikola": 24798, + "shriek": 24799, + "##ignon": 24800, + "pharmaceuticals": 24801, + "##mg": 24802, + "tuna": 24803, + "calvert": 24804, + "gustavo": 24805, + "stocked": 24806, + "yearbook": 24807, + "##urai": 24808, + "##mana": 24809, + "computed": 24810, + "subsp": 24811, + "riff": 24812, + "hanoi": 24813, + "kelvin": 24814, + "hamid": 24815, + "moors": 24816, + "pastures": 24817, + "summons": 24818, + "jihad": 24819, + "nectar": 24820, + "##ctors": 24821, + "bayou": 24822, + "untitled": 24823, + "pleasing": 24824, + "vastly": 24825, + "republics": 24826, + "intellect": 24827, + "##η": 24828, + "##ulio": 24829, + "##tou": 24830, + "crumbling": 24831, + "stylistic": 24832, + "sb": 24833, + "##ی": 24834, + "consolation": 24835, + "frequented": 24836, + "h₂o": 24837, + "walden": 24838, + "widows": 24839, + "##iens": 24840, + "404": 24841, + "##ignment": 24842, + "chunks": 24843, + "improves": 24844, + "288": 24845, + "grit": 24846, + "recited": 24847, + "##dev": 24848, + "snarl": 24849, + "sociological": 24850, + "##arte": 24851, + "##gul": 24852, + "inquired": 24853, + "##held": 24854, + "bruise": 24855, + "clube": 24856, + "consultancy": 24857, + "homogeneous": 24858, + "hornets": 24859, + "multiplication": 24860, + "pasta": 24861, + "prick": 24862, + "savior": 24863, + "##grin": 24864, + "##kou": 24865, + "##phile": 24866, + "yoon": 24867, + "##gara": 24868, + "grimes": 24869, + "vanishing": 24870, + "cheering": 24871, + "reacting": 24872, + "bn": 24873, + "distillery": 24874, + "##quisite": 24875, + "##vity": 24876, + "coe": 24877, + "dockyard": 24878, + "massif": 24879, + "##jord": 24880, + "escorts": 24881, + "voss": 24882, + "##valent": 24883, + "byte": 24884, + "chopped": 24885, + "hawke": 24886, + "illusions": 24887, + "workings": 24888, + "floats": 24889, + "##koto": 24890, + "##vac": 24891, + "kv": 24892, + "annapolis": 24893, + "madden": 24894, + "##onus": 24895, + "alvaro": 24896, + "noctuidae": 24897, + "##cum": 24898, + "##scopic": 24899, + "avenge": 24900, + "steamboat": 24901, + "forte": 24902, + "illustrates": 24903, + "erika": 24904, + "##trip": 24905, + "570": 24906, + "dew": 24907, + "nationalities": 24908, + "bran": 24909, + "manifested": 24910, + "thirsty": 24911, + "diversified": 24912, + "muscled": 24913, + "reborn": 24914, + "##standing": 24915, + "arson": 24916, + "##lessness": 24917, + "##dran": 24918, + "##logram": 24919, + "##boys": 24920, + "##kushima": 24921, + "##vious": 24922, + "willoughby": 24923, + "##phobia": 24924, + "286": 24925, + "alsace": 24926, + "dashboard": 24927, + "yuki": 24928, + "##chai": 24929, + "granville": 24930, + "myspace": 24931, + "publicized": 24932, + "tricked": 24933, + "##gang": 24934, + "adjective": 24935, + "##ater": 24936, + "relic": 24937, + "reorganisation": 24938, + "enthusiastically": 24939, + "indications": 24940, + "saxe": 24941, + "##lassified": 24942, + "consolidate": 24943, + "iec": 24944, + "padua": 24945, + "helplessly": 24946, + "ramps": 24947, + "renaming": 24948, + "regulars": 24949, + "pedestrians": 24950, + "accents": 24951, + "convicts": 24952, + "inaccurate": 24953, + "lowers": 24954, + "mana": 24955, + "##pati": 24956, + "barrie": 24957, + "bjp": 24958, + "outta": 24959, + "someplace": 24960, + "berwick": 24961, + "flanking": 24962, + "invoked": 24963, + "marrow": 24964, + "sparsely": 24965, + "excerpts": 24966, + "clothed": 24967, + "rei": 24968, + "##ginal": 24969, + "wept": 24970, + "##straße": 24971, + "##vish": 24972, + "alexa": 24973, + "excel": 24974, + "##ptive": 24975, + "membranes": 24976, + "aquitaine": 24977, + "creeks": 24978, + "cutler": 24979, + "sheppard": 24980, + "implementations": 24981, + "ns": 24982, + "##dur": 24983, + "fragrance": 24984, + "budge": 24985, + "concordia": 24986, + "magnesium": 24987, + "marcelo": 24988, + "##antes": 24989, + "gladly": 24990, + "vibrating": 24991, + "##rral": 24992, + "##ggles": 24993, + "montrose": 24994, + "##omba": 24995, + "lew": 24996, + "seamus": 24997, + "1630": 24998, + "cocky": 24999, + "##ament": 25000, + "##uen": 25001, + "bjorn": 25002, + "##rrick": 25003, + "fielder": 25004, + "fluttering": 25005, + "##lase": 25006, + "methyl": 25007, + "kimberley": 25008, + "mcdowell": 25009, + "reductions": 25010, + "barbed": 25011, + "##jic": 25012, + "##tonic": 25013, + "aeronautical": 25014, + "condensed": 25015, + "distracting": 25016, + "##promising": 25017, + "huffed": 25018, + "##cala": 25019, + "##sle": 25020, + "claudius": 25021, + "invincible": 25022, + "missy": 25023, + "pious": 25024, + "balthazar": 25025, + "ci": 25026, + "##lang": 25027, + "butte": 25028, + "combo": 25029, + "orson": 25030, + "##dication": 25031, + "myriad": 25032, + "1707": 25033, + "silenced": 25034, + "##fed": 25035, + "##rh": 25036, + "coco": 25037, + "netball": 25038, + "yourselves": 25039, + "##oza": 25040, + "clarify": 25041, + "heller": 25042, + "peg": 25043, + "durban": 25044, + "etudes": 25045, + "offender": 25046, + "roast": 25047, + "blackmail": 25048, + "curvature": 25049, + "##woods": 25050, + "vile": 25051, + "309": 25052, + "illicit": 25053, + "suriname": 25054, + "##linson": 25055, + "overture": 25056, + "1685": 25057, + "bubbling": 25058, + "gymnast": 25059, + "tucking": 25060, + "##mming": 25061, + "##ouin": 25062, + "maldives": 25063, + "##bala": 25064, + "gurney": 25065, + "##dda": 25066, + "##eased": 25067, + "##oides": 25068, + "backside": 25069, + "pinto": 25070, + "jars": 25071, + "racehorse": 25072, + "tending": 25073, + "##rdial": 25074, + "baronetcy": 25075, + "wiener": 25076, + "duly": 25077, + "##rke": 25078, + "barbarian": 25079, + "cupping": 25080, + "flawed": 25081, + "##thesis": 25082, + "bertha": 25083, + "pleistocene": 25084, + "puddle": 25085, + "swearing": 25086, + "##nob": 25087, + "##tically": 25088, + "fleeting": 25089, + "prostate": 25090, + "amulet": 25091, + "educating": 25092, + "##mined": 25093, + "##iti": 25094, + "##tler": 25095, + "75th": 25096, + "jens": 25097, + "respondents": 25098, + "analytics": 25099, + "cavaliers": 25100, + "papacy": 25101, + "raju": 25102, + "##iente": 25103, + "##ulum": 25104, + "##tip": 25105, + "funnel": 25106, + "271": 25107, + "disneyland": 25108, + "##lley": 25109, + "sociologist": 25110, + "##iam": 25111, + "2500": 25112, + "faulkner": 25113, + "louvre": 25114, + "menon": 25115, + "##dson": 25116, + "276": 25117, + "##ower": 25118, + "afterlife": 25119, + "mannheim": 25120, + "peptide": 25121, + "referees": 25122, + "comedians": 25123, + "meaningless": 25124, + "##anger": 25125, + "##laise": 25126, + "fabrics": 25127, + "hurley": 25128, + "renal": 25129, + "sleeps": 25130, + "##bour": 25131, + "##icle": 25132, + "breakout": 25133, + "kristin": 25134, + "roadside": 25135, + "animator": 25136, + "clover": 25137, + "disdain": 25138, + "unsafe": 25139, + "redesign": 25140, + "##urity": 25141, + "firth": 25142, + "barnsley": 25143, + "portage": 25144, + "reset": 25145, + "narrows": 25146, + "268": 25147, + "commandos": 25148, + "expansive": 25149, + "speechless": 25150, + "tubular": 25151, + "##lux": 25152, + "essendon": 25153, + "eyelashes": 25154, + "smashwords": 25155, + "##yad": 25156, + "##bang": 25157, + "##claim": 25158, + "craved": 25159, + "sprinted": 25160, + "chet": 25161, + "somme": 25162, + "astor": 25163, + "wrocław": 25164, + "orton": 25165, + "266": 25166, + "bane": 25167, + "##erving": 25168, + "##uing": 25169, + "mischief": 25170, + "##amps": 25171, + "##sund": 25172, + "scaling": 25173, + "terre": 25174, + "##xious": 25175, + "impairment": 25176, + "offenses": 25177, + "undermine": 25178, + "moi": 25179, + "soy": 25180, + "contiguous": 25181, + "arcadia": 25182, + "inuit": 25183, + "seam": 25184, + "##tops": 25185, + "macbeth": 25186, + "rebelled": 25187, + "##icative": 25188, + "##iot": 25189, + "590": 25190, + "elaborated": 25191, + "frs": 25192, + "uniformed": 25193, + "##dberg": 25194, + "259": 25195, + "powerless": 25196, + "priscilla": 25197, + "stimulated": 25198, + "980": 25199, + "qc": 25200, + "arboretum": 25201, + "frustrating": 25202, + "trieste": 25203, + "bullock": 25204, + "##nified": 25205, + "enriched": 25206, + "glistening": 25207, + "intern": 25208, + "##adia": 25209, + "locus": 25210, + "nouvelle": 25211, + "ollie": 25212, + "ike": 25213, + "lash": 25214, + "starboard": 25215, + "ee": 25216, + "tapestry": 25217, + "headlined": 25218, + "hove": 25219, + "rigged": 25220, + "##vite": 25221, + "pollock": 25222, + "##yme": 25223, + "thrive": 25224, + "clustered": 25225, + "cas": 25226, + "roi": 25227, + "gleamed": 25228, + "olympiad": 25229, + "##lino": 25230, + "pressured": 25231, + "regimes": 25232, + "##hosis": 25233, + "##lick": 25234, + "ripley": 25235, + "##ophone": 25236, + "kickoff": 25237, + "gallon": 25238, + "rockwell": 25239, + "##arable": 25240, + "crusader": 25241, + "glue": 25242, + "revolutions": 25243, + "scrambling": 25244, + "1714": 25245, + "grover": 25246, + "##jure": 25247, + "englishman": 25248, + "aztec": 25249, + "263": 25250, + "contemplating": 25251, + "coven": 25252, + "ipad": 25253, + "preach": 25254, + "triumphant": 25255, + "tufts": 25256, + "##esian": 25257, + "rotational": 25258, + "##phus": 25259, + "328": 25260, + "falkland": 25261, + "##brates": 25262, + "strewn": 25263, + "clarissa": 25264, + "rejoin": 25265, + "environmentally": 25266, + "glint": 25267, + "banded": 25268, + "drenched": 25269, + "moat": 25270, + "albanians": 25271, + "johor": 25272, + "rr": 25273, + "maestro": 25274, + "malley": 25275, + "nouveau": 25276, + "shaded": 25277, + "taxonomy": 25278, + "v6": 25279, + "adhere": 25280, + "bunk": 25281, + "airfields": 25282, + "##ritan": 25283, + "1741": 25284, + "encompass": 25285, + "remington": 25286, + "tran": 25287, + "##erative": 25288, + "amelie": 25289, + "mazda": 25290, + "friar": 25291, + "morals": 25292, + "passions": 25293, + "##zai": 25294, + "breadth": 25295, + "vis": 25296, + "##hae": 25297, + "argus": 25298, + "burnham": 25299, + "caressing": 25300, + "insider": 25301, + "rudd": 25302, + "##imov": 25303, + "##mini": 25304, + "##rso": 25305, + "italianate": 25306, + "murderous": 25307, + "textual": 25308, + "wainwright": 25309, + "armada": 25310, + "bam": 25311, + "weave": 25312, + "timer": 25313, + "##taken": 25314, + "##nh": 25315, + "fra": 25316, + "##crest": 25317, + "ardent": 25318, + "salazar": 25319, + "taps": 25320, + "tunis": 25321, + "##ntino": 25322, + "allegro": 25323, + "gland": 25324, + "philanthropic": 25325, + "##chester": 25326, + "implication": 25327, + "##optera": 25328, + "esq": 25329, + "judas": 25330, + "noticeably": 25331, + "wynn": 25332, + "##dara": 25333, + "inched": 25334, + "indexed": 25335, + "crises": 25336, + "villiers": 25337, + "bandit": 25338, + "royalties": 25339, + "patterned": 25340, + "cupboard": 25341, + "interspersed": 25342, + "accessory": 25343, + "isla": 25344, + "kendrick": 25345, + "entourage": 25346, + "stitches": 25347, + "##esthesia": 25348, + "headwaters": 25349, + "##ior": 25350, + "interlude": 25351, + "distraught": 25352, + "draught": 25353, + "1727": 25354, + "##basket": 25355, + "biased": 25356, + "sy": 25357, + "transient": 25358, + "triad": 25359, + "subgenus": 25360, + "adapting": 25361, + "kidd": 25362, + "shortstop": 25363, + "##umatic": 25364, + "dimly": 25365, + "spiked": 25366, + "mcleod": 25367, + "reprint": 25368, + "nellie": 25369, + "pretoria": 25370, + "windmill": 25371, + "##cek": 25372, + "singled": 25373, + "##mps": 25374, + "273": 25375, + "reunite": 25376, + "##orous": 25377, + "747": 25378, + "bankers": 25379, + "outlying": 25380, + "##omp": 25381, + "##ports": 25382, + "##tream": 25383, + "apologies": 25384, + "cosmetics": 25385, + "patsy": 25386, + "##deh": 25387, + "##ocks": 25388, + "##yson": 25389, + "bender": 25390, + "nantes": 25391, + "serene": 25392, + "##nad": 25393, + "lucha": 25394, + "mmm": 25395, + "323": 25396, + "##cius": 25397, + "##gli": 25398, + "cmll": 25399, + "coinage": 25400, + "nestor": 25401, + "juarez": 25402, + "##rook": 25403, + "smeared": 25404, + "sprayed": 25405, + "twitching": 25406, + "sterile": 25407, + "irina": 25408, + "embodied": 25409, + "juveniles": 25410, + "enveloped": 25411, + "miscellaneous": 25412, + "cancers": 25413, + "dq": 25414, + "gulped": 25415, + "luisa": 25416, + "crested": 25417, + "swat": 25418, + "donegal": 25419, + "ref": 25420, + "##anov": 25421, + "##acker": 25422, + "hearst": 25423, + "mercantile": 25424, + "##lika": 25425, + "doorbell": 25426, + "ua": 25427, + "vicki": 25428, + "##alla": 25429, + "##som": 25430, + "bilbao": 25431, + "psychologists": 25432, + "stryker": 25433, + "sw": 25434, + "horsemen": 25435, + "turkmenistan": 25436, + "wits": 25437, + "##national": 25438, + "anson": 25439, + "mathew": 25440, + "screenings": 25441, + "##umb": 25442, + "rihanna": 25443, + "##agne": 25444, + "##nessy": 25445, + "aisles": 25446, + "##iani": 25447, + "##osphere": 25448, + "hines": 25449, + "kenton": 25450, + "saskatoon": 25451, + "tasha": 25452, + "truncated": 25453, + "##champ": 25454, + "##itan": 25455, + "mildred": 25456, + "advises": 25457, + "fredrik": 25458, + "interpreting": 25459, + "inhibitors": 25460, + "##athi": 25461, + "spectroscopy": 25462, + "##hab": 25463, + "##kong": 25464, + "karim": 25465, + "panda": 25466, + "##oia": 25467, + "##nail": 25468, + "##vc": 25469, + "conqueror": 25470, + "kgb": 25471, + "leukemia": 25472, + "##dity": 25473, + "arrivals": 25474, + "cheered": 25475, + "pisa": 25476, + "phosphorus": 25477, + "shielded": 25478, + "##riated": 25479, + "mammal": 25480, + "unitarian": 25481, + "urgently": 25482, + "chopin": 25483, + "sanitary": 25484, + "##mission": 25485, + "spicy": 25486, + "drugged": 25487, + "hinges": 25488, + "##tort": 25489, + "tipping": 25490, + "trier": 25491, + "impoverished": 25492, + "westchester": 25493, + "##caster": 25494, + "267": 25495, + "epoch": 25496, + "nonstop": 25497, + "##gman": 25498, + "##khov": 25499, + "aromatic": 25500, + "centrally": 25501, + "cerro": 25502, + "##tively": 25503, + "##vio": 25504, + "billions": 25505, + "modulation": 25506, + "sedimentary": 25507, + "283": 25508, + "facilitating": 25509, + "outrageous": 25510, + "goldstein": 25511, + "##eak": 25512, + "##kt": 25513, + "ld": 25514, + "maitland": 25515, + "penultimate": 25516, + "pollard": 25517, + "##dance": 25518, + "fleets": 25519, + "spaceship": 25520, + "vertebrae": 25521, + "##nig": 25522, + "alcoholism": 25523, + "als": 25524, + "recital": 25525, + "##bham": 25526, + "##ference": 25527, + "##omics": 25528, + "m2": 25529, + "##bm": 25530, + "trois": 25531, + "##tropical": 25532, + "##в": 25533, + "commemorates": 25534, + "##meric": 25535, + "marge": 25536, + "##raction": 25537, + "1643": 25538, + "670": 25539, + "cosmetic": 25540, + "ravaged": 25541, + "##ige": 25542, + "catastrophe": 25543, + "eng": 25544, + "##shida": 25545, + "albrecht": 25546, + "arterial": 25547, + "bellamy": 25548, + "decor": 25549, + "harmon": 25550, + "##rde": 25551, + "bulbs": 25552, + "synchronized": 25553, + "vito": 25554, + "easiest": 25555, + "shetland": 25556, + "shielding": 25557, + "wnba": 25558, + "##glers": 25559, + "##ssar": 25560, + "##riam": 25561, + "brianna": 25562, + "cumbria": 25563, + "##aceous": 25564, + "##rard": 25565, + "cores": 25566, + "thayer": 25567, + "##nsk": 25568, + "brood": 25569, + "hilltop": 25570, + "luminous": 25571, + "carts": 25572, + "keynote": 25573, + "larkin": 25574, + "logos": 25575, + "##cta": 25576, + "##ا": 25577, + "##mund": 25578, + "##quay": 25579, + "lilith": 25580, + "tinted": 25581, + "277": 25582, + "wrestle": 25583, + "mobilization": 25584, + "##uses": 25585, + "sequential": 25586, + "siam": 25587, + "bloomfield": 25588, + "takahashi": 25589, + "274": 25590, + "##ieving": 25591, + "presenters": 25592, + "ringo": 25593, + "blazed": 25594, + "witty": 25595, + "##oven": 25596, + "##ignant": 25597, + "devastation": 25598, + "haydn": 25599, + "harmed": 25600, + "newt": 25601, + "therese": 25602, + "##peed": 25603, + "gershwin": 25604, + "molina": 25605, + "rabbis": 25606, + "sudanese": 25607, + "001": 25608, + "innate": 25609, + "restarted": 25610, + "##sack": 25611, + "##fus": 25612, + "slices": 25613, + "wb": 25614, + "##shah": 25615, + "enroll": 25616, + "hypothetical": 25617, + "hysterical": 25618, + "1743": 25619, + "fabio": 25620, + "indefinite": 25621, + "warped": 25622, + "##hg": 25623, + "exchanging": 25624, + "525": 25625, + "unsuitable": 25626, + "##sboro": 25627, + "gallo": 25628, + "1603": 25629, + "bret": 25630, + "cobalt": 25631, + "homemade": 25632, + "##hunter": 25633, + "mx": 25634, + "operatives": 25635, + "##dhar": 25636, + "terraces": 25637, + "durable": 25638, + "latch": 25639, + "pens": 25640, + "whorls": 25641, + "##ctuated": 25642, + "##eaux": 25643, + "billing": 25644, + "ligament": 25645, + "succumbed": 25646, + "##gly": 25647, + "regulators": 25648, + "spawn": 25649, + "##brick": 25650, + "##stead": 25651, + "filmfare": 25652, + "rochelle": 25653, + "##nzo": 25654, + "1725": 25655, + "circumstance": 25656, + "saber": 25657, + "supplements": 25658, + "##nsky": 25659, + "##tson": 25660, + "crowe": 25661, + "wellesley": 25662, + "carrot": 25663, + "##9th": 25664, + "##movable": 25665, + "primate": 25666, + "drury": 25667, + "sincerely": 25668, + "topical": 25669, + "##mad": 25670, + "##rao": 25671, + "callahan": 25672, + "kyiv": 25673, + "smarter": 25674, + "tits": 25675, + "undo": 25676, + "##yeh": 25677, + "announcements": 25678, + "anthologies": 25679, + "barrio": 25680, + "nebula": 25681, + "##islaus": 25682, + "##shaft": 25683, + "##tyn": 25684, + "bodyguards": 25685, + "2021": 25686, + "assassinate": 25687, + "barns": 25688, + "emmett": 25689, + "scully": 25690, + "##mah": 25691, + "##yd": 25692, + "##eland": 25693, + "##tino": 25694, + "##itarian": 25695, + "demoted": 25696, + "gorman": 25697, + "lashed": 25698, + "prized": 25699, + "adventist": 25700, + "writ": 25701, + "##gui": 25702, + "alla": 25703, + "invertebrates": 25704, + "##ausen": 25705, + "1641": 25706, + "amman": 25707, + "1742": 25708, + "align": 25709, + "healy": 25710, + "redistribution": 25711, + "##gf": 25712, + "##rize": 25713, + "insulation": 25714, + "##drop": 25715, + "adherents": 25716, + "hezbollah": 25717, + "vitro": 25718, + "ferns": 25719, + "yanking": 25720, + "269": 25721, + "php": 25722, + "registering": 25723, + "uppsala": 25724, + "cheerleading": 25725, + "confines": 25726, + "mischievous": 25727, + "tully": 25728, + "##ross": 25729, + "49th": 25730, + "docked": 25731, + "roam": 25732, + "stipulated": 25733, + "pumpkin": 25734, + "##bry": 25735, + "prompt": 25736, + "##ezer": 25737, + "blindly": 25738, + "shuddering": 25739, + "craftsmen": 25740, + "frail": 25741, + "scented": 25742, + "katharine": 25743, + "scramble": 25744, + "shaggy": 25745, + "sponge": 25746, + "helix": 25747, + "zaragoza": 25748, + "279": 25749, + "##52": 25750, + "43rd": 25751, + "backlash": 25752, + "fontaine": 25753, + "seizures": 25754, + "posse": 25755, + "cowan": 25756, + "nonfiction": 25757, + "telenovela": 25758, + "wwii": 25759, + "hammered": 25760, + "undone": 25761, + "##gpur": 25762, + "encircled": 25763, + "irs": 25764, + "##ivation": 25765, + "artefacts": 25766, + "oneself": 25767, + "searing": 25768, + "smallpox": 25769, + "##belle": 25770, + "##osaurus": 25771, + "shandong": 25772, + "breached": 25773, + "upland": 25774, + "blushing": 25775, + "rankin": 25776, + "infinitely": 25777, + "psyche": 25778, + "tolerated": 25779, + "docking": 25780, + "evicted": 25781, + "##col": 25782, + "unmarked": 25783, + "##lving": 25784, + "gnome": 25785, + "lettering": 25786, + "litres": 25787, + "musique": 25788, + "##oint": 25789, + "benevolent": 25790, + "##jal": 25791, + "blackened": 25792, + "##anna": 25793, + "mccall": 25794, + "racers": 25795, + "tingle": 25796, + "##ocene": 25797, + "##orestation": 25798, + "introductions": 25799, + "radically": 25800, + "292": 25801, + "##hiff": 25802, + "##باد": 25803, + "1610": 25804, + "1739": 25805, + "munchen": 25806, + "plead": 25807, + "##nka": 25808, + "condo": 25809, + "scissors": 25810, + "##sight": 25811, + "##tens": 25812, + "apprehension": 25813, + "##cey": 25814, + "##yin": 25815, + "hallmark": 25816, + "watering": 25817, + "formulas": 25818, + "sequels": 25819, + "##llas": 25820, + "aggravated": 25821, + "bae": 25822, + "commencing": 25823, + "##building": 25824, + "enfield": 25825, + "prohibits": 25826, + "marne": 25827, + "vedic": 25828, + "civilized": 25829, + "euclidean": 25830, + "jagger": 25831, + "beforehand": 25832, + "blasts": 25833, + "dumont": 25834, + "##arney": 25835, + "##nem": 25836, + "740": 25837, + "conversions": 25838, + "hierarchical": 25839, + "rios": 25840, + "simulator": 25841, + "##dya": 25842, + "##lellan": 25843, + "hedges": 25844, + "oleg": 25845, + "thrusts": 25846, + "shadowed": 25847, + "darby": 25848, + "maximize": 25849, + "1744": 25850, + "gregorian": 25851, + "##nded": 25852, + "##routed": 25853, + "sham": 25854, + "unspecified": 25855, + "##hog": 25856, + "emory": 25857, + "factual": 25858, + "##smo": 25859, + "##tp": 25860, + "fooled": 25861, + "##rger": 25862, + "ortega": 25863, + "wellness": 25864, + "marlon": 25865, + "##oton": 25866, + "##urance": 25867, + "casket": 25868, + "keating": 25869, + "ley": 25870, + "enclave": 25871, + "##ayan": 25872, + "char": 25873, + "influencing": 25874, + "jia": 25875, + "##chenko": 25876, + "412": 25877, + "ammonia": 25878, + "erebidae": 25879, + "incompatible": 25880, + "violins": 25881, + "cornered": 25882, + "##arat": 25883, + "grooves": 25884, + "astronauts": 25885, + "columbian": 25886, + "rampant": 25887, + "fabrication": 25888, + "kyushu": 25889, + "mahmud": 25890, + "vanish": 25891, + "##dern": 25892, + "mesopotamia": 25893, + "##lete": 25894, + "ict": 25895, + "##rgen": 25896, + "caspian": 25897, + "kenji": 25898, + "pitted": 25899, + "##vered": 25900, + "999": 25901, + "grimace": 25902, + "roanoke": 25903, + "tchaikovsky": 25904, + "twinned": 25905, + "##analysis": 25906, + "##awan": 25907, + "xinjiang": 25908, + "arias": 25909, + "clemson": 25910, + "kazakh": 25911, + "sizable": 25912, + "1662": 25913, + "##khand": 25914, + "##vard": 25915, + "plunge": 25916, + "tatum": 25917, + "vittorio": 25918, + "##nden": 25919, + "cholera": 25920, + "##dana": 25921, + "##oper": 25922, + "bracing": 25923, + "indifference": 25924, + "projectile": 25925, + "superliga": 25926, + "##chee": 25927, + "realises": 25928, + "upgrading": 25929, + "299": 25930, + "porte": 25931, + "retribution": 25932, + "##vies": 25933, + "nk": 25934, + "stil": 25935, + "##resses": 25936, + "ama": 25937, + "bureaucracy": 25938, + "blackberry": 25939, + "bosch": 25940, + "testosterone": 25941, + "collapses": 25942, + "greer": 25943, + "##pathic": 25944, + "ioc": 25945, + "fifties": 25946, + "malls": 25947, + "##erved": 25948, + "bao": 25949, + "baskets": 25950, + "adolescents": 25951, + "siegfried": 25952, + "##osity": 25953, + "##tosis": 25954, + "mantra": 25955, + "detecting": 25956, + "existent": 25957, + "fledgling": 25958, + "##cchi": 25959, + "dissatisfied": 25960, + "gan": 25961, + "telecommunication": 25962, + "mingled": 25963, + "sobbed": 25964, + "6000": 25965, + "controversies": 25966, + "outdated": 25967, + "taxis": 25968, + "##raus": 25969, + "fright": 25970, + "slams": 25971, + "##lham": 25972, + "##fect": 25973, + "##tten": 25974, + "detectors": 25975, + "fetal": 25976, + "tanned": 25977, + "##uw": 25978, + "fray": 25979, + "goth": 25980, + "olympian": 25981, + "skipping": 25982, + "mandates": 25983, + "scratches": 25984, + "sheng": 25985, + "unspoken": 25986, + "hyundai": 25987, + "tracey": 25988, + "hotspur": 25989, + "restrictive": 25990, + "##buch": 25991, + "americana": 25992, + "mundo": 25993, + "##bari": 25994, + "burroughs": 25995, + "diva": 25996, + "vulcan": 25997, + "##6th": 25998, + "distinctions": 25999, + "thumping": 26000, + "##ngen": 26001, + "mikey": 26002, + "sheds": 26003, + "fide": 26004, + "rescues": 26005, + "springsteen": 26006, + "vested": 26007, + "valuation": 26008, + "##ece": 26009, + "##ely": 26010, + "pinnacle": 26011, + "rake": 26012, + "sylvie": 26013, + "##edo": 26014, + "almond": 26015, + "quivering": 26016, + "##irus": 26017, + "alteration": 26018, + "faltered": 26019, + "##wad": 26020, + "51st": 26021, + "hydra": 26022, + "ticked": 26023, + "##kato": 26024, + "recommends": 26025, + "##dicated": 26026, + "antigua": 26027, + "arjun": 26028, + "stagecoach": 26029, + "wilfred": 26030, + "trickle": 26031, + "pronouns": 26032, + "##pon": 26033, + "aryan": 26034, + "nighttime": 26035, + "##anian": 26036, + "gall": 26037, + "pea": 26038, + "stitch": 26039, + "##hei": 26040, + "leung": 26041, + "milos": 26042, + "##dini": 26043, + "eritrea": 26044, + "nexus": 26045, + "starved": 26046, + "snowfall": 26047, + "kant": 26048, + "parasitic": 26049, + "cot": 26050, + "discus": 26051, + "hana": 26052, + "strikers": 26053, + "appleton": 26054, + "kitchens": 26055, + "##erina": 26056, + "##partisan": 26057, + "##itha": 26058, + "##vius": 26059, + "disclose": 26060, + "metis": 26061, + "##channel": 26062, + "1701": 26063, + "tesla": 26064, + "##vera": 26065, + "fitch": 26066, + "1735": 26067, + "blooded": 26068, + "##tila": 26069, + "decimal": 26070, + "##tang": 26071, + "##bai": 26072, + "cyclones": 26073, + "eun": 26074, + "bottled": 26075, + "peas": 26076, + "pensacola": 26077, + "basha": 26078, + "bolivian": 26079, + "crabs": 26080, + "boil": 26081, + "lanterns": 26082, + "partridge": 26083, + "roofed": 26084, + "1645": 26085, + "necks": 26086, + "##phila": 26087, + "opined": 26088, + "patting": 26089, + "##kla": 26090, + "##lland": 26091, + "chuckles": 26092, + "volta": 26093, + "whereupon": 26094, + "##nche": 26095, + "devout": 26096, + "euroleague": 26097, + "suicidal": 26098, + "##dee": 26099, + "inherently": 26100, + "involuntary": 26101, + "knitting": 26102, + "nasser": 26103, + "##hide": 26104, + "puppets": 26105, + "colourful": 26106, + "courageous": 26107, + "southend": 26108, + "stills": 26109, + "miraculous": 26110, + "hodgson": 26111, + "richer": 26112, + "rochdale": 26113, + "ethernet": 26114, + "greta": 26115, + "uniting": 26116, + "prism": 26117, + "umm": 26118, + "##haya": 26119, + "##itical": 26120, + "##utation": 26121, + "deterioration": 26122, + "pointe": 26123, + "prowess": 26124, + "##ropriation": 26125, + "lids": 26126, + "scranton": 26127, + "billings": 26128, + "subcontinent": 26129, + "##koff": 26130, + "##scope": 26131, + "brute": 26132, + "kellogg": 26133, + "psalms": 26134, + "degraded": 26135, + "##vez": 26136, + "stanisław": 26137, + "##ructured": 26138, + "ferreira": 26139, + "pun": 26140, + "astonishing": 26141, + "gunnar": 26142, + "##yat": 26143, + "arya": 26144, + "prc": 26145, + "gottfried": 26146, + "##tight": 26147, + "excursion": 26148, + "##ographer": 26149, + "dina": 26150, + "##quil": 26151, + "##nare": 26152, + "huffington": 26153, + "illustrious": 26154, + "wilbur": 26155, + "gundam": 26156, + "verandah": 26157, + "##zard": 26158, + "naacp": 26159, + "##odle": 26160, + "constructive": 26161, + "fjord": 26162, + "kade": 26163, + "##naud": 26164, + "generosity": 26165, + "thrilling": 26166, + "baseline": 26167, + "cayman": 26168, + "frankish": 26169, + "plastics": 26170, + "accommodations": 26171, + "zoological": 26172, + "##fting": 26173, + "cedric": 26174, + "qb": 26175, + "motorized": 26176, + "##dome": 26177, + "##otted": 26178, + "squealed": 26179, + "tackled": 26180, + "canucks": 26181, + "budgets": 26182, + "situ": 26183, + "asthma": 26184, + "dail": 26185, + "gabled": 26186, + "grasslands": 26187, + "whimpered": 26188, + "writhing": 26189, + "judgments": 26190, + "##65": 26191, + "minnie": 26192, + "pv": 26193, + "##carbon": 26194, + "bananas": 26195, + "grille": 26196, + "domes": 26197, + "monique": 26198, + "odin": 26199, + "maguire": 26200, + "markham": 26201, + "tierney": 26202, + "##estra": 26203, + "##chua": 26204, + "libel": 26205, + "poke": 26206, + "speedy": 26207, + "atrium": 26208, + "laval": 26209, + "notwithstanding": 26210, + "##edly": 26211, + "fai": 26212, + "kala": 26213, + "##sur": 26214, + "robb": 26215, + "##sma": 26216, + "listings": 26217, + "luz": 26218, + "supplementary": 26219, + "tianjin": 26220, + "##acing": 26221, + "enzo": 26222, + "jd": 26223, + "ric": 26224, + "scanner": 26225, + "croats": 26226, + "transcribed": 26227, + "##49": 26228, + "arden": 26229, + "cv": 26230, + "##hair": 26231, + "##raphy": 26232, + "##lver": 26233, + "##uy": 26234, + "357": 26235, + "seventies": 26236, + "staggering": 26237, + "alam": 26238, + "horticultural": 26239, + "hs": 26240, + "regression": 26241, + "timbers": 26242, + "blasting": 26243, + "##ounded": 26244, + "montagu": 26245, + "manipulating": 26246, + "##cit": 26247, + "catalytic": 26248, + "1550": 26249, + "troopers": 26250, + "##meo": 26251, + "condemnation": 26252, + "fitzpatrick": 26253, + "##oire": 26254, + "##roved": 26255, + "inexperienced": 26256, + "1670": 26257, + "castes": 26258, + "##lative": 26259, + "outing": 26260, + "314": 26261, + "dubois": 26262, + "flicking": 26263, + "quarrel": 26264, + "ste": 26265, + "learners": 26266, + "1625": 26267, + "iq": 26268, + "whistled": 26269, + "##class": 26270, + "282": 26271, + "classify": 26272, + "tariffs": 26273, + "temperament": 26274, + "355": 26275, + "folly": 26276, + "liszt": 26277, + "##yles": 26278, + "immersed": 26279, + "jordanian": 26280, + "ceasefire": 26281, + "apparel": 26282, + "extras": 26283, + "maru": 26284, + "fished": 26285, + "##bio": 26286, + "harta": 26287, + "stockport": 26288, + "assortment": 26289, + "craftsman": 26290, + "paralysis": 26291, + "transmitters": 26292, + "##cola": 26293, + "blindness": 26294, + "##wk": 26295, + "fatally": 26296, + "proficiency": 26297, + "solemnly": 26298, + "##orno": 26299, + "repairing": 26300, + "amore": 26301, + "groceries": 26302, + "ultraviolet": 26303, + "##chase": 26304, + "schoolhouse": 26305, + "##tua": 26306, + "resurgence": 26307, + "nailed": 26308, + "##otype": 26309, + "##×": 26310, + "ruse": 26311, + "saliva": 26312, + "diagrams": 26313, + "##tructing": 26314, + "albans": 26315, + "rann": 26316, + "thirties": 26317, + "1b": 26318, + "antennas": 26319, + "hilarious": 26320, + "cougars": 26321, + "paddington": 26322, + "stats": 26323, + "##eger": 26324, + "breakaway": 26325, + "ipod": 26326, + "reza": 26327, + "authorship": 26328, + "prohibiting": 26329, + "scoffed": 26330, + "##etz": 26331, + "##ttle": 26332, + "conscription": 26333, + "defected": 26334, + "trondheim": 26335, + "##fires": 26336, + "ivanov": 26337, + "keenan": 26338, + "##adan": 26339, + "##ciful": 26340, + "##fb": 26341, + "##slow": 26342, + "locating": 26343, + "##ials": 26344, + "##tford": 26345, + "cadiz": 26346, + "basalt": 26347, + "blankly": 26348, + "interned": 26349, + "rags": 26350, + "rattling": 26351, + "##tick": 26352, + "carpathian": 26353, + "reassured": 26354, + "sync": 26355, + "bum": 26356, + "guildford": 26357, + "iss": 26358, + "staunch": 26359, + "##onga": 26360, + "astronomers": 26361, + "sera": 26362, + "sofie": 26363, + "emergencies": 26364, + "susquehanna": 26365, + "##heard": 26366, + "duc": 26367, + "mastery": 26368, + "vh1": 26369, + "williamsburg": 26370, + "bayer": 26371, + "buckled": 26372, + "craving": 26373, + "##khan": 26374, + "##rdes": 26375, + "bloomington": 26376, + "##write": 26377, + "alton": 26378, + "barbecue": 26379, + "##bians": 26380, + "justine": 26381, + "##hri": 26382, + "##ndt": 26383, + "delightful": 26384, + "smartphone": 26385, + "newtown": 26386, + "photon": 26387, + "retrieval": 26388, + "peugeot": 26389, + "hissing": 26390, + "##monium": 26391, + "##orough": 26392, + "flavors": 26393, + "lighted": 26394, + "relaunched": 26395, + "tainted": 26396, + "##games": 26397, + "##lysis": 26398, + "anarchy": 26399, + "microscopic": 26400, + "hopping": 26401, + "adept": 26402, + "evade": 26403, + "evie": 26404, + "##beau": 26405, + "inhibit": 26406, + "sinn": 26407, + "adjustable": 26408, + "hurst": 26409, + "intuition": 26410, + "wilton": 26411, + "cisco": 26412, + "44th": 26413, + "lawful": 26414, + "lowlands": 26415, + "stockings": 26416, + "thierry": 26417, + "##dalen": 26418, + "##hila": 26419, + "##nai": 26420, + "fates": 26421, + "prank": 26422, + "tb": 26423, + "maison": 26424, + "lobbied": 26425, + "provocative": 26426, + "1724": 26427, + "4a": 26428, + "utopia": 26429, + "##qual": 26430, + "carbonate": 26431, + "gujarati": 26432, + "purcell": 26433, + "##rford": 26434, + "curtiss": 26435, + "##mei": 26436, + "overgrown": 26437, + "arenas": 26438, + "mediation": 26439, + "swallows": 26440, + "##rnik": 26441, + "respectful": 26442, + "turnbull": 26443, + "##hedron": 26444, + "##hope": 26445, + "alyssa": 26446, + "ozone": 26447, + "##ʻi": 26448, + "ami": 26449, + "gestapo": 26450, + "johansson": 26451, + "snooker": 26452, + "canteen": 26453, + "cuff": 26454, + "declines": 26455, + "empathy": 26456, + "stigma": 26457, + "##ags": 26458, + "##iner": 26459, + "##raine": 26460, + "taxpayers": 26461, + "gui": 26462, + "volga": 26463, + "##wright": 26464, + "##copic": 26465, + "lifespan": 26466, + "overcame": 26467, + "tattooed": 26468, + "enactment": 26469, + "giggles": 26470, + "##ador": 26471, + "##camp": 26472, + "barrington": 26473, + "bribe": 26474, + "obligatory": 26475, + "orbiting": 26476, + "peng": 26477, + "##enas": 26478, + "elusive": 26479, + "sucker": 26480, + "##vating": 26481, + "cong": 26482, + "hardship": 26483, + "empowered": 26484, + "anticipating": 26485, + "estrada": 26486, + "cryptic": 26487, + "greasy": 26488, + "detainees": 26489, + "planck": 26490, + "sudbury": 26491, + "plaid": 26492, + "dod": 26493, + "marriott": 26494, + "kayla": 26495, + "##ears": 26496, + "##vb": 26497, + "##zd": 26498, + "mortally": 26499, + "##hein": 26500, + "cognition": 26501, + "radha": 26502, + "319": 26503, + "liechtenstein": 26504, + "meade": 26505, + "richly": 26506, + "argyle": 26507, + "harpsichord": 26508, + "liberalism": 26509, + "trumpets": 26510, + "lauded": 26511, + "tyrant": 26512, + "salsa": 26513, + "tiled": 26514, + "lear": 26515, + "promoters": 26516, + "reused": 26517, + "slicing": 26518, + "trident": 26519, + "##chuk": 26520, + "##gami": 26521, + "##lka": 26522, + "cantor": 26523, + "checkpoint": 26524, + "##points": 26525, + "gaul": 26526, + "leger": 26527, + "mammalian": 26528, + "##tov": 26529, + "##aar": 26530, + "##schaft": 26531, + "doha": 26532, + "frenchman": 26533, + "nirvana": 26534, + "##vino": 26535, + "delgado": 26536, + "headlining": 26537, + "##eron": 26538, + "##iography": 26539, + "jug": 26540, + "tko": 26541, + "1649": 26542, + "naga": 26543, + "intersections": 26544, + "##jia": 26545, + "benfica": 26546, + "nawab": 26547, + "##suka": 26548, + "ashford": 26549, + "gulp": 26550, + "##deck": 26551, + "##vill": 26552, + "##rug": 26553, + "brentford": 26554, + "frazier": 26555, + "pleasures": 26556, + "dunne": 26557, + "potsdam": 26558, + "shenzhen": 26559, + "dentistry": 26560, + "##tec": 26561, + "flanagan": 26562, + "##dorff": 26563, + "##hear": 26564, + "chorale": 26565, + "dinah": 26566, + "prem": 26567, + "quezon": 26568, + "##rogated": 26569, + "relinquished": 26570, + "sutra": 26571, + "terri": 26572, + "##pani": 26573, + "flaps": 26574, + "##rissa": 26575, + "poly": 26576, + "##rnet": 26577, + "homme": 26578, + "aback": 26579, + "##eki": 26580, + "linger": 26581, + "womb": 26582, + "##kson": 26583, + "##lewood": 26584, + "doorstep": 26585, + "orthodoxy": 26586, + "threaded": 26587, + "westfield": 26588, + "##rval": 26589, + "dioceses": 26590, + "fridays": 26591, + "subsided": 26592, + "##gata": 26593, + "loyalists": 26594, + "##biotic": 26595, + "##ettes": 26596, + "letterman": 26597, + "lunatic": 26598, + "prelate": 26599, + "tenderly": 26600, + "invariably": 26601, + "souza": 26602, + "thug": 26603, + "winslow": 26604, + "##otide": 26605, + "furlongs": 26606, + "gogh": 26607, + "jeopardy": 26608, + "##runa": 26609, + "pegasus": 26610, + "##umble": 26611, + "humiliated": 26612, + "standalone": 26613, + "tagged": 26614, + "##roller": 26615, + "freshmen": 26616, + "klan": 26617, + "##bright": 26618, + "attaining": 26619, + "initiating": 26620, + "transatlantic": 26621, + "logged": 26622, + "viz": 26623, + "##uance": 26624, + "1723": 26625, + "combatants": 26626, + "intervening": 26627, + "stephane": 26628, + "chieftain": 26629, + "despised": 26630, + "grazed": 26631, + "317": 26632, + "cdc": 26633, + "galveston": 26634, + "godzilla": 26635, + "macro": 26636, + "simulate": 26637, + "##planes": 26638, + "parades": 26639, + "##esses": 26640, + "960": 26641, + "##ductive": 26642, + "##unes": 26643, + "equator": 26644, + "overdose": 26645, + "##cans": 26646, + "##hosh": 26647, + "##lifting": 26648, + "joshi": 26649, + "epstein": 26650, + "sonora": 26651, + "treacherous": 26652, + "aquatics": 26653, + "manchu": 26654, + "responsive": 26655, + "##sation": 26656, + "supervisory": 26657, + "##christ": 26658, + "##llins": 26659, + "##ibar": 26660, + "##balance": 26661, + "##uso": 26662, + "kimball": 26663, + "karlsruhe": 26664, + "mab": 26665, + "##emy": 26666, + "ignores": 26667, + "phonetic": 26668, + "reuters": 26669, + "spaghetti": 26670, + "820": 26671, + "almighty": 26672, + "danzig": 26673, + "rumbling": 26674, + "tombstone": 26675, + "designations": 26676, + "lured": 26677, + "outset": 26678, + "##felt": 26679, + "supermarkets": 26680, + "##wt": 26681, + "grupo": 26682, + "kei": 26683, + "kraft": 26684, + "susanna": 26685, + "##blood": 26686, + "comprehension": 26687, + "genealogy": 26688, + "##aghan": 26689, + "##verted": 26690, + "redding": 26691, + "##ythe": 26692, + "1722": 26693, + "bowing": 26694, + "##pore": 26695, + "##roi": 26696, + "lest": 26697, + "sharpened": 26698, + "fulbright": 26699, + "valkyrie": 26700, + "sikhs": 26701, + "##unds": 26702, + "swans": 26703, + "bouquet": 26704, + "merritt": 26705, + "##tage": 26706, + "##venting": 26707, + "commuted": 26708, + "redhead": 26709, + "clerks": 26710, + "leasing": 26711, + "cesare": 26712, + "dea": 26713, + "hazy": 26714, + "##vances": 26715, + "fledged": 26716, + "greenfield": 26717, + "servicemen": 26718, + "##gical": 26719, + "armando": 26720, + "blackout": 26721, + "dt": 26722, + "sagged": 26723, + "downloadable": 26724, + "intra": 26725, + "potion": 26726, + "pods": 26727, + "##4th": 26728, + "##mism": 26729, + "xp": 26730, + "attendants": 26731, + "gambia": 26732, + "stale": 26733, + "##ntine": 26734, + "plump": 26735, + "asteroids": 26736, + "rediscovered": 26737, + "buds": 26738, + "flea": 26739, + "hive": 26740, + "##neas": 26741, + "1737": 26742, + "classifications": 26743, + "debuts": 26744, + "##eles": 26745, + "olympus": 26746, + "scala": 26747, + "##eurs": 26748, + "##gno": 26749, + "##mute": 26750, + "hummed": 26751, + "sigismund": 26752, + "visuals": 26753, + "wiggled": 26754, + "await": 26755, + "pilasters": 26756, + "clench": 26757, + "sulfate": 26758, + "##ances": 26759, + "bellevue": 26760, + "enigma": 26761, + "trainee": 26762, + "snort": 26763, + "##sw": 26764, + "clouded": 26765, + "denim": 26766, + "##rank": 26767, + "##rder": 26768, + "churning": 26769, + "hartman": 26770, + "lodges": 26771, + "riches": 26772, + "sima": 26773, + "##missible": 26774, + "accountable": 26775, + "socrates": 26776, + "regulates": 26777, + "mueller": 26778, + "##cr": 26779, + "1702": 26780, + "avoids": 26781, + "solids": 26782, + "himalayas": 26783, + "nutrient": 26784, + "pup": 26785, + "##jevic": 26786, + "squat": 26787, + "fades": 26788, + "nec": 26789, + "##lates": 26790, + "##pina": 26791, + "##rona": 26792, + "##ου": 26793, + "privateer": 26794, + "tequila": 26795, + "##gative": 26796, + "##mpton": 26797, + "apt": 26798, + "hornet": 26799, + "immortals": 26800, + "##dou": 26801, + "asturias": 26802, + "cleansing": 26803, + "dario": 26804, + "##rries": 26805, + "##anta": 26806, + "etymology": 26807, + "servicing": 26808, + "zhejiang": 26809, + "##venor": 26810, + "##nx": 26811, + "horned": 26812, + "erasmus": 26813, + "rayon": 26814, + "relocating": 26815, + "£10": 26816, + "##bags": 26817, + "escalated": 26818, + "promenade": 26819, + "stubble": 26820, + "2010s": 26821, + "artisans": 26822, + "axial": 26823, + "liquids": 26824, + "mora": 26825, + "sho": 26826, + "yoo": 26827, + "##tsky": 26828, + "bundles": 26829, + "oldies": 26830, + "##nally": 26831, + "notification": 26832, + "bastion": 26833, + "##ths": 26834, + "sparkle": 26835, + "##lved": 26836, + "1728": 26837, + "leash": 26838, + "pathogen": 26839, + "highs": 26840, + "##hmi": 26841, + "immature": 26842, + "880": 26843, + "gonzaga": 26844, + "ignatius": 26845, + "mansions": 26846, + "monterrey": 26847, + "sweets": 26848, + "bryson": 26849, + "##loe": 26850, + "polled": 26851, + "regatta": 26852, + "brightest": 26853, + "pei": 26854, + "rosy": 26855, + "squid": 26856, + "hatfield": 26857, + "payroll": 26858, + "addict": 26859, + "meath": 26860, + "cornerback": 26861, + "heaviest": 26862, + "lodging": 26863, + "##mage": 26864, + "capcom": 26865, + "rippled": 26866, + "##sily": 26867, + "barnet": 26868, + "mayhem": 26869, + "ymca": 26870, + "snuggled": 26871, + "rousseau": 26872, + "##cute": 26873, + "blanchard": 26874, + "284": 26875, + "fragmented": 26876, + "leighton": 26877, + "chromosomes": 26878, + "risking": 26879, + "##md": 26880, + "##strel": 26881, + "##utter": 26882, + "corinne": 26883, + "coyotes": 26884, + "cynical": 26885, + "hiroshi": 26886, + "yeomanry": 26887, + "##ractive": 26888, + "ebook": 26889, + "grading": 26890, + "mandela": 26891, + "plume": 26892, + "agustin": 26893, + "magdalene": 26894, + "##rkin": 26895, + "bea": 26896, + "femme": 26897, + "trafford": 26898, + "##coll": 26899, + "##lun": 26900, + "##tance": 26901, + "52nd": 26902, + "fourier": 26903, + "upton": 26904, + "##mental": 26905, + "camilla": 26906, + "gust": 26907, + "iihf": 26908, + "islamabad": 26909, + "longevity": 26910, + "##kala": 26911, + "feldman": 26912, + "netting": 26913, + "##rization": 26914, + "endeavour": 26915, + "foraging": 26916, + "mfa": 26917, + "orr": 26918, + "##open": 26919, + "greyish": 26920, + "contradiction": 26921, + "graz": 26922, + "##ruff": 26923, + "handicapped": 26924, + "marlene": 26925, + "tweed": 26926, + "oaxaca": 26927, + "spp": 26928, + "campos": 26929, + "miocene": 26930, + "pri": 26931, + "configured": 26932, + "cooks": 26933, + "pluto": 26934, + "cozy": 26935, + "pornographic": 26936, + "##entes": 26937, + "70th": 26938, + "fairness": 26939, + "glided": 26940, + "jonny": 26941, + "lynne": 26942, + "rounding": 26943, + "sired": 26944, + "##emon": 26945, + "##nist": 26946, + "remade": 26947, + "uncover": 26948, + "##mack": 26949, + "complied": 26950, + "lei": 26951, + "newsweek": 26952, + "##jured": 26953, + "##parts": 26954, + "##enting": 26955, + "##pg": 26956, + "293": 26957, + "finer": 26958, + "guerrillas": 26959, + "athenian": 26960, + "deng": 26961, + "disused": 26962, + "stepmother": 26963, + "accuse": 26964, + "gingerly": 26965, + "seduction": 26966, + "521": 26967, + "confronting": 26968, + "##walker": 26969, + "##going": 26970, + "gora": 26971, + "nostalgia": 26972, + "sabres": 26973, + "virginity": 26974, + "wrenched": 26975, + "##minated": 26976, + "syndication": 26977, + "wielding": 26978, + "eyre": 26979, + "##56": 26980, + "##gnon": 26981, + "##igny": 26982, + "behaved": 26983, + "taxpayer": 26984, + "sweeps": 26985, + "##growth": 26986, + "childless": 26987, + "gallant": 26988, + "##ywood": 26989, + "amplified": 26990, + "geraldine": 26991, + "scrape": 26992, + "##ffi": 26993, + "babylonian": 26994, + "fresco": 26995, + "##rdan": 26996, + "##kney": 26997, + "##position": 26998, + "1718": 26999, + "restricting": 27000, + "tack": 27001, + "fukuoka": 27002, + "osborn": 27003, + "selector": 27004, + "partnering": 27005, + "##dlow": 27006, + "318": 27007, + "gnu": 27008, + "kia": 27009, + "tak": 27010, + "whitley": 27011, + "gables": 27012, + "##54": 27013, + "##mania": 27014, + "mri": 27015, + "softness": 27016, + "immersion": 27017, + "##bots": 27018, + "##evsky": 27019, + "1713": 27020, + "chilling": 27021, + "insignificant": 27022, + "pcs": 27023, + "##uis": 27024, + "elites": 27025, + "lina": 27026, + "purported": 27027, + "supplemental": 27028, + "teaming": 27029, + "##americana": 27030, + "##dding": 27031, + "##inton": 27032, + "proficient": 27033, + "rouen": 27034, + "##nage": 27035, + "##rret": 27036, + "niccolo": 27037, + "selects": 27038, + "##bread": 27039, + "fluffy": 27040, + "1621": 27041, + "gruff": 27042, + "knotted": 27043, + "mukherjee": 27044, + "polgara": 27045, + "thrash": 27046, + "nicholls": 27047, + "secluded": 27048, + "smoothing": 27049, + "thru": 27050, + "corsica": 27051, + "loaf": 27052, + "whitaker": 27053, + "inquiries": 27054, + "##rrier": 27055, + "##kam": 27056, + "indochina": 27057, + "289": 27058, + "marlins": 27059, + "myles": 27060, + "peking": 27061, + "##tea": 27062, + "extracts": 27063, + "pastry": 27064, + "superhuman": 27065, + "connacht": 27066, + "vogel": 27067, + "##ditional": 27068, + "##het": 27069, + "##udged": 27070, + "##lash": 27071, + "gloss": 27072, + "quarries": 27073, + "refit": 27074, + "teaser": 27075, + "##alic": 27076, + "##gaon": 27077, + "20s": 27078, + "materialized": 27079, + "sling": 27080, + "camped": 27081, + "pickering": 27082, + "tung": 27083, + "tracker": 27084, + "pursuant": 27085, + "##cide": 27086, + "cranes": 27087, + "soc": 27088, + "##cini": 27089, + "##typical": 27090, + "##viere": 27091, + "anhalt": 27092, + "overboard": 27093, + "workout": 27094, + "chores": 27095, + "fares": 27096, + "orphaned": 27097, + "stains": 27098, + "##logie": 27099, + "fenton": 27100, + "surpassing": 27101, + "joyah": 27102, + "triggers": 27103, + "##itte": 27104, + "grandmaster": 27105, + "##lass": 27106, + "##lists": 27107, + "clapping": 27108, + "fraudulent": 27109, + "ledger": 27110, + "nagasaki": 27111, + "##cor": 27112, + "##nosis": 27113, + "##tsa": 27114, + "eucalyptus": 27115, + "tun": 27116, + "##icio": 27117, + "##rney": 27118, + "##tara": 27119, + "dax": 27120, + "heroism": 27121, + "ina": 27122, + "wrexham": 27123, + "onboard": 27124, + "unsigned": 27125, + "##dates": 27126, + "moshe": 27127, + "galley": 27128, + "winnie": 27129, + "droplets": 27130, + "exiles": 27131, + "praises": 27132, + "watered": 27133, + "noodles": 27134, + "##aia": 27135, + "fein": 27136, + "adi": 27137, + "leland": 27138, + "multicultural": 27139, + "stink": 27140, + "bingo": 27141, + "comets": 27142, + "erskine": 27143, + "modernized": 27144, + "canned": 27145, + "constraint": 27146, + "domestically": 27147, + "chemotherapy": 27148, + "featherweight": 27149, + "stifled": 27150, + "##mum": 27151, + "darkly": 27152, + "irresistible": 27153, + "refreshing": 27154, + "hasty": 27155, + "isolate": 27156, + "##oys": 27157, + "kitchener": 27158, + "planners": 27159, + "##wehr": 27160, + "cages": 27161, + "yarn": 27162, + "implant": 27163, + "toulon": 27164, + "elects": 27165, + "childbirth": 27166, + "yue": 27167, + "##lind": 27168, + "##lone": 27169, + "cn": 27170, + "rightful": 27171, + "sportsman": 27172, + "junctions": 27173, + "remodeled": 27174, + "specifies": 27175, + "##rgh": 27176, + "291": 27177, + "##oons": 27178, + "complimented": 27179, + "##urgent": 27180, + "lister": 27181, + "ot": 27182, + "##logic": 27183, + "bequeathed": 27184, + "cheekbones": 27185, + "fontana": 27186, + "gabby": 27187, + "##dial": 27188, + "amadeus": 27189, + "corrugated": 27190, + "maverick": 27191, + "resented": 27192, + "triangles": 27193, + "##hered": 27194, + "##usly": 27195, + "nazareth": 27196, + "tyrol": 27197, + "1675": 27198, + "assent": 27199, + "poorer": 27200, + "sectional": 27201, + "aegean": 27202, + "##cous": 27203, + "296": 27204, + "nylon": 27205, + "ghanaian": 27206, + "##egorical": 27207, + "##weig": 27208, + "cushions": 27209, + "forbid": 27210, + "fusiliers": 27211, + "obstruction": 27212, + "somerville": 27213, + "##scia": 27214, + "dime": 27215, + "earrings": 27216, + "elliptical": 27217, + "leyte": 27218, + "oder": 27219, + "polymers": 27220, + "timmy": 27221, + "atm": 27222, + "midtown": 27223, + "piloted": 27224, + "settles": 27225, + "continual": 27226, + "externally": 27227, + "mayfield": 27228, + "##uh": 27229, + "enrichment": 27230, + "henson": 27231, + "keane": 27232, + "persians": 27233, + "1733": 27234, + "benji": 27235, + "braden": 27236, + "pep": 27237, + "324": 27238, + "##efe": 27239, + "contenders": 27240, + "pepsi": 27241, + "valet": 27242, + "##isches": 27243, + "298": 27244, + "##asse": 27245, + "##earing": 27246, + "goofy": 27247, + "stroll": 27248, + "##amen": 27249, + "authoritarian": 27250, + "occurrences": 27251, + "adversary": 27252, + "ahmedabad": 27253, + "tangent": 27254, + "toppled": 27255, + "dorchester": 27256, + "1672": 27257, + "modernism": 27258, + "marxism": 27259, + "islamist": 27260, + "charlemagne": 27261, + "exponential": 27262, + "racks": 27263, + "unicode": 27264, + "brunette": 27265, + "mbc": 27266, + "pic": 27267, + "skirmish": 27268, + "##bund": 27269, + "##lad": 27270, + "##powered": 27271, + "##yst": 27272, + "hoisted": 27273, + "messina": 27274, + "shatter": 27275, + "##ctum": 27276, + "jedi": 27277, + "vantage": 27278, + "##music": 27279, + "##neil": 27280, + "clemens": 27281, + "mahmoud": 27282, + "corrupted": 27283, + "authentication": 27284, + "lowry": 27285, + "nils": 27286, + "##washed": 27287, + "omnibus": 27288, + "wounding": 27289, + "jillian": 27290, + "##itors": 27291, + "##opped": 27292, + "serialized": 27293, + "narcotics": 27294, + "handheld": 27295, + "##arm": 27296, + "##plicity": 27297, + "intersecting": 27298, + "stimulating": 27299, + "##onis": 27300, + "crate": 27301, + "fellowships": 27302, + "hemingway": 27303, + "casinos": 27304, + "climatic": 27305, + "fordham": 27306, + "copeland": 27307, + "drip": 27308, + "beatty": 27309, + "leaflets": 27310, + "robber": 27311, + "brothel": 27312, + "madeira": 27313, + "##hedral": 27314, + "sphinx": 27315, + "ultrasound": 27316, + "##vana": 27317, + "valor": 27318, + "forbade": 27319, + "leonid": 27320, + "villas": 27321, + "##aldo": 27322, + "duane": 27323, + "marquez": 27324, + "##cytes": 27325, + "disadvantaged": 27326, + "forearms": 27327, + "kawasaki": 27328, + "reacts": 27329, + "consular": 27330, + "lax": 27331, + "uncles": 27332, + "uphold": 27333, + "##hopper": 27334, + "concepcion": 27335, + "dorsey": 27336, + "lass": 27337, + "##izan": 27338, + "arching": 27339, + "passageway": 27340, + "1708": 27341, + "researches": 27342, + "tia": 27343, + "internationals": 27344, + "##graphs": 27345, + "##opers": 27346, + "distinguishes": 27347, + "javanese": 27348, + "divert": 27349, + "##uven": 27350, + "plotted": 27351, + "##listic": 27352, + "##rwin": 27353, + "##erik": 27354, + "##tify": 27355, + "affirmative": 27356, + "signifies": 27357, + "validation": 27358, + "##bson": 27359, + "kari": 27360, + "felicity": 27361, + "georgina": 27362, + "zulu": 27363, + "##eros": 27364, + "##rained": 27365, + "##rath": 27366, + "overcoming": 27367, + "##dot": 27368, + "argyll": 27369, + "##rbin": 27370, + "1734": 27371, + "chiba": 27372, + "ratification": 27373, + "windy": 27374, + "earls": 27375, + "parapet": 27376, + "##marks": 27377, + "hunan": 27378, + "pristine": 27379, + "astrid": 27380, + "punta": 27381, + "##gart": 27382, + "brodie": 27383, + "##kota": 27384, + "##oder": 27385, + "malaga": 27386, + "minerva": 27387, + "rouse": 27388, + "##phonic": 27389, + "bellowed": 27390, + "pagoda": 27391, + "portals": 27392, + "reclamation": 27393, + "##gur": 27394, + "##odies": 27395, + "##⁄₄": 27396, + "parentheses": 27397, + "quoting": 27398, + "allergic": 27399, + "palette": 27400, + "showcases": 27401, + "benefactor": 27402, + "heartland": 27403, + "nonlinear": 27404, + "##tness": 27405, + "bladed": 27406, + "cheerfully": 27407, + "scans": 27408, + "##ety": 27409, + "##hone": 27410, + "1666": 27411, + "girlfriends": 27412, + "pedersen": 27413, + "hiram": 27414, + "sous": 27415, + "##liche": 27416, + "##nator": 27417, + "1683": 27418, + "##nery": 27419, + "##orio": 27420, + "##umen": 27421, + "bobo": 27422, + "primaries": 27423, + "smiley": 27424, + "##cb": 27425, + "unearthed": 27426, + "uniformly": 27427, + "fis": 27428, + "metadata": 27429, + "1635": 27430, + "ind": 27431, + "##oted": 27432, + "recoil": 27433, + "##titles": 27434, + "##tura": 27435, + "##ια": 27436, + "406": 27437, + "hilbert": 27438, + "jamestown": 27439, + "mcmillan": 27440, + "tulane": 27441, + "seychelles": 27442, + "##frid": 27443, + "antics": 27444, + "coli": 27445, + "fated": 27446, + "stucco": 27447, + "##grants": 27448, + "1654": 27449, + "bulky": 27450, + "accolades": 27451, + "arrays": 27452, + "caledonian": 27453, + "carnage": 27454, + "optimism": 27455, + "puebla": 27456, + "##tative": 27457, + "##cave": 27458, + "enforcing": 27459, + "rotherham": 27460, + "seo": 27461, + "dunlop": 27462, + "aeronautics": 27463, + "chimed": 27464, + "incline": 27465, + "zoning": 27466, + "archduke": 27467, + "hellenistic": 27468, + "##oses": 27469, + "##sions": 27470, + "candi": 27471, + "thong": 27472, + "##ople": 27473, + "magnate": 27474, + "rustic": 27475, + "##rsk": 27476, + "projective": 27477, + "slant": 27478, + "##offs": 27479, + "danes": 27480, + "hollis": 27481, + "vocalists": 27482, + "##ammed": 27483, + "congenital": 27484, + "contend": 27485, + "gesellschaft": 27486, + "##ocating": 27487, + "##pressive": 27488, + "douglass": 27489, + "quieter": 27490, + "##cm": 27491, + "##kshi": 27492, + "howled": 27493, + "salim": 27494, + "spontaneously": 27495, + "townsville": 27496, + "buena": 27497, + "southport": 27498, + "##bold": 27499, + "kato": 27500, + "1638": 27501, + "faerie": 27502, + "stiffly": 27503, + "##vus": 27504, + "##rled": 27505, + "297": 27506, + "flawless": 27507, + "realising": 27508, + "taboo": 27509, + "##7th": 27510, + "bytes": 27511, + "straightening": 27512, + "356": 27513, + "jena": 27514, + "##hid": 27515, + "##rmin": 27516, + "cartwright": 27517, + "berber": 27518, + "bertram": 27519, + "soloists": 27520, + "411": 27521, + "noses": 27522, + "417": 27523, + "coping": 27524, + "fission": 27525, + "hardin": 27526, + "inca": 27527, + "##cen": 27528, + "1717": 27529, + "mobilized": 27530, + "vhf": 27531, + "##raf": 27532, + "biscuits": 27533, + "curate": 27534, + "##85": 27535, + "##anial": 27536, + "331": 27537, + "gaunt": 27538, + "neighbourhoods": 27539, + "1540": 27540, + "##abas": 27541, + "blanca": 27542, + "bypassed": 27543, + "sockets": 27544, + "behold": 27545, + "coincidentally": 27546, + "##bane": 27547, + "nara": 27548, + "shave": 27549, + "splinter": 27550, + "terrific": 27551, + "##arion": 27552, + "##erian": 27553, + "commonplace": 27554, + "juris": 27555, + "redwood": 27556, + "waistband": 27557, + "boxed": 27558, + "caitlin": 27559, + "fingerprints": 27560, + "jennie": 27561, + "naturalized": 27562, + "##ired": 27563, + "balfour": 27564, + "craters": 27565, + "jody": 27566, + "bungalow": 27567, + "hugely": 27568, + "quilt": 27569, + "glitter": 27570, + "pigeons": 27571, + "undertaker": 27572, + "bulging": 27573, + "constrained": 27574, + "goo": 27575, + "##sil": 27576, + "##akh": 27577, + "assimilation": 27578, + "reworked": 27579, + "##person": 27580, + "persuasion": 27581, + "##pants": 27582, + "felicia": 27583, + "##cliff": 27584, + "##ulent": 27585, + "1732": 27586, + "explodes": 27587, + "##dun": 27588, + "##inium": 27589, + "##zic": 27590, + "lyman": 27591, + "vulture": 27592, + "hog": 27593, + "overlook": 27594, + "begs": 27595, + "northwards": 27596, + "ow": 27597, + "spoil": 27598, + "##urer": 27599, + "fatima": 27600, + "favorably": 27601, + "accumulate": 27602, + "sargent": 27603, + "sorority": 27604, + "corresponded": 27605, + "dispersal": 27606, + "kochi": 27607, + "toned": 27608, + "##imi": 27609, + "##lita": 27610, + "internacional": 27611, + "newfound": 27612, + "##agger": 27613, + "##lynn": 27614, + "##rigue": 27615, + "booths": 27616, + "peanuts": 27617, + "##eborg": 27618, + "medicare": 27619, + "muriel": 27620, + "nur": 27621, + "##uram": 27622, + "crates": 27623, + "millennia": 27624, + "pajamas": 27625, + "worsened": 27626, + "##breakers": 27627, + "jimi": 27628, + "vanuatu": 27629, + "yawned": 27630, + "##udeau": 27631, + "carousel": 27632, + "##hony": 27633, + "hurdle": 27634, + "##ccus": 27635, + "##mounted": 27636, + "##pod": 27637, + "rv": 27638, + "##eche": 27639, + "airship": 27640, + "ambiguity": 27641, + "compulsion": 27642, + "recapture": 27643, + "##claiming": 27644, + "arthritis": 27645, + "##osomal": 27646, + "1667": 27647, + "asserting": 27648, + "ngc": 27649, + "sniffing": 27650, + "dade": 27651, + "discontent": 27652, + "glendale": 27653, + "ported": 27654, + "##amina": 27655, + "defamation": 27656, + "rammed": 27657, + "##scent": 27658, + "fling": 27659, + "livingstone": 27660, + "##fleet": 27661, + "875": 27662, + "##ppy": 27663, + "apocalyptic": 27664, + "comrade": 27665, + "lcd": 27666, + "##lowe": 27667, + "cessna": 27668, + "eine": 27669, + "persecuted": 27670, + "subsistence": 27671, + "demi": 27672, + "hoop": 27673, + "reliefs": 27674, + "710": 27675, + "coptic": 27676, + "progressing": 27677, + "stemmed": 27678, + "perpetrators": 27679, + "1665": 27680, + "priestess": 27681, + "##nio": 27682, + "dobson": 27683, + "ebony": 27684, + "rooster": 27685, + "itf": 27686, + "tortricidae": 27687, + "##bbon": 27688, + "##jian": 27689, + "cleanup": 27690, + "##jean": 27691, + "##øy": 27692, + "1721": 27693, + "eighties": 27694, + "taxonomic": 27695, + "holiness": 27696, + "##hearted": 27697, + "##spar": 27698, + "antilles": 27699, + "showcasing": 27700, + "stabilized": 27701, + "##nb": 27702, + "gia": 27703, + "mascara": 27704, + "michelangelo": 27705, + "dawned": 27706, + "##uria": 27707, + "##vinsky": 27708, + "extinguished": 27709, + "fitz": 27710, + "grotesque": 27711, + "£100": 27712, + "##fera": 27713, + "##loid": 27714, + "##mous": 27715, + "barges": 27716, + "neue": 27717, + "throbbed": 27718, + "cipher": 27719, + "johnnie": 27720, + "##a1": 27721, + "##mpt": 27722, + "outburst": 27723, + "##swick": 27724, + "spearheaded": 27725, + "administrations": 27726, + "c1": 27727, + "heartbreak": 27728, + "pixels": 27729, + "pleasantly": 27730, + "##enay": 27731, + "lombardy": 27732, + "plush": 27733, + "##nsed": 27734, + "bobbie": 27735, + "##hly": 27736, + "reapers": 27737, + "tremor": 27738, + "xiang": 27739, + "minogue": 27740, + "substantive": 27741, + "hitch": 27742, + "barak": 27743, + "##wyl": 27744, + "kwan": 27745, + "##encia": 27746, + "910": 27747, + "obscene": 27748, + "elegance": 27749, + "indus": 27750, + "surfer": 27751, + "bribery": 27752, + "conserve": 27753, + "##hyllum": 27754, + "##masters": 27755, + "horatio": 27756, + "##fat": 27757, + "apes": 27758, + "rebound": 27759, + "psychotic": 27760, + "##pour": 27761, + "iteration": 27762, + "##mium": 27763, + "##vani": 27764, + "botanic": 27765, + "horribly": 27766, + "antiques": 27767, + "dispose": 27768, + "paxton": 27769, + "##hli": 27770, + "##wg": 27771, + "timeless": 27772, + "1704": 27773, + "disregard": 27774, + "engraver": 27775, + "hounds": 27776, + "##bau": 27777, + "##version": 27778, + "looted": 27779, + "uno": 27780, + "facilitates": 27781, + "groans": 27782, + "masjid": 27783, + "rutland": 27784, + "antibody": 27785, + "disqualification": 27786, + "decatur": 27787, + "footballers": 27788, + "quake": 27789, + "slacks": 27790, + "48th": 27791, + "rein": 27792, + "scribe": 27793, + "stabilize": 27794, + "commits": 27795, + "exemplary": 27796, + "tho": 27797, + "##hort": 27798, + "##chison": 27799, + "pantry": 27800, + "traversed": 27801, + "##hiti": 27802, + "disrepair": 27803, + "identifiable": 27804, + "vibrated": 27805, + "baccalaureate": 27806, + "##nnis": 27807, + "csa": 27808, + "interviewing": 27809, + "##iensis": 27810, + "##raße": 27811, + "greaves": 27812, + "wealthiest": 27813, + "343": 27814, + "classed": 27815, + "jogged": 27816, + "£5": 27817, + "##58": 27818, + "##atal": 27819, + "illuminating": 27820, + "knicks": 27821, + "respecting": 27822, + "##uno": 27823, + "scrubbed": 27824, + "##iji": 27825, + "##dles": 27826, + "kruger": 27827, + "moods": 27828, + "growls": 27829, + "raider": 27830, + "silvia": 27831, + "chefs": 27832, + "kam": 27833, + "vr": 27834, + "cree": 27835, + "percival": 27836, + "##terol": 27837, + "gunter": 27838, + "counterattack": 27839, + "defiant": 27840, + "henan": 27841, + "ze": 27842, + "##rasia": 27843, + "##riety": 27844, + "equivalence": 27845, + "submissions": 27846, + "##fra": 27847, + "##thor": 27848, + "bautista": 27849, + "mechanically": 27850, + "##heater": 27851, + "cornice": 27852, + "herbal": 27853, + "templar": 27854, + "##mering": 27855, + "outputs": 27856, + "ruining": 27857, + "ligand": 27858, + "renumbered": 27859, + "extravagant": 27860, + "mika": 27861, + "blockbuster": 27862, + "eta": 27863, + "insurrection": 27864, + "##ilia": 27865, + "darkening": 27866, + "ferocious": 27867, + "pianos": 27868, + "strife": 27869, + "kinship": 27870, + "##aer": 27871, + "melee": 27872, + "##anor": 27873, + "##iste": 27874, + "##may": 27875, + "##oue": 27876, + "decidedly": 27877, + "weep": 27878, + "##jad": 27879, + "##missive": 27880, + "##ppel": 27881, + "354": 27882, + "puget": 27883, + "unease": 27884, + "##gnant": 27885, + "1629": 27886, + "hammering": 27887, + "kassel": 27888, + "ob": 27889, + "wessex": 27890, + "##lga": 27891, + "bromwich": 27892, + "egan": 27893, + "paranoia": 27894, + "utilization": 27895, + "##atable": 27896, + "##idad": 27897, + "contradictory": 27898, + "provoke": 27899, + "##ols": 27900, + "##ouring": 27901, + "##tangled": 27902, + "knesset": 27903, + "##very": 27904, + "##lette": 27905, + "plumbing": 27906, + "##sden": 27907, + "##¹": 27908, + "greensboro": 27909, + "occult": 27910, + "sniff": 27911, + "338": 27912, + "zev": 27913, + "beaming": 27914, + "gamer": 27915, + "haggard": 27916, + "mahal": 27917, + "##olt": 27918, + "##pins": 27919, + "mendes": 27920, + "utmost": 27921, + "briefing": 27922, + "gunnery": 27923, + "##gut": 27924, + "##pher": 27925, + "##zh": 27926, + "##rok": 27927, + "1679": 27928, + "khalifa": 27929, + "sonya": 27930, + "##boot": 27931, + "principals": 27932, + "urbana": 27933, + "wiring": 27934, + "##liffe": 27935, + "##minating": 27936, + "##rrado": 27937, + "dahl": 27938, + "nyu": 27939, + "skepticism": 27940, + "np": 27941, + "townspeople": 27942, + "ithaca": 27943, + "lobster": 27944, + "somethin": 27945, + "##fur": 27946, + "##arina": 27947, + "##−1": 27948, + "freighter": 27949, + "zimmerman": 27950, + "biceps": 27951, + "contractual": 27952, + "##herton": 27953, + "amend": 27954, + "hurrying": 27955, + "subconscious": 27956, + "##anal": 27957, + "336": 27958, + "meng": 27959, + "clermont": 27960, + "spawning": 27961, + "##eia": 27962, + "##lub": 27963, + "dignitaries": 27964, + "impetus": 27965, + "snacks": 27966, + "spotting": 27967, + "twigs": 27968, + "##bilis": 27969, + "##cz": 27970, + "##ouk": 27971, + "libertadores": 27972, + "nic": 27973, + "skylar": 27974, + "##aina": 27975, + "##firm": 27976, + "gustave": 27977, + "asean": 27978, + "##anum": 27979, + "dieter": 27980, + "legislatures": 27981, + "flirt": 27982, + "bromley": 27983, + "trolls": 27984, + "umar": 27985, + "##bbies": 27986, + "##tyle": 27987, + "blah": 27988, + "parc": 27989, + "bridgeport": 27990, + "crank": 27991, + "negligence": 27992, + "##nction": 27993, + "46th": 27994, + "constantin": 27995, + "molded": 27996, + "bandages": 27997, + "seriousness": 27998, + "00pm": 27999, + "siegel": 28000, + "carpets": 28001, + "compartments": 28002, + "upbeat": 28003, + "statehood": 28004, + "##dner": 28005, + "##edging": 28006, + "marko": 28007, + "730": 28008, + "platt": 28009, + "##hane": 28010, + "paving": 28011, + "##iy": 28012, + "1738": 28013, + "abbess": 28014, + "impatience": 28015, + "limousine": 28016, + "nbl": 28017, + "##talk": 28018, + "441": 28019, + "lucille": 28020, + "mojo": 28021, + "nightfall": 28022, + "robbers": 28023, + "##nais": 28024, + "karel": 28025, + "brisk": 28026, + "calves": 28027, + "replicate": 28028, + "ascribed": 28029, + "telescopes": 28030, + "##olf": 28031, + "intimidated": 28032, + "##reen": 28033, + "ballast": 28034, + "specialization": 28035, + "##sit": 28036, + "aerodynamic": 28037, + "caliphate": 28038, + "rainer": 28039, + "visionary": 28040, + "##arded": 28041, + "epsilon": 28042, + "##aday": 28043, + "##onte": 28044, + "aggregation": 28045, + "auditory": 28046, + "boosted": 28047, + "reunification": 28048, + "kathmandu": 28049, + "loco": 28050, + "robyn": 28051, + "402": 28052, + "acknowledges": 28053, + "appointing": 28054, + "humanoid": 28055, + "newell": 28056, + "redeveloped": 28057, + "restraints": 28058, + "##tained": 28059, + "barbarians": 28060, + "chopper": 28061, + "1609": 28062, + "italiana": 28063, + "##lez": 28064, + "##lho": 28065, + "investigates": 28066, + "wrestlemania": 28067, + "##anies": 28068, + "##bib": 28069, + "690": 28070, + "##falls": 28071, + "creaked": 28072, + "dragoons": 28073, + "gravely": 28074, + "minions": 28075, + "stupidity": 28076, + "volley": 28077, + "##harat": 28078, + "##week": 28079, + "musik": 28080, + "##eries": 28081, + "##uously": 28082, + "fungal": 28083, + "massimo": 28084, + "semantics": 28085, + "malvern": 28086, + "##ahl": 28087, + "##pee": 28088, + "discourage": 28089, + "embryo": 28090, + "imperialism": 28091, + "1910s": 28092, + "profoundly": 28093, + "##ddled": 28094, + "jiangsu": 28095, + "sparkled": 28096, + "stat": 28097, + "##holz": 28098, + "sweatshirt": 28099, + "tobin": 28100, + "##iction": 28101, + "sneered": 28102, + "##cheon": 28103, + "##oit": 28104, + "brit": 28105, + "causal": 28106, + "smyth": 28107, + "##neuve": 28108, + "diffuse": 28109, + "perrin": 28110, + "silvio": 28111, + "##ipes": 28112, + "##recht": 28113, + "detonated": 28114, + "iqbal": 28115, + "selma": 28116, + "##nism": 28117, + "##zumi": 28118, + "roasted": 28119, + "##riders": 28120, + "tay": 28121, + "##ados": 28122, + "##mament": 28123, + "##mut": 28124, + "##rud": 28125, + "840": 28126, + "completes": 28127, + "nipples": 28128, + "cfa": 28129, + "flavour": 28130, + "hirsch": 28131, + "##laus": 28132, + "calderon": 28133, + "sneakers": 28134, + "moravian": 28135, + "##ksha": 28136, + "1622": 28137, + "rq": 28138, + "294": 28139, + "##imeters": 28140, + "bodo": 28141, + "##isance": 28142, + "##pre": 28143, + "##ronia": 28144, + "anatomical": 28145, + "excerpt": 28146, + "##lke": 28147, + "dh": 28148, + "kunst": 28149, + "##tablished": 28150, + "##scoe": 28151, + "biomass": 28152, + "panted": 28153, + "unharmed": 28154, + "gael": 28155, + "housemates": 28156, + "montpellier": 28157, + "##59": 28158, + "coa": 28159, + "rodents": 28160, + "tonic": 28161, + "hickory": 28162, + "singleton": 28163, + "##taro": 28164, + "451": 28165, + "1719": 28166, + "aldo": 28167, + "breaststroke": 28168, + "dempsey": 28169, + "och": 28170, + "rocco": 28171, + "##cuit": 28172, + "merton": 28173, + "dissemination": 28174, + "midsummer": 28175, + "serials": 28176, + "##idi": 28177, + "haji": 28178, + "polynomials": 28179, + "##rdon": 28180, + "gs": 28181, + "enoch": 28182, + "prematurely": 28183, + "shutter": 28184, + "taunton": 28185, + "£3": 28186, + "##grating": 28187, + "##inates": 28188, + "archangel": 28189, + "harassed": 28190, + "##asco": 28191, + "326": 28192, + "archway": 28193, + "dazzling": 28194, + "##ecin": 28195, + "1736": 28196, + "sumo": 28197, + "wat": 28198, + "##kovich": 28199, + "1086": 28200, + "honneur": 28201, + "##ently": 28202, + "##nostic": 28203, + "##ttal": 28204, + "##idon": 28205, + "1605": 28206, + "403": 28207, + "1716": 28208, + "blogger": 28209, + "rents": 28210, + "##gnan": 28211, + "hires": 28212, + "##ikh": 28213, + "##dant": 28214, + "howie": 28215, + "##rons": 28216, + "handler": 28217, + "retracted": 28218, + "shocks": 28219, + "1632": 28220, + "arun": 28221, + "duluth": 28222, + "kepler": 28223, + "trumpeter": 28224, + "##lary": 28225, + "peeking": 28226, + "seasoned": 28227, + "trooper": 28228, + "##mara": 28229, + "laszlo": 28230, + "##iciencies": 28231, + "##rti": 28232, + "heterosexual": 28233, + "##inatory": 28234, + "##ssion": 28235, + "indira": 28236, + "jogging": 28237, + "##inga": 28238, + "##lism": 28239, + "beit": 28240, + "dissatisfaction": 28241, + "malice": 28242, + "##ately": 28243, + "nedra": 28244, + "peeling": 28245, + "##rgeon": 28246, + "47th": 28247, + "stadiums": 28248, + "475": 28249, + "vertigo": 28250, + "##ains": 28251, + "iced": 28252, + "restroom": 28253, + "##plify": 28254, + "##tub": 28255, + "illustrating": 28256, + "pear": 28257, + "##chner": 28258, + "##sibility": 28259, + "inorganic": 28260, + "rappers": 28261, + "receipts": 28262, + "watery": 28263, + "##kura": 28264, + "lucinda": 28265, + "##oulos": 28266, + "reintroduced": 28267, + "##8th": 28268, + "##tched": 28269, + "gracefully": 28270, + "saxons": 28271, + "nutritional": 28272, + "wastewater": 28273, + "rained": 28274, + "favourites": 28275, + "bedrock": 28276, + "fisted": 28277, + "hallways": 28278, + "likeness": 28279, + "upscale": 28280, + "##lateral": 28281, + "1580": 28282, + "blinds": 28283, + "prequel": 28284, + "##pps": 28285, + "##tama": 28286, + "deter": 28287, + "humiliating": 28288, + "restraining": 28289, + "tn": 28290, + "vents": 28291, + "1659": 28292, + "laundering": 28293, + "recess": 28294, + "rosary": 28295, + "tractors": 28296, + "coulter": 28297, + "federer": 28298, + "##ifiers": 28299, + "##plin": 28300, + "persistence": 28301, + "##quitable": 28302, + "geschichte": 28303, + "pendulum": 28304, + "quakers": 28305, + "##beam": 28306, + "bassett": 28307, + "pictorial": 28308, + "buffet": 28309, + "koln": 28310, + "##sitor": 28311, + "drills": 28312, + "reciprocal": 28313, + "shooters": 28314, + "##57": 28315, + "##cton": 28316, + "##tees": 28317, + "converge": 28318, + "pip": 28319, + "dmitri": 28320, + "donnelly": 28321, + "yamamoto": 28322, + "aqua": 28323, + "azores": 28324, + "demographics": 28325, + "hypnotic": 28326, + "spitfire": 28327, + "suspend": 28328, + "wryly": 28329, + "roderick": 28330, + "##rran": 28331, + "sebastien": 28332, + "##asurable": 28333, + "mavericks": 28334, + "##fles": 28335, + "##200": 28336, + "himalayan": 28337, + "prodigy": 28338, + "##iance": 28339, + "transvaal": 28340, + "demonstrators": 28341, + "handcuffs": 28342, + "dodged": 28343, + "mcnamara": 28344, + "sublime": 28345, + "1726": 28346, + "crazed": 28347, + "##efined": 28348, + "##till": 28349, + "ivo": 28350, + "pondered": 28351, + "reconciled": 28352, + "shrill": 28353, + "sava": 28354, + "##duk": 28355, + "bal": 28356, + "cad": 28357, + "heresy": 28358, + "jaipur": 28359, + "goran": 28360, + "##nished": 28361, + "341": 28362, + "lux": 28363, + "shelly": 28364, + "whitehall": 28365, + "##hre": 28366, + "israelis": 28367, + "peacekeeping": 28368, + "##wled": 28369, + "1703": 28370, + "demetrius": 28371, + "ousted": 28372, + "##arians": 28373, + "##zos": 28374, + "beale": 28375, + "anwar": 28376, + "backstroke": 28377, + "raged": 28378, + "shrinking": 28379, + "cremated": 28380, + "##yck": 28381, + "benign": 28382, + "towing": 28383, + "wadi": 28384, + "darmstadt": 28385, + "landfill": 28386, + "parana": 28387, + "soothe": 28388, + "colleen": 28389, + "sidewalks": 28390, + "mayfair": 28391, + "tumble": 28392, + "hepatitis": 28393, + "ferrer": 28394, + "superstructure": 28395, + "##gingly": 28396, + "##urse": 28397, + "##wee": 28398, + "anthropological": 28399, + "translators": 28400, + "##mies": 28401, + "closeness": 28402, + "hooves": 28403, + "##pw": 28404, + "mondays": 28405, + "##roll": 28406, + "##vita": 28407, + "landscaping": 28408, + "##urized": 28409, + "purification": 28410, + "sock": 28411, + "thorns": 28412, + "thwarted": 28413, + "jalan": 28414, + "tiberius": 28415, + "##taka": 28416, + "saline": 28417, + "##rito": 28418, + "confidently": 28419, + "khyber": 28420, + "sculptors": 28421, + "##ij": 28422, + "brahms": 28423, + "hammersmith": 28424, + "inspectors": 28425, + "battista": 28426, + "fivb": 28427, + "fragmentation": 28428, + "hackney": 28429, + "##uls": 28430, + "arresting": 28431, + "exercising": 28432, + "antoinette": 28433, + "bedfordshire": 28434, + "##zily": 28435, + "dyed": 28436, + "##hema": 28437, + "1656": 28438, + "racetrack": 28439, + "variability": 28440, + "##tique": 28441, + "1655": 28442, + "austrians": 28443, + "deteriorating": 28444, + "madman": 28445, + "theorists": 28446, + "aix": 28447, + "lehman": 28448, + "weathered": 28449, + "1731": 28450, + "decreed": 28451, + "eruptions": 28452, + "1729": 28453, + "flaw": 28454, + "quinlan": 28455, + "sorbonne": 28456, + "flutes": 28457, + "nunez": 28458, + "1711": 28459, + "adored": 28460, + "downwards": 28461, + "fable": 28462, + "rasped": 28463, + "1712": 28464, + "moritz": 28465, + "mouthful": 28466, + "renegade": 28467, + "shivers": 28468, + "stunts": 28469, + "dysfunction": 28470, + "restrain": 28471, + "translit": 28472, + "327": 28473, + "pancakes": 28474, + "##avio": 28475, + "##cision": 28476, + "##tray": 28477, + "351": 28478, + "vial": 28479, + "##lden": 28480, + "bain": 28481, + "##maid": 28482, + "##oxide": 28483, + "chihuahua": 28484, + "malacca": 28485, + "vimes": 28486, + "##rba": 28487, + "##rnier": 28488, + "1664": 28489, + "donnie": 28490, + "plaques": 28491, + "##ually": 28492, + "337": 28493, + "bangs": 28494, + "floppy": 28495, + "huntsville": 28496, + "loretta": 28497, + "nikolay": 28498, + "##otte": 28499, + "eater": 28500, + "handgun": 28501, + "ubiquitous": 28502, + "##hett": 28503, + "eras": 28504, + "zodiac": 28505, + "1634": 28506, + "##omorphic": 28507, + "1820s": 28508, + "##zog": 28509, + "cochran": 28510, + "##bula": 28511, + "##lithic": 28512, + "warring": 28513, + "##rada": 28514, + "dalai": 28515, + "excused": 28516, + "blazers": 28517, + "mcconnell": 28518, + "reeling": 28519, + "bot": 28520, + "este": 28521, + "##abi": 28522, + "geese": 28523, + "hoax": 28524, + "taxon": 28525, + "##bla": 28526, + "guitarists": 28527, + "##icon": 28528, + "condemning": 28529, + "hunts": 28530, + "inversion": 28531, + "moffat": 28532, + "taekwondo": 28533, + "##lvis": 28534, + "1624": 28535, + "stammered": 28536, + "##rest": 28537, + "##rzy": 28538, + "sousa": 28539, + "fundraiser": 28540, + "marylebone": 28541, + "navigable": 28542, + "uptown": 28543, + "cabbage": 28544, + "daniela": 28545, + "salman": 28546, + "shitty": 28547, + "whimper": 28548, + "##kian": 28549, + "##utive": 28550, + "programmers": 28551, + "protections": 28552, + "rm": 28553, + "##rmi": 28554, + "##rued": 28555, + "forceful": 28556, + "##enes": 28557, + "fuss": 28558, + "##tao": 28559, + "##wash": 28560, + "brat": 28561, + "oppressive": 28562, + "reykjavik": 28563, + "spartak": 28564, + "ticking": 28565, + "##inkles": 28566, + "##kiewicz": 28567, + "adolph": 28568, + "horst": 28569, + "maui": 28570, + "protege": 28571, + "straighten": 28572, + "cpc": 28573, + "landau": 28574, + "concourse": 28575, + "clements": 28576, + "resultant": 28577, + "##ando": 28578, + "imaginative": 28579, + "joo": 28580, + "reactivated": 28581, + "##rem": 28582, + "##ffled": 28583, + "##uising": 28584, + "consultative": 28585, + "##guide": 28586, + "flop": 28587, + "kaitlyn": 28588, + "mergers": 28589, + "parenting": 28590, + "somber": 28591, + "##vron": 28592, + "supervise": 28593, + "vidhan": 28594, + "##imum": 28595, + "courtship": 28596, + "exemplified": 28597, + "harmonies": 28598, + "medallist": 28599, + "refining": 28600, + "##rrow": 28601, + "##ка": 28602, + "amara": 28603, + "##hum": 28604, + "780": 28605, + "goalscorer": 28606, + "sited": 28607, + "overshadowed": 28608, + "rohan": 28609, + "displeasure": 28610, + "secretive": 28611, + "multiplied": 28612, + "osman": 28613, + "##orth": 28614, + "engravings": 28615, + "padre": 28616, + "##kali": 28617, + "##veda": 28618, + "miniatures": 28619, + "mis": 28620, + "##yala": 28621, + "clap": 28622, + "pali": 28623, + "rook": 28624, + "##cana": 28625, + "1692": 28626, + "57th": 28627, + "antennae": 28628, + "astro": 28629, + "oskar": 28630, + "1628": 28631, + "bulldog": 28632, + "crotch": 28633, + "hackett": 28634, + "yucatan": 28635, + "##sure": 28636, + "amplifiers": 28637, + "brno": 28638, + "ferrara": 28639, + "migrating": 28640, + "##gree": 28641, + "thanking": 28642, + "turing": 28643, + "##eza": 28644, + "mccann": 28645, + "ting": 28646, + "andersson": 28647, + "onslaught": 28648, + "gaines": 28649, + "ganga": 28650, + "incense": 28651, + "standardization": 28652, + "##mation": 28653, + "sentai": 28654, + "scuba": 28655, + "stuffing": 28656, + "turquoise": 28657, + "waivers": 28658, + "alloys": 28659, + "##vitt": 28660, + "regaining": 28661, + "vaults": 28662, + "##clops": 28663, + "##gizing": 28664, + "digger": 28665, + "furry": 28666, + "memorabilia": 28667, + "probing": 28668, + "##iad": 28669, + "payton": 28670, + "rec": 28671, + "deutschland": 28672, + "filippo": 28673, + "opaque": 28674, + "seamen": 28675, + "zenith": 28676, + "afrikaans": 28677, + "##filtration": 28678, + "disciplined": 28679, + "inspirational": 28680, + "##merie": 28681, + "banco": 28682, + "confuse": 28683, + "grafton": 28684, + "tod": 28685, + "##dgets": 28686, + "championed": 28687, + "simi": 28688, + "anomaly": 28689, + "biplane": 28690, + "##ceptive": 28691, + "electrode": 28692, + "##para": 28693, + "1697": 28694, + "cleavage": 28695, + "crossbow": 28696, + "swirl": 28697, + "informant": 28698, + "##lars": 28699, + "##osta": 28700, + "afi": 28701, + "bonfire": 28702, + "spec": 28703, + "##oux": 28704, + "lakeside": 28705, + "slump": 28706, + "##culus": 28707, + "##lais": 28708, + "##qvist": 28709, + "##rrigan": 28710, + "1016": 28711, + "facades": 28712, + "borg": 28713, + "inwardly": 28714, + "cervical": 28715, + "xl": 28716, + "pointedly": 28717, + "050": 28718, + "stabilization": 28719, + "##odon": 28720, + "chests": 28721, + "1699": 28722, + "hacked": 28723, + "ctv": 28724, + "orthogonal": 28725, + "suzy": 28726, + "##lastic": 28727, + "gaulle": 28728, + "jacobite": 28729, + "rearview": 28730, + "##cam": 28731, + "##erted": 28732, + "ashby": 28733, + "##drik": 28734, + "##igate": 28735, + "##mise": 28736, + "##zbek": 28737, + "affectionately": 28738, + "canine": 28739, + "disperse": 28740, + "latham": 28741, + "##istles": 28742, + "##ivar": 28743, + "spielberg": 28744, + "##orin": 28745, + "##idium": 28746, + "ezekiel": 28747, + "cid": 28748, + "##sg": 28749, + "durga": 28750, + "middletown": 28751, + "##cina": 28752, + "customized": 28753, + "frontiers": 28754, + "harden": 28755, + "##etano": 28756, + "##zzy": 28757, + "1604": 28758, + "bolsheviks": 28759, + "##66": 28760, + "coloration": 28761, + "yoko": 28762, + "##bedo": 28763, + "briefs": 28764, + "slabs": 28765, + "debra": 28766, + "liquidation": 28767, + "plumage": 28768, + "##oin": 28769, + "blossoms": 28770, + "dementia": 28771, + "subsidy": 28772, + "1611": 28773, + "proctor": 28774, + "relational": 28775, + "jerseys": 28776, + "parochial": 28777, + "ter": 28778, + "##ici": 28779, + "esa": 28780, + "peshawar": 28781, + "cavalier": 28782, + "loren": 28783, + "cpi": 28784, + "idiots": 28785, + "shamrock": 28786, + "1646": 28787, + "dutton": 28788, + "malabar": 28789, + "mustache": 28790, + "##endez": 28791, + "##ocytes": 28792, + "referencing": 28793, + "terminates": 28794, + "marche": 28795, + "yarmouth": 28796, + "##sop": 28797, + "acton": 28798, + "mated": 28799, + "seton": 28800, + "subtly": 28801, + "baptised": 28802, + "beige": 28803, + "extremes": 28804, + "jolted": 28805, + "kristina": 28806, + "telecast": 28807, + "##actic": 28808, + "safeguard": 28809, + "waldo": 28810, + "##baldi": 28811, + "##bular": 28812, + "endeavors": 28813, + "sloppy": 28814, + "subterranean": 28815, + "##ensburg": 28816, + "##itung": 28817, + "delicately": 28818, + "pigment": 28819, + "tq": 28820, + "##scu": 28821, + "1626": 28822, + "##ound": 28823, + "collisions": 28824, + "coveted": 28825, + "herds": 28826, + "##personal": 28827, + "##meister": 28828, + "##nberger": 28829, + "chopra": 28830, + "##ricting": 28831, + "abnormalities": 28832, + "defective": 28833, + "galician": 28834, + "lucie": 28835, + "##dilly": 28836, + "alligator": 28837, + "likened": 28838, + "##genase": 28839, + "burundi": 28840, + "clears": 28841, + "complexion": 28842, + "derelict": 28843, + "deafening": 28844, + "diablo": 28845, + "fingered": 28846, + "champaign": 28847, + "dogg": 28848, + "enlist": 28849, + "isotope": 28850, + "labeling": 28851, + "mrna": 28852, + "##erre": 28853, + "brilliance": 28854, + "marvelous": 28855, + "##ayo": 28856, + "1652": 28857, + "crawley": 28858, + "ether": 28859, + "footed": 28860, + "dwellers": 28861, + "deserts": 28862, + "hamish": 28863, + "rubs": 28864, + "warlock": 28865, + "skimmed": 28866, + "##lizer": 28867, + "870": 28868, + "buick": 28869, + "embark": 28870, + "heraldic": 28871, + "irregularities": 28872, + "##ajan": 28873, + "kiara": 28874, + "##kulam": 28875, + "##ieg": 28876, + "antigen": 28877, + "kowalski": 28878, + "##lge": 28879, + "oakley": 28880, + "visitation": 28881, + "##mbit": 28882, + "vt": 28883, + "##suit": 28884, + "1570": 28885, + "murderers": 28886, + "##miento": 28887, + "##rites": 28888, + "chimneys": 28889, + "##sling": 28890, + "condemn": 28891, + "custer": 28892, + "exchequer": 28893, + "havre": 28894, + "##ghi": 28895, + "fluctuations": 28896, + "##rations": 28897, + "dfb": 28898, + "hendricks": 28899, + "vaccines": 28900, + "##tarian": 28901, + "nietzsche": 28902, + "biking": 28903, + "juicy": 28904, + "##duced": 28905, + "brooding": 28906, + "scrolling": 28907, + "selangor": 28908, + "##ragan": 28909, + "352": 28910, + "annum": 28911, + "boomed": 28912, + "seminole": 28913, + "sugarcane": 28914, + "##dna": 28915, + "departmental": 28916, + "dismissing": 28917, + "innsbruck": 28918, + "arteries": 28919, + "ashok": 28920, + "batavia": 28921, + "daze": 28922, + "kun": 28923, + "overtook": 28924, + "##rga": 28925, + "##tlan": 28926, + "beheaded": 28927, + "gaddafi": 28928, + "holm": 28929, + "electronically": 28930, + "faulty": 28931, + "galilee": 28932, + "fractures": 28933, + "kobayashi": 28934, + "##lized": 28935, + "gunmen": 28936, + "magma": 28937, + "aramaic": 28938, + "mala": 28939, + "eastenders": 28940, + "inference": 28941, + "messengers": 28942, + "bf": 28943, + "##qu": 28944, + "407": 28945, + "bathrooms": 28946, + "##vere": 28947, + "1658": 28948, + "flashbacks": 28949, + "ideally": 28950, + "misunderstood": 28951, + "##jali": 28952, + "##weather": 28953, + "mendez": 28954, + "##grounds": 28955, + "505": 28956, + "uncanny": 28957, + "##iii": 28958, + "1709": 28959, + "friendships": 28960, + "##nbc": 28961, + "sacrament": 28962, + "accommodated": 28963, + "reiterated": 28964, + "logistical": 28965, + "pebbles": 28966, + "thumped": 28967, + "##escence": 28968, + "administering": 28969, + "decrees": 28970, + "drafts": 28971, + "##flight": 28972, + "##cased": 28973, + "##tula": 28974, + "futuristic": 28975, + "picket": 28976, + "intimidation": 28977, + "winthrop": 28978, + "##fahan": 28979, + "interfered": 28980, + "339": 28981, + "afar": 28982, + "francoise": 28983, + "morally": 28984, + "uta": 28985, + "cochin": 28986, + "croft": 28987, + "dwarfs": 28988, + "##bruck": 28989, + "##dents": 28990, + "##nami": 28991, + "biker": 28992, + "##hner": 28993, + "##meral": 28994, + "nano": 28995, + "##isen": 28996, + "##ometric": 28997, + "##pres": 28998, + "##ан": 28999, + "brightened": 29000, + "meek": 29001, + "parcels": 29002, + "securely": 29003, + "gunners": 29004, + "##jhl": 29005, + "##zko": 29006, + "agile": 29007, + "hysteria": 29008, + "##lten": 29009, + "##rcus": 29010, + "bukit": 29011, + "champs": 29012, + "chevy": 29013, + "cuckoo": 29014, + "leith": 29015, + "sadler": 29016, + "theologians": 29017, + "welded": 29018, + "##section": 29019, + "1663": 29020, + "jj": 29021, + "plurality": 29022, + "xander": 29023, + "##rooms": 29024, + "##formed": 29025, + "shredded": 29026, + "temps": 29027, + "intimately": 29028, + "pau": 29029, + "tormented": 29030, + "##lok": 29031, + "##stellar": 29032, + "1618": 29033, + "charred": 29034, + "ems": 29035, + "essen": 29036, + "##mmel": 29037, + "alarms": 29038, + "spraying": 29039, + "ascot": 29040, + "blooms": 29041, + "twinkle": 29042, + "##abia": 29043, + "##apes": 29044, + "internment": 29045, + "obsidian": 29046, + "##chaft": 29047, + "snoop": 29048, + "##dav": 29049, + "##ooping": 29050, + "malibu": 29051, + "##tension": 29052, + "quiver": 29053, + "##itia": 29054, + "hays": 29055, + "mcintosh": 29056, + "travers": 29057, + "walsall": 29058, + "##ffie": 29059, + "1623": 29060, + "beverley": 29061, + "schwarz": 29062, + "plunging": 29063, + "structurally": 29064, + "m3": 29065, + "rosenthal": 29066, + "vikram": 29067, + "##tsk": 29068, + "770": 29069, + "ghz": 29070, + "##onda": 29071, + "##tiv": 29072, + "chalmers": 29073, + "groningen": 29074, + "pew": 29075, + "reckon": 29076, + "unicef": 29077, + "##rvis": 29078, + "55th": 29079, + "##gni": 29080, + "1651": 29081, + "sulawesi": 29082, + "avila": 29083, + "cai": 29084, + "metaphysical": 29085, + "screwing": 29086, + "turbulence": 29087, + "##mberg": 29088, + "augusto": 29089, + "samba": 29090, + "56th": 29091, + "baffled": 29092, + "momentary": 29093, + "toxin": 29094, + "##urian": 29095, + "##wani": 29096, + "aachen": 29097, + "condoms": 29098, + "dali": 29099, + "steppe": 29100, + "##3d": 29101, + "##app": 29102, + "##oed": 29103, + "##year": 29104, + "adolescence": 29105, + "dauphin": 29106, + "electrically": 29107, + "inaccessible": 29108, + "microscopy": 29109, + "nikita": 29110, + "##ega": 29111, + "atv": 29112, + "##cel": 29113, + "##enter": 29114, + "##oles": 29115, + "##oteric": 29116, + "##ы": 29117, + "accountants": 29118, + "punishments": 29119, + "wrongly": 29120, + "bribes": 29121, + "adventurous": 29122, + "clinch": 29123, + "flinders": 29124, + "southland": 29125, + "##hem": 29126, + "##kata": 29127, + "gough": 29128, + "##ciency": 29129, + "lads": 29130, + "soared": 29131, + "##ה": 29132, + "undergoes": 29133, + "deformation": 29134, + "outlawed": 29135, + "rubbish": 29136, + "##arus": 29137, + "##mussen": 29138, + "##nidae": 29139, + "##rzburg": 29140, + "arcs": 29141, + "##ingdon": 29142, + "##tituted": 29143, + "1695": 29144, + "wheelbase": 29145, + "wheeling": 29146, + "bombardier": 29147, + "campground": 29148, + "zebra": 29149, + "##lices": 29150, + "##oj": 29151, + "##bain": 29152, + "lullaby": 29153, + "##ecure": 29154, + "donetsk": 29155, + "wylie": 29156, + "grenada": 29157, + "##arding": 29158, + "##ης": 29159, + "squinting": 29160, + "eireann": 29161, + "opposes": 29162, + "##andra": 29163, + "maximal": 29164, + "runes": 29165, + "##broken": 29166, + "##cuting": 29167, + "##iface": 29168, + "##ror": 29169, + "##rosis": 29170, + "additive": 29171, + "britney": 29172, + "adultery": 29173, + "triggering": 29174, + "##drome": 29175, + "detrimental": 29176, + "aarhus": 29177, + "containment": 29178, + "jc": 29179, + "swapped": 29180, + "vichy": 29181, + "##ioms": 29182, + "madly": 29183, + "##oric": 29184, + "##rag": 29185, + "brant": 29186, + "##ckey": 29187, + "##trix": 29188, + "1560": 29189, + "1612": 29190, + "broughton": 29191, + "rustling": 29192, + "##stems": 29193, + "##uder": 29194, + "asbestos": 29195, + "mentoring": 29196, + "##nivorous": 29197, + "finley": 29198, + "leaps": 29199, + "##isan": 29200, + "apical": 29201, + "pry": 29202, + "slits": 29203, + "substitutes": 29204, + "##dict": 29205, + "intuitive": 29206, + "fantasia": 29207, + "insistent": 29208, + "unreasonable": 29209, + "##igen": 29210, + "##vna": 29211, + "domed": 29212, + "hannover": 29213, + "margot": 29214, + "ponder": 29215, + "##zziness": 29216, + "impromptu": 29217, + "jian": 29218, + "lc": 29219, + "rampage": 29220, + "stemming": 29221, + "##eft": 29222, + "andrey": 29223, + "gerais": 29224, + "whichever": 29225, + "amnesia": 29226, + "appropriated": 29227, + "anzac": 29228, + "clicks": 29229, + "modifying": 29230, + "ultimatum": 29231, + "cambrian": 29232, + "maids": 29233, + "verve": 29234, + "yellowstone": 29235, + "##mbs": 29236, + "conservatoire": 29237, + "##scribe": 29238, + "adherence": 29239, + "dinners": 29240, + "spectra": 29241, + "imperfect": 29242, + "mysteriously": 29243, + "sidekick": 29244, + "tatar": 29245, + "tuba": 29246, + "##aks": 29247, + "##ifolia": 29248, + "distrust": 29249, + "##athan": 29250, + "##zle": 29251, + "c2": 29252, + "ronin": 29253, + "zac": 29254, + "##pse": 29255, + "celaena": 29256, + "instrumentalist": 29257, + "scents": 29258, + "skopje": 29259, + "##mbling": 29260, + "comical": 29261, + "compensated": 29262, + "vidal": 29263, + "condor": 29264, + "intersect": 29265, + "jingle": 29266, + "wavelengths": 29267, + "##urrent": 29268, + "mcqueen": 29269, + "##izzly": 29270, + "carp": 29271, + "weasel": 29272, + "422": 29273, + "kanye": 29274, + "militias": 29275, + "postdoctoral": 29276, + "eugen": 29277, + "gunslinger": 29278, + "##ɛ": 29279, + "faux": 29280, + "hospice": 29281, + "##for": 29282, + "appalled": 29283, + "derivation": 29284, + "dwarves": 29285, + "##elis": 29286, + "dilapidated": 29287, + "##folk": 29288, + "astoria": 29289, + "philology": 29290, + "##lwyn": 29291, + "##otho": 29292, + "##saka": 29293, + "inducing": 29294, + "philanthropy": 29295, + "##bf": 29296, + "##itative": 29297, + "geek": 29298, + "markedly": 29299, + "sql": 29300, + "##yce": 29301, + "bessie": 29302, + "indices": 29303, + "rn": 29304, + "##flict": 29305, + "495": 29306, + "frowns": 29307, + "resolving": 29308, + "weightlifting": 29309, + "tugs": 29310, + "cleric": 29311, + "contentious": 29312, + "1653": 29313, + "mania": 29314, + "rms": 29315, + "##miya": 29316, + "##reate": 29317, + "##ruck": 29318, + "##tucket": 29319, + "bien": 29320, + "eels": 29321, + "marek": 29322, + "##ayton": 29323, + "##cence": 29324, + "discreet": 29325, + "unofficially": 29326, + "##ife": 29327, + "leaks": 29328, + "##bber": 29329, + "1705": 29330, + "332": 29331, + "dung": 29332, + "compressor": 29333, + "hillsborough": 29334, + "pandit": 29335, + "shillings": 29336, + "distal": 29337, + "##skin": 29338, + "381": 29339, + "##tat": 29340, + "##you": 29341, + "nosed": 29342, + "##nir": 29343, + "mangrove": 29344, + "undeveloped": 29345, + "##idia": 29346, + "textures": 29347, + "##inho": 29348, + "##500": 29349, + "##rise": 29350, + "ae": 29351, + "irritating": 29352, + "nay": 29353, + "amazingly": 29354, + "bancroft": 29355, + "apologetic": 29356, + "compassionate": 29357, + "kata": 29358, + "symphonies": 29359, + "##lovic": 29360, + "airspace": 29361, + "##lch": 29362, + "930": 29363, + "gifford": 29364, + "precautions": 29365, + "fulfillment": 29366, + "sevilla": 29367, + "vulgar": 29368, + "martinique": 29369, + "##urities": 29370, + "looting": 29371, + "piccolo": 29372, + "tidy": 29373, + "##dermott": 29374, + "quadrant": 29375, + "armchair": 29376, + "incomes": 29377, + "mathematicians": 29378, + "stampede": 29379, + "nilsson": 29380, + "##inking": 29381, + "##scan": 29382, + "foo": 29383, + "quarterfinal": 29384, + "##ostal": 29385, + "shang": 29386, + "shouldered": 29387, + "squirrels": 29388, + "##owe": 29389, + "344": 29390, + "vinegar": 29391, + "##bner": 29392, + "##rchy": 29393, + "##systems": 29394, + "delaying": 29395, + "##trics": 29396, + "ars": 29397, + "dwyer": 29398, + "rhapsody": 29399, + "sponsoring": 29400, + "##gration": 29401, + "bipolar": 29402, + "cinder": 29403, + "starters": 29404, + "##olio": 29405, + "##urst": 29406, + "421": 29407, + "signage": 29408, + "##nty": 29409, + "aground": 29410, + "figurative": 29411, + "mons": 29412, + "acquaintances": 29413, + "duets": 29414, + "erroneously": 29415, + "soyuz": 29416, + "elliptic": 29417, + "recreated": 29418, + "##cultural": 29419, + "##quette": 29420, + "##ssed": 29421, + "##tma": 29422, + "##zcz": 29423, + "moderator": 29424, + "scares": 29425, + "##itaire": 29426, + "##stones": 29427, + "##udence": 29428, + "juniper": 29429, + "sighting": 29430, + "##just": 29431, + "##nsen": 29432, + "britten": 29433, + "calabria": 29434, + "ry": 29435, + "bop": 29436, + "cramer": 29437, + "forsyth": 29438, + "stillness": 29439, + "##л": 29440, + "airmen": 29441, + "gathers": 29442, + "unfit": 29443, + "##umber": 29444, + "##upt": 29445, + "taunting": 29446, + "##rip": 29447, + "seeker": 29448, + "streamlined": 29449, + "##bution": 29450, + "holster": 29451, + "schumann": 29452, + "tread": 29453, + "vox": 29454, + "##gano": 29455, + "##onzo": 29456, + "strive": 29457, + "dil": 29458, + "reforming": 29459, + "covent": 29460, + "newbury": 29461, + "predicting": 29462, + "##orro": 29463, + "decorate": 29464, + "tre": 29465, + "##puted": 29466, + "andover": 29467, + "ie": 29468, + "asahi": 29469, + "dept": 29470, + "dunkirk": 29471, + "gills": 29472, + "##tori": 29473, + "buren": 29474, + "huskies": 29475, + "##stis": 29476, + "##stov": 29477, + "abstracts": 29478, + "bets": 29479, + "loosen": 29480, + "##opa": 29481, + "1682": 29482, + "yearning": 29483, + "##glio": 29484, + "##sir": 29485, + "berman": 29486, + "effortlessly": 29487, + "enamel": 29488, + "napoli": 29489, + "persist": 29490, + "##peration": 29491, + "##uez": 29492, + "attache": 29493, + "elisa": 29494, + "b1": 29495, + "invitations": 29496, + "##kic": 29497, + "accelerating": 29498, + "reindeer": 29499, + "boardwalk": 29500, + "clutches": 29501, + "nelly": 29502, + "polka": 29503, + "starbucks": 29504, + "##kei": 29505, + "adamant": 29506, + "huey": 29507, + "lough": 29508, + "unbroken": 29509, + "adventurer": 29510, + "embroidery": 29511, + "inspecting": 29512, + "stanza": 29513, + "##ducted": 29514, + "naia": 29515, + "taluka": 29516, + "##pone": 29517, + "##roids": 29518, + "chases": 29519, + "deprivation": 29520, + "florian": 29521, + "##jing": 29522, + "##ppet": 29523, + "earthly": 29524, + "##lib": 29525, + "##ssee": 29526, + "colossal": 29527, + "foreigner": 29528, + "vet": 29529, + "freaks": 29530, + "patrice": 29531, + "rosewood": 29532, + "triassic": 29533, + "upstate": 29534, + "##pkins": 29535, + "dominates": 29536, + "ata": 29537, + "chants": 29538, + "ks": 29539, + "vo": 29540, + "##400": 29541, + "##bley": 29542, + "##raya": 29543, + "##rmed": 29544, + "555": 29545, + "agra": 29546, + "infiltrate": 29547, + "##ailing": 29548, + "##ilation": 29549, + "##tzer": 29550, + "##uppe": 29551, + "##werk": 29552, + "binoculars": 29553, + "enthusiast": 29554, + "fujian": 29555, + "squeak": 29556, + "##avs": 29557, + "abolitionist": 29558, + "almeida": 29559, + "boredom": 29560, + "hampstead": 29561, + "marsden": 29562, + "rations": 29563, + "##ands": 29564, + "inflated": 29565, + "334": 29566, + "bonuses": 29567, + "rosalie": 29568, + "patna": 29569, + "##rco": 29570, + "329": 29571, + "detachments": 29572, + "penitentiary": 29573, + "54th": 29574, + "flourishing": 29575, + "woolf": 29576, + "##dion": 29577, + "##etched": 29578, + "papyrus": 29579, + "##lster": 29580, + "##nsor": 29581, + "##toy": 29582, + "bobbed": 29583, + "dismounted": 29584, + "endelle": 29585, + "inhuman": 29586, + "motorola": 29587, + "tbs": 29588, + "wince": 29589, + "wreath": 29590, + "##ticus": 29591, + "hideout": 29592, + "inspections": 29593, + "sanjay": 29594, + "disgrace": 29595, + "infused": 29596, + "pudding": 29597, + "stalks": 29598, + "##urbed": 29599, + "arsenic": 29600, + "leases": 29601, + "##hyl": 29602, + "##rrard": 29603, + "collarbone": 29604, + "##waite": 29605, + "##wil": 29606, + "dowry": 29607, + "##bant": 29608, + "##edance": 29609, + "genealogical": 29610, + "nitrate": 29611, + "salamanca": 29612, + "scandals": 29613, + "thyroid": 29614, + "necessitated": 29615, + "##!": 29616, + "##\"": 29617, + "###": 29618, + "##$": 29619, + "##%": 29620, + "##&": 29621, + "##'": 29622, + "##(": 29623, + "##)": 29624, + "##*": 29625, + "##+": 29626, + "##,": 29627, + "##-": 29628, + "##.": 29629, + "##/": 29630, + "##:": 29631, + "##;": 29632, + "##<": 29633, + "##=": 29634, + "##>": 29635, + "##?": 29636, + "##@": 29637, + "##[": 29638, + "##\\": 29639, + "##]": 29640, + "##^": 29641, + "##_": 29642, + "##`": 29643, + "##{": 29644, + "##|": 29645, + "##}": 29646, + "##~": 29647, + "##¡": 29648, + "##¢": 29649, + "##£": 29650, + "##¤": 29651, + "##¥": 29652, + "##¦": 29653, + "##§": 29654, + "##¨": 29655, + "##©": 29656, + "##ª": 29657, + "##«": 29658, + "##¬": 29659, + "##®": 29660, + "##±": 29661, + "##´": 29662, + "##µ": 29663, + "##¶": 29664, + "##·": 29665, + "##º": 29666, + "##»": 29667, + "##¼": 29668, + "##¾": 29669, + "##¿": 29670, + "##æ": 29671, + "##ð": 29672, + "##÷": 29673, + "##þ": 29674, + "##đ": 29675, + "##ħ": 29676, + "##ŋ": 29677, + "##œ": 29678, + "##ƒ": 29679, + "##ɐ": 29680, + "##ɑ": 29681, + "##ɒ": 29682, + "##ɔ": 29683, + "##ɕ": 29684, + "##ə": 29685, + "##ɡ": 29686, + "##ɣ": 29687, + "##ɨ": 29688, + "##ɪ": 29689, + "##ɫ": 29690, + "##ɬ": 29691, + "##ɯ": 29692, + "##ɲ": 29693, + "##ɴ": 29694, + "##ɹ": 29695, + "##ɾ": 29696, + "##ʀ": 29697, + "##ʁ": 29698, + "##ʂ": 29699, + "##ʃ": 29700, + "##ʉ": 29701, + "##ʊ": 29702, + "##ʋ": 29703, + "##ʌ": 29704, + "##ʎ": 29705, + "##ʐ": 29706, + "##ʑ": 29707, + "##ʒ": 29708, + "##ʔ": 29709, + "##ʰ": 29710, + "##ʲ": 29711, + "##ʳ": 29712, + "##ʷ": 29713, + "##ʸ": 29714, + "##ʻ": 29715, + "##ʼ": 29716, + "##ʾ": 29717, + "##ʿ": 29718, + "##ˈ": 29719, + "##ˡ": 29720, + "##ˢ": 29721, + "##ˣ": 29722, + "##ˤ": 29723, + "##β": 29724, + "##γ": 29725, + "##δ": 29726, + "##ε": 29727, + "##ζ": 29728, + "##θ": 29729, + "##κ": 29730, + "##λ": 29731, + "##μ": 29732, + "##ξ": 29733, + "##ο": 29734, + "##π": 29735, + "##ρ": 29736, + "##σ": 29737, + "##τ": 29738, + "##υ": 29739, + "##φ": 29740, + "##χ": 29741, + "##ψ": 29742, + "##ω": 29743, + "##б": 29744, + "##г": 29745, + "##д": 29746, + "##ж": 29747, + "##з": 29748, + "##м": 29749, + "##п": 29750, + "##с": 29751, + "##у": 29752, + "##ф": 29753, + "##х": 29754, + "##ц": 29755, + "##ч": 29756, + "##ш": 29757, + "##щ": 29758, + "##ъ": 29759, + "##э": 29760, + "##ю": 29761, + "##ђ": 29762, + "##є": 29763, + "##і": 29764, + "##ј": 29765, + "##љ": 29766, + "##њ": 29767, + "##ћ": 29768, + "##ӏ": 29769, + "##ա": 29770, + "##բ": 29771, + "##գ": 29772, + "##դ": 29773, + "##ե": 29774, + "##թ": 29775, + "##ի": 29776, + "##լ": 29777, + "##կ": 29778, + "##հ": 29779, + "##մ": 29780, + "##յ": 29781, + "##ն": 29782, + "##ո": 29783, + "##պ": 29784, + "##ս": 29785, + "##վ": 29786, + "##տ": 29787, + "##ր": 29788, + "##ւ": 29789, + "##ք": 29790, + "##־": 29791, + "##א": 29792, + "##ב": 29793, + "##ג": 29794, + "##ד": 29795, + "##ו": 29796, + "##ז": 29797, + "##ח": 29798, + "##ט": 29799, + "##י": 29800, + "##ך": 29801, + "##כ": 29802, + "##ל": 29803, + "##ם": 29804, + "##מ": 29805, + "##ן": 29806, + "##נ": 29807, + "##ס": 29808, + "##ע": 29809, + "##ף": 29810, + "##פ": 29811, + "##ץ": 29812, + "##צ": 29813, + "##ק": 29814, + "##ר": 29815, + "##ש": 29816, + "##ת": 29817, + "##،": 29818, + "##ء": 29819, + "##ب": 29820, + "##ت": 29821, + "##ث": 29822, + "##ج": 29823, + "##ح": 29824, + "##خ": 29825, + "##ذ": 29826, + "##ز": 29827, + "##س": 29828, + "##ش": 29829, + "##ص": 29830, + "##ض": 29831, + "##ط": 29832, + "##ظ": 29833, + "##ع": 29834, + "##غ": 29835, + "##ـ": 29836, + "##ف": 29837, + "##ق": 29838, + "##ك": 29839, + "##و": 29840, + "##ى": 29841, + "##ٹ": 29842, + "##پ": 29843, + "##چ": 29844, + "##ک": 29845, + "##گ": 29846, + "##ں": 29847, + "##ھ": 29848, + "##ہ": 29849, + "##ے": 29850, + "##अ": 29851, + "##आ": 29852, + "##उ": 29853, + "##ए": 29854, + "##क": 29855, + "##ख": 29856, + "##ग": 29857, + "##च": 29858, + "##ज": 29859, + "##ट": 29860, + "##ड": 29861, + "##ण": 29862, + "##त": 29863, + "##थ": 29864, + "##द": 29865, + "##ध": 29866, + "##न": 29867, + "##प": 29868, + "##ब": 29869, + "##भ": 29870, + "##म": 29871, + "##य": 29872, + "##र": 29873, + "##ल": 29874, + "##व": 29875, + "##श": 29876, + "##ष": 29877, + "##स": 29878, + "##ह": 29879, + "##ा": 29880, + "##ि": 29881, + "##ी": 29882, + "##ो": 29883, + "##।": 29884, + "##॥": 29885, + "##ং": 29886, + "##অ": 29887, + "##আ": 29888, + "##ই": 29889, + "##উ": 29890, + "##এ": 29891, + "##ও": 29892, + "##ক": 29893, + "##খ": 29894, + "##গ": 29895, + "##চ": 29896, + "##ছ": 29897, + "##জ": 29898, + "##ট": 29899, + "##ড": 29900, + "##ণ": 29901, + "##ত": 29902, + "##থ": 29903, + "##দ": 29904, + "##ধ": 29905, + "##ন": 29906, + "##প": 29907, + "##ব": 29908, + "##ভ": 29909, + "##ম": 29910, + "##য": 29911, + "##র": 29912, + "##ল": 29913, + "##শ": 29914, + "##ষ": 29915, + "##স": 29916, + "##হ": 29917, + "##া": 29918, + "##ি": 29919, + "##ী": 29920, + "##ে": 29921, + "##க": 29922, + "##ச": 29923, + "##ட": 29924, + "##த": 29925, + "##ந": 29926, + "##ன": 29927, + "##ப": 29928, + "##ம": 29929, + "##ய": 29930, + "##ர": 29931, + "##ல": 29932, + "##ள": 29933, + "##வ": 29934, + "##ா": 29935, + "##ி": 29936, + "##ு": 29937, + "##ே": 29938, + "##ை": 29939, + "##ನ": 29940, + "##ರ": 29941, + "##ಾ": 29942, + "##ක": 29943, + "##ය": 29944, + "##ර": 29945, + "##ල": 29946, + "##ව": 29947, + "##ා": 29948, + "##ก": 29949, + "##ง": 29950, + "##ต": 29951, + "##ท": 29952, + "##น": 29953, + "##พ": 29954, + "##ม": 29955, + "##ย": 29956, + "##ร": 29957, + "##ล": 29958, + "##ว": 29959, + "##ส": 29960, + "##อ": 29961, + "##า": 29962, + "##เ": 29963, + "##་": 29964, + "##།": 29965, + "##ག": 29966, + "##ང": 29967, + "##ད": 29968, + "##ན": 29969, + "##པ": 29970, + "##བ": 29971, + "##མ": 29972, + "##འ": 29973, + "##ར": 29974, + "##ལ": 29975, + "##ས": 29976, + "##မ": 29977, + "##ა": 29978, + "##ბ": 29979, + "##გ": 29980, + "##დ": 29981, + "##ე": 29982, + "##ვ": 29983, + "##თ": 29984, + "##ი": 29985, + "##კ": 29986, + "##ლ": 29987, + "##მ": 29988, + "##ნ": 29989, + "##ო": 29990, + "##რ": 29991, + "##ს": 29992, + "##ტ": 29993, + "##უ": 29994, + "##ᄀ": 29995, + "##ᄂ": 29996, + "##ᄃ": 29997, + "##ᄅ": 29998, + "##ᄆ": 29999, + "##ᄇ": 30000, + "##ᄉ": 30001, + "##ᄊ": 30002, + "##ᄋ": 30003, + "##ᄌ": 30004, + "##ᄎ": 30005, + "##ᄏ": 30006, + "##ᄐ": 30007, + "##ᄑ": 30008, + "##ᄒ": 30009, + "##ᅡ": 30010, + "##ᅢ": 30011, + "##ᅥ": 30012, + "##ᅦ": 30013, + "##ᅧ": 30014, + "##ᅩ": 30015, + "##ᅪ": 30016, + "##ᅭ": 30017, + "##ᅮ": 30018, + "##ᅯ": 30019, + "##ᅲ": 30020, + "##ᅳ": 30021, + "##ᅴ": 30022, + "##ᅵ": 30023, + "##ᆨ": 30024, + "##ᆫ": 30025, + "##ᆯ": 30026, + "##ᆷ": 30027, + "##ᆸ": 30028, + "##ᆼ": 30029, + "##ᴬ": 30030, + "##ᴮ": 30031, + "##ᴰ": 30032, + "##ᴵ": 30033, + "##ᴺ": 30034, + "##ᵀ": 30035, + "##ᵃ": 30036, + "##ᵇ": 30037, + "##ᵈ": 30038, + "##ᵉ": 30039, + "##ᵍ": 30040, + "##ᵏ": 30041, + "##ᵐ": 30042, + "##ᵒ": 30043, + "##ᵖ": 30044, + "##ᵗ": 30045, + "##ᵘ": 30046, + "##ᵣ": 30047, + "##ᵤ": 30048, + "##ᵥ": 30049, + "##ᶜ": 30050, + "##ᶠ": 30051, + "##‐": 30052, + "##‑": 30053, + "##‒": 30054, + "##–": 30055, + "##—": 30056, + "##―": 30057, + "##‖": 30058, + "##‘": 30059, + "##’": 30060, + "##‚": 30061, + "##“": 30062, + "##”": 30063, + "##„": 30064, + "##†": 30065, + "##‡": 30066, + "##•": 30067, + "##…": 30068, + "##‰": 30069, + "##′": 30070, + "##″": 30071, + "##›": 30072, + "##‿": 30073, + "##⁄": 30074, + "##⁰": 30075, + "##ⁱ": 30076, + "##⁴": 30077, + "##⁵": 30078, + "##⁶": 30079, + "##⁷": 30080, + "##⁸": 30081, + "##⁹": 30082, + "##⁻": 30083, + "##ⁿ": 30084, + "##₅": 30085, + "##₆": 30086, + "##₇": 30087, + "##₈": 30088, + "##₉": 30089, + "##₊": 30090, + "##₍": 30091, + "##₎": 30092, + "##ₐ": 30093, + "##ₑ": 30094, + "##ₒ": 30095, + "##ₓ": 30096, + "##ₕ": 30097, + "##ₖ": 30098, + "##ₗ": 30099, + "##ₘ": 30100, + "##ₚ": 30101, + "##ₛ": 30102, + "##ₜ": 30103, + "##₤": 30104, + "##₩": 30105, + "##€": 30106, + "##₱": 30107, + "##₹": 30108, + "##ℓ": 30109, + "##№": 30110, + "##ℝ": 30111, + "##™": 30112, + "##⅓": 30113, + "##⅔": 30114, + "##←": 30115, + "##↑": 30116, + "##→": 30117, + "##↓": 30118, + "##↔": 30119, + "##↦": 30120, + "##⇄": 30121, + "##⇌": 30122, + "##⇒": 30123, + "##∂": 30124, + "##∅": 30125, + "##∆": 30126, + "##∇": 30127, + "##∈": 30128, + "##∗": 30129, + "##∘": 30130, + "##√": 30131, + "##∞": 30132, + "##∧": 30133, + "##∨": 30134, + "##∩": 30135, + "##∪": 30136, + "##≈": 30137, + "##≡": 30138, + "##≤": 30139, + "##≥": 30140, + "##⊂": 30141, + "##⊆": 30142, + "##⊕": 30143, + "##⊗": 30144, + "##⋅": 30145, + "##─": 30146, + "##│": 30147, + "##■": 30148, + "##▪": 30149, + "##●": 30150, + "##★": 30151, + "##☆": 30152, + "##☉": 30153, + "##♠": 30154, + "##♣": 30155, + "##♥": 30156, + "##♦": 30157, + "##♯": 30158, + "##⟨": 30159, + "##⟩": 30160, + "##ⱼ": 30161, + "##⺩": 30162, + "##⺼": 30163, + "##⽥": 30164, + "##、": 30165, + "##。": 30166, + "##〈": 30167, + "##〉": 30168, + "##《": 30169, + "##》": 30170, + "##「": 30171, + "##」": 30172, + "##『": 30173, + "##』": 30174, + "##〜": 30175, + "##あ": 30176, + "##い": 30177, + "##う": 30178, + "##え": 30179, + "##お": 30180, + "##か": 30181, + "##き": 30182, + "##く": 30183, + "##け": 30184, + "##こ": 30185, + "##さ": 30186, + "##し": 30187, + "##す": 30188, + "##せ": 30189, + "##そ": 30190, + "##た": 30191, + "##ち": 30192, + "##っ": 30193, + "##つ": 30194, + "##て": 30195, + "##と": 30196, + "##な": 30197, + "##に": 30198, + "##ぬ": 30199, + "##ね": 30200, + "##の": 30201, + "##は": 30202, + "##ひ": 30203, + "##ふ": 30204, + "##へ": 30205, + "##ほ": 30206, + "##ま": 30207, + "##み": 30208, + "##む": 30209, + "##め": 30210, + "##も": 30211, + "##や": 30212, + "##ゆ": 30213, + "##よ": 30214, + "##ら": 30215, + "##り": 30216, + "##る": 30217, + "##れ": 30218, + "##ろ": 30219, + "##を": 30220, + "##ん": 30221, + "##ァ": 30222, + "##ア": 30223, + "##ィ": 30224, + "##イ": 30225, + "##ウ": 30226, + "##ェ": 30227, + "##エ": 30228, + "##オ": 30229, + "##カ": 30230, + "##キ": 30231, + "##ク": 30232, + "##ケ": 30233, + "##コ": 30234, + "##サ": 30235, + "##シ": 30236, + "##ス": 30237, + "##セ": 30238, + "##タ": 30239, + "##チ": 30240, + "##ッ": 30241, + "##ツ": 30242, + "##テ": 30243, + "##ト": 30244, + "##ナ": 30245, + "##ニ": 30246, + "##ノ": 30247, + "##ハ": 30248, + "##ヒ": 30249, + "##フ": 30250, + "##ヘ": 30251, + "##ホ": 30252, + "##マ": 30253, + "##ミ": 30254, + "##ム": 30255, + "##メ": 30256, + "##モ": 30257, + "##ャ": 30258, + "##ュ": 30259, + "##ョ": 30260, + "##ラ": 30261, + "##リ": 30262, + "##ル": 30263, + "##レ": 30264, + "##ロ": 30265, + "##ワ": 30266, + "##ン": 30267, + "##・": 30268, + "##ー": 30269, + "##一": 30270, + "##三": 30271, + "##上": 30272, + "##下": 30273, + "##不": 30274, + "##世": 30275, + "##中": 30276, + "##主": 30277, + "##久": 30278, + "##之": 30279, + "##也": 30280, + "##事": 30281, + "##二": 30282, + "##五": 30283, + "##井": 30284, + "##京": 30285, + "##人": 30286, + "##亻": 30287, + "##仁": 30288, + "##介": 30289, + "##代": 30290, + "##仮": 30291, + "##伊": 30292, + "##会": 30293, + "##佐": 30294, + "##侍": 30295, + "##保": 30296, + "##信": 30297, + "##健": 30298, + "##元": 30299, + "##光": 30300, + "##八": 30301, + "##公": 30302, + "##内": 30303, + "##出": 30304, + "##分": 30305, + "##前": 30306, + "##劉": 30307, + "##力": 30308, + "##加": 30309, + "##勝": 30310, + "##北": 30311, + "##区": 30312, + "##十": 30313, + "##千": 30314, + "##南": 30315, + "##博": 30316, + "##原": 30317, + "##口": 30318, + "##古": 30319, + "##史": 30320, + "##司": 30321, + "##合": 30322, + "##吉": 30323, + "##同": 30324, + "##名": 30325, + "##和": 30326, + "##囗": 30327, + "##四": 30328, + "##国": 30329, + "##國": 30330, + "##土": 30331, + "##地": 30332, + "##坂": 30333, + "##城": 30334, + "##堂": 30335, + "##場": 30336, + "##士": 30337, + "##夏": 30338, + "##外": 30339, + "##大": 30340, + "##天": 30341, + "##太": 30342, + "##夫": 30343, + "##奈": 30344, + "##女": 30345, + "##子": 30346, + "##学": 30347, + "##宀": 30348, + "##宇": 30349, + "##安": 30350, + "##宗": 30351, + "##定": 30352, + "##宣": 30353, + "##宮": 30354, + "##家": 30355, + "##宿": 30356, + "##寺": 30357, + "##將": 30358, + "##小": 30359, + "##尚": 30360, + "##山": 30361, + "##岡": 30362, + "##島": 30363, + "##崎": 30364, + "##川": 30365, + "##州": 30366, + "##巿": 30367, + "##帝": 30368, + "##平": 30369, + "##年": 30370, + "##幸": 30371, + "##广": 30372, + "##弘": 30373, + "##張": 30374, + "##彳": 30375, + "##後": 30376, + "##御": 30377, + "##德": 30378, + "##心": 30379, + "##忄": 30380, + "##志": 30381, + "##忠": 30382, + "##愛": 30383, + "##成": 30384, + "##我": 30385, + "##戦": 30386, + "##戸": 30387, + "##手": 30388, + "##扌": 30389, + "##政": 30390, + "##文": 30391, + "##新": 30392, + "##方": 30393, + "##日": 30394, + "##明": 30395, + "##星": 30396, + "##春": 30397, + "##昭": 30398, + "##智": 30399, + "##曲": 30400, + "##書": 30401, + "##月": 30402, + "##有": 30403, + "##朝": 30404, + "##木": 30405, + "##本": 30406, + "##李": 30407, + "##村": 30408, + "##東": 30409, + "##松": 30410, + "##林": 30411, + "##森": 30412, + "##楊": 30413, + "##樹": 30414, + "##橋": 30415, + "##歌": 30416, + "##止": 30417, + "##正": 30418, + "##武": 30419, + "##比": 30420, + "##氏": 30421, + "##民": 30422, + "##水": 30423, + "##氵": 30424, + "##氷": 30425, + "##永": 30426, + "##江": 30427, + "##沢": 30428, + "##河": 30429, + "##治": 30430, + "##法": 30431, + "##海": 30432, + "##清": 30433, + "##漢": 30434, + "##瀬": 30435, + "##火": 30436, + "##版": 30437, + "##犬": 30438, + "##王": 30439, + "##生": 30440, + "##田": 30441, + "##男": 30442, + "##疒": 30443, + "##発": 30444, + "##白": 30445, + "##的": 30446, + "##皇": 30447, + "##目": 30448, + "##相": 30449, + "##省": 30450, + "##真": 30451, + "##石": 30452, + "##示": 30453, + "##社": 30454, + "##神": 30455, + "##福": 30456, + "##禾": 30457, + "##秀": 30458, + "##秋": 30459, + "##空": 30460, + "##立": 30461, + "##章": 30462, + "##竹": 30463, + "##糹": 30464, + "##美": 30465, + "##義": 30466, + "##耳": 30467, + "##良": 30468, + "##艹": 30469, + "##花": 30470, + "##英": 30471, + "##華": 30472, + "##葉": 30473, + "##藤": 30474, + "##行": 30475, + "##街": 30476, + "##西": 30477, + "##見": 30478, + "##訁": 30479, + "##語": 30480, + "##谷": 30481, + "##貝": 30482, + "##貴": 30483, + "##車": 30484, + "##軍": 30485, + "##辶": 30486, + "##道": 30487, + "##郎": 30488, + "##郡": 30489, + "##部": 30490, + "##都": 30491, + "##里": 30492, + "##野": 30493, + "##金": 30494, + "##鈴": 30495, + "##镇": 30496, + "##長": 30497, + "##門": 30498, + "##間": 30499, + "##阝": 30500, + "##阿": 30501, + "##陳": 30502, + "##陽": 30503, + "##雄": 30504, + "##青": 30505, + "##面": 30506, + "##風": 30507, + "##食": 30508, + "##香": 30509, + "##馬": 30510, + "##高": 30511, + "##龍": 30512, + "##龸": 30513, + "##fi": 30514, + "##fl": 30515, + "##!": 30516, + "##(": 30517, + "##)": 30518, + "##,": 30519, + "##-": 30520, + "##.": 30521, + "##/": 30522, + "##:": 30523, + "##?": 30524, + "##~": 30525, + "": 30526 + } + } +} \ No newline at end of file diff --git a/checkpoint-1464/tokenizer_config.json b/checkpoint-1464/tokenizer_config.json new file mode 100644 index 0000000000000000000000000000000000000000..67617da1dcb43c0164e0b3c5476b62d992c92d70 --- /dev/null +++ b/checkpoint-1464/tokenizer_config.json @@ -0,0 +1 @@ +{"do_lower_case": true, "bos_token": "", "eos_token": "", "sep_token": "", "cls_token": "", "unk_token": "[UNK]", "pad_token": "", "mask_token": "", "tokenize_chinese_chars": true, "strip_accents": null, "model_max_length": 512, "special_tokens_map_file": null, "name_or_path": "sentence-transformers/all-mpnet-base-v2", "tokenizer_class": "MPNetTokenizer"} \ No newline at end of file diff --git a/checkpoint-1464/trainer_state.json b/checkpoint-1464/trainer_state.json new file mode 100644 index 0000000000000000000000000000000000000000..9f1fc9cc5e1ed3d44fdd0a5d25443be7926d3fd6 --- /dev/null +++ b/checkpoint-1464/trainer_state.json @@ -0,0 +1,106 @@ +{ + "best_metric": 1.0750963687896729, + "best_model_checkpoint": "drive/MyDrive/nlp_lss_data/mpnet_clickbait_classification_maxlen25/checkpoint-488", + "epoch": 6.0, + "global_step": 1464, + "is_hyper_param_search": false, + "is_local_process_zero": true, + "is_world_process_zero": true, + "log_history": [ + { + "epoch": 1.0, + "eval_accuracy": 0.8498845265588915, + "eval_balanced_accuracy": 0.7757283651550713, + "eval_f1": 0.670793472144063, + "eval_loss": 1.1807881593704224, + "eval_precision": 0.7146282973621103, + "eval_recall": 0.6320254506892895, + "eval_runtime": 34.3115, + "eval_samples_per_second": 113.577, + "eval_steps_per_second": 113.577, + "step": 244 + }, + { + "epoch": 2.0, + "eval_accuracy": 0.8545034642032333, + "eval_balanced_accuracy": 0.7932135085090511, + "eval_f1": 0.6916802610114193, + "eval_loss": 1.0750963687896729, + "eval_precision": 0.7098214285714286, + "eval_recall": 0.6744432661717922, + "eval_runtime": 33.949, + "eval_samples_per_second": 114.79, + "eval_steps_per_second": 114.79, + "step": 488 + }, + { + "epoch": 2.05, + "learning_rate": 3.533724340175953e-05, + "loss": 1.3113, + "step": 500 + }, + { + "epoch": 3.0, + "eval_accuracy": 0.8601488324352066, + "eval_balanced_accuracy": 0.7835817278869854, + "eval_f1": 0.6873207114170969, + "eval_loss": 1.1083189249038696, + "eval_precision": 0.74875, + "eval_recall": 0.6352067868504772, + "eval_runtime": 33.7352, + "eval_samples_per_second": 115.517, + "eval_steps_per_second": 115.517, + "step": 732 + }, + { + "epoch": 4.0, + "eval_accuracy": 0.8534770336156018, + "eval_balanced_accuracy": 0.7993947132812708, + "eval_f1": 0.6964380648591175, + "eval_loss": 1.1579805612564087, + "eval_precision": 0.6982942430703625, + "eval_recall": 0.694591728525981, + "eval_runtime": 33.9178, + "eval_samples_per_second": 114.895, + "eval_steps_per_second": 114.895, + "step": 976 + }, + { + "epoch": 4.1, + "learning_rate": 1.7008797653958943e-05, + "loss": 0.7869, + "step": 1000 + }, + { + "epoch": 5.0, + "eval_accuracy": 0.8552732871439569, + "eval_balanced_accuracy": 0.8009405080804215, + "eval_f1": 0.6993603411513859, + "eval_loss": 1.2740588188171387, + "eval_precision": 0.7031082529474812, + "eval_recall": 0.6956521739130435, + "eval_runtime": 34.1758, + "eval_samples_per_second": 114.028, + "eval_steps_per_second": 114.028, + "step": 1220 + }, + { + "epoch": 6.0, + "eval_accuracy": 0.8555298947908647, + "eval_balanced_accuracy": 0.793168635227608, + "eval_f1": 0.6925177498634627, + "eval_loss": 1.3905503749847412, + "eval_precision": 0.713963963963964, + "eval_recall": 0.672322375397667, + "eval_runtime": 33.4993, + "eval_samples_per_second": 116.331, + "eval_steps_per_second": 116.331, + "step": 1464 + } + ], + "max_steps": 1464, + "num_train_epochs": 6, + "total_flos": 1204353585477900.0, + "trial_name": null, + "trial_params": null +} diff --git a/checkpoint-1464/training_args.bin b/checkpoint-1464/training_args.bin new file mode 100644 index 0000000000000000000000000000000000000000..73ff9222920527adeadbda197db3f68a2fd0240b --- /dev/null +++ b/checkpoint-1464/training_args.bin @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6cf148502136d195161841d56eda30be54006d58e628e1439c9393fb6404ef4a +size 3311 diff --git a/checkpoint-1464/vocab.txt b/checkpoint-1464/vocab.txt new file mode 100644 index 0000000000000000000000000000000000000000..1c51ab79a2298a340952d3e6012042a9c84bbe4d --- /dev/null +++ b/checkpoint-1464/vocab.txt @@ -0,0 +1,30527 @@ + + + + +[PAD] +[unused0] +[unused1] +[unused2] +[unused3] +[unused4] +[unused5] +[unused6] +[unused7] +[unused8] +[unused9] +[unused10] +[unused11] +[unused12] +[unused13] +[unused14] +[unused15] +[unused16] +[unused17] +[unused18] +[unused19] +[unused20] +[unused21] +[unused22] +[unused23] +[unused24] +[unused25] +[unused26] +[unused27] +[unused28] +[unused29] +[unused30] +[unused31] +[unused32] +[unused33] +[unused34] +[unused35] +[unused36] +[unused37] +[unused38] +[unused39] +[unused40] +[unused41] +[unused42] +[unused43] +[unused44] +[unused45] +[unused46] +[unused47] +[unused48] +[unused49] +[unused50] +[unused51] +[unused52] +[unused53] +[unused54] +[unused55] +[unused56] +[unused57] +[unused58] +[unused59] +[unused60] +[unused61] +[unused62] +[unused63] +[unused64] +[unused65] +[unused66] +[unused67] +[unused68] +[unused69] +[unused70] +[unused71] +[unused72] +[unused73] +[unused74] +[unused75] +[unused76] +[unused77] +[unused78] +[unused79] +[unused80] +[unused81] +[unused82] +[unused83] +[unused84] +[unused85] +[unused86] +[unused87] +[unused88] +[unused89] +[unused90] +[unused91] +[unused92] +[unused93] +[unused94] +[unused95] +[unused96] +[unused97] +[unused98] +[UNK] +[CLS] +[SEP] +[MASK] +[unused99] +[unused100] +[unused101] +[unused102] +[unused103] +[unused104] +[unused105] +[unused106] +[unused107] +[unused108] +[unused109] +[unused110] +[unused111] +[unused112] +[unused113] +[unused114] +[unused115] +[unused116] +[unused117] +[unused118] +[unused119] +[unused120] +[unused121] +[unused122] +[unused123] +[unused124] +[unused125] +[unused126] +[unused127] +[unused128] +[unused129] +[unused130] +[unused131] +[unused132] +[unused133] +[unused134] +[unused135] +[unused136] +[unused137] +[unused138] +[unused139] +[unused140] +[unused141] +[unused142] +[unused143] +[unused144] +[unused145] +[unused146] +[unused147] +[unused148] +[unused149] +[unused150] +[unused151] +[unused152] +[unused153] +[unused154] +[unused155] +[unused156] +[unused157] +[unused158] +[unused159] +[unused160] +[unused161] +[unused162] +[unused163] +[unused164] +[unused165] +[unused166] +[unused167] +[unused168] +[unused169] +[unused170] +[unused171] +[unused172] +[unused173] +[unused174] +[unused175] +[unused176] +[unused177] +[unused178] +[unused179] +[unused180] +[unused181] +[unused182] +[unused183] +[unused184] +[unused185] +[unused186] +[unused187] +[unused188] +[unused189] +[unused190] +[unused191] +[unused192] +[unused193] +[unused194] +[unused195] +[unused196] +[unused197] +[unused198] +[unused199] +[unused200] +[unused201] +[unused202] +[unused203] +[unused204] +[unused205] +[unused206] +[unused207] +[unused208] +[unused209] +[unused210] +[unused211] +[unused212] +[unused213] +[unused214] +[unused215] +[unused216] +[unused217] +[unused218] +[unused219] +[unused220] +[unused221] +[unused222] +[unused223] +[unused224] +[unused225] +[unused226] +[unused227] +[unused228] +[unused229] +[unused230] +[unused231] +[unused232] +[unused233] +[unused234] +[unused235] +[unused236] +[unused237] +[unused238] +[unused239] +[unused240] +[unused241] +[unused242] +[unused243] +[unused244] +[unused245] +[unused246] +[unused247] +[unused248] +[unused249] +[unused250] +[unused251] +[unused252] +[unused253] +[unused254] +[unused255] +[unused256] +[unused257] +[unused258] +[unused259] +[unused260] +[unused261] +[unused262] +[unused263] +[unused264] +[unused265] +[unused266] +[unused267] +[unused268] +[unused269] +[unused270] +[unused271] +[unused272] +[unused273] +[unused274] +[unused275] +[unused276] +[unused277] +[unused278] +[unused279] +[unused280] +[unused281] +[unused282] +[unused283] +[unused284] +[unused285] +[unused286] +[unused287] +[unused288] +[unused289] +[unused290] +[unused291] +[unused292] +[unused293] +[unused294] +[unused295] +[unused296] +[unused297] +[unused298] +[unused299] +[unused300] +[unused301] +[unused302] +[unused303] +[unused304] +[unused305] +[unused306] +[unused307] +[unused308] +[unused309] +[unused310] +[unused311] +[unused312] +[unused313] +[unused314] +[unused315] +[unused316] +[unused317] +[unused318] +[unused319] +[unused320] +[unused321] +[unused322] +[unused323] +[unused324] +[unused325] +[unused326] +[unused327] +[unused328] +[unused329] +[unused330] +[unused331] +[unused332] +[unused333] +[unused334] +[unused335] +[unused336] +[unused337] +[unused338] +[unused339] +[unused340] +[unused341] +[unused342] +[unused343] +[unused344] +[unused345] +[unused346] +[unused347] +[unused348] +[unused349] +[unused350] +[unused351] +[unused352] +[unused353] +[unused354] +[unused355] +[unused356] +[unused357] +[unused358] +[unused359] +[unused360] +[unused361] +[unused362] +[unused363] +[unused364] +[unused365] +[unused366] +[unused367] +[unused368] +[unused369] +[unused370] +[unused371] +[unused372] +[unused373] +[unused374] +[unused375] +[unused376] +[unused377] +[unused378] +[unused379] +[unused380] +[unused381] +[unused382] +[unused383] +[unused384] +[unused385] +[unused386] +[unused387] +[unused388] +[unused389] +[unused390] +[unused391] +[unused392] +[unused393] +[unused394] +[unused395] +[unused396] +[unused397] +[unused398] +[unused399] +[unused400] +[unused401] +[unused402] +[unused403] +[unused404] +[unused405] +[unused406] +[unused407] +[unused408] +[unused409] +[unused410] +[unused411] +[unused412] +[unused413] +[unused414] +[unused415] +[unused416] +[unused417] +[unused418] +[unused419] +[unused420] +[unused421] +[unused422] +[unused423] +[unused424] +[unused425] +[unused426] +[unused427] +[unused428] +[unused429] +[unused430] +[unused431] +[unused432] +[unused433] +[unused434] +[unused435] +[unused436] +[unused437] +[unused438] +[unused439] +[unused440] +[unused441] +[unused442] +[unused443] +[unused444] +[unused445] +[unused446] +[unused447] +[unused448] +[unused449] +[unused450] +[unused451] +[unused452] +[unused453] +[unused454] +[unused455] +[unused456] +[unused457] +[unused458] +[unused459] +[unused460] +[unused461] +[unused462] +[unused463] +[unused464] +[unused465] +[unused466] +[unused467] +[unused468] +[unused469] +[unused470] +[unused471] +[unused472] +[unused473] +[unused474] +[unused475] +[unused476] +[unused477] +[unused478] +[unused479] +[unused480] +[unused481] +[unused482] +[unused483] +[unused484] +[unused485] +[unused486] +[unused487] +[unused488] +[unused489] +[unused490] +[unused491] +[unused492] +[unused493] +[unused494] +[unused495] +[unused496] +[unused497] +[unused498] +[unused499] +[unused500] +[unused501] +[unused502] +[unused503] +[unused504] +[unused505] +[unused506] +[unused507] +[unused508] +[unused509] +[unused510] +[unused511] +[unused512] +[unused513] +[unused514] +[unused515] +[unused516] +[unused517] +[unused518] +[unused519] +[unused520] +[unused521] +[unused522] +[unused523] +[unused524] +[unused525] +[unused526] +[unused527] +[unused528] +[unused529] +[unused530] +[unused531] +[unused532] +[unused533] +[unused534] +[unused535] +[unused536] +[unused537] +[unused538] +[unused539] +[unused540] +[unused541] +[unused542] +[unused543] +[unused544] +[unused545] +[unused546] +[unused547] +[unused548] +[unused549] +[unused550] +[unused551] +[unused552] +[unused553] +[unused554] +[unused555] +[unused556] +[unused557] +[unused558] +[unused559] +[unused560] +[unused561] +[unused562] +[unused563] +[unused564] +[unused565] +[unused566] +[unused567] +[unused568] +[unused569] +[unused570] +[unused571] +[unused572] +[unused573] +[unused574] +[unused575] +[unused576] +[unused577] +[unused578] +[unused579] +[unused580] +[unused581] +[unused582] +[unused583] +[unused584] +[unused585] +[unused586] +[unused587] +[unused588] +[unused589] +[unused590] +[unused591] +[unused592] +[unused593] +[unused594] +[unused595] +[unused596] +[unused597] +[unused598] +[unused599] +[unused600] +[unused601] +[unused602] +[unused603] +[unused604] +[unused605] +[unused606] +[unused607] +[unused608] +[unused609] +[unused610] +[unused611] +[unused612] +[unused613] +[unused614] +[unused615] +[unused616] +[unused617] +[unused618] +[unused619] +[unused620] +[unused621] +[unused622] +[unused623] +[unused624] +[unused625] +[unused626] +[unused627] +[unused628] +[unused629] +[unused630] +[unused631] +[unused632] +[unused633] +[unused634] +[unused635] +[unused636] +[unused637] +[unused638] +[unused639] +[unused640] +[unused641] +[unused642] +[unused643] +[unused644] +[unused645] +[unused646] +[unused647] +[unused648] +[unused649] +[unused650] +[unused651] +[unused652] +[unused653] +[unused654] +[unused655] +[unused656] +[unused657] +[unused658] +[unused659] +[unused660] +[unused661] +[unused662] +[unused663] +[unused664] +[unused665] +[unused666] +[unused667] +[unused668] +[unused669] +[unused670] +[unused671] +[unused672] +[unused673] +[unused674] +[unused675] +[unused676] +[unused677] +[unused678] +[unused679] +[unused680] +[unused681] +[unused682] +[unused683] +[unused684] +[unused685] +[unused686] +[unused687] +[unused688] +[unused689] +[unused690] +[unused691] +[unused692] +[unused693] +[unused694] +[unused695] +[unused696] +[unused697] +[unused698] +[unused699] +[unused700] +[unused701] +[unused702] +[unused703] +[unused704] +[unused705] +[unused706] +[unused707] +[unused708] +[unused709] +[unused710] +[unused711] +[unused712] +[unused713] +[unused714] +[unused715] +[unused716] +[unused717] +[unused718] +[unused719] +[unused720] +[unused721] +[unused722] +[unused723] +[unused724] +[unused725] +[unused726] +[unused727] +[unused728] +[unused729] +[unused730] +[unused731] +[unused732] +[unused733] +[unused734] +[unused735] +[unused736] +[unused737] +[unused738] +[unused739] +[unused740] +[unused741] +[unused742] +[unused743] +[unused744] +[unused745] +[unused746] +[unused747] +[unused748] +[unused749] +[unused750] +[unused751] +[unused752] +[unused753] +[unused754] +[unused755] +[unused756] +[unused757] +[unused758] +[unused759] +[unused760] +[unused761] +[unused762] +[unused763] +[unused764] +[unused765] +[unused766] +[unused767] +[unused768] +[unused769] +[unused770] +[unused771] +[unused772] +[unused773] +[unused774] +[unused775] +[unused776] +[unused777] +[unused778] +[unused779] +[unused780] +[unused781] +[unused782] +[unused783] +[unused784] +[unused785] +[unused786] +[unused787] +[unused788] +[unused789] +[unused790] +[unused791] +[unused792] +[unused793] +[unused794] +[unused795] +[unused796] +[unused797] +[unused798] +[unused799] +[unused800] +[unused801] +[unused802] +[unused803] +[unused804] +[unused805] +[unused806] +[unused807] +[unused808] +[unused809] +[unused810] +[unused811] +[unused812] +[unused813] +[unused814] +[unused815] +[unused816] +[unused817] +[unused818] +[unused819] +[unused820] +[unused821] +[unused822] +[unused823] +[unused824] +[unused825] +[unused826] +[unused827] +[unused828] +[unused829] +[unused830] +[unused831] +[unused832] +[unused833] +[unused834] +[unused835] +[unused836] +[unused837] +[unused838] +[unused839] +[unused840] +[unused841] +[unused842] +[unused843] +[unused844] +[unused845] +[unused846] +[unused847] +[unused848] +[unused849] +[unused850] +[unused851] +[unused852] +[unused853] +[unused854] +[unused855] +[unused856] +[unused857] +[unused858] +[unused859] +[unused860] +[unused861] +[unused862] +[unused863] +[unused864] +[unused865] +[unused866] +[unused867] +[unused868] +[unused869] +[unused870] +[unused871] +[unused872] +[unused873] +[unused874] +[unused875] +[unused876] +[unused877] +[unused878] +[unused879] +[unused880] +[unused881] +[unused882] +[unused883] +[unused884] +[unused885] +[unused886] +[unused887] +[unused888] +[unused889] +[unused890] +[unused891] +[unused892] +[unused893] +[unused894] +[unused895] +[unused896] +[unused897] +[unused898] +[unused899] +[unused900] +[unused901] +[unused902] +[unused903] +[unused904] +[unused905] +[unused906] +[unused907] +[unused908] +[unused909] +[unused910] +[unused911] +[unused912] +[unused913] +[unused914] +[unused915] +[unused916] +[unused917] +[unused918] +[unused919] +[unused920] +[unused921] +[unused922] +[unused923] +[unused924] +[unused925] +[unused926] +[unused927] +[unused928] +[unused929] +[unused930] +[unused931] +[unused932] +[unused933] +[unused934] +[unused935] +[unused936] +[unused937] +[unused938] +[unused939] +[unused940] +[unused941] +[unused942] +[unused943] +[unused944] +[unused945] +[unused946] +[unused947] +[unused948] +[unused949] +[unused950] +[unused951] +[unused952] +[unused953] +[unused954] +[unused955] +[unused956] +[unused957] +[unused958] +[unused959] +[unused960] +[unused961] +[unused962] +[unused963] +[unused964] +[unused965] +[unused966] +[unused967] +[unused968] +[unused969] +[unused970] +[unused971] +[unused972] +[unused973] +[unused974] +[unused975] +[unused976] +[unused977] +[unused978] +[unused979] +[unused980] +[unused981] +[unused982] +[unused983] +[unused984] +[unused985] +[unused986] +[unused987] +[unused988] +[unused989] +[unused990] +[unused991] +[unused992] +[unused993] +! +" +# +$ +% +& +' +( +) +* ++ +, +- +. +/ +0 +1 +2 +3 +4 +5 +6 +7 +8 +9 +: +; +< += +> +? +@ +[ +\ +] +^ +_ +` +a +b +c +d +e +f +g +h +i +j +k +l +m +n +o +p +q +r +s +t +u +v +w +x +y +z +{ +| +} +~ +¡ +¢ +£ +¤ +¥ +¦ +§ +¨ +© +ª +« +¬ +® +° +± +² +³ +´ +µ +¶ +· +¹ +º +» +¼ +½ +¾ +¿ +× +ß +æ +ð +÷ +ø +þ +đ +ħ +ı +ł +ŋ +œ +ƒ +ɐ +ɑ +ɒ +ɔ +ɕ +ə +ɛ +ɡ +ɣ +ɨ +ɪ +ɫ +ɬ +ɯ +ɲ +ɴ +ɹ +ɾ +ʀ +ʁ +ʂ +ʃ +ʉ +ʊ +ʋ +ʌ +ʎ +ʐ +ʑ +ʒ +ʔ +ʰ +ʲ +ʳ +ʷ +ʸ +ʻ +ʼ +ʾ +ʿ +ˈ +ː +ˡ +ˢ +ˣ +ˤ +α +β +γ +δ +ε +ζ +η +θ +ι +κ +λ +μ +ν +ξ +ο +π +ρ +ς +σ +τ +υ +φ +χ +ψ +ω +а +б +в +г +д +е +ж +з +и +к +л +м +н +о +п +р +с +т +у +ф +х +ц +ч +ш +щ +ъ +ы +ь +э +ю +я +ђ +є +і +ј +љ +њ +ћ +ӏ +ա +բ +գ +դ +ե +թ +ի +լ +կ +հ +մ +յ +ն +ո +պ +ս +վ +տ +ր +ւ +ք +־ +א +ב +ג +ד +ה +ו +ז +ח +ט +י +ך +כ +ל +ם +מ +ן +נ +ס +ע +ף +פ +ץ +צ +ק +ר +ש +ת +، +ء +ا +ب +ة +ت +ث +ج +ح +خ +د +ذ +ر +ز +س +ش +ص +ض +ط +ظ +ع +غ +ـ +ف +ق +ك +ل +م +ن +ه +و +ى +ي +ٹ +پ +چ +ک +گ +ں +ھ +ہ +ی +ے +अ +आ +उ +ए +क +ख +ग +च +ज +ट +ड +ण +त +थ +द +ध +न +प +ब +भ +म +य +र +ल +व +श +ष +स +ह +ा +ि +ी +ो +। +॥ +ং +অ +আ +ই +উ +এ +ও +ক +খ +গ +চ +ছ +জ +ট +ড +ণ +ত +থ +দ +ধ +ন +প +ব +ভ +ম +য +র +ল +শ +ষ +স +হ +া +ি +ী +ে +க +ச +ட +த +ந +ன +ப +ம +ய +ர +ல +ள +வ +ா +ி +ு +ே +ை +ನ +ರ +ಾ +ක +ය +ර +ල +ව +ා +ก +ง +ต +ท +น +พ +ม +ย +ร +ล +ว +ส +อ +า +เ +་ +། +ག +ང +ད +ན +པ +བ +མ +འ +ར +ལ +ས +မ +ა +ბ +გ +დ +ე +ვ +თ +ი +კ +ლ +მ +ნ +ო +რ +ს +ტ +უ +ᄀ +ᄂ +ᄃ +ᄅ +ᄆ +ᄇ +ᄉ +ᄊ +ᄋ +ᄌ +ᄎ +ᄏ +ᄐ +ᄑ +ᄒ +ᅡ +ᅢ +ᅥ +ᅦ +ᅧ +ᅩ +ᅪ +ᅭ +ᅮ +ᅯ +ᅲ +ᅳ +ᅴ +ᅵ +ᆨ +ᆫ +ᆯ +ᆷ +ᆸ +ᆼ +ᴬ +ᴮ +ᴰ +ᴵ +ᴺ +ᵀ +ᵃ +ᵇ +ᵈ +ᵉ +ᵍ +ᵏ +ᵐ +ᵒ +ᵖ +ᵗ +ᵘ +ᵢ +ᵣ +ᵤ +ᵥ +ᶜ +ᶠ +‐ +‑ +‒ +– +— +― +‖ +‘ +’ +‚ +“ +” +„ +† +‡ +• +… +‰ +′ +″ +› +‿ +⁄ +⁰ +ⁱ +⁴ +⁵ +⁶ +⁷ +⁸ +⁹ +⁺ +⁻ +ⁿ +₀ +₁ +₂ +₃ +₄ +₅ +₆ +₇ +₈ +₉ +₊ +₍ +₎ +ₐ +ₑ +ₒ +ₓ +ₕ +ₖ +ₗ +ₘ +ₙ +ₚ +ₛ +ₜ +₤ +₩ +€ +₱ +₹ +ℓ +№ +ℝ +™ +⅓ +⅔ +← +↑ +→ +↓ +↔ +↦ +⇄ +⇌ +⇒ +∂ +∅ +∆ +∇ +∈ +− +∗ +∘ +√ +∞ +∧ +∨ +∩ +∪ +≈ +≡ +≤ +≥ +⊂ +⊆ +⊕ +⊗ +⋅ +─ +│ +■ +▪ +● +★ +☆ +☉ +♠ +♣ +♥ +♦ +♭ +♯ +⟨ +⟩ +ⱼ +⺩ +⺼ +⽥ +、 +。 +〈 +〉 +《 +》 +「 +」 +『 +』 +〜 +あ +い +う +え +お +か +き +く +け +こ +さ +し +す +せ +そ +た +ち +っ +つ +て +と +な +に +ぬ +ね +の +は +ひ +ふ +へ +ほ +ま +み +む +め +も +や +ゆ +よ +ら +り +る +れ +ろ +を +ん +ァ +ア +ィ +イ +ウ +ェ +エ +オ +カ +キ +ク +ケ +コ +サ +シ +ス +セ +タ +チ +ッ +ツ +テ +ト +ナ +ニ +ノ +ハ +ヒ +フ +ヘ +ホ +マ +ミ +ム +メ +モ +ャ +ュ +ョ +ラ +リ +ル +レ +ロ +ワ +ン +・ +ー +一 +三 +上 +下 +不 +世 +中 +主 +久 +之 +也 +事 +二 +五 +井 +京 +人 +亻 +仁 +介 +代 +仮 +伊 +会 +佐 +侍 +保 +信 +健 +元 +光 +八 +公 +内 +出 +分 +前 +劉 +力 +加 +勝 +北 +区 +十 +千 +南 +博 +原 +口 +古 +史 +司 +合 +吉 +同 +名 +和 +囗 +四 +国 +國 +土 +地 +坂 +城 +堂 +場 +士 +夏 +外 +大 +天 +太 +夫 +奈 +女 +子 +学 +宀 +宇 +安 +宗 +定 +宣 +宮 +家 +宿 +寺 +將 +小 +尚 +山 +岡 +島 +崎 +川 +州 +巿 +帝 +平 +年 +幸 +广 +弘 +張 +彳 +後 +御 +德 +心 +忄 +志 +忠 +愛 +成 +我 +戦 +戸 +手 +扌 +政 +文 +新 +方 +日 +明 +星 +春 +昭 +智 +曲 +書 +月 +有 +朝 +木 +本 +李 +村 +東 +松 +林 +森 +楊 +樹 +橋 +歌 +止 +正 +武 +比 +氏 +民 +水 +氵 +氷 +永 +江 +沢 +河 +治 +法 +海 +清 +漢 +瀬 +火 +版 +犬 +王 +生 +田 +男 +疒 +発 +白 +的 +皇 +目 +相 +省 +真 +石 +示 +社 +神 +福 +禾 +秀 +秋 +空 +立 +章 +竹 +糹 +美 +義 +耳 +良 +艹 +花 +英 +華 +葉 +藤 +行 +街 +西 +見 +訁 +語 +谷 +貝 +貴 +車 +軍 +辶 +道 +郎 +郡 +部 +都 +里 +野 +金 +鈴 +镇 +長 +門 +間 +阝 +阿 +陳 +陽 +雄 +青 +面 +風 +食 +香 +馬 +高 +龍 +龸 +fi +fl +! +( +) +, +- +. +/ +: +? +~ +the +of +and +in +to +was +he +is +as +for +on +with +that +it +his +by +at +from +her +##s +she +you +had +an +were +but +be +this +are +not +my +they +one +which +or +have +him +me +first +all +also +their +has +up +who +out +been +when +after +there +into +new +two +its +##a +time +would +no +what +about +said +we +over +then +other +so +more +##e +can +if +like +back +them +only +some +could +##i +where +just +##ing +during +before +##n +do +##o +made +school +through +than +now +years +most +world +may +between +down +well +three +##d +year +while +will +##ed +##r +##y +later +##t +city +under +around +did +such +being +used +state +people +part +know +against +your +many +second +university +both +national +##er +these +don +known +off +way +until +re +how +even +get +head +... +didn +##ly +team +american +because +de +##l +born +united +film +since +still +long +work +south +us +became +any +high +again +day +family +see +right +man +eyes +house +season +war +states +including +took +life +north +same +each +called +name +much +place +however +go +four +group +another +found +won +area +here +going +10 +away +series +left +home +music +best +make +hand +number +company +several +never +last +john +000 +very +album +take +end +good +too +following +released +game +played +little +began +district +##m +old +want +those +side +held +own +early +county +ll +league +use +west +##u +face +think +##es +2010 +government +##h +march +came +small +general +town +june +##on +line +based +something +##k +september +thought +looked +along +international +2011 +air +july +club +went +january +october +our +august +april +york +12 +few +2012 +2008 +east +show +member +college +2009 +father +public +##us +come +men +five +set +station +church +##c +next +former +november +room +party +located +december +2013 +age +got +2007 +##g +system +let +love +2006 +though +every +2014 +look +song +water +century +without +body +black +night +within +great +women +single +ve +building +large +population +river +named +band +white +started +##an +once +15 +20 +should +18 +2015 +service +top +built +british +open +death +king +moved +local +times +children +february +book +why +11 +door +need +president +order +final +road +wasn +although +due +major +died +village +third +knew +2016 +asked +turned +st +wanted +say +##p +together +received +main +son +served +different +##en +behind +himself +felt +members +power +football +law +voice +play +##in +near +park +history +30 +having +2005 +16 +##man +saw +mother +##al +army +point +front +help +english +street +art +late +hands +games +award +##ia +young +14 +put +published +country +division +across +told +13 +often +ever +french +london +center +six +red +2017 +led +days +include +light +25 +find +tell +among +species +really +according +central +half +2004 +form +original +gave +office +making +enough +lost +full +opened +must +included +live +given +german +player +run +business +woman +community +cup +might +million +land +2000 +court +development +17 +short +round +ii +km +seen +class +story +always +become +sure +research +almost +director +council +la +##2 +career +things +using +island +##z +couldn +car +##is +24 +close +force +##1 +better +free +support +control +field +students +2003 +education +married +##b +nothing +worked +others +record +big +inside +level +anything +continued +give +james +##3 +military +established +non +returned +feel +does +title +written +thing +feet +william +far +co +association +hard +already +2002 +##ra +championship +human +western +100 +##na +department +hall +role +various +production +21 +19 +heart +2001 +living +fire +version +##ers +##f +television +royal +##4 +produced +working +act +case +society +region +present +radio +period +looking +least +total +keep +england +wife +program +per +brother +mind +special +22 +##le +am +works +soon +##6 +political +george +services +taken +created +##7 +further +able +reached +david +union +joined +upon +done +important +social +information +either +##ic +##x +appeared +position +ground +lead +rock +dark +election +23 +board +france +hair +course +arms +site +police +girl +instead +real +sound +##v +words +moment +##te +someone +##8 +summer +project +announced +san +less +wrote +past +followed +##5 +blue +founded +al +finally +india +taking +records +america +##ne +1999 +design +considered +northern +god +stop +battle +toward +european +outside +described +track +today +playing +language +28 +call +26 +heard +professional +low +australia +miles +california +win +yet +green +##ie +trying +blood +##ton +southern +science +maybe +everything +match +square +27 +mouth +video +race +recorded +leave +above +##9 +daughter +points +space +1998 +museum +change +middle +common +##0 +move +tv +post +##ta +lake +seven +tried +elected +closed +ten +paul +minister +##th +months +start +chief +return +canada +person +sea +release +similar +modern +brought +rest +hit +formed +mr +##la +1997 +floor +event +doing +thomas +1996 +robert +care +killed +training +star +week +needed +turn +finished +railway +rather +news +health +sent +example +ran +term +michael +coming +currently +yes +forces +despite +gold +areas +50 +stage +fact +29 +dead +says +popular +2018 +originally +germany +probably +developed +result +pulled +friend +stood +money +running +mi +signed +word +songs +child +eventually +met +tour +average +teams +minutes +festival +current +deep +kind +1995 +decided +usually +eastern +seemed +##ness +episode +bed +added +table +indian +private +charles +route +available +idea +throughout +centre +addition +appointed +style +1994 +books +eight +construction +press +mean +wall +friends +remained +schools +study +##ch +##um +institute +oh +chinese +sometimes +events +possible +1992 +australian +type +brown +forward +talk +process +food +debut +seat +performance +committee +features +character +arts +herself +else +lot +strong +russian +range +hours +peter +arm +##da +morning +dr +sold +##ry +quickly +directed +1993 +guitar +china +##w +31 +list +##ma +performed +media +uk +players +smile +##rs +myself +40 +placed +coach +province +towards +wouldn +leading +whole +boy +official +designed +grand +census +##el +europe +attack +japanese +henry +1991 +##re +##os +cross +getting +alone +action +lower +network +wide +washington +japan +1990 +hospital +believe +changed +sister +##ar +hold +gone +sir +hadn +ship +##ka +studies +academy +shot +rights +below +base +bad +involved +kept +largest +##ist +bank +future +especially +beginning +mark +movement +section +female +magazine +plan +professor +lord +longer +##ian +sat +walked +hill +actually +civil +energy +model +families +size +thus +aircraft +completed +includes +data +captain +##or +fight +vocals +featured +richard +bridge +fourth +1989 +officer +stone +hear +##ism +means +medical +groups +management +self +lips +competition +entire +lived +technology +leaving +federal +tournament +bit +passed +hot +independent +awards +kingdom +mary +spent +fine +doesn +reported +##ling +jack +fall +raised +itself +stay +true +studio +1988 +sports +replaced +paris +systems +saint +leader +theatre +whose +market +capital +parents +spanish +canadian +earth +##ity +cut +degree +writing +bay +christian +awarded +natural +higher +bill +##as +coast +provided +previous +senior +ft +valley +organization +stopped +onto +countries +parts +conference +queen +security +interest +saying +allowed +master +earlier +phone +matter +smith +winning +try +happened +moving +campaign +los +##ley +breath +nearly +mid +1987 +certain +girls +date +italian +african +standing +fell +artist +##ted +shows +deal +mine +industry +1986 +##ng +everyone +republic +provide +collection +library +student +##ville +primary +owned +older +via +heavy +1st +makes +##able +attention +anyone +africa +##ri +stated +length +ended +fingers +command +staff +skin +foreign +opening +governor +okay +medal +kill +sun +cover +job +1985 +introduced +chest +hell +feeling +##ies +success +meet +reason +standard +meeting +novel +1984 +trade +source +buildings +##land +rose +guy +goal +##ur +chapter +native +husband +previously +unit +limited +entered +weeks +producer +operations +mountain +takes +covered +forced +related +roman +complete +successful +key +texas +cold +##ya +channel +1980 +traditional +films +dance +clear +approximately +500 +nine +van +prince +question +active +tracks +ireland +regional +silver +author +personal +sense +operation +##ine +economic +1983 +holding +twenty +isbn +additional +speed +hour +edition +regular +historic +places +whom +shook +movie +km² +secretary +prior +report +chicago +read +foundation +view +engine +scored +1982 +units +ask +airport +property +ready +immediately +lady +month +listed +contract +##de +manager +themselves +lines +##ki +navy +writer +meant +##ts +runs +##ro +practice +championships +singer +glass +commission +required +forest +starting +culture +generally +giving +access +attended +test +couple +stand +catholic +martin +caught +executive +##less +eye +##ey +thinking +chair +quite +shoulder +1979 +hope +decision +plays +defeated +municipality +whether +structure +offered +slowly +pain +ice +direction +##ion +paper +mission +1981 +mostly +200 +noted +individual +managed +nature +lives +plant +##ha +helped +except +studied +computer +figure +relationship +issue +significant +loss +die +smiled +gun +ago +highest +1972 +##am +male +bring +goals +mexico +problem +distance +commercial +completely +location +annual +famous +drive +1976 +neck +1978 +surface +caused +italy +understand +greek +highway +wrong +hotel +comes +appearance +joseph +double +issues +musical +companies +castle +income +review +assembly +bass +initially +parliament +artists +experience +1974 +particular +walk +foot +engineering +talking +window +dropped +##ter +miss +baby +boys +break +1975 +stars +edge +remember +policy +carried +train +stadium +bar +sex +angeles +evidence +##ge +becoming +assistant +soviet +1977 +upper +step +wing +1970 +youth +financial +reach +##ll +actor +numerous +##se +##st +nodded +arrived +##ation +minute +##nt +believed +sorry +complex +beautiful +victory +associated +temple +1968 +1973 +chance +perhaps +metal +##son +1945 +bishop +##et +lee +launched +particularly +tree +le +retired +subject +prize +contains +yeah +theory +empire +##ce +suddenly +waiting +trust +recording +##to +happy +terms +camp +champion +1971 +religious +pass +zealand +names +2nd +port +ancient +tom +corner +represented +watch +legal +anti +justice +cause +watched +brothers +45 +material +changes +simply +response +louis +fast +##ting +answer +60 +historical +1969 +stories +straight +create +feature +increased +rate +administration +virginia +el +activities +cultural +overall +winner +programs +basketball +legs +guard +beyond +cast +doctor +mm +flight +results +remains +cost +effect +winter +##ble +larger +islands +problems +chairman +grew +commander +isn +1967 +pay +failed +selected +hurt +fort +box +regiment +majority +journal +35 +edward +plans +##ke +##ni +shown +pretty +irish +characters +directly +scene +likely +operated +allow +spring +##j +junior +matches +looks +mike +houses +fellow +##tion +beach +marriage +##ham +##ive +rules +oil +65 +florida +expected +nearby +congress +sam +peace +recent +iii +wait +subsequently +cell +##do +variety +serving +agreed +please +poor +joe +pacific +attempt +wood +democratic +piece +prime +##ca +rural +mile +touch +appears +township +1964 +1966 +soldiers +##men +##ized +1965 +pennsylvania +closer +fighting +claimed +score +jones +physical +editor +##ous +filled +genus +specific +sitting +super +mom +##va +therefore +supported +status +fear +cases +store +meaning +wales +minor +spain +tower +focus +vice +frank +follow +parish +separate +golden +horse +fifth +remaining +branch +32 +presented +stared +##id +uses +secret +forms +##co +baseball +exactly +##ck +choice +note +discovered +travel +composed +truth +russia +ball +color +kiss +dad +wind +continue +ring +referred +numbers +digital +greater +##ns +metres +slightly +direct +increase +1960 +responsible +crew +rule +trees +troops +##no +broke +goes +individuals +hundred +weight +creek +sleep +memory +defense +provides +ordered +code +value +jewish +windows +1944 +safe +judge +whatever +corps +realized +growing +pre +##ga +cities +alexander +gaze +lies +spread +scott +letter +showed +situation +mayor +transport +watching +workers +extended +##li +expression +normal +##ment +chart +multiple +border +##ba +host +##ner +daily +mrs +walls +piano +##ko +heat +cannot +##ate +earned +products +drama +era +authority +seasons +join +grade +##io +sign +difficult +machine +1963 +territory +mainly +##wood +stations +squadron +1962 +stepped +iron +19th +##led +serve +appear +sky +speak +broken +charge +knowledge +kilometres +removed +ships +article +campus +simple +##ty +pushed +britain +##ve +leaves +recently +cd +soft +boston +latter +easy +acquired +poland +##sa +quality +officers +presence +planned +nations +mass +broadcast +jean +share +image +influence +wild +offer +emperor +electric +reading +headed +ability +promoted +yellow +ministry +1942 +throat +smaller +politician +##by +latin +spoke +cars +williams +males +lack +pop +80 +##ier +acting +seeing +consists +##ti +estate +1961 +pressure +johnson +newspaper +jr +chris +olympics +online +conditions +beat +elements +walking +vote +##field +needs +carolina +text +featuring +global +block +shirt +levels +francisco +purpose +females +et +dutch +duke +ahead +gas +twice +safety +serious +turning +highly +lieutenant +firm +maria +amount +mixed +daniel +proposed +perfect +agreement +affairs +3rd +seconds +contemporary +paid +1943 +prison +save +kitchen +label +administrative +intended +constructed +academic +nice +teacher +races +1956 +formerly +corporation +ben +nation +issued +shut +1958 +drums +housing +victoria +seems +opera +1959 +graduated +function +von +mentioned +picked +build +recognized +shortly +protection +picture +notable +exchange +elections +1980s +loved +percent +racing +fish +elizabeth +garden +volume +hockey +1941 +beside +settled +##ford +1940 +competed +replied +drew +1948 +actress +marine +scotland +steel +glanced +farm +steve +1957 +risk +tonight +positive +magic +singles +effects +gray +screen +dog +##ja +residents +bus +sides +none +secondary +literature +polish +destroyed +flying +founder +households +1939 +lay +reserve +usa +gallery +##ler +1946 +industrial +younger +approach +appearances +urban +ones +1950 +finish +avenue +powerful +fully +growth +page +honor +jersey +projects +advanced +revealed +basic +90 +infantry +pair +equipment +visit +33 +evening +search +grant +effort +solo +treatment +buried +republican +primarily +bottom +owner +1970s +israel +gives +jim +dream +bob +remain +spot +70 +notes +produce +champions +contact +ed +soul +accepted +ways +del +##ally +losing +split +price +capacity +basis +trial +questions +##ina +1955 +20th +guess +officially +memorial +naval +initial +##ization +whispered +median +engineer +##ful +sydney +##go +columbia +strength +300 +1952 +tears +senate +00 +card +asian +agent +1947 +software +44 +draw +warm +supposed +com +pro +##il +transferred +leaned +##at +candidate +escape +mountains +asia +potential +activity +entertainment +seem +traffic +jackson +murder +36 +slow +product +orchestra +haven +agency +bbc +taught +website +comedy +unable +storm +planning +albums +rugby +environment +scientific +grabbed +protect +##hi +boat +typically +1954 +1953 +damage +principal +divided +dedicated +mount +ohio +##berg +pick +fought +driver +##der +empty +shoulders +sort +thank +berlin +prominent +account +freedom +necessary +efforts +alex +headquarters +follows +alongside +des +simon +andrew +suggested +operating +learning +steps +1949 +sweet +technical +begin +easily +34 +teeth +speaking +settlement +scale +##sh +renamed +ray +max +enemy +semi +joint +compared +##rd +scottish +leadership +analysis +offers +georgia +pieces +captured +animal +deputy +guest +organized +##lin +tony +combined +method +challenge +1960s +huge +wants +battalion +sons +rise +crime +types +facilities +telling +path +1951 +platform +sit +1990s +##lo +tells +assigned +rich +pull +##ot +commonly +alive +##za +letters +concept +conducted +wearing +happen +bought +becomes +holy +gets +ocean +defeat +languages +purchased +coffee +occurred +titled +##q +declared +applied +sciences +concert +sounds +jazz +brain +##me +painting +fleet +tax +nick +##ius +michigan +count +animals +leaders +episodes +##line +content +##den +birth +##it +clubs +64 +palace +critical +refused +fair +leg +laughed +returning +surrounding +participated +formation +lifted +pointed +connected +rome +medicine +laid +taylor +santa +powers +adam +tall +shared +focused +knowing +yards +entrance +falls +##wa +calling +##ad +sources +chosen +beneath +resources +yard +##ite +nominated +silence +zone +defined +##que +gained +thirty +38 +bodies +moon +##ard +adopted +christmas +widely +register +apart +iran +premier +serves +du +unknown +parties +##les +generation +##ff +continues +quick +fields +brigade +quiet +teaching +clothes +impact +weapons +partner +flat +theater +supreme +1938 +37 +relations +##tor +plants +suffered +1936 +wilson +kids +begins +##age +1918 +seats +armed +internet +models +worth +laws +400 +communities +classes +background +knows +thanks +quarter +reaching +humans +carry +killing +format +kong +hong +setting +75 +architecture +disease +railroad +inc +possibly +wish +arthur +thoughts +harry +doors +density +##di +crowd +illinois +stomach +tone +unique +reports +anyway +##ir +liberal +der +vehicle +thick +dry +drug +faced +largely +facility +theme +holds +creation +strange +colonel +##mi +revolution +bell +politics +turns +silent +rail +relief +independence +combat +shape +write +determined +sales +learned +4th +finger +oxford +providing +1937 +heritage +fiction +situated +designated +allowing +distribution +hosted +##est +sight +interview +estimated +reduced +##ria +toronto +footballer +keeping +guys +damn +claim +motion +sport +sixth +stayed +##ze +en +rear +receive +handed +twelve +dress +audience +granted +brazil +##well +spirit +##ated +noticed +etc +olympic +representative +eric +tight +trouble +reviews +drink +vampire +missing +roles +ranked +newly +household +finals +wave +critics +##ee +phase +massachusetts +pilot +unlike +philadelphia +bright +guns +crown +organizations +roof +42 +respectively +clearly +tongue +marked +circle +fox +korea +bronze +brian +expanded +sexual +supply +yourself +inspired +labour +fc +##ah +reference +vision +draft +connection +brand +reasons +1935 +classic +driving +trip +jesus +cells +entry +1920 +neither +trail +claims +atlantic +orders +labor +nose +afraid +identified +intelligence +calls +cancer +attacked +passing +stephen +positions +imperial +grey +jason +39 +sunday +48 +swedish +avoid +extra +uncle +message +covers +allows +surprise +materials +fame +hunter +##ji +1930 +citizens +figures +davis +environmental +confirmed +shit +titles +di +performing +difference +acts +attacks +##ov +existing +votes +opportunity +nor +shop +entirely +trains +opposite +pakistan +##pa +develop +resulted +representatives +actions +reality +pressed +##ish +barely +wine +conversation +faculty +northwest +ends +documentary +nuclear +stock +grace +sets +eat +alternative +##ps +bag +resulting +creating +surprised +cemetery +1919 +drop +finding +sarah +cricket +streets +tradition +ride +1933 +exhibition +target +ear +explained +rain +composer +injury +apartment +municipal +educational +occupied +netherlands +clean +billion +constitution +learn +1914 +maximum +classical +francis +lose +opposition +jose +ontario +bear +core +hills +rolled +ending +drawn +permanent +fun +##tes +##lla +lewis +sites +chamber +ryan +##way +scoring +height +1934 +##house +lyrics +staring +55 +officials +1917 +snow +oldest +##tic +orange +##ger +qualified +interior +apparently +succeeded +thousand +dinner +lights +existence +fans +heavily +41 +greatest +conservative +send +bowl +plus +enter +catch +##un +economy +duty +1929 +speech +authorities +princess +performances +versions +shall +graduate +pictures +effective +remembered +poetry +desk +crossed +starring +starts +passenger +sharp +##ant +acres +ass +weather +falling +rank +fund +supporting +check +adult +publishing +heads +cm +southeast +lane +##burg +application +bc +##ura +les +condition +transfer +prevent +display +ex +regions +earl +federation +cool +relatively +answered +besides +1928 +obtained +portion +##town +mix +##ding +reaction +liked +dean +express +peak +1932 +##tte +counter +religion +chain +rare +miller +convention +aid +lie +vehicles +mobile +perform +squad +wonder +lying +crazy +sword +##ping +attempted +centuries +weren +philosophy +category +##ize +anna +interested +47 +sweden +wolf +frequently +abandoned +kg +literary +alliance +task +entitled +##ay +threw +promotion +factory +tiny +soccer +visited +matt +fm +achieved +52 +defence +internal +persian +43 +methods +##ging +arrested +otherwise +cambridge +programming +villages +elementary +districts +rooms +criminal +conflict +worry +trained +1931 +attempts +waited +signal +bird +truck +subsequent +programme +##ol +ad +49 +communist +details +faith +sector +patrick +carrying +laugh +##ss +controlled +korean +showing +origin +fuel +evil +1927 +##ent +brief +identity +darkness +address +pool +missed +publication +web +planet +ian +anne +wings +invited +##tt +briefly +standards +kissed +##be +ideas +climate +causing +walter +worse +albert +articles +winners +desire +aged +northeast +dangerous +gate +doubt +1922 +wooden +multi +##ky +poet +rising +funding +46 +communications +communication +violence +copies +prepared +ford +investigation +skills +1924 +pulling +electronic +##ak +##ial +##han +containing +ultimately +offices +singing +understanding +restaurant +tomorrow +fashion +christ +ward +da +pope +stands +5th +flow +studios +aired +commissioned +contained +exist +fresh +americans +##per +wrestling +approved +kid +employed +respect +suit +1925 +angel +asking +increasing +frame +angry +selling +1950s +thin +finds +##nd +temperature +statement +ali +explain +inhabitants +towns +extensive +narrow +51 +jane +flowers +images +promise +somewhere +object +fly +closely +##ls +1912 +bureau +cape +1926 +weekly +presidential +legislative +1921 +##ai +##au +launch +founding +##ny +978 +##ring +artillery +strike +un +institutions +roll +writers +landing +chose +kevin +anymore +pp +##ut +attorney +fit +dan +billboard +receiving +agricultural +breaking +sought +dave +admitted +lands +mexican +##bury +charlie +specifically +hole +iv +howard +credit +moscow +roads +accident +1923 +proved +wear +struck +hey +guards +stuff +slid +expansion +1915 +cat +anthony +##kin +melbourne +opposed +sub +southwest +architect +failure +plane +1916 +##ron +map +camera +tank +listen +regarding +wet +introduction +metropolitan +link +ep +fighter +inch +grown +gene +anger +fixed +buy +dvd +khan +domestic +worldwide +chapel +mill +functions +examples +##head +developing +1910 +turkey +hits +pocket +antonio +papers +grow +unless +circuit +18th +concerned +attached +journalist +selection +journey +converted +provincial +painted +hearing +aren +bands +negative +aside +wondered +knight +lap +survey +ma +##ow +noise +billy +##ium +shooting +guide +bedroom +priest +resistance +motor +homes +sounded +giant +##mer +150 +scenes +equal +comic +patients +hidden +solid +actual +bringing +afternoon +touched +funds +wedding +consisted +marie +canal +sr +kim +treaty +turkish +recognition +residence +cathedral +broad +knees +incident +shaped +fired +norwegian +handle +cheek +contest +represent +##pe +representing +beauty +##sen +birds +advantage +emergency +wrapped +drawing +notice +pink +broadcasting +##ong +somehow +bachelor +seventh +collected +registered +establishment +alan +assumed +chemical +personnel +roger +retirement +jeff +portuguese +wore +tied +device +threat +progress +advance +##ised +banks +hired +manchester +nfl +teachers +structures +forever +##bo +tennis +helping +saturday +sale +applications +junction +hip +incorporated +neighborhood +dressed +ceremony +##ds +influenced +hers +visual +stairs +decades +inner +kansas +hung +hoped +gain +scheduled +downtown +engaged +austria +clock +norway +certainly +pale +protected +1913 +victor +employees +plate +putting +surrounded +##ists +finishing +blues +tropical +##ries +minnesota +consider +philippines +accept +54 +retrieved +1900 +concern +anderson +properties +institution +gordon +successfully +vietnam +##dy +backing +outstanding +muslim +crossing +folk +producing +usual +demand +occurs +observed +lawyer +educated +##ana +kelly +string +pleasure +budget +items +quietly +colorado +philip +typical +##worth +derived +600 +survived +asks +mental +##ide +56 +jake +jews +distinguished +ltd +1911 +sri +extremely +53 +athletic +loud +thousands +worried +shadow +transportation +horses +weapon +arena +importance +users +tim +objects +contributed +dragon +douglas +aware +senator +johnny +jordan +sisters +engines +flag +investment +samuel +shock +capable +clark +row +wheel +refers +session +familiar +biggest +wins +hate +maintained +drove +hamilton +request +expressed +injured +underground +churches +walker +wars +tunnel +passes +stupid +agriculture +softly +cabinet +regarded +joining +indiana +##ea +##ms +push +dates +spend +behavior +woods +protein +gently +chase +morgan +mention +burning +wake +combination +occur +mirror +leads +jimmy +indeed +impossible +singapore +paintings +covering +##nes +soldier +locations +attendance +sell +historian +wisconsin +invasion +argued +painter +diego +changing +egypt +##don +experienced +inches +##ku +missouri +vol +grounds +spoken +switzerland +##gan +reform +rolling +ha +forget +massive +resigned +burned +allen +tennessee +locked +values +improved +##mo +wounded +universe +sick +dating +facing +pack +purchase +user +##pur +moments +##ul +merged +anniversary +1908 +coal +brick +understood +causes +dynasty +queensland +establish +stores +crisis +promote +hoping +views +cards +referee +extension +##si +raise +arizona +improve +colonial +formal +charged +##rt +palm +lucky +hide +rescue +faces +95 +feelings +candidates +juan +##ell +goods +6th +courses +weekend +59 +luke +cash +fallen +##om +delivered +affected +installed +carefully +tries +swiss +hollywood +costs +lincoln +responsibility +##he +shore +file +proper +normally +maryland +assistance +jump +constant +offering +friendly +waters +persons +realize +contain +trophy +800 +partnership +factor +58 +musicians +cry +bound +oregon +indicated +hero +houston +medium +##ure +consisting +somewhat +##ara +57 +cycle +##che +beer +moore +frederick +gotten +eleven +worst +weak +approached +arranged +chin +loan +universal +bond +fifteen +pattern +disappeared +##ney +translated +##zed +lip +arab +capture +interests +insurance +##chi +shifted +cave +prix +warning +sections +courts +coat +plot +smell +feed +golf +favorite +maintain +knife +vs +voted +degrees +finance +quebec +opinion +translation +manner +ruled +operate +productions +choose +musician +discovery +confused +tired +separated +stream +techniques +committed +attend +ranking +kings +throw +passengers +measure +horror +fan +mining +sand +danger +salt +calm +decade +dam +require +runner +##ik +rush +associate +greece +##ker +rivers +consecutive +matthew +##ski +sighed +sq +documents +steam +edited +closing +tie +accused +1905 +##ini +islamic +distributed +directors +organisation +bruce +7th +breathing +mad +lit +arrival +concrete +taste +08 +composition +shaking +faster +amateur +adjacent +stating +1906 +twin +flew +##ran +tokyo +publications +##tone +obviously +ridge +storage +1907 +carl +pages +concluded +desert +driven +universities +ages +terminal +sequence +borough +250 +constituency +creative +cousin +economics +dreams +margaret +notably +reduce +montreal +mode +17th +ears +saved +jan +vocal +##ica +1909 +andy +##jo +riding +roughly +threatened +##ise +meters +meanwhile +landed +compete +repeated +grass +czech +regularly +charges +tea +sudden +appeal +##ung +solution +describes +pierre +classification +glad +parking +##ning +belt +physics +99 +rachel +add +hungarian +participate +expedition +damaged +gift +childhood +85 +fifty +##red +mathematics +jumped +letting +defensive +mph +##ux +##gh +testing +##hip +hundreds +shoot +owners +matters +smoke +israeli +kentucky +dancing +mounted +grandfather +emma +designs +profit +argentina +##gs +truly +li +lawrence +cole +begun +detroit +willing +branches +smiling +decide +miami +enjoyed +recordings +##dale +poverty +ethnic +gay +##bi +gary +arabic +09 +accompanied +##one +##ons +fishing +determine +residential +acid +##ary +alice +returns +starred +mail +##ang +jonathan +strategy +##ue +net +forty +cook +businesses +equivalent +commonwealth +distinct +ill +##cy +seriously +##ors +##ped +shift +harris +replace +rio +imagine +formula +ensure +##ber +additionally +scheme +conservation +occasionally +purposes +feels +favor +##and +##ore +1930s +contrast +hanging +hunt +movies +1904 +instruments +victims +danish +christopher +busy +demon +sugar +earliest +colony +studying +balance +duties +##ks +belgium +slipped +carter +05 +visible +stages +iraq +fifa +##im +commune +forming +zero +07 +continuing +talked +counties +legend +bathroom +option +tail +clay +daughters +afterwards +severe +jaw +visitors +##ded +devices +aviation +russell +kate +##vi +entering +subjects +##ino +temporary +swimming +forth +smooth +ghost +audio +bush +operates +rocks +movements +signs +eddie +##tz +ann +voices +honorary +06 +memories +dallas +pure +measures +racial +promised +66 +harvard +ceo +16th +parliamentary +indicate +benefit +flesh +dublin +louisiana +1902 +1901 +patient +sleeping +1903 +membership +coastal +medieval +wanting +element +scholars +rice +62 +limit +survive +makeup +rating +definitely +collaboration +obvious +##tan +boss +ms +baron +birthday +linked +soil +diocese +##lan +ncaa +##mann +offensive +shell +shouldn +waist +##tus +plain +ross +organ +resolution +manufacturing +adding +relative +kennedy +98 +whilst +moth +marketing +gardens +crash +72 +heading +partners +credited +carlos +moves +cable +##zi +marshall +##out +depending +bottle +represents +rejected +responded +existed +04 +jobs +denmark +lock +##ating +treated +graham +routes +talent +commissioner +drugs +secure +tests +reign +restored +photography +##gi +contributions +oklahoma +designer +disc +grin +seattle +robin +paused +atlanta +unusual +##gate +praised +las +laughing +satellite +hungary +visiting +##sky +interesting +factors +deck +poems +norman +##water +stuck +speaker +rifle +domain +premiered +##her +dc +comics +actors +01 +reputation +eliminated +8th +ceiling +prisoners +script +##nce +leather +austin +mississippi +rapidly +admiral +parallel +charlotte +guilty +tools +gender +divisions +fruit +##bs +laboratory +nelson +fantasy +marry +rapid +aunt +tribe +requirements +aspects +suicide +amongst +adams +bone +ukraine +abc +kick +sees +edinburgh +clothing +column +rough +gods +hunting +broadway +gathered +concerns +##ek +spending +ty +12th +snapped +requires +solar +bones +cavalry +##tta +iowa +drinking +waste +index +franklin +charity +thompson +stewart +tip +flash +landscape +friday +enjoy +singh +poem +listening +##back +eighth +fred +differences +adapted +bomb +ukrainian +surgery +corporate +masters +anywhere +##more +waves +odd +sean +portugal +orleans +dick +debate +kent +eating +puerto +cleared +96 +expect +cinema +97 +guitarist +blocks +electrical +agree +involving +depth +dying +panel +struggle +##ged +peninsula +adults +novels +emerged +vienna +metro +debuted +shoes +tamil +songwriter +meets +prove +beating +instance +heaven +scared +sending +marks +artistic +passage +superior +03 +significantly +shopping +##tive +retained +##izing +malaysia +technique +cheeks +##ola +warren +maintenance +destroy +extreme +allied +120 +appearing +##yn +fill +advice +alabama +qualifying +policies +cleveland +hat +battery +smart +authors +10th +soundtrack +acted +dated +lb +glance +equipped +coalition +funny +outer +ambassador +roy +possibility +couples +campbell +dna +loose +ethan +supplies +1898 +gonna +88 +monster +##res +shake +agents +frequency +springs +dogs +practices +61 +gang +plastic +easier +suggests +gulf +blade +exposed +colors +industries +markets +pan +nervous +electoral +charts +legislation +ownership +##idae +mac +appointment +shield +copy +assault +socialist +abbey +monument +license +throne +employment +jay +93 +replacement +charter +cloud +powered +suffering +accounts +oak +connecticut +strongly +wright +colour +crystal +13th +context +welsh +networks +voiced +gabriel +jerry +##cing +forehead +mp +##ens +manage +schedule +totally +remix +##ii +forests +occupation +print +nicholas +brazilian +strategic +vampires +engineers +76 +roots +seek +correct +instrumental +und +alfred +backed +hop +##des +stanley +robinson +traveled +wayne +welcome +austrian +achieve +67 +exit +rates +1899 +strip +whereas +##cs +sing +deeply +adventure +bobby +rick +jamie +careful +components +cap +useful +personality +knee +##shi +pushing +hosts +02 +protest +ca +ottoman +symphony +##sis +63 +boundary +1890 +processes +considering +considerable +tons +##work +##ft +##nia +cooper +trading +dear +conduct +91 +illegal +apple +revolutionary +holiday +definition +harder +##van +jacob +circumstances +destruction +##lle +popularity +grip +classified +liverpool +donald +baltimore +flows +seeking +honour +approval +92 +mechanical +till +happening +statue +critic +increasingly +immediate +describe +commerce +stare +##ster +indonesia +meat +rounds +boats +baker +orthodox +depression +formally +worn +naked +claire +muttered +sentence +11th +emily +document +77 +criticism +wished +vessel +spiritual +bent +virgin +parker +minimum +murray +lunch +danny +printed +compilation +keyboards +false +blow +belonged +68 +raising +78 +cutting +##board +pittsburgh +##up +9th +shadows +81 +hated +indigenous +jon +15th +barry +scholar +ah +##zer +oliver +##gy +stick +susan +meetings +attracted +spell +romantic +##ver +ye +1895 +photo +demanded +customers +##ac +1896 +logan +revival +keys +modified +commanded +jeans +##ious +upset +raw +phil +detective +hiding +resident +vincent +##bly +experiences +diamond +defeating +coverage +lucas +external +parks +franchise +helen +bible +successor +percussion +celebrated +il +lift +profile +clan +romania +##ied +mills +##su +nobody +achievement +shrugged +fault +1897 +rhythm +initiative +breakfast +carbon +700 +69 +lasted +violent +74 +wound +ken +killer +gradually +filmed +°c +dollars +processing +94 +remove +criticized +guests +sang +chemistry +##vin +legislature +disney +##bridge +uniform +escaped +integrated +proposal +purple +denied +liquid +karl +influential +morris +nights +stones +intense +experimental +twisted +71 +84 +##ld +pace +nazi +mitchell +ny +blind +reporter +newspapers +14th +centers +burn +basin +forgotten +surviving +filed +collections +monastery +losses +manual +couch +description +appropriate +merely +tag +missions +sebastian +restoration +replacing +triple +73 +elder +julia +warriors +benjamin +julian +convinced +stronger +amazing +declined +versus +merchant +happens +output +finland +bare +barbara +absence +ignored +dawn +injuries +##port +producers +##ram +82 +luis +##ities +kw +admit +expensive +electricity +nba +exception +symbol +##ving +ladies +shower +sheriff +characteristics +##je +aimed +button +ratio +effectively +summit +angle +jury +bears +foster +vessels +pants +executed +evans +dozen +advertising +kicked +patrol +1889 +competitions +lifetime +principles +athletics +##logy +birmingham +sponsored +89 +rob +nomination +1893 +acoustic +##sm +creature +longest +##tra +credits +harbor +dust +josh +##so +territories +milk +infrastructure +completion +thailand +indians +leon +archbishop +##sy +assist +pitch +blake +arrangement +girlfriend +serbian +operational +hence +sad +scent +fur +dj +sessions +hp +refer +rarely +##ora +exists +1892 +##ten +scientists +dirty +penalty +burst +portrait +seed +79 +pole +limits +rival +1894 +stable +alpha +grave +constitutional +alcohol +arrest +flower +mystery +devil +architectural +relationships +greatly +habitat +##istic +larry +progressive +remote +cotton +##ics +##ok +preserved +reaches +##ming +cited +86 +vast +scholarship +decisions +cbs +joy +teach +1885 +editions +knocked +eve +searching +partly +participation +gap +animated +fate +excellent +##ett +na +87 +alternate +saints +youngest +##ily +climbed +##ita +##tors +suggest +##ct +discussion +staying +choir +lakes +jacket +revenue +nevertheless +peaked +instrument +wondering +annually +managing +neil +1891 +signing +terry +##ice +apply +clinical +brooklyn +aim +catherine +fuck +farmers +figured +ninth +pride +hugh +evolution +ordinary +involvement +comfortable +shouted +tech +encouraged +taiwan +representation +sharing +##lia +##em +panic +exact +cargo +competing +fat +cried +83 +1920s +occasions +pa +cabin +borders +utah +marcus +##isation +badly +muscles +##ance +victorian +transition +warner +bet +permission +##rin +slave +terrible +similarly +shares +seth +uefa +possession +medals +benefits +colleges +lowered +perfectly +mall +transit +##ye +##kar +publisher +##ened +harrison +deaths +elevation +##ae +asleep +machines +sigh +ash +hardly +argument +occasion +parent +leo +decline +1888 +contribution +##ua +concentration +1000 +opportunities +hispanic +guardian +extent +emotions +hips +mason +volumes +bloody +controversy +diameter +steady +mistake +phoenix +identify +violin +##sk +departure +richmond +spin +funeral +enemies +1864 +gear +literally +connor +random +sergeant +grab +confusion +1865 +transmission +informed +op +leaning +sacred +suspended +thinks +gates +portland +luck +agencies +yours +hull +expert +muscle +layer +practical +sculpture +jerusalem +latest +lloyd +statistics +deeper +recommended +warrior +arkansas +mess +supports +greg +eagle +1880 +recovered +rated +concerts +rushed +##ano +stops +eggs +files +premiere +keith +##vo +delhi +turner +pit +affair +belief +paint +##zing +mate +##ach +##ev +victim +##ology +withdrew +bonus +styles +fled +##ud +glasgow +technologies +funded +nbc +adaptation +##ata +portrayed +cooperation +supporters +judges +bernard +justin +hallway +ralph +##ick +graduating +controversial +distant +continental +spider +bite +##ho +recognize +intention +mixing +##ese +egyptian +bow +tourism +suppose +claiming +tiger +dominated +participants +vi +##ru +nurse +partially +tape +##rum +psychology +##rn +essential +touring +duo +voting +civilian +emotional +channels +##king +apparent +hebrew +1887 +tommy +carrier +intersection +beast +hudson +##gar +##zo +lab +nova +bench +discuss +costa +##ered +detailed +behalf +drivers +unfortunately +obtain +##lis +rocky +##dae +siege +friendship +honey +##rian +1861 +amy +hang +posted +governments +collins +respond +wildlife +preferred +operator +##po +laura +pregnant +videos +dennis +suspected +boots +instantly +weird +automatic +businessman +alleged +placing +throwing +ph +mood +1862 +perry +venue +jet +remainder +##lli +##ci +passion +biological +boyfriend +1863 +dirt +buffalo +ron +segment +fa +abuse +##era +genre +thrown +stroke +colored +stress +exercise +displayed +##gen +struggled +##tti +abroad +dramatic +wonderful +thereafter +madrid +component +widespread +##sed +tale +citizen +todd +monday +1886 +vancouver +overseas +forcing +crying +descent +##ris +discussed +substantial +ranks +regime +1870 +provinces +switch +drum +zane +ted +tribes +proof +lp +cream +researchers +volunteer +manor +silk +milan +donated +allies +venture +principle +delivery +enterprise +##ves +##ans +bars +traditionally +witch +reminded +copper +##uk +pete +inter +links +colin +grinned +elsewhere +competitive +frequent +##oy +scream +##hu +tension +texts +submarine +finnish +defending +defend +pat +detail +1884 +affiliated +stuart +themes +villa +periods +tool +belgian +ruling +crimes +answers +folded +licensed +resort +demolished +hans +lucy +1881 +lion +traded +photographs +writes +craig +##fa +trials +generated +beth +noble +debt +percentage +yorkshire +erected +ss +viewed +grades +confidence +ceased +islam +telephone +retail +##ible +chile +m² +roberts +sixteen +##ich +commented +hampshire +innocent +dual +pounds +checked +regulations +afghanistan +sung +rico +liberty +assets +bigger +options +angels +relegated +tribute +wells +attending +leaf +##yan +butler +romanian +forum +monthly +lisa +patterns +gmina +##tory +madison +hurricane +rev +##ians +bristol +##ula +elite +valuable +disaster +democracy +awareness +germans +freyja +##ins +loop +absolutely +paying +populations +maine +sole +prayer +spencer +releases +doorway +bull +##ani +lover +midnight +conclusion +##sson +thirteen +lily +mediterranean +##lt +nhl +proud +sample +##hill +drummer +guinea +##ova +murphy +climb +##ston +instant +attributed +horn +ain +railways +steven +##ao +autumn +ferry +opponent +root +traveling +secured +corridor +stretched +tales +sheet +trinity +cattle +helps +indicates +manhattan +murdered +fitted +1882 +gentle +grandmother +mines +shocked +vegas +produces +##light +caribbean +##ou +belong +continuous +desperate +drunk +historically +trio +waved +raf +dealing +nathan +bat +murmured +interrupted +residing +scientist +pioneer +harold +aaron +##net +delta +attempting +minority +mini +believes +chorus +tend +lots +eyed +indoor +load +shots +updated +jail +##llo +concerning +connecting +wealth +##ved +slaves +arrive +rangers +sufficient +rebuilt +##wick +cardinal +flood +muhammad +whenever +relation +runners +moral +repair +viewers +arriving +revenge +punk +assisted +bath +fairly +breathe +lists +innings +illustrated +whisper +nearest +voters +clinton +ties +ultimate +screamed +beijing +lions +andre +fictional +gathering +comfort +radar +suitable +dismissed +hms +ban +pine +wrist +atmosphere +voivodeship +bid +timber +##ned +##nan +giants +##ane +cameron +recovery +uss +identical +categories +switched +serbia +laughter +noah +ensemble +therapy +peoples +touching +##off +locally +pearl +platforms +everywhere +ballet +tables +lanka +herbert +outdoor +toured +derek +1883 +spaces +contested +swept +1878 +exclusive +slight +connections +##dra +winds +prisoner +collective +bangladesh +tube +publicly +wealthy +thai +##ys +isolated +select +##ric +insisted +pen +fortune +ticket +spotted +reportedly +animation +enforcement +tanks +110 +decides +wider +lowest +owen +##time +nod +hitting +##hn +gregory +furthermore +magazines +fighters +solutions +##ery +pointing +requested +peru +reed +chancellor +knights +mask +worker +eldest +flames +reduction +1860 +volunteers +##tis +reporting +##hl +wire +advisory +endemic +origins +settlers +pursue +knock +consumer +1876 +eu +compound +creatures +mansion +sentenced +ivan +deployed +guitars +frowned +involves +mechanism +kilometers +perspective +shops +maps +terminus +duncan +alien +fist +bridges +##pers +heroes +fed +derby +swallowed +##ros +patent +sara +illness +characterized +adventures +slide +hawaii +jurisdiction +##op +organised +##side +adelaide +walks +biology +se +##ties +rogers +swing +tightly +boundaries +##rie +prepare +implementation +stolen +##sha +certified +colombia +edwards +garage +##mm +recalled +##ball +rage +harm +nigeria +breast +##ren +furniture +pupils +settle +##lus +cuba +balls +client +alaska +21st +linear +thrust +celebration +latino +genetic +terror +##cia +##ening +lightning +fee +witness +lodge +establishing +skull +##ique +earning +hood +##ei +rebellion +wang +sporting +warned +missile +devoted +activist +porch +worship +fourteen +package +1871 +decorated +##shire +housed +##ock +chess +sailed +doctors +oscar +joan +treat +garcia +harbour +jeremy +##ire +traditions +dominant +jacques +##gon +##wan +relocated +1879 +amendment +sized +companion +simultaneously +volleyball +spun +acre +increases +stopping +loves +belongs +affect +drafted +tossed +scout +battles +1875 +filming +shoved +munich +tenure +vertical +romance +pc +##cher +argue +##ical +craft +ranging +www +opens +honest +tyler +yesterday +virtual +##let +muslims +reveal +snake +immigrants +radical +screaming +speakers +firing +saving +belonging +ease +lighting +prefecture +blame +farmer +hungry +grows +rubbed +beam +sur +subsidiary +##cha +armenian +sao +dropping +conventional +##fer +microsoft +reply +qualify +spots +1867 +sweat +festivals +##ken +immigration +physician +discover +exposure +sandy +explanation +isaac +implemented +##fish +hart +initiated +connect +stakes +presents +heights +householder +pleased +tourist +regardless +slip +closest +##ction +surely +sultan +brings +riley +preparation +aboard +slammed +baptist +experiment +ongoing +interstate +organic +playoffs +##ika +1877 +130 +##tar +hindu +error +tours +tier +plenty +arrangements +talks +trapped +excited +sank +ho +athens +1872 +denver +welfare +suburb +athletes +trick +diverse +belly +exclusively +yelled +1868 +##med +conversion +##ette +1874 +internationally +computers +conductor +abilities +sensitive +hello +dispute +measured +globe +rocket +prices +amsterdam +flights +tigers +inn +municipalities +emotion +references +3d +##mus +explains +airlines +manufactured +pm +archaeological +1873 +interpretation +devon +comment +##ites +settlements +kissing +absolute +improvement +suite +impressed +barcelona +sullivan +jefferson +towers +jesse +julie +##tin +##lu +grandson +hi +gauge +regard +rings +interviews +trace +raymond +thumb +departments +burns +serial +bulgarian +scores +demonstrated +##ix +1866 +kyle +alberta +underneath +romanized +##ward +relieved +acquisition +phrase +cliff +reveals +han +cuts +merger +custom +##dar +nee +gilbert +graduation +##nts +assessment +cafe +difficulty +demands +swung +democrat +jennifer +commons +1940s +grove +##yo +completing +focuses +sum +substitute +bearing +stretch +reception +##py +reflected +essentially +destination +pairs +##ched +survival +resource +##bach +promoting +doubles +messages +tear +##down +##fully +parade +florence +harvey +incumbent +partial +framework +900 +pedro +frozen +procedure +olivia +controls +##mic +shelter +personally +temperatures +##od +brisbane +tested +sits +marble +comprehensive +oxygen +leonard +##kov +inaugural +iranian +referring +quarters +attitude +##ivity +mainstream +lined +mars +dakota +norfolk +unsuccessful +##° +explosion +helicopter +congressional +##sing +inspector +bitch +seal +departed +divine +##ters +coaching +examination +punishment +manufacturer +sink +columns +unincorporated +signals +nevada +squeezed +dylan +dining +photos +martial +manuel +eighteen +elevator +brushed +plates +ministers +ivy +congregation +##len +slept +specialized +taxes +curve +restricted +negotiations +likes +statistical +arnold +inspiration +execution +bold +intermediate +significance +margin +ruler +wheels +gothic +intellectual +dependent +listened +eligible +buses +widow +syria +earn +cincinnati +collapsed +recipient +secrets +accessible +philippine +maritime +goddess +clerk +surrender +breaks +playoff +database +##ified +##lon +ideal +beetle +aspect +soap +regulation +strings +expand +anglo +shorter +crosses +retreat +tough +coins +wallace +directions +pressing +##oon +shipping +locomotives +comparison +topics +nephew +##mes +distinction +honors +travelled +sierra +ibn +##over +fortress +sa +recognised +carved +1869 +clients +##dan +intent +##mar +coaches +describing +bread +##ington +beaten +northwestern +##ona +merit +youtube +collapse +challenges +em +historians +objective +submitted +virus +attacking +drake +assume +##ere +diseases +marc +stem +leeds +##cus +##ab +farming +glasses +##lock +visits +nowhere +fellowship +relevant +carries +restaurants +experiments +101 +constantly +bases +targets +shah +tenth +opponents +verse +territorial +##ira +writings +corruption +##hs +instruction +inherited +reverse +emphasis +##vic +employee +arch +keeps +rabbi +watson +payment +uh +##ala +nancy +##tre +venice +fastest +sexy +banned +adrian +properly +ruth +touchdown +dollar +boards +metre +circles +edges +favour +comments +ok +travels +liberation +scattered +firmly +##ular +holland +permitted +diesel +kenya +den +originated +##ral +demons +resumed +dragged +rider +##rus +servant +blinked +extend +torn +##ias +##sey +input +meal +everybody +cylinder +kinds +camps +##fe +bullet +logic +##wn +croatian +evolved +healthy +fool +chocolate +wise +preserve +pradesh +##ess +respective +1850 +##ew +chicken +artificial +gross +corresponding +convicted +cage +caroline +dialogue +##dor +narrative +stranger +mario +br +christianity +failing +trent +commanding +buddhist +1848 +maurice +focusing +yale +bike +altitude +##ering +mouse +revised +##sley +veteran +##ig +pulls +theology +crashed +campaigns +legion +##ability +drag +excellence +customer +cancelled +intensity +excuse +##lar +liga +participating +contributing +printing +##burn +variable +##rk +curious +bin +legacy +renaissance +##my +symptoms +binding +vocalist +dancer +##nie +grammar +gospel +democrats +ya +enters +sc +diplomatic +hitler +##ser +clouds +mathematical +quit +defended +oriented +##heim +fundamental +hardware +impressive +equally +convince +confederate +guilt +chuck +sliding +##ware +magnetic +narrowed +petersburg +bulgaria +otto +phd +skill +##ama +reader +hopes +pitcher +reservoir +hearts +automatically +expecting +mysterious +bennett +extensively +imagined +seeds +monitor +fix +##ative +journalism +struggling +signature +ranch +encounter +photographer +observation +protests +##pin +influences +##hr +calendar +##all +cruz +croatia +locomotive +hughes +naturally +shakespeare +basement +hook +uncredited +faded +theories +approaches +dare +phillips +filling +fury +obama +##ain +efficient +arc +deliver +min +raid +breeding +inducted +leagues +efficiency +axis +montana +eagles +##ked +supplied +instructions +karen +picking +indicating +trap +anchor +practically +christians +tomb +vary +occasional +electronics +lords +readers +newcastle +faint +innovation +collect +situations +engagement +160 +claude +mixture +##feld +peer +tissue +logo +lean +##ration +°f +floors +##ven +architects +reducing +##our +##ments +rope +1859 +ottawa +##har +samples +banking +declaration +proteins +resignation +francois +saudi +advocate +exhibited +armor +twins +divorce +##ras +abraham +reviewed +jo +temporarily +matrix +physically +pulse +curled +##ena +difficulties +bengal +usage +##ban +annie +riders +certificate +##pi +holes +warsaw +distinctive +jessica +##mon +mutual +1857 +customs +circular +eugene +removal +loaded +mere +vulnerable +depicted +generations +dame +heir +enormous +lightly +climbing +pitched +lessons +pilots +nepal +ram +google +preparing +brad +louise +renowned +##₂ +liam +##ably +plaza +shaw +sophie +brilliant +bills +##bar +##nik +fucking +mainland +server +pleasant +seized +veterans +jerked +fail +beta +brush +radiation +stored +warmth +southeastern +nate +sin +raced +berkeley +joke +athlete +designation +trunk +##low +roland +qualification +archives +heels +artwork +receives +judicial +reserves +##bed +woke +installation +abu +floating +fake +lesser +excitement +interface +concentrated +addressed +characteristic +amanda +saxophone +monk +auto +##bus +releasing +egg +dies +interaction +defender +ce +outbreak +glory +loving +##bert +sequel +consciousness +http +awake +ski +enrolled +##ress +handling +rookie +brow +somebody +biography +warfare +amounts +contracts +presentation +fabric +dissolved +challenged +meter +psychological +lt +elevated +rally +accurate +##tha +hospitals +undergraduate +specialist +venezuela +exhibit +shed +nursing +protestant +fluid +structural +footage +jared +consistent +prey +##ska +succession +reflect +exile +lebanon +wiped +suspect +shanghai +resting +integration +preservation +marvel +variant +pirates +sheep +rounded +capita +sailing +colonies +manuscript +deemed +variations +clarke +functional +emerging +boxing +relaxed +curse +azerbaijan +heavyweight +nickname +editorial +rang +grid +tightened +earthquake +flashed +miguel +rushing +##ches +improvements +boxes +brooks +180 +consumption +molecular +felix +societies +repeatedly +variation +aids +civic +graphics +professionals +realm +autonomous +receiver +delayed +workshop +militia +chairs +trump +canyon +##point +harsh +extending +lovely +happiness +##jan +stake +eyebrows +embassy +wellington +hannah +##ella +sony +corners +bishops +swear +cloth +contents +xi +namely +commenced +1854 +stanford +nashville +courage +graphic +commitment +garrison +##bin +hamlet +clearing +rebels +attraction +literacy +cooking +ruins +temples +jenny +humanity +celebrate +hasn +freight +sixty +rebel +bastard +##art +newton +##ada +deer +##ges +##ching +smiles +delaware +singers +##ets +approaching +assists +flame +##ph +boulevard +barrel +planted +##ome +pursuit +##sia +consequences +posts +shallow +invitation +rode +depot +ernest +kane +rod +concepts +preston +topic +chambers +striking +blast +arrives +descendants +montgomery +ranges +worlds +##lay +##ari +span +chaos +praise +##ag +fewer +1855 +sanctuary +mud +fbi +##ions +programmes +maintaining +unity +harper +bore +handsome +closure +tournaments +thunder +nebraska +linda +facade +puts +satisfied +argentine +dale +cork +dome +panama +##yl +1858 +tasks +experts +##ates +feeding +equation +##las +##ida +##tu +engage +bryan +##ax +um +quartet +melody +disbanded +sheffield +blocked +gasped +delay +kisses +maggie +connects +##non +sts +poured +creator +publishers +##we +guided +ellis +extinct +hug +gaining +##ord +complicated +##bility +poll +clenched +investigate +##use +thereby +quantum +spine +cdp +humor +kills +administered +semifinals +##du +encountered +ignore +##bu +commentary +##maker +bother +roosevelt +140 +plains +halfway +flowing +cultures +crack +imprisoned +neighboring +airline +##ses +##view +##mate +##ec +gather +wolves +marathon +transformed +##ill +cruise +organisations +carol +punch +exhibitions +numbered +alarm +ratings +daddy +silently +##stein +queens +colours +impression +guidance +liu +tactical +##rat +marshal +della +arrow +##ings +rested +feared +tender +owns +bitter +advisor +escort +##ides +spare +farms +grants +##ene +dragons +encourage +colleagues +cameras +##und +sucked +pile +spirits +prague +statements +suspension +landmark +fence +torture +recreation +bags +permanently +survivors +pond +spy +predecessor +bombing +coup +##og +protecting +transformation +glow +##lands +##book +dug +priests +andrea +feat +barn +jumping +##chen +##ologist +##con +casualties +stern +auckland +pipe +serie +revealing +ba +##bel +trevor +mercy +spectrum +yang +consist +governing +collaborated +possessed +epic +comprises +blew +shane +##ack +lopez +honored +magical +sacrifice +judgment +perceived +hammer +mtv +baronet +tune +das +missionary +sheets +350 +neutral +oral +threatening +attractive +shade +aims +seminary +##master +estates +1856 +michel +wounds +refugees +manufacturers +##nic +mercury +syndrome +porter +##iya +##din +hamburg +identification +upstairs +purse +widened +pause +cared +breathed +affiliate +santiago +prevented +celtic +fisher +125 +recruited +byzantine +reconstruction +farther +##mp +diet +sake +au +spite +sensation +##ert +blank +separation +105 +##hon +vladimir +armies +anime +##lie +accommodate +orbit +cult +sofia +archive +##ify +##box +founders +sustained +disorder +honours +northeastern +mia +crops +violet +threats +blanket +fires +canton +followers +southwestern +prototype +voyage +assignment +altered +moderate +protocol +pistol +##eo +questioned +brass +lifting +1852 +math +authored +##ual +doug +dimensional +dynamic +##san +1851 +pronounced +grateful +quest +uncomfortable +boom +presidency +stevens +relating +politicians +chen +barrier +quinn +diana +mosque +tribal +cheese +palmer +portions +sometime +chester +treasure +wu +bend +download +millions +reforms +registration +##osa +consequently +monitoring +ate +preliminary +brandon +invented +ps +eaten +exterior +intervention +ports +documented +log +displays +lecture +sally +favourite +##itz +vermont +lo +invisible +isle +breed +##ator +journalists +relay +speaks +backward +explore +midfielder +actively +stefan +procedures +cannon +blond +kenneth +centered +servants +chains +libraries +malcolm +essex +henri +slavery +##hal +facts +fairy +coached +cassie +cats +washed +cop +##fi +announcement +item +2000s +vinyl +activated +marco +frontier +growled +curriculum +##das +loyal +accomplished +leslie +ritual +kenny +##00 +vii +napoleon +hollow +hybrid +jungle +stationed +friedrich +counted +##ulated +platinum +theatrical +seated +col +rubber +glen +1840 +diversity +healing +extends +id +provisions +administrator +columbus +##oe +tributary +te +assured +org +##uous +prestigious +examined +lectures +grammy +ronald +associations +bailey +allan +essays +flute +believing +consultant +proceedings +travelling +1853 +kit +kerala +yugoslavia +buddy +methodist +##ith +burial +centres +batman +##nda +discontinued +bo +dock +stockholm +lungs +severely +##nk +citing +manga +##ugh +steal +mumbai +iraqi +robot +celebrity +bride +broadcasts +abolished +pot +joel +overhead +franz +packed +reconnaissance +johann +acknowledged +introduce +handled +doctorate +developments +drinks +alley +palestine +##nis +##aki +proceeded +recover +bradley +grain +patch +afford +infection +nationalist +legendary +##ath +interchange +virtually +gen +gravity +exploration +amber +vital +wishes +powell +doctrine +elbow +screenplay +##bird +contribute +indonesian +pet +creates +##com +enzyme +kylie +discipline +drops +manila +hunger +##ien +layers +suffer +fever +bits +monica +keyboard +manages +##hood +searched +appeals +##bad +testament +grande +reid +##war +beliefs +congo +##ification +##dia +si +requiring +##via +casey +1849 +regret +streak +rape +depends +syrian +sprint +pound +tourists +upcoming +pub +##xi +tense +##els +practiced +echo +nationwide +guild +motorcycle +liz +##zar +chiefs +desired +elena +bye +precious +absorbed +relatives +booth +pianist +##mal +citizenship +exhausted +wilhelm +##ceae +##hed +noting +quarterback +urge +hectares +##gue +ace +holly +##tal +blonde +davies +parked +sustainable +stepping +twentieth +airfield +galaxy +nest +chip +##nell +tan +shaft +paulo +requirement +##zy +paradise +tobacco +trans +renewed +vietnamese +##cker +##ju +suggesting +catching +holmes +enjoying +md +trips +colt +holder +butterfly +nerve +reformed +cherry +bowling +trailer +carriage +goodbye +appreciate +toy +joshua +interactive +enabled +involve +##kan +collar +determination +bunch +facebook +recall +shorts +superintendent +episcopal +frustration +giovanni +nineteenth +laser +privately +array +circulation +##ovic +armstrong +deals +painful +permit +discrimination +##wi +aires +retiring +cottage +ni +##sta +horizon +ellen +jamaica +ripped +fernando +chapters +playstation +patron +lecturer +navigation +behaviour +genes +georgian +export +solomon +rivals +swift +seventeen +rodriguez +princeton +independently +sox +1847 +arguing +entity +casting +hank +criteria +oakland +geographic +milwaukee +reflection +expanding +conquest +dubbed +##tv +halt +brave +brunswick +doi +arched +curtis +divorced +predominantly +somerset +streams +ugly +zoo +horrible +curved +buenos +fierce +dictionary +vector +theological +unions +handful +stability +chan +punjab +segments +##lly +altar +ignoring +gesture +monsters +pastor +##stone +thighs +unexpected +operators +abruptly +coin +compiled +associates +improving +migration +pin +##ose +compact +collegiate +reserved +##urs +quarterfinals +roster +restore +assembled +hurry +oval +##cies +1846 +flags +martha +##del +victories +sharply +##rated +argues +deadly +neo +drawings +symbols +performer +##iel +griffin +restrictions +editing +andrews +java +journals +arabia +compositions +dee +pierce +removing +hindi +casino +runway +civilians +minds +nasa +hotels +##zation +refuge +rent +retain +potentially +conferences +suburban +conducting +##tto +##tions +##tle +descended +massacre +##cal +ammunition +terrain +fork +souls +counts +chelsea +durham +drives +cab +##bank +perth +realizing +palestinian +finn +simpson +##dal +betty +##ule +moreover +particles +cardinals +tent +evaluation +extraordinary +##oid +inscription +##works +wednesday +chloe +maintains +panels +ashley +trucks +##nation +cluster +sunlight +strikes +zhang +##wing +dialect +canon +##ap +tucked +##ws +collecting +##mas +##can +##sville +maker +quoted +evan +franco +aria +buying +cleaning +eva +closet +provision +apollo +clinic +rat +##ez +necessarily +ac +##gle +##ising +venues +flipped +cent +spreading +trustees +checking +authorized +##sco +disappointed +##ado +notion +duration +trumpet +hesitated +topped +brussels +rolls +theoretical +hint +define +aggressive +repeat +wash +peaceful +optical +width +allegedly +mcdonald +strict +copyright +##illa +investors +mar +jam +witnesses +sounding +miranda +michelle +privacy +hugo +harmony +##pp +valid +lynn +glared +nina +102 +headquartered +diving +boarding +gibson +##ncy +albanian +marsh +routine +dealt +enhanced +er +intelligent +substance +targeted +enlisted +discovers +spinning +observations +pissed +smoking +rebecca +capitol +visa +varied +costume +seemingly +indies +compensation +surgeon +thursday +arsenal +westminster +suburbs +rid +anglican +##ridge +knots +foods +alumni +lighter +fraser +whoever +portal +scandal +##ray +gavin +advised +instructor +flooding +terrorist +##ale +teenage +interim +senses +duck +teen +thesis +abby +eager +overcome +##ile +newport +glenn +rises +shame +##cc +prompted +priority +forgot +bomber +nicolas +protective +360 +cartoon +katherine +breeze +lonely +trusted +henderson +richardson +relax +banner +candy +palms +remarkable +##rio +legends +cricketer +essay +ordained +edmund +rifles +trigger +##uri +##away +sail +alert +1830 +audiences +penn +sussex +siblings +pursued +indianapolis +resist +rosa +consequence +succeed +avoided +1845 +##ulation +inland +##tie +##nna +counsel +profession +chronicle +hurried +##una +eyebrow +eventual +bleeding +innovative +cure +##dom +committees +accounting +con +scope +hardy +heather +tenor +gut +herald +codes +tore +scales +wagon +##oo +luxury +tin +prefer +fountain +triangle +bonds +darling +convoy +dried +traced +beings +troy +accidentally +slam +findings +smelled +joey +lawyers +outcome +steep +bosnia +configuration +shifting +toll +brook +performers +lobby +philosophical +construct +shrine +aggregate +boot +cox +phenomenon +savage +insane +solely +reynolds +lifestyle +##ima +nationally +holdings +consideration +enable +edgar +mo +mama +##tein +fights +relegation +chances +atomic +hub +conjunction +awkward +reactions +currency +finale +kumar +underwent +steering +elaborate +gifts +comprising +melissa +veins +reasonable +sunshine +chi +solve +trails +inhabited +elimination +ethics +huh +ana +molly +consent +apartments +layout +marines +##ces +hunters +bulk +##oma +hometown +##wall +##mont +cracked +reads +neighbouring +withdrawn +admission +wingspan +damned +anthology +lancashire +brands +batting +forgive +cuban +awful +##lyn +104 +dimensions +imagination +##ade +dante +##ship +tracking +desperately +goalkeeper +##yne +groaned +workshops +confident +burton +gerald +milton +circus +uncertain +slope +copenhagen +sophia +fog +philosopher +portraits +accent +cycling +varying +gripped +larvae +garrett +specified +scotia +mature +luther +kurt +rap +##kes +aerial +750 +ferdinand +heated +es +transported +##shan +safely +nonetheless +##orn +##gal +motors +demanding +##sburg +startled +##brook +ally +generate +caps +ghana +stained +demo +mentions +beds +ap +afterward +diary +##bling +utility +##iro +richards +1837 +conspiracy +conscious +shining +footsteps +observer +cyprus +urged +loyalty +developer +probability +olive +upgraded +gym +miracle +insects +graves +1844 +ourselves +hydrogen +amazon +katie +tickets +poets +##pm +planes +##pan +prevention +witnessed +dense +jin +randy +tang +warehouse +monroe +bang +archived +elderly +investigations +alec +granite +mineral +conflicts +controlling +aboriginal +carlo +##zu +mechanics +stan +stark +rhode +skirt +est +##berry +bombs +respected +##horn +imposed +limestone +deny +nominee +memphis +grabbing +disabled +##als +amusement +aa +frankfurt +corn +referendum +varies +slowed +disk +firms +unconscious +incredible +clue +sue +##zhou +twist +##cio +joins +idaho +chad +developers +computing +destroyer +103 +mortal +tucker +kingston +choices +yu +carson +1800 +os +whitney +geneva +pretend +dimension +staged +plateau +maya +##une +freestyle +##bc +rovers +hiv +##ids +tristan +classroom +prospect +##hus +honestly +diploma +lied +thermal +auxiliary +feast +unlikely +iata +##tel +morocco +pounding +treasury +lithuania +considerably +1841 +dish +1812 +geological +matching +stumbled +destroying +marched +brien +advances +cake +nicole +belle +settling +measuring +directing +##mie +tuesday +bassist +capabilities +stunned +fraud +torpedo +##list +##phone +anton +wisdom +surveillance +ruined +##ulate +lawsuit +healthcare +theorem +halls +trend +aka +horizontal +dozens +acquire +lasting +swim +hawk +gorgeous +fees +vicinity +decrease +adoption +tactics +##ography +pakistani +##ole +draws +##hall +willie +burke +heath +algorithm +integral +powder +elliott +brigadier +jackie +tate +varieties +darker +##cho +lately +cigarette +specimens +adds +##ree +##ensis +##inger +exploded +finalist +cia +murders +wilderness +arguments +nicknamed +acceptance +onwards +manufacture +robertson +jets +tampa +enterprises +blog +loudly +composers +nominations +1838 +ai +malta +inquiry +automobile +hosting +viii +rays +tilted +grief +museums +strategies +furious +euro +equality +cohen +poison +surrey +wireless +governed +ridiculous +moses +##esh +##room +vanished +##ito +barnes +attract +morrison +istanbul +##iness +absent +rotation +petition +janet +##logical +satisfaction +custody +deliberately +observatory +comedian +surfaces +pinyin +novelist +strictly +canterbury +oslo +monks +embrace +ibm +jealous +photograph +continent +dorothy +marina +doc +excess +holden +allegations +explaining +stack +avoiding +lance +storyline +majesty +poorly +spike +dos +bradford +raven +travis +classics +proven +voltage +pillow +fists +butt +1842 +interpreted +##car +1839 +gage +telegraph +lens +promising +expelled +casual +collector +zones +##min +silly +nintendo +##kh +##bra +downstairs +chef +suspicious +afl +flies +vacant +uganda +pregnancy +condemned +lutheran +estimates +cheap +decree +saxon +proximity +stripped +idiot +deposits +contrary +presenter +magnus +glacier +im +offense +edwin +##ori +upright +##long +bolt +##ois +toss +geographical +##izes +environments +delicate +marking +abstract +xavier +nails +windsor +plantation +occurring +equity +saskatchewan +fears +drifted +sequences +vegetation +revolt +##stic +1843 +sooner +fusion +opposing +nato +skating +1836 +secretly +ruin +lease +##oc +edit +##nne +flora +anxiety +ruby +##ological +##mia +tel +bout +taxi +emmy +frost +rainbow +compounds +foundations +rainfall +assassination +nightmare +dominican +##win +achievements +deserve +orlando +intact +armenia +##nte +calgary +valentine +106 +marion +proclaimed +theodore +bells +courtyard +thigh +gonzalez +console +troop +minimal +monte +everyday +##ence +##if +supporter +terrorism +buck +openly +presbyterian +activists +carpet +##iers +rubbing +uprising +##yi +cute +conceived +legally +##cht +millennium +cello +velocity +ji +rescued +cardiff +1835 +rex +concentrate +senators +beard +rendered +glowing +battalions +scouts +competitors +sculptor +catalogue +arctic +ion +raja +bicycle +wow +glancing +lawn +##woman +gentleman +lighthouse +publish +predicted +calculated +##val +variants +##gne +strain +##ui +winston +deceased +##nus +touchdowns +brady +caleb +sinking +echoed +crush +hon +blessed +protagonist +hayes +endangered +magnitude +editors +##tine +estimate +responsibilities +##mel +backup +laying +consumed +sealed +zurich +lovers +frustrated +##eau +ahmed +kicking +mit +treasurer +1832 +biblical +refuse +terrified +pump +agrees +genuine +imprisonment +refuses +plymouth +##hen +lou +##nen +tara +trembling +antarctic +ton +learns +##tas +crap +crucial +faction +atop +##borough +wrap +lancaster +odds +hopkins +erik +lyon +##eon +bros +##ode +snap +locality +tips +empress +crowned +cal +acclaimed +chuckled +##ory +clara +sends +mild +towel +##fl +##day +##а +wishing +assuming +interviewed +##bal +##die +interactions +eden +cups +helena +##lf +indie +beck +##fire +batteries +filipino +wizard +parted +##lam +traces +##born +rows +idol +albany +delegates +##ees +##sar +discussions +##ex +notre +instructed +belgrade +highways +suggestion +lauren +possess +orientation +alexandria +abdul +beats +salary +reunion +ludwig +alright +wagner +intimate +pockets +slovenia +hugged +brighton +merchants +cruel +stole +trek +slopes +repairs +enrollment +politically +underlying +promotional +counting +boeing +##bb +isabella +naming +##и +keen +bacteria +listing +separately +belfast +ussr +450 +lithuanian +anybody +ribs +sphere +martinez +cock +embarrassed +proposals +fragments +nationals +##fs +##wski +premises +fin +1500 +alpine +matched +freely +bounded +jace +sleeve +##af +gaming +pier +populated +evident +##like +frances +flooded +##dle +frightened +pour +trainer +framed +visitor +challenging +pig +wickets +##fold +infected +email +##pes +arose +##aw +reward +ecuador +oblast +vale +ch +shuttle +##usa +bach +rankings +forbidden +cornwall +accordance +salem +consumers +bruno +fantastic +toes +machinery +resolved +julius +remembering +propaganda +iceland +bombardment +tide +contacts +wives +##rah +concerto +macdonald +albania +implement +daisy +tapped +sudan +helmet +angela +mistress +##lic +crop +sunk +finest +##craft +hostile +##ute +##tsu +boxer +fr +paths +adjusted +habit +ballot +supervision +soprano +##zen +bullets +wicked +sunset +regiments +disappear +lamp +performs +app +##gia +##oa +rabbit +digging +incidents +entries +##cion +dishes +##oi +introducing +##ati +##fied +freshman +slot +jill +tackles +baroque +backs +##iest +lone +sponsor +destiny +altogether +convert +##aro +consensus +shapes +demonstration +basically +feminist +auction +artifacts +##bing +strongest +twitter +halifax +2019 +allmusic +mighty +smallest +precise +alexandra +viola +##los +##ille +manuscripts +##illo +dancers +ari +managers +monuments +blades +barracks +springfield +maiden +consolidated +electron +##end +berry +airing +wheat +nobel +inclusion +blair +payments +geography +bee +cc +eleanor +react +##hurst +afc +manitoba +##yu +su +lineup +fitness +recreational +investments +airborne +disappointment +##dis +edmonton +viewing +##row +renovation +##cast +infant +bankruptcy +roses +aftermath +pavilion +##yer +carpenter +withdrawal +ladder +##hy +discussing +popped +reliable +agreements +rochester +##abad +curves +bombers +220 +rao +reverend +decreased +choosing +107 +stiff +consulting +naples +crawford +tracy +ka +ribbon +cops +##lee +crushed +deciding +unified +teenager +accepting +flagship +explorer +poles +sanchez +inspection +revived +skilled +induced +exchanged +flee +locals +tragedy +swallow +loading +hanna +demonstrate +##ela +salvador +flown +contestants +civilization +##ines +wanna +rhodes +fletcher +hector +knocking +considers +##ough +nash +mechanisms +sensed +mentally +walt +unclear +##eus +renovated +madame +##cks +crews +governmental +##hin +undertaken +monkey +##ben +##ato +fatal +armored +copa +caves +governance +grasp +perception +certification +froze +damp +tugged +wyoming +##rg +##ero +newman +##lor +nerves +curiosity +graph +115 +##ami +withdraw +tunnels +dull +meredith +moss +exhibits +neighbors +communicate +accuracy +explored +raiders +republicans +secular +kat +superman +penny +criticised +##tch +freed +update +conviction +wade +ham +likewise +delegation +gotta +doll +promises +technological +myth +nationality +resolve +convent +##mark +sharon +dig +sip +coordinator +entrepreneur +fold +##dine +capability +councillor +synonym +blown +swan +cursed +1815 +jonas +haired +sofa +canvas +keeper +rivalry +##hart +rapper +speedway +swords +postal +maxwell +estonia +potter +recurring +##nn +##ave +errors +##oni +cognitive +1834 +##² +claws +nadu +roberto +bce +wrestler +ellie +##ations +infinite +ink +##tia +presumably +finite +staircase +108 +noel +patricia +nacional +##cation +chill +eternal +tu +preventing +prussia +fossil +limbs +##logist +ernst +frog +perez +rene +##ace +pizza +prussian +##ios +##vy +molecules +regulatory +answering +opinions +sworn +lengths +supposedly +hypothesis +upward +habitats +seating +ancestors +drank +yield +hd +synthesis +researcher +modest +##var +mothers +peered +voluntary +homeland +##the +acclaim +##igan +static +valve +luxembourg +alto +carroll +fe +receptor +norton +ambulance +##tian +johnston +catholics +depicting +jointly +elephant +gloria +mentor +badge +ahmad +distinguish +remarked +councils +precisely +allison +advancing +detection +crowded +##10 +cooperative +ankle +mercedes +dagger +surrendered +pollution +commit +subway +jeffrey +lesson +sculptures +provider +##fication +membrane +timothy +rectangular +fiscal +heating +teammate +basket +particle +anonymous +deployment +##ple +missiles +courthouse +proportion +shoe +sec +##ller +complaints +forbes +blacks +abandon +remind +sizes +overwhelming +autobiography +natalie +##awa +risks +contestant +countryside +babies +scorer +invaded +enclosed +proceed +hurling +disorders +##cu +reflecting +continuously +cruiser +graduates +freeway +investigated +ore +deserved +maid +blocking +phillip +jorge +shakes +dove +mann +variables +lacked +burden +accompanying +que +consistently +organizing +provisional +complained +endless +##rm +tubes +juice +georges +krishna +mick +labels +thriller +##uch +laps +arcade +sage +snail +##table +shannon +fi +laurence +seoul +vacation +presenting +hire +churchill +surprisingly +prohibited +savannah +technically +##oli +170 +##lessly +testimony +suited +speeds +toys +romans +mlb +flowering +measurement +talented +kay +settings +charleston +expectations +shattered +achieving +triumph +ceremonies +portsmouth +lanes +mandatory +loser +stretching +cologne +realizes +seventy +cornell +careers +webb +##ulating +americas +budapest +ava +suspicion +##ison +yo +conrad +##hai +sterling +jessie +rector +##az +1831 +transform +organize +loans +christine +volcanic +warrant +slender +summers +subfamily +newer +danced +dynamics +rhine +proceeds +heinrich +gastropod +commands +sings +facilitate +easter +ra +positioned +responses +expense +fruits +yanked +imported +25th +velvet +vic +primitive +tribune +baldwin +neighbourhood +donna +rip +hay +pr +##uro +1814 +espn +welcomed +##aria +qualifier +glare +highland +timing +##cted +shells +eased +geometry +louder +exciting +slovakia +##sion +##iz +##lot +savings +prairie +##ques +marching +rafael +tonnes +##lled +curtain +preceding +shy +heal +greene +worthy +##pot +detachment +bury +sherman +##eck +reinforced +seeks +bottles +contracted +duchess +outfit +walsh +##sc +mickey +##ase +geoffrey +archer +squeeze +dawson +eliminate +invention +##enberg +neal +##eth +stance +dealer +coral +maple +retire +polo +simplified +##ht +1833 +hid +watts +backwards +jules +##oke +genesis +mt +frames +rebounds +burma +woodland +moist +santos +whispers +drained +subspecies +##aa +streaming +ulster +burnt +correspondence +maternal +gerard +denis +stealing +##load +genius +duchy +##oria +inaugurated +momentum +suits +placement +sovereign +clause +thames +##hara +confederation +reservation +sketch +yankees +lets +rotten +charm +hal +verses +ultra +commercially +dot +salon +citation +adopt +winnipeg +mist +allocated +cairo +##boy +jenkins +interference +objectives +##wind +1820 +portfolio +armoured +sectors +##eh +initiatives +##world +integrity +exercises +robe +tap +ab +gazed +##tones +distracted +rulers +111 +favorable +jerome +tended +cart +factories +##eri +diplomat +valued +gravel +charitable +##try +calvin +exploring +chang +shepherd +terrace +pdf +pupil +##ural +reflects +ups +##rch +governors +shelf +depths +##nberg +trailed +crest +tackle +##nian +##ats +hatred +##kai +clare +makers +ethiopia +longtime +detected +embedded +lacking +slapped +rely +thomson +anticipation +iso +morton +successive +agnes +screenwriter +straightened +philippe +playwright +haunted +licence +iris +intentions +sutton +112 +logical +correctly +##weight +branded +licked +tipped +silva +ricky +narrator +requests +##ents +greeted +supernatural +cow +##wald +lung +refusing +employer +strait +gaelic +liner +##piece +zoe +sabha +##mba +driveway +harvest +prints +bates +reluctantly +threshold +algebra +ira +wherever +coupled +240 +assumption +picks +##air +designers +raids +gentlemen +##ean +roller +blowing +leipzig +locks +screw +dressing +strand +##lings +scar +dwarf +depicts +##nu +nods +##mine +differ +boris +##eur +yuan +flip +##gie +mob +invested +questioning +applying +##ture +shout +##sel +gameplay +blamed +illustrations +bothered +weakness +rehabilitation +##of +##zes +envelope +rumors +miners +leicester +subtle +kerry +##ico +ferguson +##fu +premiership +ne +##cat +bengali +prof +catches +remnants +dana +##rily +shouting +presidents +baltic +ought +ghosts +dances +sailors +shirley +fancy +dominic +##bie +madonna +##rick +bark +buttons +gymnasium +ashes +liver +toby +oath +providence +doyle +evangelical +nixon +cement +carnegie +embarked +hatch +surroundings +guarantee +needing +pirate +essence +##bee +filter +crane +hammond +projected +immune +percy +twelfth +##ult +regent +doctoral +damon +mikhail +##ichi +lu +critically +elect +realised +abortion +acute +screening +mythology +steadily +##fc +frown +nottingham +kirk +wa +minneapolis +##rra +module +algeria +mc +nautical +encounters +surprising +statues +availability +shirts +pie +alma +brows +munster +mack +soup +crater +tornado +sanskrit +cedar +explosive +bordered +dixon +planets +stamp +exam +happily +##bble +carriers +kidnapped +##vis +accommodation +emigrated +##met +knockout +correspondent +violation +profits +peaks +lang +specimen +agenda +ancestry +pottery +spelling +equations +obtaining +ki +linking +1825 +debris +asylum +##20 +buddhism +teddy +##ants +gazette +##nger +##sse +dental +eligibility +utc +fathers +averaged +zimbabwe +francesco +coloured +hissed +translator +lynch +mandate +humanities +mackenzie +uniforms +lin +##iana +##gio +asset +mhz +fitting +samantha +genera +wei +rim +beloved +shark +riot +entities +expressions +indo +carmen +slipping +owing +abbot +neighbor +sidney +##av +rats +recommendations +encouraging +squadrons +anticipated +commanders +conquered +##oto +donations +diagnosed +##mond +divide +##iva +guessed +decoration +vernon +auditorium +revelation +conversations +##kers +##power +herzegovina +dash +alike +protested +lateral +herman +accredited +mg +##gent +freeman +mel +fiji +crow +crimson +##rine +livestock +##pped +humanitarian +bored +oz +whip +##lene +##ali +legitimate +alter +grinning +spelled +anxious +oriental +wesley +##nin +##hole +carnival +controller +detect +##ssa +bowed +educator +kosovo +macedonia +##sin +occupy +mastering +stephanie +janeiro +para +unaware +nurses +noon +135 +cam +hopefully +ranger +combine +sociology +polar +rica +##eer +neill +##sman +holocaust +##ip +doubled +lust +1828 +109 +decent +cooling +unveiled +##card +1829 +nsw +homer +chapman +meyer +##gin +dive +mae +reagan +expertise +##gled +darwin +brooke +sided +prosecution +investigating +comprised +petroleum +genres +reluctant +differently +trilogy +johns +vegetables +corpse +highlighted +lounge +pension +unsuccessfully +elegant +aided +ivory +beatles +amelia +cain +dubai +sunny +immigrant +babe +click +##nder +underwater +pepper +combining +mumbled +atlas +horns +accessed +ballad +physicians +homeless +gestured +rpm +freak +louisville +corporations +patriots +prizes +rational +warn +modes +decorative +overnight +din +troubled +phantom +##ort +monarch +sheer +##dorf +generals +guidelines +organs +addresses +##zon +enhance +curling +parishes +cord +##kie +linux +caesar +deutsche +bavaria +##bia +coleman +cyclone +##eria +bacon +petty +##yama +##old +hampton +diagnosis +1824 +throws +complexity +rita +disputed +##₃ +pablo +##sch +marketed +trafficking +##ulus +examine +plague +formats +##oh +vault +faithful +##bourne +webster +##ox +highlights +##ient +##ann +phones +vacuum +sandwich +modeling +##gated +bolivia +clergy +qualities +isabel +##nas +##ars +wears +screams +reunited +annoyed +bra +##ancy +##rate +differential +transmitter +tattoo +container +poker +##och +excessive +resides +cowboys +##tum +augustus +trash +providers +statute +retreated +balcony +reversed +void +storey +preceded +masses +leap +laughs +neighborhoods +wards +schemes +falcon +santo +battlefield +pad +ronnie +thread +lesbian +venus +##dian +beg +sandstone +daylight +punched +gwen +analog +stroked +wwe +acceptable +measurements +dec +toxic +##kel +adequate +surgical +economist +parameters +varsity +##sberg +quantity +ella +##chy +##rton +countess +generating +precision +diamonds +expressway +ga +##ı +1821 +uruguay +talents +galleries +expenses +scanned +colleague +outlets +ryder +lucien +##ila +paramount +##bon +syracuse +dim +fangs +gown +sweep +##sie +toyota +missionaries +websites +##nsis +sentences +adviser +val +trademark +spells +##plane +patience +starter +slim +##borg +toe +incredibly +shoots +elliot +nobility +##wyn +cowboy +endorsed +gardner +tendency +persuaded +organisms +emissions +kazakhstan +amused +boring +chips +themed +##hand +llc +constantinople +chasing +systematic +guatemala +borrowed +erin +carey +##hard +highlands +struggles +1810 +##ifying +##ced +wong +exceptions +develops +enlarged +kindergarten +castro +##ern +##rina +leigh +zombie +juvenile +##most +consul +##nar +sailor +hyde +clarence +intensive +pinned +nasty +useless +jung +clayton +stuffed +exceptional +ix +apostolic +230 +transactions +##dge +exempt +swinging +cove +religions +##ash +shields +dairy +bypass +190 +pursuing +bug +joyce +bombay +chassis +southampton +chat +interact +redesignated +##pen +nascar +pray +salmon +rigid +regained +malaysian +grim +publicity +constituted +capturing +toilet +delegate +purely +tray +drift +loosely +striker +weakened +trinidad +mitch +itv +defines +transmitted +ming +scarlet +nodding +fitzgerald +fu +narrowly +sp +tooth +standings +virtue +##₁ +##wara +##cting +chateau +gloves +lid +##nel +hurting +conservatory +##pel +sinclair +reopened +sympathy +nigerian +strode +advocated +optional +chronic +discharge +##rc +suck +compatible +laurel +stella +shi +fails +wage +dodge +128 +informal +sorts +levi +buddha +villagers +##aka +chronicles +heavier +summoned +gateway +3000 +eleventh +jewelry +translations +accordingly +seas +##ency +fiber +pyramid +cubic +dragging +##ista +caring +##ops +android +contacted +lunar +##dt +kai +lisbon +patted +1826 +sacramento +theft +madagascar +subtropical +disputes +ta +holidays +piper +willow +mare +cane +itunes +newfoundland +benny +companions +dong +raj +observe +roar +charming +plaque +tibetan +fossils +enacted +manning +bubble +tina +tanzania +##eda +##hir +funk +swamp +deputies +cloak +ufc +scenario +par +scratch +metals +anthem +guru +engaging +specially +##boat +dialects +nineteen +cecil +duet +disability +messenger +unofficial +##lies +defunct +eds +moonlight +drainage +surname +puzzle +honda +switching +conservatives +mammals +knox +broadcaster +sidewalk +cope +##ried +benson +princes +peterson +##sal +bedford +sharks +eli +wreck +alberto +gasp +archaeology +lgbt +teaches +securities +madness +compromise +waving +coordination +davidson +visions +leased +possibilities +eighty +jun +fernandez +enthusiasm +assassin +sponsorship +reviewer +kingdoms +estonian +laboratories +##fy +##nal +applies +verb +celebrations +##zzo +rowing +lightweight +sadness +submit +mvp +balanced +dude +##vas +explicitly +metric +magnificent +mound +brett +mohammad +mistakes +irregular +##hing +##ass +sanders +betrayed +shipped +surge +##enburg +reporters +termed +georg +pity +verbal +bulls +abbreviated +enabling +appealed +##are +##atic +sicily +sting +heel +sweetheart +bart +spacecraft +brutal +monarchy +##tter +aberdeen +cameo +diane +##ub +survivor +clyde +##aries +complaint +##makers +clarinet +delicious +chilean +karnataka +coordinates +1818 +panties +##rst +pretending +ar +dramatically +kiev +bella +tends +distances +113 +catalog +launching +instances +telecommunications +portable +lindsay +vatican +##eim +angles +aliens +marker +stint +screens +bolton +##rne +judy +wool +benedict +plasma +europa +spark +imaging +filmmaker +swiftly +##een +contributor +##nor +opted +stamps +apologize +financing +butter +gideon +sophisticated +alignment +avery +chemicals +yearly +speculation +prominence +professionally +##ils +immortal +institutional +inception +wrists +identifying +tribunal +derives +gains +##wo +papal +preference +linguistic +vince +operative +brewery +##ont +unemployment +boyd +##ured +##outs +albeit +prophet +1813 +bi +##rr +##face +##rad +quarterly +asteroid +cleaned +radius +temper +##llen +telugu +jerk +viscount +menu +##ote +glimpse +##aya +yacht +hawaiian +baden +##rl +laptop +readily +##gu +monetary +offshore +scots +watches +##yang +##arian +upgrade +needle +xbox +lea +encyclopedia +flank +fingertips +##pus +delight +teachings +confirm +roth +beaches +midway +winters +##iah +teasing +daytime +beverly +gambling +bonnie +##backs +regulated +clement +hermann +tricks +knot +##shing +##uring +##vre +detached +ecological +owed +specialty +byron +inventor +bats +stays +screened +unesco +midland +trim +affection +##ander +##rry +jess +thoroughly +feedback +##uma +chennai +strained +heartbeat +wrapping +overtime +pleaded +##sworth +mon +leisure +oclc +##tate +##ele +feathers +angelo +thirds +nuts +surveys +clever +gill +commentator +##dos +darren +rides +gibraltar +##nc +##mu +dissolution +dedication +shin +meals +saddle +elvis +reds +chaired +taller +appreciation +functioning +niece +favored +advocacy +robbie +criminals +suffolk +yugoslav +passport +constable +congressman +hastings +vera +##rov +consecrated +sparks +ecclesiastical +confined +##ovich +muller +floyd +nora +1822 +paved +1827 +cumberland +ned +saga +spiral +##flow +appreciated +yi +collaborative +treating +similarities +feminine +finishes +##ib +jade +import +##nse +##hot +champagne +mice +securing +celebrities +helsinki +attributes +##gos +cousins +phases +ache +lucia +gandhi +submission +vicar +spear +shine +tasmania +biting +detention +constitute +tighter +seasonal +##gus +terrestrial +matthews +##oka +effectiveness +parody +philharmonic +##onic +1816 +strangers +encoded +consortium +guaranteed +regards +shifts +tortured +collision +supervisor +inform +broader +insight +theaters +armour +emeritus +blink +incorporates +mapping +##50 +##ein +handball +flexible +##nta +substantially +generous +thief +##own +carr +loses +1793 +prose +ucla +romeo +generic +metallic +realization +damages +mk +commissioners +zach +default +##ther +helicopters +lengthy +stems +spa +partnered +spectators +rogue +indication +penalties +teresa +1801 +sen +##tric +dalton +##wich +irving +photographic +##vey +dell +deaf +peters +excluded +unsure +##vable +patterson +crawled +##zio +resided +whipped +latvia +slower +ecole +pipes +employers +maharashtra +comparable +va +textile +pageant +##gel +alphabet +binary +irrigation +chartered +choked +antoine +offs +waking +supplement +##wen +quantities +demolition +regain +locate +urdu +folks +alt +114 +##mc +scary +andreas +whites +##ava +classrooms +mw +aesthetic +publishes +valleys +guides +cubs +johannes +bryant +conventions +affecting +##itt +drain +awesome +isolation +prosecutor +ambitious +apology +captive +downs +atmospheric +lorenzo +aisle +beef +foul +##onia +kidding +composite +disturbed +illusion +natives +##ffer +emi +rockets +riverside +wartime +painters +adolf +melted +##ail +uncertainty +simulation +hawks +progressed +meantime +builder +spray +breach +unhappy +regina +russians +##urg +determining +##tation +tram +1806 +##quin +aging +##12 +1823 +garion +rented +mister +diaz +terminated +clip +1817 +depend +nervously +disco +owe +defenders +shiva +notorious +disbelief +shiny +worcester +##gation +##yr +trailing +undertook +islander +belarus +limitations +watershed +fuller +overlooking +utilized +raphael +1819 +synthetic +breakdown +klein +##nate +moaned +memoir +lamb +practicing +##erly +cellular +arrows +exotic +##graphy +witches +117 +charted +rey +hut +hierarchy +subdivision +freshwater +giuseppe +aloud +reyes +qatar +marty +sideways +utterly +sexually +jude +prayers +mccarthy +softball +blend +damien +##gging +##metric +wholly +erupted +lebanese +negro +revenues +tasted +comparative +teamed +transaction +labeled +maori +sovereignty +parkway +trauma +gran +malay +121 +advancement +descendant +2020 +buzz +salvation +inventory +symbolic +##making +antarctica +mps +##gas +##bro +mohammed +myanmar +holt +submarines +tones +##lman +locker +patriarch +bangkok +emerson +remarks +predators +kin +afghan +confession +norwich +rental +emerge +advantages +##zel +rca +##hold +shortened +storms +aidan +##matic +autonomy +compliance +##quet +dudley +atp +##osis +1803 +motto +documentation +summary +professors +spectacular +christina +archdiocese +flashing +innocence +remake +##dell +psychic +reef +scare +employ +rs +sticks +meg +gus +leans +##ude +accompany +bergen +tomas +##iko +doom +wages +pools +##nch +##bes +breasts +scholarly +alison +outline +brittany +breakthrough +willis +realistic +##cut +##boro +competitor +##stan +pike +picnic +icon +designing +commercials +washing +villain +skiing +micro +costumes +auburn +halted +executives +##hat +logistics +cycles +vowel +applicable +barrett +exclaimed +eurovision +eternity +ramon +##umi +##lls +modifications +sweeping +disgust +##uck +torch +aviv +ensuring +rude +dusty +sonic +donovan +outskirts +cu +pathway +##band +##gun +##lines +disciplines +acids +cadet +paired +##40 +sketches +##sive +marriages +##⁺ +folding +peers +slovak +implies +admired +##beck +1880s +leopold +instinct +attained +weston +megan +horace +##ination +dorsal +ingredients +evolutionary +##its +complications +deity +lethal +brushing +levy +deserted +institutes +posthumously +delivering +telescope +coronation +motivated +rapids +luc +flicked +pays +volcano +tanner +weighed +##nica +crowds +frankie +gifted +addressing +granddaughter +winding +##rna +constantine +gomez +##front +landscapes +rudolf +anthropology +slate +werewolf +##lio +astronomy +circa +rouge +dreaming +sack +knelt +drowned +naomi +prolific +tracked +freezing +herb +##dium +agony +randall +twisting +wendy +deposit +touches +vein +wheeler +##bbled +##bor +batted +retaining +tire +presently +compare +specification +daemon +nigel +##grave +merry +recommendation +czechoslovakia +sandra +ng +roma +##sts +lambert +inheritance +sheikh +winchester +cries +examining +##yle +comeback +cuisine +nave +##iv +ko +retrieve +tomatoes +barker +polished +defining +irene +lantern +personalities +begging +tract +swore +1809 +175 +##gic +omaha +brotherhood +##rley +haiti +##ots +exeter +##ete +##zia +steele +dumb +pearson +210 +surveyed +elisabeth +trends +##ef +fritz +##rf +premium +bugs +fraction +calmly +viking +##birds +tug +inserted +unusually +##ield +confronted +distress +crashing +brent +turks +resign +##olo +cambodia +gabe +sauce +##kal +evelyn +116 +extant +clusters +quarry +teenagers +luna +##lers +##ister +affiliation +drill +##ashi +panthers +scenic +libya +anita +strengthen +inscriptions +##cated +lace +sued +judith +riots +##uted +mint +##eta +preparations +midst +dub +challenger +##vich +mock +cf +displaced +wicket +breaths +enables +schmidt +analyst +##lum +ag +highlight +automotive +axe +josef +newark +sufficiently +resembles +50th +##pal +flushed +mum +traits +##ante +commodore +incomplete +warming +titular +ceremonial +ethical +118 +celebrating +eighteenth +cao +lima +medalist +mobility +strips +snakes +##city +miniature +zagreb +barton +escapes +umbrella +automated +doubted +differs +cooled +georgetown +dresden +cooked +fade +wyatt +rna +jacobs +carlton +abundant +stereo +boost +madras +inning +##hia +spur +ip +malayalam +begged +osaka +groan +escaping +charging +dose +vista +##aj +bud +papa +communists +advocates +edged +tri +##cent +resemble +peaking +necklace +fried +montenegro +saxony +goose +glances +stuttgart +curator +recruit +grocery +sympathetic +##tting +##fort +127 +lotus +randolph +ancestor +##rand +succeeding +jupiter +1798 +macedonian +##heads +hiking +1808 +handing +fischer +##itive +garbage +node +##pies +prone +singular +papua +inclined +attractions +italia +pouring +motioned +grandma +garnered +jacksonville +corp +ego +ringing +aluminum +##hausen +ordering +##foot +drawer +traders +synagogue +##play +##kawa +resistant +wandering +fragile +fiona +teased +var +hardcore +soaked +jubilee +decisive +exposition +mercer +poster +valencia +hale +kuwait +1811 +##ises +##wr +##eed +tavern +gamma +122 +johan +##uer +airways +amino +gil +##ury +vocational +domains +torres +##sp +generator +folklore +outcomes +##keeper +canberra +shooter +fl +beams +confrontation +##lling +##gram +feb +aligned +forestry +pipeline +jax +motorway +conception +decay +##tos +coffin +##cott +stalin +1805 +escorted +minded +##nam +sitcom +purchasing +twilight +veronica +additions +passive +tensions +straw +123 +frequencies +1804 +refugee +cultivation +##iate +christie +clary +bulletin +crept +disposal +##rich +##zong +processor +crescent +##rol +bmw +emphasized +whale +nazis +aurora +##eng +dwelling +hauled +sponsors +toledo +mega +ideology +theatres +tessa +cerambycidae +saves +turtle +cone +suspects +kara +rusty +yelling +greeks +mozart +shades +cocked +participant +##tro +shire +spit +freeze +necessity +##cos +inmates +nielsen +councillors +loaned +uncommon +omar +peasants +botanical +offspring +daniels +formations +jokes +1794 +pioneers +sigma +licensing +##sus +wheelchair +polite +1807 +liquor +pratt +trustee +##uta +forewings +balloon +##zz +kilometre +camping +explicit +casually +shawn +foolish +teammates +nm +hassan +carrie +judged +satisfy +vanessa +knives +selective +cnn +flowed +##lice +eclipse +stressed +eliza +mathematician +cease +cultivated +##roy +commissions +browns +##ania +destroyers +sheridan +meadow +##rius +minerals +##cial +downstream +clash +gram +memoirs +ventures +baha +seymour +archie +midlands +edith +fare +flynn +invite +canceled +tiles +stabbed +boulder +incorporate +amended +camden +facial +mollusk +unreleased +descriptions +yoga +grabs +550 +raises +ramp +shiver +##rose +coined +pioneering +tunes +qing +warwick +tops +119 +melanie +giles +##rous +wandered +##inal +annexed +nov +30th +unnamed +##ished +organizational +airplane +normandy +stoke +whistle +blessing +violations +chased +holders +shotgun +##ctic +outlet +reactor +##vik +tires +tearing +shores +fortified +mascot +constituencies +nc +columnist +productive +tibet +##rta +lineage +hooked +oct +tapes +judging +cody +##gger +hansen +kashmir +triggered +##eva +solved +cliffs +##tree +resisted +anatomy +protesters +transparent +implied +##iga +injection +mattress +excluding +##mbo +defenses +helpless +devotion +##elli +growl +liberals +weber +phenomena +atoms +plug +##iff +mortality +apprentice +howe +convincing +aaa +swimmer +barber +leone +promptly +sodium +def +nowadays +arise +##oning +gloucester +corrected +dignity +norm +erie +##ders +elders +evacuated +sylvia +compression +##yar +hartford +pose +backpack +reasoning +accepts +24th +wipe +millimetres +marcel +##oda +dodgers +albion +1790 +overwhelmed +aerospace +oaks +1795 +showcase +acknowledge +recovering +nolan +ashe +hurts +geology +fashioned +disappearance +farewell +swollen +shrug +marquis +wimbledon +124 +rue +1792 +commemorate +reduces +experiencing +inevitable +calcutta +intel +##court +murderer +sticking +fisheries +imagery +bloom +280 +brake +##inus +gustav +hesitation +memorable +po +viral +beans +accidents +tunisia +antenna +spilled +consort +treatments +aye +perimeter +##gard +donation +hostage +migrated +banker +addiction +apex +lil +trout +##ously +conscience +##nova +rams +sands +genome +passionate +troubles +##lets +##set +amid +##ibility +##ret +higgins +exceed +vikings +##vie +payne +##zan +muscular +##ste +defendant +sucking +##wal +ibrahim +fuselage +claudia +vfl +europeans +snails +interval +##garh +preparatory +statewide +tasked +lacrosse +viktor +##lation +angola +##hra +flint +implications +employs +teens +patrons +stall +weekends +barriers +scrambled +nucleus +tehran +jenna +parsons +lifelong +robots +displacement +5000 +##bles +precipitation +##gt +knuckles +clutched +1802 +marrying +ecology +marx +accusations +declare +scars +kolkata +mat +meadows +bermuda +skeleton +finalists +vintage +crawl +coordinate +affects +subjected +orchestral +mistaken +##tc +mirrors +dipped +relied +260 +arches +candle +##nick +incorporating +wildly +fond +basilica +owl +fringe +rituals +whispering +stirred +feud +tertiary +slick +goat +honorable +whereby +skip +ricardo +stripes +parachute +adjoining +submerged +synthesizer +##gren +intend +positively +ninety +phi +beaver +partition +fellows +alexis +prohibition +carlisle +bizarre +fraternity +##bre +doubts +icy +cbc +aquatic +sneak +sonny +combines +airports +crude +supervised +spatial +merge +alfonso +##bic +corrupt +scan +undergo +##ams +disabilities +colombian +comparing +dolphins +perkins +##lish +reprinted +unanimous +bounced +hairs +underworld +midwest +semester +bucket +paperback +miniseries +coventry +demise +##leigh +demonstrations +sensor +rotating +yan +##hler +arrange +soils +##idge +hyderabad +labs +##dr +brakes +grandchildren +##nde +negotiated +rover +ferrari +continuation +directorate +augusta +stevenson +counterpart +gore +##rda +nursery +rican +ave +collectively +broadly +pastoral +repertoire +asserted +discovering +nordic +styled +fiba +cunningham +harley +middlesex +survives +tumor +tempo +zack +aiming +lok +urgent +##rade +##nto +devils +##ement +contractor +turin +##wl +##ool +bliss +repaired +simmons +moan +astronomical +cr +negotiate +lyric +1890s +lara +bred +clad +angus +pbs +##ience +engineered +posed +##lk +hernandez +possessions +elbows +psychiatric +strokes +confluence +electorate +lifts +campuses +lava +alps +##ep +##ution +##date +physicist +woody +##page +##ographic +##itis +juliet +reformation +sparhawk +320 +complement +suppressed +jewel +##½ +floated +##kas +continuity +sadly +##ische +inability +melting +scanning +paula +flour +judaism +safer +vague +##lm +solving +curb +##stown +financially +gable +bees +expired +miserable +cassidy +dominion +1789 +cupped +145 +robbery +facto +amos +warden +resume +tallest +marvin +ing +pounded +usd +declaring +gasoline +##aux +darkened +270 +650 +sophomore +##mere +erection +gossip +televised +risen +dial +##eu +pillars +##link +passages +profound +##tina +arabian +ashton +silicon +nail +##ead +##lated +##wer +##hardt +fleming +firearms +ducked +circuits +blows +waterloo +titans +##lina +atom +fireplace +cheshire +financed +activation +algorithms +##zzi +constituent +catcher +cherokee +partnerships +sexuality +platoon +tragic +vivian +guarded +whiskey +meditation +poetic +##late +##nga +##ake +porto +listeners +dominance +kendra +mona +chandler +factions +22nd +salisbury +attitudes +derivative +##ido +##haus +intake +paced +javier +illustrator +barrels +bias +cockpit +burnett +dreamed +ensuing +##anda +receptors +someday +hawkins +mattered +##lal +slavic +1799 +jesuit +cameroon +wasted +tai +wax +lowering +victorious +freaking +outright +hancock +librarian +sensing +bald +calcium +myers +tablet +announcing +barack +shipyard +pharmaceutical +##uan +greenwich +flush +medley +patches +wolfgang +pt +speeches +acquiring +exams +nikolai +##gg +hayden +kannada +##type +reilly +##pt +waitress +abdomen +devastated +capped +pseudonym +pharmacy +fulfill +paraguay +1796 +clicked +##trom +archipelago +syndicated +##hman +lumber +orgasm +rejection +clifford +lorraine +advent +mafia +rodney +brock +##ght +##used +##elia +cassette +chamberlain +despair +mongolia +sensors +developmental +upstream +##eg +##alis +spanning +165 +trombone +basque +seeded +interred +renewable +rhys +leapt +revision +molecule +##ages +chord +vicious +nord +shivered +23rd +arlington +debts +corpus +sunrise +bays +blackburn +centimetres +##uded +shuddered +gm +strangely +gripping +cartoons +isabelle +orbital +##ppa +seals +proving +##lton +refusal +strengthened +bust +assisting +baghdad +batsman +portrayal +mara +pushes +spears +og +##cock +reside +nathaniel +brennan +1776 +confirmation +caucus +##worthy +markings +yemen +nobles +ku +lazy +viewer +catalan +encompasses +sawyer +##fall +sparked +substances +patents +braves +arranger +evacuation +sergio +persuade +dover +tolerance +penguin +cum +jockey +insufficient +townships +occupying +declining +plural +processed +projection +puppet +flanders +introduces +liability +##yon +gymnastics +antwerp +taipei +hobart +candles +jeep +wes +observers +126 +chaplain +bundle +glorious +##hine +hazel +flung +sol +excavations +dumped +stares +sh +bangalore +triangular +icelandic +intervals +expressing +turbine +##vers +songwriting +crafts +##igo +jasmine +ditch +rite +##ways +entertaining +comply +sorrow +wrestlers +basel +emirates +marian +rivera +helpful +##some +caution +downward +networking +##atory +##tered +darted +genocide +emergence +replies +specializing +spokesman +convenient +unlocked +fading +augustine +concentrations +resemblance +elijah +investigator +andhra +##uda +promotes +bean +##rrell +fleeing +wan +simone +announcer +##ame +##bby +lydia +weaver +132 +residency +modification +##fest +stretches +##ast +alternatively +nat +lowe +lacks +##ented +pam +tile +concealed +inferior +abdullah +residences +tissues +vengeance +##ided +moisture +peculiar +groove +zip +bologna +jennings +ninja +oversaw +zombies +pumping +batch +livingston +emerald +installations +1797 +peel +nitrogen +rama +##fying +##star +schooling +strands +responding +werner +##ost +lime +casa +accurately +targeting +##rod +underway +##uru +hemisphere +lester +##yard +occupies +2d +griffith +angrily +reorganized +##owing +courtney +deposited +##dd +##30 +estadio +##ifies +dunn +exiled +##ying +checks +##combe +##о +##fly +successes +unexpectedly +blu +assessed +##flower +##ه +observing +sacked +spiders +kn +##tail +mu +nodes +prosperity +audrey +divisional +155 +broncos +tangled +adjust +feeds +erosion +paolo +surf +directory +snatched +humid +admiralty +screwed +gt +reddish +##nese +modules +trench +lamps +bind +leah +bucks +competes +##nz +##form +transcription +##uc +isles +violently +clutching +pga +cyclist +inflation +flats +ragged +unnecessary +##hian +stubborn +coordinated +harriet +baba +disqualified +330 +insect +wolfe +##fies +reinforcements +rocked +duel +winked +embraced +bricks +##raj +hiatus +defeats +pending +brightly +jealousy +##xton +##hm +##uki +lena +gdp +colorful +##dley +stein +kidney +##shu +underwear +wanderers +##haw +##icus +guardians +m³ +roared +habits +##wise +permits +gp +uranium +punished +disguise +bundesliga +elise +dundee +erotic +partisan +pi +collectors +float +individually +rendering +behavioral +bucharest +ser +hare +valerie +corporal +nutrition +proportional +##isa +immense +##kis +pavement +##zie +##eld +sutherland +crouched +1775 +##lp +suzuki +trades +endurance +operas +crosby +prayed +priory +rory +socially +##urn +gujarat +##pu +walton +cube +pasha +privilege +lennon +floods +thorne +waterfall +nipple +scouting +approve +##lov +minorities +voter +dwight +extensions +assure +ballroom +slap +dripping +privileges +rejoined +confessed +demonstrating +patriotic +yell +investor +##uth +pagan +slumped +squares +##cle +##kins +confront +bert +embarrassment +##aid +aston +urging +sweater +starr +yuri +brains +williamson +commuter +mortar +structured +selfish +exports +##jon +cds +##him +unfinished +##rre +mortgage +destinations +##nagar +canoe +solitary +buchanan +delays +magistrate +fk +##pling +motivation +##lier +##vier +recruiting +assess +##mouth +malik +antique +1791 +pius +rahman +reich +tub +zhou +smashed +airs +galway +xii +conditioning +honduras +discharged +dexter +##pf +lionel +129 +debates +lemon +tiffany +volunteered +dom +dioxide +procession +devi +sic +tremendous +advertisements +colts +transferring +verdict +hanover +decommissioned +utter +relate +pac +racism +##top +beacon +limp +similarity +terra +occurrence +ant +##how +becky +capt +updates +armament +richie +pal +##graph +halloween +mayo +##ssen +##bone +cara +serena +fcc +dolls +obligations +##dling +violated +lafayette +jakarta +exploitation +##ime +infamous +iconic +##lah +##park +kitty +moody +reginald +dread +spill +crystals +olivier +modeled +bluff +equilibrium +separating +notices +ordnance +extinction +onset +cosmic +attachment +sammy +expose +privy +anchored +##bil +abbott +admits +bending +baritone +emmanuel +policeman +vaughan +winged +climax +dresses +denny +polytechnic +mohamed +burmese +authentic +nikki +genetics +grandparents +homestead +gaza +postponed +metacritic +una +##sby +##bat +unstable +dissertation +##rial +##cian +curls +obscure +uncovered +bronx +praying +disappearing +##hoe +prehistoric +coke +turret +mutations +nonprofit +pits +monaco +##ي +##usion +prominently +dispatched +podium +##mir +uci +##uation +133 +fortifications +birthplace +kendall +##lby +##oll +preacher +rack +goodman +##rman +persistent +##ott +countless +jaime +recorder +lexington +persecution +jumps +renewal +wagons +##11 +crushing +##holder +decorations +##lake +abundance +wrath +laundry +£1 +garde +##rp +jeanne +beetles +peasant +##sl +splitting +caste +sergei +##rer +##ema +scripts +##ively +rub +satellites +##vor +inscribed +verlag +scrapped +gale +packages +chick +potato +slogan +kathleen +arabs +##culture +counterparts +reminiscent +choral +##tead +rand +retains +bushes +dane +accomplish +courtesy +closes +##oth +slaughter +hague +krakow +lawson +tailed +elias +ginger +##ttes +canopy +betrayal +rebuilding +turf +##hof +frowning +allegiance +brigades +kicks +rebuild +polls +alias +nationalism +td +rowan +audition +bowie +fortunately +recognizes +harp +dillon +horrified +##oro +renault +##tics +ropes +##α +presumed +rewarded +infrared +wiping +accelerated +illustration +##rid +presses +practitioners +badminton +##iard +detained +##tera +recognizing +relates +misery +##sies +##tly +reproduction +piercing +potatoes +thornton +esther +manners +hbo +##aan +ours +bullshit +ernie +perennial +sensitivity +illuminated +rupert +##jin +##iss +##ear +rfc +nassau +##dock +staggered +socialism +##haven +appointments +nonsense +prestige +sharma +haul +##tical +solidarity +gps +##ook +##rata +igor +pedestrian +##uit +baxter +tenants +wires +medication +unlimited +guiding +impacts +diabetes +##rama +sasha +pas +clive +extraction +131 +continually +constraints +##bilities +sonata +hunted +sixteenth +chu +planting +quote +mayer +pretended +abs +spat +##hua +ceramic +##cci +curtains +pigs +pitching +##dad +latvian +sore +dayton +##sted +##qi +patrols +slice +playground +##nted +shone +stool +apparatus +inadequate +mates +treason +##ija +desires +##liga +##croft +somalia +laurent +mir +leonardo +oracle +grape +obliged +chevrolet +thirteenth +stunning +enthusiastic +##ede +accounted +concludes +currents +basil +##kovic +drought +##rica +mai +##aire +shove +posting +##shed +pilgrimage +humorous +packing +fry +pencil +wines +smells +144 +marilyn +aching +newest +clung +bon +neighbours +sanctioned +##pie +mug +##stock +drowning +##mma +hydraulic +##vil +hiring +reminder +lilly +investigators +##ncies +sour +##eous +compulsory +packet +##rion +##graphic +##elle +cannes +##inate +depressed +##rit +heroic +importantly +theresa +##tled +conway +saturn +marginal +rae +##xia +corresponds +royce +pact +jasper +explosives +packaging +aluminium +##ttered +denotes +rhythmic +spans +assignments +hereditary +outlined +originating +sundays +lad +reissued +greeting +beatrice +##dic +pillar +marcos +plots +handbook +alcoholic +judiciary +avant +slides +extract +masculine +blur +##eum +##force +homage +trembled +owens +hymn +trey +omega +signaling +socks +accumulated +reacted +attic +theo +lining +angie +distraction +primera +talbot +##key +1200 +ti +creativity +billed +##hey +deacon +eduardo +identifies +proposition +dizzy +gunner +hogan +##yam +##pping +##hol +ja +##chan +jensen +reconstructed +##berger +clearance +darius +##nier +abe +harlem +plea +dei +circled +emotionally +notation +fascist +neville +exceeded +upwards +viable +ducks +##fo +workforce +racer +limiting +shri +##lson +possesses +1600 +kerr +moths +devastating +laden +disturbing +locking +##cture +gal +fearing +accreditation +flavor +aide +1870s +mountainous +##baum +melt +##ures +motel +texture +servers +soda +##mb +herd +##nium +erect +puzzled +hum +peggy +examinations +gould +testified +geoff +ren +devised +sacks +##law +denial +posters +grunted +cesar +tutor +ec +gerry +offerings +byrne +falcons +combinations +ct +incoming +pardon +rocking +26th +avengers +flared +mankind +seller +uttar +loch +nadia +stroking +exposing +##hd +fertile +ancestral +instituted +##has +noises +prophecy +taxation +eminent +vivid +pol +##bol +dart +indirect +multimedia +notebook +upside +displaying +adrenaline +referenced +geometric +##iving +progression +##ddy +blunt +announce +##far +implementing +##lav +aggression +liaison +cooler +cares +headache +plantations +gorge +dots +impulse +thickness +ashamed +averaging +kathy +obligation +precursor +137 +fowler +symmetry +thee +225 +hears +##rai +undergoing +ads +butcher +bowler +##lip +cigarettes +subscription +goodness +##ically +browne +##hos +##tech +kyoto +donor +##erty +damaging +friction +drifting +expeditions +hardened +prostitution +152 +fauna +blankets +claw +tossing +snarled +butterflies +recruits +investigative +coated +healed +138 +communal +hai +xiii +academics +boone +psychologist +restless +lahore +stephens +mba +brendan +foreigners +printer +##pc +ached +explode +27th +deed +scratched +dared +##pole +cardiac +1780 +okinawa +proto +commando +compelled +oddly +electrons +##base +replica +thanksgiving +##rist +sheila +deliberate +stafford +tidal +representations +hercules +ou +##path +##iated +kidnapping +lenses +##tling +deficit +samoa +mouths +consuming +computational +maze +granting +smirk +razor +fixture +ideals +inviting +aiden +nominal +##vs +issuing +julio +pitt +ramsey +docks +##oss +exhaust +##owed +bavarian +draped +anterior +mating +ethiopian +explores +noticing +##nton +discarded +convenience +hoffman +endowment +beasts +cartridge +mormon +paternal +probe +sleeves +interfere +lump +deadline +##rail +jenks +bulldogs +scrap +alternating +justified +reproductive +nam +seize +descending +secretariat +kirby +coupe +grouped +smash +panther +sedan +tapping +##18 +lola +cheer +germanic +unfortunate +##eter +unrelated +##fan +subordinate +##sdale +suzanne +advertisement +##ility +horsepower +##lda +cautiously +discourse +luigi +##mans +##fields +noun +prevalent +mao +schneider +everett +surround +governorate +kira +##avia +westward +##take +misty +rails +sustainability +134 +unused +##rating +packs +toast +unwilling +regulate +thy +suffrage +nile +awe +assam +definitions +travelers +affordable +##rb +conferred +sells +undefeated +beneficial +torso +basal +repeating +remixes +##pass +bahrain +cables +fang +##itated +excavated +numbering +statutory +##rey +deluxe +##lian +forested +ramirez +derbyshire +zeus +slamming +transfers +astronomer +banana +lottery +berg +histories +bamboo +##uchi +resurrection +posterior +bowls +vaguely +##thi +thou +preserving +tensed +offence +##inas +meyrick +callum +ridden +watt +langdon +tying +lowland +snorted +daring +truman +##hale +##girl +aura +overly +filing +weighing +goa +infections +philanthropist +saunders +eponymous +##owski +latitude +perspectives +reviewing +mets +commandant +radial +##kha +flashlight +reliability +koch +vowels +amazed +ada +elaine +supper +##rth +##encies +predator +debated +soviets +cola +##boards +##nah +compartment +crooked +arbitrary +fourteenth +##ctive +havana +majors +steelers +clips +profitable +ambush +exited +packers +##tile +nude +cracks +fungi +##е +limb +trousers +josie +shelby +tens +frederic +##ος +definite +smoothly +constellation +insult +baton +discs +lingering +##nco +conclusions +lent +staging +becker +grandpa +shaky +##tron +einstein +obstacles +sk +adverse +elle +economically +##moto +mccartney +thor +dismissal +motions +readings +nostrils +treatise +##pace +squeezing +evidently +prolonged +1783 +venezuelan +je +marguerite +beirut +takeover +shareholders +##vent +denise +digit +airplay +norse +##bbling +imaginary +pills +hubert +blaze +vacated +eliminating +##ello +vine +mansfield +##tty +retrospective +barrow +borne +clutch +bail +forensic +weaving +##nett +##witz +desktop +citadel +promotions +worrying +dorset +ieee +subdivided +##iating +manned +expeditionary +pickup +synod +chuckle +185 +barney +##rz +##ffin +functionality +karachi +litigation +meanings +uc +lick +turbo +anders +##ffed +execute +curl +oppose +ankles +typhoon +##د +##ache +##asia +linguistics +compassion +pressures +grazing +perfection +##iting +immunity +monopoly +muddy +backgrounds +136 +namibia +francesca +monitors +attracting +stunt +tuition +##ии +vegetable +##mates +##quent +mgm +jen +complexes +forts +##ond +cellar +bites +seventeenth +royals +flemish +failures +mast +charities +##cular +peruvian +capitals +macmillan +ipswich +outward +frigate +postgraduate +folds +employing +##ouse +concurrently +fiery +##tai +contingent +nightmares +monumental +nicaragua +##kowski +lizard +mal +fielding +gig +reject +##pad +harding +##ipe +coastline +##cin +##nos +beethoven +humphrey +innovations +##tam +##nge +norris +doris +solicitor +huang +obey +141 +##lc +niagara +##tton +shelves +aug +bourbon +curry +nightclub +specifications +hilton +##ndo +centennial +dispersed +worm +neglected +briggs +sm +font +kuala +uneasy +plc +##nstein +##bound +##aking +##burgh +awaiting +pronunciation +##bbed +##quest +eh +optimal +zhu +raped +greens +presided +brenda +worries +##life +venetian +marxist +turnout +##lius +refined +braced +sins +grasped +sunderland +nickel +speculated +lowell +cyrillic +communism +fundraising +resembling +colonists +mutant +freddie +usc +##mos +gratitude +##run +mural +##lous +chemist +wi +reminds +28th +steals +tess +pietro +##ingen +promoter +ri +microphone +honoured +rai +sant +##qui +feather +##nson +burlington +kurdish +terrorists +deborah +sickness +##wed +##eet +hazard +irritated +desperation +veil +clarity +##rik +jewels +xv +##gged +##ows +##cup +berkshire +unfair +mysteries +orchid +winced +exhaustion +renovations +stranded +obe +infinity +##nies +adapt +redevelopment +thanked +registry +olga +domingo +noir +tudor +ole +##atus +commenting +behaviors +##ais +crisp +pauline +probable +stirling +wigan +##bian +paralympics +panting +surpassed +##rew +luca +barred +pony +famed +##sters +cassandra +waiter +carolyn +exported +##orted +andres +destructive +deeds +jonah +castles +vacancy +suv +##glass +1788 +orchard +yep +famine +belarusian +sprang +##forth +skinny +##mis +administrators +rotterdam +zambia +zhao +boiler +discoveries +##ride +##physics +lucius +disappointing +outreach +spoon +##frame +qualifications +unanimously +enjoys +regency +##iidae +stade +realism +veterinary +rodgers +dump +alain +chestnut +castile +censorship +rumble +gibbs +##itor +communion +reggae +inactivated +logs +loads +##houses +homosexual +##iano +ale +informs +##cas +phrases +plaster +linebacker +ambrose +kaiser +fascinated +850 +limerick +recruitment +forge +mastered +##nding +leinster +rooted +threaten +##strom +borneo +##hes +suggestions +scholarships +propeller +documentaries +patronage +coats +constructing +invest +neurons +comet +entirety +shouts +identities +annoying +unchanged +wary +##antly +##ogy +neat +oversight +##kos +phillies +replay +constance +##kka +incarnation +humble +skies +minus +##acy +smithsonian +##chel +guerrilla +jar +cadets +##plate +surplus +audit +##aru +cracking +joanna +louisa +pacing +##lights +intentionally +##iri +diner +nwa +imprint +australians +tong +unprecedented +bunker +naive +specialists +ark +nichols +railing +leaked +pedal +##uka +shrub +longing +roofs +v8 +captains +neural +tuned +##ntal +##jet +emission +medina +frantic +codex +definitive +sid +abolition +intensified +stocks +enrique +sustain +genoa +oxide +##written +clues +cha +##gers +tributaries +fragment +venom +##rity +##ente +##sca +muffled +vain +sire +laos +##ingly +##hana +hastily +snapping +surfaced +sentiment +motive +##oft +contests +approximate +mesa +luckily +dinosaur +exchanges +propelled +accord +bourne +relieve +tow +masks +offended +##ues +cynthia +##mmer +rains +bartender +zinc +reviewers +lois +##sai +legged +arrogant +rafe +rosie +comprise +handicap +blockade +inlet +lagoon +copied +drilling +shelley +petals +##inian +mandarin +obsolete +##inated +onward +arguably +productivity +cindy +praising +seldom +busch +discusses +raleigh +shortage +ranged +stanton +encouragement +firstly +conceded +overs +temporal +##uke +cbe +##bos +woo +certainty +pumps +##pton +stalked +##uli +lizzie +periodic +thieves +weaker +##night +gases +shoving +chooses +wc +##chemical +prompting +weights +##kill +robust +flanked +sticky +hu +tuberculosis +##eb +##eal +christchurch +resembled +wallet +reese +inappropriate +pictured +distract +fixing +fiddle +giggled +burger +heirs +hairy +mechanic +torque +apache +obsessed +chiefly +cheng +logging +##tag +extracted +meaningful +numb +##vsky +gloucestershire +reminding +##bay +unite +##lit +breeds +diminished +clown +glove +1860s +##ن +##ug +archibald +focal +freelance +sliced +depiction +##yk +organism +switches +sights +stray +crawling +##ril +lever +leningrad +interpretations +loops +anytime +reel +alicia +delighted +##ech +inhaled +xiv +suitcase +bernie +vega +licenses +northampton +exclusion +induction +monasteries +racecourse +homosexuality +##right +##sfield +##rky +dimitri +michele +alternatives +ions +commentators +genuinely +objected +pork +hospitality +fencing +stephan +warships +peripheral +wit +drunken +wrinkled +quentin +spends +departing +chung +numerical +spokesperson +##zone +johannesburg +caliber +killers +##udge +assumes +neatly +demographic +abigail +bloc +##vel +mounting +##lain +bentley +slightest +xu +recipients +##jk +merlin +##writer +seniors +prisons +blinking +hindwings +flickered +kappa +##hel +80s +strengthening +appealing +brewing +gypsy +mali +lashes +hulk +unpleasant +harassment +bio +treaties +predict +instrumentation +pulp +troupe +boiling +mantle +##ffe +ins +##vn +dividing +handles +verbs +##onal +coconut +senegal +340 +thorough +gum +momentarily +##sto +cocaine +panicked +destined +##turing +teatro +denying +weary +captained +mans +##hawks +##code +wakefield +bollywood +thankfully +##16 +cyril +##wu +amendments +##bahn +consultation +stud +reflections +kindness +1787 +internally +##ovo +tex +mosaic +distribute +paddy +seeming +143 +##hic +piers +##15 +##mura +##verse +popularly +winger +kang +sentinel +mccoy +##anza +covenant +##bag +verge +fireworks +suppress +thrilled +dominate +##jar +swansea +##60 +142 +reconciliation +##ndi +stiffened +cue +dorian +##uf +damascus +amor +ida +foremost +##aga +porsche +unseen +dir +##had +##azi +stony +lexi +melodies +##nko +angular +integer +podcast +ants +inherent +jaws +justify +persona +##olved +josephine +##nr +##ressed +customary +flashes +gala +cyrus +glaring +backyard +ariel +physiology +greenland +html +stir +avon +atletico +finch +methodology +ked +##lent +mas +catholicism +townsend +branding +quincy +fits +containers +1777 +ashore +aragon +##19 +forearm +poisoning +##sd +adopting +conquer +grinding +amnesty +keller +finances +evaluate +forged +lankan +instincts +##uto +guam +bosnian +photographed +workplace +desirable +protector +##dog +allocation +intently +encourages +willy +##sten +bodyguard +electro +brighter +##ν +bihar +##chev +lasts +opener +amphibious +sal +verde +arte +##cope +captivity +vocabulary +yields +##tted +agreeing +desmond +pioneered +##chus +strap +campaigned +railroads +##ович +emblem +##dre +stormed +501 +##ulous +marijuana +northumberland +##gn +##nath +bowen +landmarks +beaumont +##qua +danube +##bler +attorneys +th +ge +flyers +critique +villains +cass +mutation +acc +##0s +colombo +mckay +motif +sampling +concluding +syndicate +##rell +neon +stables +ds +warnings +clint +mourning +wilkinson +##tated +merrill +leopard +evenings +exhaled +emil +sonia +ezra +discrete +stove +farrell +fifteenth +prescribed +superhero +##rier +worms +helm +wren +##duction +##hc +expo +##rator +hq +unfamiliar +antony +prevents +acceleration +fiercely +mari +painfully +calculations +cheaper +ign +clifton +irvine +davenport +mozambique +##np +pierced +##evich +wonders +##wig +##cate +##iling +crusade +ware +##uel +enzymes +reasonably +mls +##coe +mater +ambition +bunny +eliot +kernel +##fin +asphalt +headmaster +torah +aden +lush +pins +waived +##care +##yas +joao +substrate +enforce +##grad +##ules +alvarez +selections +epidemic +tempted +##bit +bremen +translates +ensured +waterfront +29th +forrest +manny +malone +kramer +reigning +cookies +simpler +absorption +205 +engraved +##ffy +evaluated +1778 +haze +146 +comforting +crossover +##abe +thorn +##rift +##imo +##pop +suppression +fatigue +cutter +##tr +201 +wurttemberg +##orf +enforced +hovering +proprietary +gb +samurai +syllable +ascent +lacey +tick +lars +tractor +merchandise +rep +bouncing +defendants +##yre +huntington +##ground +##oko +standardized +##hor +##hima +assassinated +nu +predecessors +rainy +liar +assurance +lyrical +##uga +secondly +flattened +ios +parameter +undercover +##mity +bordeaux +punish +ridges +markers +exodus +inactive +hesitate +debbie +nyc +pledge +savoy +nagar +offset +organist +##tium +hesse +marin +converting +##iver +diagram +propulsion +pu +validity +reverted +supportive +##dc +ministries +clans +responds +proclamation +##inae +##ø +##rea +ein +pleading +patriot +sf +birch +islanders +strauss +hates +##dh +brandenburg +concession +rd +##ob +1900s +killings +textbook +antiquity +cinematography +wharf +embarrassing +setup +creed +farmland +inequality +centred +signatures +fallon +370 +##ingham +##uts +ceylon +gazing +directive +laurie +##tern +globally +##uated +##dent +allah +excavation +threads +##cross +148 +frantically +icc +utilize +determines +respiratory +thoughtful +receptions +##dicate +merging +chandra +seine +147 +builders +builds +diagnostic +dev +visibility +goddamn +analyses +dhaka +cho +proves +chancel +concurrent +curiously +canadians +pumped +restoring +1850s +turtles +jaguar +sinister +spinal +traction +declan +vows +1784 +glowed +capitalism +swirling +install +universidad +##lder +##oat +soloist +##genic +##oor +coincidence +beginnings +nissan +dip +resorts +caucasus +combustion +infectious +##eno +pigeon +serpent +##itating +conclude +masked +salad +jew +##gr +surreal +toni +##wc +harmonica +151 +##gins +##etic +##coat +fishermen +intending +bravery +##wave +klaus +titan +wembley +taiwanese +ransom +40th +incorrect +hussein +eyelids +jp +cooke +dramas +utilities +##etta +##print +eisenhower +principally +granada +lana +##rak +openings +concord +##bl +bethany +connie +morality +sega +##mons +##nard +earnings +##kara +##cine +wii +communes +##rel +coma +composing +softened +severed +grapes +##17 +nguyen +analyzed +warlord +hubbard +heavenly +behave +slovenian +##hit +##ony +hailed +filmmakers +trance +caldwell +skye +unrest +coward +likelihood +##aging +bern +sci +taliban +honolulu +propose +##wang +1700 +browser +imagining +cobra +contributes +dukes +instinctively +conan +violinist +##ores +accessories +gradual +##amp +quotes +sioux +##dating +undertake +intercepted +sparkling +compressed +139 +fungus +tombs +haley +imposing +rests +degradation +lincolnshire +retailers +wetlands +tulsa +distributor +dungeon +nun +greenhouse +convey +atlantis +aft +exits +oman +dresser +lyons +##sti +joking +eddy +judgement +omitted +digits +##cts +##game +juniors +##rae +cents +stricken +une +##ngo +wizards +weir +breton +nan +technician +fibers +liking +royalty +##cca +154 +persia +terribly +magician +##rable +##unt +vance +cafeteria +booker +camille +warmer +##static +consume +cavern +gaps +compass +contemporaries +foyer +soothing +graveyard +maj +plunged +blush +##wear +cascade +demonstrates +ordinance +##nov +boyle +##lana +rockefeller +shaken +banjo +izzy +##ense +breathless +vines +##32 +##eman +alterations +chromosome +dwellings +feudal +mole +153 +catalonia +relics +tenant +mandated +##fm +fridge +hats +honesty +patented +raul +heap +cruisers +accusing +enlightenment +infants +wherein +chatham +contractors +zen +affinity +hc +osborne +piston +156 +traps +maturity +##rana +lagos +##zal +peering +##nay +attendant +dealers +protocols +subset +prospects +biographical +##cre +artery +##zers +insignia +nuns +endured +##eration +recommend +schwartz +serbs +berger +cromwell +crossroads +##ctor +enduring +clasped +grounded +##bine +marseille +twitched +abel +choke +https +catalyst +moldova +italians +##tist +disastrous +wee +##oured +##nti +wwf +nope +##piration +##asa +expresses +thumbs +167 +##nza +coca +1781 +cheating +##ption +skipped +sensory +heidelberg +spies +satan +dangers +semifinal +202 +bohemia +whitish +confusing +shipbuilding +relies +surgeons +landings +ravi +baku +moor +suffix +alejandro +##yana +litre +upheld +##unk +rajasthan +##rek +coaster +insists +posture +scenarios +etienne +favoured +appoint +transgender +elephants +poked +greenwood +defences +fulfilled +militant +somali +1758 +chalk +potent +##ucci +migrants +wink +assistants +nos +restriction +activism +niger +##ario +colon +shaun +##sat +daphne +##erated +swam +congregations +reprise +considerations +magnet +playable +xvi +##р +overthrow +tobias +knob +chavez +coding +##mers +propped +katrina +orient +newcomer +##suke +temperate +##pool +farmhouse +interrogation +##vd +committing +##vert +forthcoming +strawberry +joaquin +macau +ponds +shocking +siberia +##cellular +chant +contributors +##nant +##ologists +sped +absorb +hail +1782 +spared +##hore +barbados +karate +opus +originates +saul +##xie +evergreen +leaped +##rock +correlation +exaggerated +weekday +unification +bump +tracing +brig +afb +pathways +utilizing +##ners +mod +mb +disturbance +kneeling +##stad +##guchi +100th +pune +##thy +decreasing +168 +manipulation +miriam +academia +ecosystem +occupational +rbi +##lem +rift +##14 +rotary +stacked +incorporation +awakening +generators +guerrero +racist +##omy +cyber +derivatives +culminated +allie +annals +panzer +sainte +wikipedia +pops +zu +austro +##vate +algerian +politely +nicholson +mornings +educate +tastes +thrill +dartmouth +##gating +db +##jee +regan +differing +concentrating +choreography +divinity +##media +pledged +alexandre +routing +gregor +madeline +##idal +apocalypse +##hora +gunfire +culminating +elves +fined +liang +lam +programmed +tar +guessing +transparency +gabrielle +##gna +cancellation +flexibility +##lining +accession +shea +stronghold +nets +specializes +##rgan +abused +hasan +sgt +ling +exceeding +##₄ +admiration +supermarket +##ark +photographers +specialised +tilt +resonance +hmm +perfume +380 +sami +threatens +garland +botany +guarding +boiled +greet +puppy +russo +supplier +wilmington +vibrant +vijay +##bius +paralympic +grumbled +paige +faa +licking +margins +hurricanes +##gong +fest +grenade +ripping +##uz +counseling +weigh +##sian +needles +wiltshire +edison +costly +##not +fulton +tramway +redesigned +staffordshire +cache +gasping +watkins +sleepy +candidacy +##group +monkeys +timeline +throbbing +##bid +##sos +berth +uzbekistan +vanderbilt +bothering +overturned +ballots +gem +##iger +sunglasses +subscribers +hooker +compelling +ang +exceptionally +saloon +stab +##rdi +carla +terrifying +rom +##vision +coil +##oids +satisfying +vendors +31st +mackay +deities +overlooked +ambient +bahamas +felipe +olympia +whirled +botanist +advertised +tugging +##dden +disciples +morales +unionist +rites +foley +morse +motives +creepy +##₀ +soo +##sz +bargain +highness +frightening +turnpike +tory +reorganization +##cer +depict +biographer +##walk +unopposed +manifesto +##gles +institut +emile +accidental +kapoor +##dam +kilkenny +cortex +lively +##13 +romanesque +jain +shan +cannons +##ood +##ske +petrol +echoing +amalgamated +disappears +cautious +proposes +sanctions +trenton +##ر +flotilla +aus +contempt +tor +canary +cote +theirs +##hun +conceptual +deleted +fascinating +paso +blazing +elf +honourable +hutchinson +##eiro +##outh +##zin +surveyor +tee +amidst +wooded +reissue +intro +##ono +cobb +shelters +newsletter +hanson +brace +encoding +confiscated +dem +caravan +marino +scroll +melodic +cows +imam +##adi +##aneous +northward +searches +biodiversity +cora +310 +roaring +##bers +connell +theologian +halo +compose +pathetic +unmarried +dynamo +##oot +az +calculation +toulouse +deserves +humour +nr +forgiveness +tam +undergone +martyr +pamela +myths +whore +counselor +hicks +290 +heavens +battleship +electromagnetic +##bbs +stellar +establishments +presley +hopped +##chin +temptation +90s +wills +nas +##yuan +nhs +##nya +seminars +##yev +adaptations +gong +asher +lex +indicator +sikh +tobago +cites +goin +##yte +satirical +##gies +characterised +correspond +bubbles +lure +participates +##vid +eruption +skate +therapeutic +1785 +canals +wholesale +defaulted +sac +460 +petit +##zzled +virgil +leak +ravens +256 +portraying +##yx +ghetto +creators +dams +portray +vicente +##rington +fae +namesake +bounty +##arium +joachim +##ota +##iser +aforementioned +axle +snout +depended +dismantled +reuben +480 +##ibly +gallagher +##lau +##pd +earnest +##ieu +##iary +inflicted +objections +##llar +asa +gritted +##athy +jericho +##sea +##was +flick +underside +ceramics +undead +substituted +195 +eastward +undoubtedly +wheeled +chimney +##iche +guinness +cb +##ager +siding +##bell +traitor +baptiste +disguised +inauguration +149 +tipperary +choreographer +perched +warmed +stationary +eco +##ike +##ntes +bacterial +##aurus +flores +phosphate +##core +attacker +invaders +alvin +intersects +a1 +indirectly +immigrated +businessmen +cornelius +valves +narrated +pill +sober +ul +nationale +monastic +applicants +scenery +##jack +161 +motifs +constitutes +cpu +##osh +jurisdictions +sd +tuning +irritation +woven +##uddin +fertility +gao +##erie +antagonist +impatient +glacial +hides +boarded +denominations +interception +##jas +cookie +nicola +##tee +algebraic +marquess +bahn +parole +buyers +bait +turbines +paperwork +bestowed +natasha +renee +oceans +purchases +157 +vaccine +215 +##tock +fixtures +playhouse +integrate +jai +oswald +intellectuals +##cky +booked +nests +mortimer +##isi +obsession +sept +##gler +##sum +440 +scrutiny +simultaneous +squinted +##shin +collects +oven +shankar +penned +remarkably +##я +slips +luggage +spectral +1786 +collaborations +louie +consolidation +##ailed +##ivating +420 +hoover +blackpool +harness +ignition +vest +tails +belmont +mongol +skinner +##nae +visually +mage +derry +##tism +##unce +stevie +transitional +##rdy +redskins +drying +prep +prospective +##21 +annoyance +oversee +##loaded +fills +##books +##iki +announces +fda +scowled +respects +prasad +mystic +tucson +##vale +revue +springer +bankrupt +1772 +aristotle +salvatore +habsburg +##geny +dal +natal +nut +pod +chewing +darts +moroccan +walkover +rosario +lenin +punjabi +##ße +grossed +scattering +wired +invasive +hui +polynomial +corridors +wakes +gina +portrays +##cratic +arid +retreating +erich +irwin +sniper +##dha +linen +lindsey +maneuver +butch +shutting +socio +bounce +commemorative +postseason +jeremiah +pines +275 +mystical +beads +bp +abbas +furnace +bidding +consulted +assaulted +empirical +rubble +enclosure +sob +weakly +cancel +polly +yielded +##emann +curly +prediction +battered +70s +vhs +jacqueline +render +sails +barked +detailing +grayson +riga +sloane +raging +##yah +herbs +bravo +##athlon +alloy +giggle +imminent +suffers +assumptions +waltz +##itate +accomplishments +##ited +bathing +remixed +deception +prefix +##emia +deepest +##tier +##eis +balkan +frogs +##rong +slab +##pate +philosophers +peterborough +grains +imports +dickinson +rwanda +##atics +1774 +dirk +lan +tablets +##rove +clone +##rice +caretaker +hostilities +mclean +##gre +regimental +treasures +norms +impose +tsar +tango +diplomacy +variously +complain +192 +recognise +arrests +1779 +celestial +pulitzer +##dus +bing +libretto +##moor +adele +splash +##rite +expectation +lds +confronts +##izer +spontaneous +harmful +wedge +entrepreneurs +buyer +##ope +bilingual +translate +rugged +conner +circulated +uae +eaton +##gra +##zzle +lingered +lockheed +vishnu +reelection +alonso +##oom +joints +yankee +headline +cooperate +heinz +laureate +invading +##sford +echoes +scandinavian +##dham +hugging +vitamin +salute +micah +hind +trader +##sper +radioactive +##ndra +militants +poisoned +ratified +remark +campeonato +deprived +wander +prop +##dong +outlook +##tani +##rix +##eye +chiang +darcy +##oping +mandolin +spice +statesman +babylon +182 +walled +forgetting +afro +##cap +158 +giorgio +buffer +##polis +planetary +##gis +overlap +terminals +kinda +centenary +##bir +arising +manipulate +elm +ke +1770 +ak +##tad +chrysler +mapped +moose +pomeranian +quad +macarthur +assemblies +shoreline +recalls +stratford +##rted +noticeable +##evic +imp +##rita +##sque +accustomed +supplying +tents +disgusted +vogue +sipped +filters +khz +reno +selecting +luftwaffe +mcmahon +tyne +masterpiece +carriages +collided +dunes +exercised +flare +remembers +muzzle +##mobile +heck +##rson +burgess +lunged +middleton +boycott +bilateral +##sity +hazardous +lumpur +multiplayer +spotlight +jackets +goldman +liege +porcelain +rag +waterford +benz +attracts +hopeful +battling +ottomans +kensington +baked +hymns +cheyenne +lattice +levine +borrow +polymer +clashes +michaels +monitored +commitments +denounced +##25 +##von +cavity +##oney +hobby +akin +##holders +futures +intricate +cornish +patty +##oned +illegally +dolphin +##lag +barlow +yellowish +maddie +apologized +luton +plagued +##puram +nana +##rds +sway +fanny +łodz +##rino +psi +suspicions +hanged +##eding +initiate +charlton +##por +nak +competent +235 +analytical +annex +wardrobe +reservations +##rma +sect +162 +fairfax +hedge +piled +buckingham +uneven +bauer +simplicity +snyder +interpret +accountability +donors +moderately +byrd +continents +##cite +##max +disciple +hr +jamaican +ping +nominees +##uss +mongolian +diver +attackers +eagerly +ideological +pillows +miracles +apartheid +revolver +sulfur +clinics +moran +163 +##enko +ile +katy +rhetoric +##icated +chronology +recycling +##hrer +elongated +mughal +pascal +profiles +vibration +databases +domination +##fare +##rant +matthias +digest +rehearsal +polling +weiss +initiation +reeves +clinging +flourished +impress +ngo +##hoff +##ume +buckley +symposium +rhythms +weed +emphasize +transforming +##taking +##gence +##yman +accountant +analyze +flicker +foil +priesthood +voluntarily +decreases +##80 +##hya +slater +sv +charting +mcgill +##lde +moreno +##iu +besieged +zur +robes +##phic +admitting +api +deported +turmoil +peyton +earthquakes +##ares +nationalists +beau +clair +brethren +interrupt +welch +curated +galerie +requesting +164 +##ested +impending +steward +viper +##vina +complaining +beautifully +brandy +foam +nl +1660 +##cake +alessandro +punches +laced +explanations +##lim +attribute +clit +reggie +discomfort +##cards +smoothed +whales +##cene +adler +countered +duffy +disciplinary +widening +recipe +reliance +conducts +goats +gradient +preaching +##shaw +matilda +quasi +striped +meridian +cannabis +cordoba +certificates +##agh +##tering +graffiti +hangs +pilgrims +repeats +##ych +revive +urine +etat +##hawk +fueled +belts +fuzzy +susceptible +##hang +mauritius +salle +sincere +beers +hooks +##cki +arbitration +entrusted +advise +sniffed +seminar +junk +donnell +processors +principality +strapped +celia +mendoza +everton +fortunes +prejudice +starving +reassigned +steamer +##lund +tuck +evenly +foreman +##ffen +dans +375 +envisioned +slit +##xy +baseman +liberia +rosemary +##weed +electrified +periodically +potassium +stride +contexts +sperm +slade +mariners +influx +bianca +subcommittee +##rane +spilling +icao +estuary +##nock +delivers +iphone +##ulata +isa +mira +bohemian +dessert +##sbury +welcoming +proudly +slowing +##chs +musee +ascension +russ +##vian +waits +##psy +africans +exploit +##morphic +gov +eccentric +crab +peck +##ull +entrances +formidable +marketplace +groom +bolted +metabolism +patton +robbins +courier +payload +endure +##ifier +andes +refrigerator +##pr +ornate +##uca +ruthless +illegitimate +masonry +strasbourg +bikes +adobe +##³ +apples +quintet +willingly +niche +bakery +corpses +energetic +##cliffe +##sser +##ards +177 +centimeters +centro +fuscous +cretaceous +rancho +##yde +andrei +telecom +tottenham +oasis +ordination +vulnerability +presiding +corey +cp +penguins +sims +##pis +malawi +piss +##48 +correction +##cked +##ffle +##ryn +countdown +detectives +psychiatrist +psychedelic +dinosaurs +blouse +##get +choi +vowed +##oz +randomly +##pol +49ers +scrub +blanche +bruins +dusseldorf +##using +unwanted +##ums +212 +dominique +elevations +headlights +om +laguna +##oga +1750 +famously +ignorance +shrewsbury +##aine +ajax +breuning +che +confederacy +greco +overhaul +##screen +paz +skirts +disagreement +cruelty +jagged +phoebe +shifter +hovered +viruses +##wes +mandy +##lined +##gc +landlord +squirrel +dashed +##ι +ornamental +gag +wally +grange +literal +spurs +undisclosed +proceeding +yin +##text +billie +orphan +spanned +humidity +indy +weighted +presentations +explosions +lucian +##tary +vaughn +hindus +##anga +##hell +psycho +171 +daytona +protects +efficiently +rematch +sly +tandem +##oya +rebranded +impaired +hee +metropolis +peach +godfrey +diaspora +ethnicity +prosperous +gleaming +dar +grossing +playback +##rden +stripe +pistols +##tain +births +labelled +##cating +172 +rudy +alba +##onne +aquarium +hostility +##gb +##tase +shudder +sumatra +hardest +lakers +consonant +creeping +demos +homicide +capsule +zeke +liberties +expulsion +pueblo +##comb +trait +transporting +##ddin +##neck +##yna +depart +gregg +mold +ledge +hangar +oldham +playboy +termination +analysts +gmbh +romero +##itic +insist +cradle +filthy +brightness +slash +shootout +deposed +bordering +##truct +isis +microwave +tumbled +sheltered +cathy +werewolves +messy +andersen +convex +clapped +clinched +satire +wasting +edo +vc +rufus +##jak +mont +##etti +poznan +##keeping +restructuring +transverse +##rland +azerbaijani +slovene +gestures +roommate +choking +shear +##quist +vanguard +oblivious +##hiro +disagreed +baptism +##lich +coliseum +##aceae +salvage +societe +cory +locke +relocation +relying +versailles +ahl +swelling +##elo +cheerful +##word +##edes +gin +sarajevo +obstacle +diverted +##nac +messed +thoroughbred +fluttered +utrecht +chewed +acquaintance +assassins +dispatch +mirza +##wart +nike +salzburg +swell +yen +##gee +idle +ligue +samson +##nds +##igh +playful +spawned +##cise +tease +##case +burgundy +##bot +stirring +skeptical +interceptions +marathi +##dies +bedrooms +aroused +pinch +##lik +preferences +tattoos +buster +digitally +projecting +rust +##ital +kitten +priorities +addison +pseudo +##guard +dusk +icons +sermon +##psis +##iba +bt +##lift +##xt +ju +truce +rink +##dah +##wy +defects +psychiatry +offences +calculate +glucose +##iful +##rized +##unda +francaise +##hari +richest +warwickshire +carly +1763 +purity +redemption +lending +##cious +muse +bruises +cerebral +aero +carving +##name +preface +terminology +invade +monty +##int +anarchist +blurred +##iled +rossi +treats +guts +shu +foothills +ballads +undertaking +premise +cecilia +affiliates +blasted +conditional +wilder +minors +drone +rudolph +buffy +swallowing +horton +attested +##hop +rutherford +howell +primetime +livery +penal +##bis +minimize +hydro +wrecked +wrought +palazzo +##gling +cans +vernacular +friedman +nobleman +shale +walnut +danielle +##ection +##tley +sears +##kumar +chords +lend +flipping +streamed +por +dracula +gallons +sacrifices +gamble +orphanage +##iman +mckenzie +##gible +boxers +daly +##balls +##ان +208 +##ific +##rative +##iq +exploited +slated +##uity +circling +hillary +pinched +goldberg +provost +campaigning +lim +piles +ironically +jong +mohan +successors +usaf +##tem +##ught +autobiographical +haute +preserves +##ending +acquitted +comparisons +203 +hydroelectric +gangs +cypriot +torpedoes +rushes +chrome +derive +bumps +instability +fiat +pets +##mbe +silas +dye +reckless +settler +##itation +info +heats +##writing +176 +canonical +maltese +fins +mushroom +stacy +aspen +avid +##kur +##loading +vickers +gaston +hillside +statutes +wilde +gail +kung +sabine +comfortably +motorcycles +##rgo +169 +pneumonia +fetch +##sonic +axel +faintly +parallels +##oop +mclaren +spouse +compton +interdisciplinary +miner +##eni +181 +clamped +##chal +##llah +separates +versa +##mler +scarborough +labrador +##lity +##osing +rutgers +hurdles +como +166 +burt +divers +##100 +wichita +cade +coincided +##erson +bruised +mla +##pper +vineyard +##ili +##brush +notch +mentioning +jase +hearted +kits +doe +##acle +pomerania +##ady +ronan +seizure +pavel +problematic +##zaki +domenico +##ulin +catering +penelope +dependence +parental +emilio +ministerial +atkinson +##bolic +clarkson +chargers +colby +grill +peeked +arises +summon +##aged +fools +##grapher +faculties +qaeda +##vial +garner +refurbished +##hwa +geelong +disasters +nudged +bs +shareholder +lori +algae +reinstated +rot +##ades +##nous +invites +stainless +183 +inclusive +##itude +diocesan +til +##icz +denomination +##xa +benton +floral +registers +##ider +##erman +##kell +absurd +brunei +guangzhou +hitter +retaliation +##uled +##eve +blanc +nh +consistency +contamination +##eres +##rner +dire +palermo +broadcasters +diaries +inspire +vols +brewer +tightening +ky +mixtape +hormone +##tok +stokes +##color +##dly +##ssi +pg +##ometer +##lington +sanitation +##tility +intercontinental +apps +##adt +¹⁄₂ +cylinders +economies +favourable +unison +croix +gertrude +odyssey +vanity +dangling +##logists +upgrades +dice +middleweight +practitioner +##ight +206 +henrik +parlor +orion +angered +lac +python +blurted +##rri +sensual +intends +swings +angled +##phs +husky +attain +peerage +precinct +textiles +cheltenham +shuffled +dai +confess +tasting +bhutan +##riation +tyrone +segregation +abrupt +ruiz +##rish +smirked +blackwell +confidential +browning +amounted +##put +vase +scarce +fabulous +raided +staple +guyana +unemployed +glider +shay +##tow +carmine +troll +intervene +squash +superstar +##uce +cylindrical +len +roadway +researched +handy +##rium +##jana +meta +lao +declares +##rring +##tadt +##elin +##kova +willem +shrubs +napoleonic +realms +skater +qi +volkswagen +##ł +tad +hara +archaeologist +awkwardly +eerie +##kind +wiley +##heimer +##24 +titus +organizers +cfl +crusaders +lama +usb +vent +enraged +thankful +occupants +maximilian +##gaard +possessing +textbooks +##oran +collaborator +quaker +##ulo +avalanche +mono +silky +straits +isaiah +mustang +surged +resolutions +potomac +descend +cl +kilograms +plato +strains +saturdays +##olin +bernstein +##ype +holstein +ponytail +##watch +belize +conversely +heroine +perpetual +##ylus +charcoal +piedmont +glee +negotiating +backdrop +prologue +##jah +##mmy +pasadena +climbs +ramos +sunni +##holm +##tner +##tri +anand +deficiency +hertfordshire +stout +##avi +aperture +orioles +##irs +doncaster +intrigued +bombed +coating +otis +##mat +cocktail +##jit +##eto +amir +arousal +sar +##proof +##act +##ories +dixie +pots +##bow +whereabouts +159 +##fted +drains +bullying +cottages +scripture +coherent +fore +poe +appetite +##uration +sampled +##ators +##dp +derrick +rotor +jays +peacock +installment +##rro +advisors +##coming +rodeo +scotch +##mot +##db +##fen +##vant +ensued +rodrigo +dictatorship +martyrs +twenties +##н +towed +incidence +marta +rainforest +sai +scaled +##cles +oceanic +qualifiers +symphonic +mcbride +dislike +generalized +aubrey +colonization +##iation +##lion +##ssing +disliked +lublin +salesman +##ulates +spherical +whatsoever +sweating +avalon +contention +punt +severity +alderman +atari +##dina +##grant +##rop +scarf +seville +vertices +annexation +fairfield +fascination +inspiring +launches +palatinate +regretted +##rca +feral +##iom +elk +nap +olsen +reddy +yong +##leader +##iae +garment +transports +feng +gracie +outrage +viceroy +insides +##esis +breakup +grady +organizer +softer +grimaced +222 +murals +galicia +arranging +vectors +##rsten +bas +##sb +##cens +sloan +##eka +bitten +ara +fender +nausea +bumped +kris +banquet +comrades +detector +persisted +##llan +adjustment +endowed +cinemas +##shot +sellers +##uman +peek +epa +kindly +neglect +simpsons +talon +mausoleum +runaway +hangul +lookout +##cic +rewards +coughed +acquainted +chloride +##ald +quicker +accordion +neolithic +##qa +artemis +coefficient +lenny +pandora +tx +##xed +ecstasy +litter +segunda +chairperson +gemma +hiss +rumor +vow +nasal +antioch +compensate +patiently +transformers +##eded +judo +morrow +penis +posthumous +philips +bandits +husbands +denote +flaming +##any +##phones +langley +yorker +1760 +walters +##uo +##kle +gubernatorial +fatty +samsung +leroy +outlaw +##nine +unpublished +poole +jakob +##ᵢ +##ₙ +crete +distorted +superiority +##dhi +intercept +crust +mig +claus +crashes +positioning +188 +stallion +301 +frontal +armistice +##estinal +elton +aj +encompassing +camel +commemorated +malaria +woodward +calf +cigar +penetrate +##oso +willard +##rno +##uche +illustrate +amusing +convergence +noteworthy +##lma +##rva +journeys +realise +manfred +##sable +410 +##vocation +hearings +fiance +##posed +educators +provoked +adjusting +##cturing +modular +stockton +paterson +vlad +rejects +electors +selena +maureen +##tres +uber +##rce +swirled +##num +proportions +nanny +pawn +naturalist +parma +apostles +awoke +ethel +wen +##bey +monsoon +overview +##inating +mccain +rendition +risky +adorned +##ih +equestrian +germain +nj +conspicuous +confirming +##yoshi +shivering +##imeter +milestone +rumours +flinched +bounds +smacked +token +##bei +lectured +automobiles +##shore +impacted +##iable +nouns +nero +##leaf +ismail +prostitute +trams +##lace +bridget +sud +stimulus +impressions +reins +revolves +##oud +##gned +giro +honeymoon +##swell +criterion +##sms +##uil +libyan +prefers +##osition +211 +preview +sucks +accusation +bursts +metaphor +diffusion +tolerate +faye +betting +cinematographer +liturgical +specials +bitterly +humboldt +##ckle +flux +rattled +##itzer +archaeologists +odor +authorised +marshes +discretion +##ов +alarmed +archaic +inverse +##leton +explorers +##pine +drummond +tsunami +woodlands +##minate +##tland +booklet +insanity +owning +insert +crafted +calculus +##tore +receivers +##bt +stung +##eca +##nched +prevailing +travellers +eyeing +lila +graphs +##borne +178 +julien +##won +morale +adaptive +therapist +erica +cw +libertarian +bowman +pitches +vita +##ional +crook +##ads +##entation +caledonia +mutiny +##sible +1840s +automation +##ß +flock +##pia +ironic +pathology +##imus +remarried +##22 +joker +withstand +energies +##att +shropshire +hostages +madeleine +tentatively +conflicting +mateo +recipes +euros +ol +mercenaries +nico +##ndon +albuquerque +augmented +mythical +bel +freud +##child +cough +##lica +365 +freddy +lillian +genetically +nuremberg +calder +209 +bonn +outdoors +paste +suns +urgency +vin +restraint +tyson +##cera +##selle +barrage +bethlehem +kahn +##par +mounts +nippon +barony +happier +ryu +makeshift +sheldon +blushed +castillo +barking +listener +taped +bethel +fluent +headlines +pornography +rum +disclosure +sighing +mace +doubling +gunther +manly +##plex +rt +interventions +physiological +forwards +emerges +##tooth +##gny +compliment +rib +recession +visibly +barge +faults +connector +exquisite +prefect +##rlin +patio +##cured +elevators +brandt +italics +pena +173 +wasp +satin +ea +botswana +graceful +respectable +##jima +##rter +##oic +franciscan +generates +##dl +alfredo +disgusting +##olate +##iously +sherwood +warns +cod +promo +cheryl +sino +##ة +##escu +twitch +##zhi +brownish +thom +ortiz +##dron +densely +##beat +carmel +reinforce +##bana +187 +anastasia +downhill +vertex +contaminated +remembrance +harmonic +homework +##sol +fiancee +gears +olds +angelica +loft +ramsay +quiz +colliery +sevens +##cape +autism +##hil +walkway +##boats +ruben +abnormal +ounce +khmer +##bbe +zachary +bedside +morphology +punching +##olar +sparrow +convinces +##35 +hewitt +queer +remastered +rods +mabel +solemn +notified +lyricist +symmetric +##xide +174 +encore +passports +wildcats +##uni +baja +##pac +mildly +##ease +bleed +commodity +mounds +glossy +orchestras +##omo +damian +prelude +ambitions +##vet +awhile +remotely +##aud +asserts +imply +##iques +distinctly +modelling +remedy +##dded +windshield +dani +xiao +##endra +audible +powerplant +1300 +invalid +elemental +acquisitions +##hala +immaculate +libby +plata +smuggling +ventilation +denoted +minh +##morphism +430 +differed +dion +kelley +lore +mocking +sabbath +spikes +hygiene +drown +runoff +stylized +tally +liberated +aux +interpreter +righteous +aba +siren +reaper +pearce +millie +##cier +##yra +gaius +##iso +captures +##ttering +dorm +claudio +##sic +benches +knighted +blackness +##ored +discount +fumble +oxidation +routed +##ς +novak +perpendicular +spoiled +fracture +splits +##urt +pads +topology +##cats +axes +fortunate +offenders +protestants +esteem +221 +broadband +convened +frankly +hound +prototypes +isil +facilitated +keel +##sher +sahara +awaited +bubba +orb +prosecutors +186 +hem +520 +##xing +relaxing +remnant +romney +sorted +slalom +stefano +ulrich +##active +exemption +folder +pauses +foliage +hitchcock +epithet +204 +criticisms +##aca +ballistic +brody +hinduism +chaotic +youths +equals +##pala +pts +thicker +analogous +capitalist +improvised +overseeing +sinatra +ascended +beverage +##tl +straightforward +##kon +curran +##west +bois +325 +induce +surveying +emperors +sax +unpopular +##kk +cartoonist +fused +##mble +unto +##yuki +localities +##cko +##ln +darlington +slain +academie +lobbying +sediment +puzzles +##grass +defiance +dickens +manifest +tongues +alumnus +arbor +coincide +184 +appalachian +mustafa +examiner +cabaret +traumatic +yves +bracelet +draining +heroin +magnum +baths +odessa +consonants +mitsubishi +##gua +kellan +vaudeville +##fr +joked +null +straps +probation +##ław +ceded +interfaces +##pas +##zawa +blinding +viet +224 +rothschild +museo +640 +huddersfield +##vr +tactic +##storm +brackets +dazed +incorrectly +##vu +reg +glazed +fearful +manifold +benefited +irony +##sun +stumbling +##rte +willingness +balkans +mei +wraps +##aba +injected +##lea +gu +syed +harmless +##hammer +bray +takeoff +poppy +timor +cardboard +astronaut +purdue +weeping +southbound +cursing +stalls +diagonal +##neer +lamar +bryce +comte +weekdays +harrington +##uba +negatively +##see +lays +grouping +##cken +##henko +affirmed +halle +modernist +##lai +hodges +smelling +aristocratic +baptized +dismiss +justification +oilers +##now +coupling +qin +snack +healer +##qing +gardener +layla +battled +formulated +stephenson +gravitational +##gill +##jun +1768 +granny +coordinating +suites +##cd +##ioned +monarchs +##cote +##hips +sep +blended +apr +barrister +deposition +fia +mina +policemen +paranoid +##pressed +churchyard +covert +crumpled +creep +abandoning +tr +transmit +conceal +barr +understands +readiness +spire +##cology +##enia +##erry +610 +startling +unlock +vida +bowled +slots +##nat +##islav +spaced +trusting +admire +rig +##ink +slack +##70 +mv +207 +casualty +##wei +classmates +##odes +##rar +##rked +amherst +furnished +evolve +foundry +menace +mead +##lein +flu +wesleyan +##kled +monterey +webber +##vos +wil +##mith +##на +bartholomew +justices +restrained +##cke +amenities +191 +mediated +sewage +trenches +ml +mainz +##thus +1800s +##cula +##inski +caine +bonding +213 +converts +spheres +superseded +marianne +crypt +sweaty +ensign +historia +##br +spruce +##post +##ask +forks +thoughtfully +yukon +pamphlet +ames +##uter +karma +##yya +bryn +negotiation +sighs +incapable +##mbre +##ntial +actresses +taft +##mill +luce +prevailed +##amine +1773 +motionless +envoy +testify +investing +sculpted +instructors +provence +kali +cullen +horseback +##while +goodwin +##jos +gaa +norte +##ldon +modify +wavelength +abd +214 +skinned +sprinter +forecast +scheduling +marries +squared +tentative +##chman +boer +##isch +bolts +swap +fisherman +assyrian +impatiently +guthrie +martins +murdoch +194 +tanya +nicely +dolly +lacy +med +##45 +syn +decks +fashionable +millionaire +##ust +surfing +##ml +##ision +heaved +tammy +consulate +attendees +routinely +197 +fuse +saxophonist +backseat +malaya +##lord +scowl +tau +##ishly +193 +sighted +steaming +##rks +303 +911 +##holes +##hong +ching +##wife +bless +conserved +jurassic +stacey +unix +zion +chunk +rigorous +blaine +198 +peabody +slayer +dismay +brewers +nz +##jer +det +##glia +glover +postwar +int +penetration +sylvester +imitation +vertically +airlift +heiress +knoxville +viva +##uin +390 +macon +##rim +##fighter +##gonal +janice +##orescence +##wari +marius +belongings +leicestershire +196 +blanco +inverted +preseason +sanity +sobbing +##due +##elt +##dled +collingwood +regeneration +flickering +shortest +##mount +##osi +feminism +##lat +sherlock +cabinets +fumbled +northbound +precedent +snaps +##mme +researching +##akes +guillaume +insights +manipulated +vapor +neighbour +sap +gangster +frey +f1 +stalking +scarcely +callie +barnett +tendencies +audi +doomed +assessing +slung +panchayat +ambiguous +bartlett +##etto +distributing +violating +wolverhampton +##hetic +swami +histoire +##urus +liable +pounder +groin +hussain +larsen +popping +surprises +##atter +vie +curt +##station +mute +relocate +musicals +authorization +richter +##sef +immortality +tna +bombings +##press +deteriorated +yiddish +##acious +robbed +colchester +cs +pmid +ao +verified +balancing +apostle +swayed +recognizable +oxfordshire +retention +nottinghamshire +contender +judd +invitational +shrimp +uhf +##icient +cleaner +longitudinal +tanker +##mur +acronym +broker +koppen +sundance +suppliers +##gil +4000 +clipped +fuels +petite +##anne +landslide +helene +diversion +populous +landowners +auspices +melville +quantitative +##xes +ferries +nicky +##llus +doo +haunting +roche +carver +downed +unavailable +##pathy +approximation +hiroshima +##hue +garfield +valle +comparatively +keyboardist +traveler +##eit +congestion +calculating +subsidiaries +##bate +serb +modernization +fairies +deepened +ville +averages +##lore +inflammatory +tonga +##itch +co₂ +squads +##hea +gigantic +serum +enjoyment +retailer +verona +35th +cis +##phobic +magna +technicians +##vati +arithmetic +##sport +levin +##dation +amtrak +chow +sienna +##eyer +backstage +entrepreneurship +##otic +learnt +tao +##udy +worcestershire +formulation +baggage +hesitant +bali +sabotage +##kari +barren +enhancing +murmur +pl +freshly +putnam +syntax +aces +medicines +resentment +bandwidth +##sier +grins +chili +guido +##sei +framing +implying +gareth +lissa +genevieve +pertaining +admissions +geo +thorpe +proliferation +sato +bela +analyzing +parting +##gor +awakened +##isman +huddled +secrecy +##kling +hush +gentry +540 +dungeons +##ego +coasts +##utz +sacrificed +##chule +landowner +mutually +prevalence +programmer +adolescent +disrupted +seaside +gee +trusts +vamp +georgie +##nesian +##iol +schedules +sindh +##market +etched +hm +sparse +bey +beaux +scratching +gliding +unidentified +216 +collaborating +gems +jesuits +oro +accumulation +shaping +mbe +anal +##xin +231 +enthusiasts +newscast +##egan +janata +dewey +parkinson +179 +ankara +biennial +towering +dd +inconsistent +950 +##chet +thriving +terminate +cabins +furiously +eats +advocating +donkey +marley +muster +phyllis +leiden +##user +grassland +glittering +iucn +loneliness +217 +memorandum +armenians +##ddle +popularized +rhodesia +60s +lame +##illon +sans +bikini +header +orbits +##xx +##finger +##ulator +sharif +spines +biotechnology +strolled +naughty +yates +##wire +fremantle +milo +##mour +abducted +removes +##atin +humming +wonderland +##chrome +##ester +hume +pivotal +##rates +armand +grams +believers +elector +rte +apron +bis +scraped +##yria +endorsement +initials +##llation +eps +dotted +hints +buzzing +emigration +nearer +##tom +indicators +##ulu +coarse +neutron +protectorate +##uze +directional +exploits +pains +loire +1830s +proponents +guggenheim +rabbits +ritchie +305 +hectare +inputs +hutton +##raz +verify +##ako +boilers +longitude +##lev +skeletal +yer +emilia +citrus +compromised +##gau +pokemon +prescription +paragraph +eduard +cadillac +attire +categorized +kenyan +weddings +charley +##bourg +entertain +monmouth +##lles +nutrients +davey +mesh +incentive +practised +ecosystems +kemp +subdued +overheard +##rya +bodily +maxim +##nius +apprenticeship +ursula +##fight +lodged +rug +silesian +unconstitutional +patel +inspected +coyote +unbeaten +##hak +34th +disruption +convict +parcel +##cl +##nham +collier +implicated +mallory +##iac +##lab +susannah +winkler +##rber +shia +phelps +sediments +graphical +robotic +##sner +adulthood +mart +smoked +##isto +kathryn +clarified +##aran +divides +convictions +oppression +pausing +burying +##mt +federico +mathias +eileen +##tana +kite +hunched +##acies +189 +##atz +disadvantage +liza +kinetic +greedy +paradox +yokohama +dowager +trunks +ventured +##gement +gupta +vilnius +olaf +##thest +crimean +hopper +##ej +progressively +arturo +mouthed +arrondissement +##fusion +rubin +simulcast +oceania +##orum +##stra +##rred +busiest +intensely +navigator +cary +##vine +##hini +##bies +fife +rowe +rowland +posing +insurgents +shafts +lawsuits +activate +conor +inward +culturally +garlic +265 +##eering +eclectic +##hui +##kee +##nl +furrowed +vargas +meteorological +rendezvous +##aus +culinary +commencement +##dition +quota +##notes +mommy +salaries +overlapping +mule +##iology +##mology +sums +wentworth +##isk +##zione +mainline +subgroup +##illy +hack +plaintiff +verdi +bulb +differentiation +engagements +multinational +supplemented +bertrand +caller +regis +##naire +##sler +##arts +##imated +blossom +propagation +kilometer +viaduct +vineyards +##uate +beckett +optimization +golfer +songwriters +seminal +semitic +thud +volatile +evolving +ridley +##wley +trivial +distributions +scandinavia +jiang +##ject +wrestled +insistence +##dio +emphasizes +napkin +##ods +adjunct +rhyme +##ricted +##eti +hopeless +surrounds +tremble +32nd +smoky +##ntly +oils +medicinal +padded +steer +wilkes +219 +255 +concessions +hue +uniquely +blinded +landon +yahoo +##lane +hendrix +commemorating +dex +specify +chicks +##ggio +intercity +1400 +morley +##torm +highlighting +##oting +pang +oblique +stalled +##liner +flirting +newborn +1769 +bishopric +shaved +232 +currie +##ush +dharma +spartan +##ooped +favorites +smug +novella +sirens +abusive +creations +espana +##lage +paradigm +semiconductor +sheen +##rdo +##yen +##zak +nrl +renew +##pose +##tur +adjutant +marches +norma +##enity +ineffective +weimar +grunt +##gat +lordship +plotting +expenditure +infringement +lbs +refrain +av +mimi +mistakenly +postmaster +1771 +##bara +ras +motorsports +tito +199 +subjective +##zza +bully +stew +##kaya +prescott +1a +##raphic +##zam +bids +styling +paranormal +reeve +sneaking +exploding +katz +akbar +migrant +syllables +indefinitely +##ogical +destroys +replaces +applause +##phine +pest +##fide +218 +articulated +bertie +##thing +##cars +##ptic +courtroom +crowley +aesthetics +cummings +tehsil +hormones +titanic +dangerously +##ibe +stadion +jaenelle +auguste +ciudad +##chu +mysore +partisans +##sio +lucan +philipp +##aly +debating +henley +interiors +##rano +##tious +homecoming +beyonce +usher +henrietta +prepares +weeds +##oman +ely +plucked +##pire +##dable +luxurious +##aq +artifact +password +pasture +juno +maddy +minsk +##dder +##ologies +##rone +assessments +martian +royalist +1765 +examines +##mani +##rge +nino +223 +parry +scooped +relativity +##eli +##uting +##cao +congregational +noisy +traverse +##agawa +strikeouts +nickelodeon +obituary +transylvania +binds +depictions +polk +trolley +##yed +##lard +breeders +##under +dryly +hokkaido +1762 +strengths +stacks +bonaparte +connectivity +neared +prostitutes +stamped +anaheim +gutierrez +sinai +##zzling +bram +fresno +madhya +##86 +proton +##lena +##llum +##phon +reelected +wanda +##anus +##lb +ample +distinguishing +##yler +grasping +sermons +tomato +bland +stimulation +avenues +##eux +spreads +scarlett +fern +pentagon +assert +baird +chesapeake +ir +calmed +distortion +fatalities +##olis +correctional +pricing +##astic +##gina +prom +dammit +ying +collaborate +##chia +welterweight +33rd +pointer +substitution +bonded +umpire +communicating +multitude +paddle +##obe +federally +intimacy +##insky +betray +ssr +##lett +##lean +##lves +##therapy +airbus +##tery +functioned +ud +bearer +biomedical +netflix +##hire +##nca +condom +brink +ik +##nical +macy +##bet +flap +gma +experimented +jelly +lavender +##icles +##ulia +munro +##mian +##tial +rye +##rle +60th +gigs +hottest +rotated +predictions +fuji +bu +##erence +##omi +barangay +##fulness +##sas +clocks +##rwood +##liness +cereal +roe +wight +decker +uttered +babu +onion +xml +forcibly +##df +petra +sarcasm +hartley +peeled +storytelling +##42 +##xley +##ysis +##ffa +fibre +kiel +auditor +fig +harald +greenville +##berries +geographically +nell +quartz +##athic +cemeteries +##lr +crossings +nah +holloway +reptiles +chun +sichuan +snowy +660 +corrections +##ivo +zheng +ambassadors +blacksmith +fielded +fluids +hardcover +turnover +medications +melvin +academies +##erton +ro +roach +absorbing +spaniards +colton +##founded +outsider +espionage +kelsey +245 +edible +##ulf +dora +establishes +##sham +##tries +contracting +##tania +cinematic +costello +nesting +##uron +connolly +duff +##nology +mma +##mata +fergus +sexes +gi +optics +spectator +woodstock +banning +##hee +##fle +differentiate +outfielder +refinery +226 +312 +gerhard +horde +lair +drastically +##udi +landfall +##cheng +motorsport +odi +##achi +predominant +quay +skins +##ental +edna +harshly +complementary +murdering +##aves +wreckage +##90 +ono +outstretched +lennox +munitions +galen +reconcile +470 +scalp +bicycles +gillespie +questionable +rosenberg +guillermo +hostel +jarvis +kabul +volvo +opium +yd +##twined +abuses +decca +outpost +##cino +sensible +neutrality +##64 +ponce +anchorage +atkins +turrets +inadvertently +disagree +libre +vodka +reassuring +weighs +##yal +glide +jumper +ceilings +repertory +outs +stain +##bial +envy +##ucible +smashing +heightened +policing +hyun +mixes +lai +prima +##ples +celeste +##bina +lucrative +intervened +kc +manually +##rned +stature +staffed +bun +bastards +nairobi +priced +##auer +thatcher +##kia +tripped +comune +##ogan +##pled +brasil +incentives +emanuel +hereford +musica +##kim +benedictine +biennale +##lani +eureka +gardiner +rb +knocks +sha +##ael +##elled +##onate +efficacy +ventura +masonic +sanford +maize +leverage +##feit +capacities +santana +##aur +novelty +vanilla +##cter +##tour +benin +##oir +##rain +neptune +drafting +tallinn +##cable +humiliation +##boarding +schleswig +fabian +bernardo +liturgy +spectacle +sweeney +pont +routledge +##tment +cosmos +ut +hilt +sleek +universally +##eville +##gawa +typed +##dry +favors +allegheny +glaciers +##rly +recalling +aziz +##log +parasite +requiem +auf +##berto +##llin +illumination +##breaker +##issa +festivities +bows +govern +vibe +vp +333 +sprawled +larson +pilgrim +bwf +leaping +##rts +##ssel +alexei +greyhound +hoarse +##dler +##oration +seneca +##cule +gaping +##ulously +##pura +cinnamon +##gens +##rricular +craven +fantasies +houghton +engined +reigned +dictator +supervising +##oris +bogota +commentaries +unnatural +fingernails +spirituality +tighten +##tm +canadiens +protesting +intentional +cheers +sparta +##ytic +##iere +##zine +widen +belgarath +controllers +dodd +iaaf +navarre +##ication +defect +squire +steiner +whisky +##mins +560 +inevitably +tome +##gold +chew +##uid +##lid +elastic +##aby +streaked +alliances +jailed +regal +##ined +##phy +czechoslovak +narration +absently +##uld +bluegrass +guangdong +quran +criticizing +hose +hari +##liest +##owa +skier +streaks +deploy +##lom +raft +bose +dialed +huff +##eira +haifa +simplest +bursting +endings +ib +sultanate +##titled +franks +whitman +ensures +sven +##ggs +collaborators +forster +organising +ui +banished +napier +injustice +teller +layered +thump +##otti +roc +battleships +evidenced +fugitive +sadie +robotics +##roud +equatorial +geologist +##iza +yielding +##bron +##sr +internationale +mecca +##diment +sbs +skyline +toad +uploaded +reflective +undrafted +lal +leafs +bayern +##dai +lakshmi +shortlisted +##stick +##wicz +camouflage +donate +af +christi +lau +##acio +disclosed +nemesis +1761 +assemble +straining +northamptonshire +tal +##asi +bernardino +premature +heidi +42nd +coefficients +galactic +reproduce +buzzed +sensations +zionist +monsieur +myrtle +##eme +archery +strangled +musically +viewpoint +antiquities +bei +trailers +seahawks +cured +pee +preferring +tasmanian +lange +sul +##mail +##working +colder +overland +lucivar +massey +gatherings +haitian +##smith +disapproval +flaws +##cco +##enbach +1766 +npr +##icular +boroughs +creole +forums +techno +1755 +dent +abdominal +streetcar +##eson +##stream +procurement +gemini +predictable +##tya +acheron +christoph +feeder +fronts +vendor +bernhard +jammu +tumors +slang +##uber +goaltender +twists +curving +manson +vuelta +mer +peanut +confessions +pouch +unpredictable +allowance +theodor +vascular +##factory +bala +authenticity +metabolic +coughing +nanjing +##cea +pembroke +##bard +splendid +36th +ff +hourly +##ahu +elmer +handel +##ivate +awarding +thrusting +dl +experimentation +##hesion +##46 +caressed +entertained +steak +##rangle +biologist +orphans +baroness +oyster +stepfather +##dridge +mirage +reefs +speeding +##31 +barons +1764 +227 +inhabit +preached +repealed +##tral +honoring +boogie +captives +administer +johanna +##imate +gel +suspiciously +1767 +sobs +##dington +backbone +hayward +garry +##folding +##nesia +maxi +##oof +##ppe +ellison +galileo +##stand +crimea +frenzy +amour +bumper +matrices +natalia +baking +garth +palestinians +##grove +smack +conveyed +ensembles +gardening +##manship +##rup +##stituting +1640 +harvesting +topography +jing +shifters +dormitory +##carriage +##lston +ist +skulls +##stadt +dolores +jewellery +sarawak +##wai +##zier +fences +christy +confinement +tumbling +credibility +fir +stench +##bria +##plication +##nged +##sam +virtues +##belt +marjorie +pba +##eem +##made +celebrates +schooner +agitated +barley +fulfilling +anthropologist +##pro +restrict +novi +regulating +##nent +padres +##rani +##hesive +loyola +tabitha +milky +olson +proprietor +crambidae +guarantees +intercollegiate +ljubljana +hilda +##sko +ignorant +hooded +##lts +sardinia +##lidae +##vation +frontman +privileged +witchcraft +##gp +jammed +laude +poking +##than +bracket +amazement +yunnan +##erus +maharaja +linnaeus +264 +commissioning +milano +peacefully +##logies +akira +rani +regulator +##36 +grasses +##rance +luzon +crows +compiler +gretchen +seaman +edouard +tab +buccaneers +ellington +hamlets +whig +socialists +##anto +directorial +easton +mythological +##kr +##vary +rhineland +semantic +taut +dune +inventions +succeeds +##iter +replication +branched +##pired +jul +prosecuted +kangaroo +penetrated +##avian +middlesbrough +doses +bleak +madam +predatory +relentless +##vili +reluctance +##vir +hailey +crore +silvery +1759 +monstrous +swimmers +transmissions +hawthorn +informing +##eral +toilets +caracas +crouch +kb +##sett +295 +cartel +hadley +##aling +alexia +yvonne +##biology +cinderella +eton +superb +blizzard +stabbing +industrialist +maximus +##gm +##orus +groves +maud +clade +oversized +comedic +##bella +rosen +nomadic +fulham +montane +beverages +galaxies +redundant +swarm +##rot +##folia +##llis +buckinghamshire +fen +bearings +bahadur +##rom +gilles +phased +dynamite +faber +benoit +vip +##ount +##wd +booking +fractured +tailored +anya +spices +westwood +cairns +auditions +inflammation +steamed +##rocity +##acion +##urne +skyla +thereof +watford +torment +archdeacon +transforms +lulu +demeanor +fucked +serge +##sor +mckenna +minas +entertainer +##icide +caress +originate +residue +##sty +1740 +##ilised +##org +beech +##wana +subsidies +##ghton +emptied +gladstone +ru +firefighters +voodoo +##rcle +het +nightingale +tamara +edmond +ingredient +weaknesses +silhouette +285 +compatibility +withdrawing +hampson +##mona +anguish +giggling +##mber +bookstore +##jiang +southernmost +tilting +##vance +bai +economical +rf +briefcase +dreadful +hinted +projections +shattering +totaling +##rogate +analogue +indicted +periodical +fullback +##dman +haynes +##tenberg +##ffs +##ishment +1745 +thirst +stumble +penang +vigorous +##ddling +##kor +##lium +octave +##ove +##enstein +##inen +##ones +siberian +##uti +cbn +repeal +swaying +##vington +khalid +tanaka +unicorn +otago +plastered +lobe +riddle +##rella +perch +##ishing +croydon +filtered +graeme +tripoli +##ossa +crocodile +##chers +sufi +mined +##tung +inferno +lsu +##phi +swelled +utilizes +£2 +cale +periodicals +styx +hike +informally +coop +lund +##tidae +ala +hen +qui +transformations +disposed +sheath +chickens +##cade +fitzroy +sas +silesia +unacceptable +odisha +1650 +sabrina +pe +spokane +ratios +athena +massage +shen +dilemma +##drum +##riz +##hul +corona +doubtful +niall +##pha +##bino +fines +cite +acknowledging +bangor +ballard +bathurst +##resh +huron +mustered +alzheimer +garments +kinase +tyre +warship +##cp +flashback +pulmonary +braun +cheat +kamal +cyclists +constructions +grenades +ndp +traveller +excuses +stomped +signalling +trimmed +futsal +mosques +relevance +##wine +wta +##23 +##vah +##lter +hoc +##riding +optimistic +##´s +deco +sim +interacting +rejecting +moniker +waterways +##ieri +##oku +mayors +gdansk +outnumbered +pearls +##ended +##hampton +fairs +totals +dominating +262 +notions +stairway +compiling +pursed +commodities +grease +yeast +##jong +carthage +griffiths +residual +amc +contraction +laird +sapphire +##marine +##ivated +amalgamation +dissolve +inclination +lyle +packaged +altitudes +suez +canons +graded +lurched +narrowing +boasts +guise +wed +enrico +##ovsky +rower +scarred +bree +cub +iberian +protagonists +bargaining +proposing +trainers +voyages +vans +fishes +##aea +##ivist +##verance +encryption +artworks +kazan +sabre +cleopatra +hepburn +rotting +supremacy +mecklenburg +##brate +burrows +hazards +outgoing +flair +organizes +##ctions +scorpion +##usions +boo +234 +chevalier +dunedin +slapping +##34 +ineligible +pensions +##38 +##omic +manufactures +emails +bismarck +238 +weakening +blackish +ding +mcgee +quo +##rling +northernmost +xx +manpower +greed +sampson +clicking +##ange +##horpe +##inations +##roving +torre +##eptive +##moral +symbolism +38th +asshole +meritorious +outfits +splashed +biographies +sprung +astros +##tale +302 +737 +filly +raoul +nw +tokugawa +linden +clubhouse +##apa +tracts +romano +##pio +putin +tags +##note +chained +dickson +gunshot +moe +gunn +rashid +##tails +zipper +##bas +##nea +contrasted +##ply +##udes +plum +pharaoh +##pile +aw +comedies +ingrid +sandwiches +subdivisions +1100 +mariana +nokia +kamen +hz +delaney +veto +herring +##words +possessive +outlines +##roup +siemens +stairwell +rc +gallantry +messiah +palais +yells +233 +zeppelin +##dm +bolivar +##cede +smackdown +mckinley +##mora +##yt +muted +geologic +finely +unitary +avatar +hamas +maynard +rees +bog +contrasting +##rut +liv +chico +disposition +pixel +##erate +becca +dmitry +yeshiva +narratives +##lva +##ulton +mercenary +sharpe +tempered +navigate +stealth +amassed +keynes +##lini +untouched +##rrie +havoc +lithium +##fighting +abyss +graf +southward +wolverine +balloons +implements +ngos +transitions +##icum +ambushed +concacaf +dormant +economists +##dim +costing +csi +rana +universite +boulders +verity +##llon +collin +mellon +misses +cypress +fluorescent +lifeless +spence +##ulla +crewe +shepard +pak +revelations +##م +jolly +gibbons +paw +##dro +##quel +freeing +##test +shack +fries +palatine +##51 +##hiko +accompaniment +cruising +recycled +##aver +erwin +sorting +synthesizers +dyke +realities +sg +strides +enslaved +wetland +##ghan +competence +gunpowder +grassy +maroon +reactors +objection +##oms +carlson +gearbox +macintosh +radios +shelton +##sho +clergyman +prakash +254 +mongols +trophies +oricon +228 +stimuli +twenty20 +cantonese +cortes +mirrored +##saurus +bhp +cristina +melancholy +##lating +enjoyable +nuevo +##wny +downfall +schumacher +##ind +banging +lausanne +rumbled +paramilitary +reflex +ax +amplitude +migratory +##gall +##ups +midi +barnard +lastly +sherry +##hp +##nall +keystone +##kra +carleton +slippery +##53 +coloring +foe +socket +otter +##rgos +mats +##tose +consultants +bafta +bison +topping +##km +490 +primal +abandonment +transplant +atoll +hideous +mort +pained +reproduced +tae +howling +##turn +unlawful +billionaire +hotter +poised +lansing +##chang +dinamo +retro +messing +nfc +domesday +##mina +blitz +timed +##athing +##kley +ascending +gesturing +##izations +signaled +tis +chinatown +mermaid +savanna +jameson +##aint +catalina +##pet +##hers +cochrane +cy +chatting +##kus +alerted +computation +mused +noelle +majestic +mohawk +campo +octagonal +##sant +##hend +241 +aspiring +##mart +comprehend +iona +paralyzed +shimmering +swindon +rhone +##eley +reputed +configurations +pitchfork +agitation +francais +gillian +lipstick +##ilo +outsiders +pontifical +resisting +bitterness +sewer +rockies +##edd +##ucher +misleading +1756 +exiting +galloway +##nging +risked +##heart +246 +commemoration +schultz +##rka +integrating +##rsa +poses +shrieked +##weiler +guineas +gladys +jerking +owls +goldsmith +nightly +penetrating +##unced +lia +##33 +ignited +betsy +##aring +##thorpe +follower +vigorously +##rave +coded +kiran +knit +zoology +tbilisi +##28 +##bered +repository +govt +deciduous +dino +growling +##bba +enhancement +unleashed +chanting +pussy +biochemistry +##eric +kettle +repression +toxicity +nrhp +##arth +##kko +##bush +ernesto +commended +outspoken +242 +mca +parchment +sms +kristen +##aton +bisexual +raked +glamour +navajo +a2 +conditioned +showcased +##hma +spacious +youthful +##esa +usl +appliances +junta +brest +layne +conglomerate +enchanted +chao +loosened +picasso +circulating +inspect +montevideo +##centric +##kti +piazza +spurred +##aith +bari +freedoms +poultry +stamford +lieu +##ect +indigo +sarcastic +bahia +stump +attach +dvds +frankenstein +lille +approx +scriptures +pollen +##script +nmi +overseen +##ivism +tides +proponent +newmarket +inherit +milling +##erland +centralized +##rou +distributors +credentials +drawers +abbreviation +##lco +##xon +downing +uncomfortably +ripe +##oes +erase +franchises +##ever +populace +##bery +##khar +decomposition +pleas +##tet +daryl +sabah +##stle +##wide +fearless +genie +lesions +annette +##ogist +oboe +appendix +nair +dripped +petitioned +maclean +mosquito +parrot +rpg +hampered +1648 +operatic +reservoirs +##tham +irrelevant +jolt +summarized +##fp +medallion +##taff +##− +clawed +harlow +narrower +goddard +marcia +bodied +fremont +suarez +altering +tempest +mussolini +porn +##isms +sweetly +oversees +walkers +solitude +grimly +shrines +hk +ich +supervisors +hostess +dietrich +legitimacy +brushes +expressive +##yp +dissipated +##rse +localized +systemic +##nikov +gettysburg +##js +##uaries +dialogues +muttering +251 +housekeeper +sicilian +discouraged +##frey +beamed +kaladin +halftime +kidnap +##amo +##llet +1754 +synonymous +depleted +instituto +insulin +reprised +##opsis +clashed +##ctric +interrupting +radcliffe +insisting +medici +1715 +ejected +playfully +turbulent +##47 +starvation +##rini +shipment +rebellious +petersen +verification +merits +##rified +cakes +##charged +1757 +milford +shortages +spying +fidelity +##aker +emitted +storylines +harvested +seismic +##iform +cheung +kilda +theoretically +barbie +lynx +##rgy +##tius +goblin +mata +poisonous +##nburg +reactive +residues +obedience +##евич +conjecture +##rac +401 +hating +sixties +kicker +moaning +motown +##bha +emancipation +neoclassical +##hering +consoles +ebert +professorship +##tures +sustaining +assaults +obeyed +affluent +incurred +tornadoes +##eber +##zow +emphasizing +highlanders +cheated +helmets +##ctus +internship +terence +bony +executions +legislators +berries +peninsular +tinged +##aco +1689 +amplifier +corvette +ribbons +lavish +pennant +##lander +worthless +##chfield +##forms +mariano +pyrenees +expenditures +##icides +chesterfield +mandir +tailor +39th +sergey +nestled +willed +aristocracy +devotees +goodnight +raaf +rumored +weaponry +remy +appropriations +harcourt +burr +riaa +##lence +limitation +unnoticed +guo +soaking +swamps +##tica +collapsing +tatiana +descriptive +brigham +psalm +##chment +maddox +##lization +patti +caliph +##aja +akron +injuring +serra +##ganj +basins +##sari +astonished +launcher +##church +hilary +wilkins +sewing +##sf +stinging +##fia +##ncia +underwood +startup +##ition +compilations +vibrations +embankment +jurist +##nity +bard +juventus +groundwater +kern +palaces +helium +boca +cramped +marissa +soto +##worm +jae +princely +##ggy +faso +bazaar +warmly +##voking +229 +pairing +##lite +##grate +##nets +wien +freaked +ulysses +rebirth +##alia +##rent +mummy +guzman +jimenez +stilled +##nitz +trajectory +tha +woken +archival +professions +##pts +##pta +hilly +shadowy +shrink +##bolt +norwood +glued +migrate +stereotypes +devoid +##pheus +625 +evacuate +horrors +infancy +gotham +knowles +optic +downloaded +sachs +kingsley +parramatta +darryl +mor +##onale +shady +commence +confesses +kan +##meter +##placed +marlborough +roundabout +regents +frigates +io +##imating +gothenburg +revoked +carvings +clockwise +convertible +intruder +##sche +banged +##ogo +vicky +bourgeois +##mony +dupont +footing +##gum +pd +##real +buckle +yun +penthouse +sane +720 +serviced +stakeholders +neumann +bb +##eers +comb +##gam +catchment +pinning +rallies +typing +##elles +forefront +freiburg +sweetie +giacomo +widowed +goodwill +worshipped +aspirations +midday +##vat +fishery +##trick +bournemouth +turk +243 +hearth +ethanol +guadalajara +murmurs +sl +##uge +afforded +scripted +##hta +wah +##jn +coroner +translucent +252 +memorials +puck +progresses +clumsy +##race +315 +candace +recounted +##27 +##slin +##uve +filtering +##mac +howl +strata +heron +leveled +##ays +dubious +##oja +##т +##wheel +citations +exhibiting +##laya +##mics +##pods +turkic +##lberg +injunction +##ennial +##mit +antibodies +##44 +organise +##rigues +cardiovascular +cushion +inverness +##zquez +dia +cocoa +sibling +##tman +##roid +expanse +feasible +tunisian +algiers +##relli +rus +bloomberg +dso +westphalia +bro +tacoma +281 +downloads +##ours +konrad +duran +##hdi +continuum +jett +compares +legislator +secession +##nable +##gues +##zuka +translating +reacher +##gley +##ła +aleppo +##agi +tc +orchards +trapping +linguist +versatile +drumming +postage +calhoun +superiors +##mx +barefoot +leary +##cis +ignacio +alfa +kaplan +##rogen +bratislava +mori +##vot +disturb +haas +313 +cartridges +gilmore +radiated +salford +tunic +hades +##ulsive +archeological +delilah +magistrates +auditioned +brewster +charters +empowerment +blogs +cappella +dynasties +iroquois +whipping +##krishna +raceway +truths +myra +weaken +judah +mcgregor +##horse +mic +refueling +37th +burnley +bosses +markus +premio +query +##gga +dunbar +##economic +darkest +lyndon +sealing +commendation +reappeared +##mun +addicted +ezio +slaughtered +satisfactory +shuffle +##eves +##thic +##uj +fortification +warrington +##otto +resurrected +fargo +mane +##utable +##lei +##space +foreword +ox +##aris +##vern +abrams +hua +##mento +sakura +##alo +uv +sentimental +##skaya +midfield +##eses +sturdy +scrolls +macleod +##kyu +entropy +##lance +mitochondrial +cicero +excelled +thinner +convoys +perceive +##oslav +##urable +systematically +grind +burkina +287 +##tagram +ops +##aman +guantanamo +##cloth +##tite +forcefully +wavy +##jou +pointless +##linger +##tze +layton +portico +superficial +clerical +outlaws +##hism +burials +muir +##inn +creditors +hauling +rattle +##leg +calais +monde +archers +reclaimed +dwell +wexford +hellenic +falsely +remorse +##tek +dough +furnishings +##uttered +gabon +neurological +novice +##igraphy +contemplated +pulpit +nightstand +saratoga +##istan +documenting +pulsing +taluk +##firmed +busted +marital +##rien +disagreements +wasps +##yes +hodge +mcdonnell +mimic +fran +pendant +dhabi +musa +##nington +congratulations +argent +darrell +concussion +losers +regrets +thessaloniki +reversal +donaldson +hardwood +thence +achilles +ritter +##eran +demonic +jurgen +prophets +goethe +eki +classmate +buff +##cking +yank +irrational +##inging +perished +seductive +qur +sourced +##crat +##typic +mustard +ravine +barre +horizontally +characterization +phylogenetic +boise +##dit +##runner +##tower +brutally +intercourse +seduce +##bbing +fay +ferris +ogden +amar +nik +unarmed +##inator +evaluating +kyrgyzstan +sweetness +##lford +##oki +mccormick +meiji +notoriety +stimulate +disrupt +figuring +instructional +mcgrath +##zoo +groundbreaking +##lto +flinch +khorasan +agrarian +bengals +mixer +radiating +##sov +ingram +pitchers +nad +tariff +##cript +tata +##codes +##emi +##ungen +appellate +lehigh +##bled +##giri +brawl +duct +texans +##ciation +##ropolis +skipper +speculative +vomit +doctrines +stresses +253 +davy +graders +whitehead +jozef +timely +cumulative +haryana +paints +appropriately +boon +cactus +##ales +##pid +dow +legions +##pit +perceptions +1730 +picturesque +##yse +periphery +rune +wr +##aha +celtics +sentencing +whoa +##erin +confirms +variance +425 +moines +mathews +spade +rave +m1 +fronted +fx +blending +alleging +reared +##gl +237 +##paper +grassroots +eroded +##free +##physical +directs +ordeal +##sław +accelerate +hacker +rooftop +##inia +lev +buys +cebu +devote +##lce +specialising +##ulsion +choreographed +repetition +warehouses +##ryl +paisley +tuscany +analogy +sorcerer +hash +huts +shards +descends +exclude +nix +chaplin +gaga +ito +vane +##drich +causeway +misconduct +limo +orchestrated +glands +jana +##kot +u2 +##mple +##sons +branching +contrasts +scoop +longed +##virus +chattanooga +##75 +syrup +cornerstone +##tized +##mind +##iaceae +careless +precedence +frescoes +##uet +chilled +consult +modelled +snatch +peat +##thermal +caucasian +humane +relaxation +spins +temperance +##lbert +occupations +lambda +hybrids +moons +mp3 +##oese +247 +rolf +societal +yerevan +ness +##ssler +befriended +mechanized +nominate +trough +boasted +cues +seater +##hom +bends +##tangle +conductors +emptiness +##lmer +eurasian +adriatic +tian +##cie +anxiously +lark +propellers +chichester +jock +ev +2a +##holding +credible +recounts +tori +loyalist +abduction +##hoot +##redo +nepali +##mite +ventral +tempting +##ango +##crats +steered +##wice +javelin +dipping +laborers +prentice +looming +titanium +##ː +badges +emir +tensor +##ntation +egyptians +rash +denies +hawthorne +lombard +showers +wehrmacht +dietary +trojan +##reus +welles +executing +horseshoe +lifeboat +##lak +elsa +infirmary +nearing +roberta +boyer +mutter +trillion +joanne +##fine +##oked +sinks +vortex +uruguayan +clasp +sirius +##block +accelerator +prohibit +sunken +byu +chronological +diplomats +ochreous +510 +symmetrical +1644 +maia +##tology +salts +reigns +atrocities +##ия +hess +bared +issn +##vyn +cater +saturated +##cycle +##isse +sable +voyager +dyer +yusuf +##inge +fountains +wolff +##39 +##nni +engraving +rollins +atheist +ominous +##ault +herr +chariot +martina +strung +##fell +##farlane +horrific +sahib +gazes +saetan +erased +ptolemy +##olic +flushing +lauderdale +analytic +##ices +530 +navarro +beak +gorilla +herrera +broom +guadalupe +raiding +sykes +311 +bsc +deliveries +1720 +invasions +carmichael +tajikistan +thematic +ecumenical +sentiments +onstage +##rians +##brand +##sume +catastrophic +flanks +molten +##arns +waller +aimee +terminating +##icing +alternately +##oche +nehru +printers +outraged +##eving +empires +template +banners +repetitive +za +##oise +vegetarian +##tell +guiana +opt +cavendish +lucknow +synthesized +##hani +##mada +finalized +##ctable +fictitious +mayoral +unreliable +##enham +embracing +peppers +rbis +##chio +##neo +inhibition +slashed +togo +orderly +embroidered +safari +salty +236 +barron +benito +totaled +##dak +pubs +simulated +caden +devin +tolkien +momma +welding +sesame +##ept +gottingen +hardness +630 +shaman +temeraire +620 +adequately +pediatric +##kit +ck +assertion +radicals +composure +cadence +seafood +beaufort +lazarus +mani +warily +cunning +kurdistan +249 +cantata +##kir +ares +##41 +##clusive +nape +townland +geared +insulted +flutter +boating +violate +draper +dumping +malmo +##hh +##romatic +firearm +alta +bono +obscured +##clave +exceeds +panorama +unbelievable +##train +preschool +##essed +disconnected +installing +rescuing +secretaries +accessibility +##castle +##drive +##ifice +##film +bouts +slug +waterway +mindanao +##buro +##ratic +halves +##ل +calming +liter +maternity +adorable +bragg +electrification +mcc +##dote +roxy +schizophrenia +##body +munoz +kaye +whaling +239 +mil +tingling +tolerant +##ago +unconventional +volcanoes +##finder +deportivo +##llie +robson +kaufman +neuroscience +wai +deportation +masovian +scraping +converse +##bh +hacking +bulge +##oun +administratively +yao +580 +amp +mammoth +booster +claremont +hooper +nomenclature +pursuits +mclaughlin +melinda +##sul +catfish +barclay +substrates +taxa +zee +originals +kimberly +packets +padma +##ality +borrowing +ostensibly +solvent +##bri +##genesis +##mist +lukas +shreveport +veracruz +##ь +##lou +##wives +cheney +tt +anatolia +hobbs +##zyn +cyclic +radiant +alistair +greenish +siena +dat +independents +##bation +conform +pieter +hyper +applicant +bradshaw +spores +telangana +vinci +inexpensive +nuclei +322 +jang +nme +soho +spd +##ign +cradled +receptionist +pow +##43 +##rika +fascism +##ifer +experimenting +##ading +##iec +##region +345 +jocelyn +maris +stair +nocturnal +toro +constabulary +elgin +##kker +msc +##giving +##schen +##rase +doherty +doping +sarcastically +batter +maneuvers +##cano +##apple +##gai +##git +intrinsic +##nst +##stor +1753 +showtime +cafes +gasps +lviv +ushered +##thed +fours +restart +astonishment +transmitting +flyer +shrugs +##sau +intriguing +cones +dictated +mushrooms +medial +##kovsky +##elman +escorting +gaped +##26 +godfather +##door +##sell +djs +recaptured +timetable +vila +1710 +3a +aerodrome +mortals +scientology +##orne +angelina +mag +convection +unpaid +insertion +intermittent +lego +##nated +endeavor +kota +pereira +##lz +304 +bwv +glamorgan +insults +agatha +fey +##cend +fleetwood +mahogany +protruding +steamship +zeta +##arty +mcguire +suspense +##sphere +advising +urges +##wala +hurriedly +meteor +gilded +inline +arroyo +stalker +##oge +excitedly +revered +##cure +earle +introductory +##break +##ilde +mutants +puff +pulses +reinforcement +##haling +curses +lizards +stalk +correlated +##fixed +fallout +macquarie +##unas +bearded +denton +heaving +802 +##ocation +winery +assign +dortmund +##lkirk +everest +invariant +charismatic +susie +##elling +bled +lesley +telegram +sumner +bk +##ogen +##к +wilcox +needy +colbert +duval +##iferous +##mbled +allotted +attends +imperative +##hita +replacements +hawker +##inda +insurgency +##zee +##eke +casts +##yla +680 +ives +transitioned +##pack +##powering +authoritative +baylor +flex +cringed +plaintiffs +woodrow +##skie +drastic +ape +aroma +unfolded +commotion +nt +preoccupied +theta +routines +lasers +privatization +wand +domino +ek +clenching +nsa +strategically +showered +bile +handkerchief +pere +storing +christophe +insulting +316 +nakamura +romani +asiatic +magdalena +palma +cruises +stripping +405 +konstantin +soaring +##berman +colloquially +forerunner +havilland +incarcerated +parasites +sincerity +##utus +disks +plank +saigon +##ining +corbin +homo +ornaments +powerhouse +##tlement +chong +fastened +feasibility +idf +morphological +usable +##nish +##zuki +aqueduct +jaguars +keepers +##flies +aleksandr +faust +assigns +ewing +bacterium +hurled +tricky +hungarians +integers +wallis +321 +yamaha +##isha +hushed +oblivion +aviator +evangelist +friars +##eller +monograph +ode +##nary +airplanes +labourers +charms +##nee +1661 +hagen +tnt +rudder +fiesta +transcript +dorothea +ska +inhibitor +maccabi +retorted +raining +encompassed +clauses +menacing +1642 +lineman +##gist +vamps +##ape +##dick +gloom +##rera +dealings +easing +seekers +##nut +##pment +helens +unmanned +##anu +##isson +basics +##amy +##ckman +adjustments +1688 +brutality +horne +##zell +sui +##55 +##mable +aggregator +##thal +rhino +##drick +##vira +counters +zoom +##01 +##rting +mn +montenegrin +packard +##unciation +##♭ +##kki +reclaim +scholastic +thugs +pulsed +##icia +syriac +quan +saddam +banda +kobe +blaming +buddies +dissent +##lusion +##usia +corbett +jaya +delle +erratic +lexie +##hesis +435 +amiga +hermes +##pressing +##leen +chapels +gospels +jamal +##uating +compute +revolving +warp +##sso +##thes +armory +##eras +##gol +antrim +loki +##kow +##asian +##good +##zano +braid +handwriting +subdistrict +funky +pantheon +##iculate +concurrency +estimation +improper +juliana +##his +newcomers +johnstone +staten +communicated +##oco +##alle +sausage +stormy +##stered +##tters +superfamily +##grade +acidic +collateral +tabloid +##oped +##rza +bladder +austen +##ellant +mcgraw +##hay +hannibal +mein +aquino +lucifer +wo +badger +boar +cher +christensen +greenberg +interruption +##kken +jem +244 +mocked +bottoms +cambridgeshire +##lide +sprawling +##bbly +eastwood +ghent +synth +##buck +advisers +##bah +nominally +hapoel +qu +daggers +estranged +fabricated +towels +vinnie +wcw +misunderstanding +anglia +nothin +unmistakable +##dust +##lova +chilly +marquette +truss +##edge +##erine +reece +##lty +##chemist +##connected +272 +308 +41st +bash +raion +waterfalls +##ump +##main +labyrinth +queue +theorist +##istle +bharatiya +flexed +soundtracks +rooney +leftist +patrolling +wharton +plainly +alleviate +eastman +schuster +topographic +engages +immensely +unbearable +fairchild +1620 +dona +lurking +parisian +oliveira +ia +indictment +hahn +bangladeshi +##aster +vivo +##uming +##ential +antonia +expects +indoors +kildare +harlan +##logue +##ogenic +##sities +forgiven +##wat +childish +tavi +##mide +##orra +plausible +grimm +successively +scooted +##bola +##dget +##rith +spartans +emery +flatly +azure +epilogue +##wark +flourish +##iny +##tracted +##overs +##oshi +bestseller +distressed +receipt +spitting +hermit +topological +##cot +drilled +subunit +francs +##layer +eel +##fk +##itas +octopus +footprint +petitions +ufo +##say +##foil +interfering +leaking +palo +##metry +thistle +valiant +##pic +narayan +mcpherson +##fast +gonzales +##ym +##enne +dustin +novgorod +solos +##zman +doin +##raph +##patient +##meyer +soluble +ashland +cuffs +carole +pendleton +whistling +vassal +##river +deviation +revisited +constituents +rallied +rotate +loomed +##eil +##nting +amateurs +augsburg +auschwitz +crowns +skeletons +##cona +bonnet +257 +dummy +globalization +simeon +sleeper +mandal +differentiated +##crow +##mare +milne +bundled +exasperated +talmud +owes +segregated +##feng +##uary +dentist +piracy +props +##rang +devlin +##torium +malicious +paws +##laid +dependency +##ergy +##fers +##enna +258 +pistons +rourke +jed +grammatical +tres +maha +wig +512 +ghostly +jayne +##achal +##creen +##ilis +##lins +##rence +designate +##with +arrogance +cambodian +clones +showdown +throttle +twain +##ception +lobes +metz +nagoya +335 +braking +##furt +385 +roaming +##minster +amin +crippled +##37 +##llary +indifferent +hoffmann +idols +intimidating +1751 +261 +influenza +memo +onions +1748 +bandage +consciously +##landa +##rage +clandestine +observes +swiped +tangle +##ener +##jected +##trum +##bill +##lta +hugs +congresses +josiah +spirited +##dek +humanist +managerial +filmmaking +inmate +rhymes +debuting +grimsby +ur +##laze +duplicate +vigor +##tf +republished +bolshevik +refurbishment +antibiotics +martini +methane +newscasts +royale +horizons +levant +iain +visas +##ischen +paler +##around +manifestation +snuck +alf +chop +futile +pedestal +rehab +##kat +bmg +kerman +res +fairbanks +jarrett +abstraction +saharan +##zek +1746 +procedural +clearer +kincaid +sash +luciano +##ffey +crunch +helmut +##vara +revolutionaries +##tute +creamy +leach +##mmon +1747 +permitting +nes +plight +wendell +##lese +contra +ts +clancy +ipa +mach +staples +autopsy +disturbances +nueva +karin +pontiac +##uding +proxy +venerable +haunt +leto +bergman +expands +##helm +wal +##pipe +canning +celine +cords +obesity +##enary +intrusion +planner +##phate +reasoned +sequencing +307 +harrow +##chon +##dora +marred +mcintyre +repay +tarzan +darting +248 +harrisburg +margarita +repulsed +##hur +##lding +belinda +hamburger +novo +compliant +runways +bingham +registrar +skyscraper +ic +cuthbert +improvisation +livelihood +##corp +##elial +admiring +##dened +sporadic +believer +casablanca +popcorn +##29 +asha +shovel +##bek +##dice +coiled +tangible +##dez +casper +elsie +resin +tenderness +rectory +##ivision +avail +sonar +##mori +boutique +##dier +guerre +bathed +upbringing +vaulted +sandals +blessings +##naut +##utnant +1680 +306 +foxes +pia +corrosion +hesitantly +confederates +crystalline +footprints +shapiro +tirana +valentin +drones +45th +microscope +shipments +texted +inquisition +wry +guernsey +unauthorized +resigning +760 +ripple +schubert +stu +reassure +felony +##ardo +brittle +koreans +##havan +##ives +dun +implicit +tyres +##aldi +##lth +magnolia +##ehan +##puri +##poulos +aggressively +fei +gr +familiarity +##poo +indicative +##trust +fundamentally +jimmie +overrun +395 +anchors +moans +##opus +britannia +armagh +##ggle +purposely +seizing +##vao +bewildered +mundane +avoidance +cosmopolitan +geometridae +quartermaster +caf +415 +chatter +engulfed +gleam +purge +##icate +juliette +jurisprudence +guerra +revisions +##bn +casimir +brew +##jm +1749 +clapton +cloudy +conde +hermitage +278 +simulations +torches +vincenzo +matteo +##rill +hidalgo +booming +westbound +accomplishment +tentacles +unaffected +##sius +annabelle +flopped +sloping +##litz +dreamer +interceptor +vu +##loh +consecration +copying +messaging +breaker +climates +hospitalized +1752 +torino +afternoons +winfield +witnessing +##teacher +breakers +choirs +sawmill +coldly +##ege +sipping +haste +uninhabited +conical +bibliography +pamphlets +severn +edict +##oca +deux +illnesses +grips +##pl +rehearsals +sis +thinkers +tame +##keepers +1690 +acacia +reformer +##osed +##rys +shuffling +##iring +##shima +eastbound +ionic +rhea +flees +littered +##oum +rocker +vomiting +groaning +champ +overwhelmingly +civilizations +paces +sloop +adoptive +##tish +skaters +##vres +aiding +mango +##joy +nikola +shriek +##ignon +pharmaceuticals +##mg +tuna +calvert +gustavo +stocked +yearbook +##urai +##mana +computed +subsp +riff +hanoi +kelvin +hamid +moors +pastures +summons +jihad +nectar +##ctors +bayou +untitled +pleasing +vastly +republics +intellect +##η +##ulio +##tou +crumbling +stylistic +sb +##ی +consolation +frequented +h₂o +walden +widows +##iens +404 +##ignment +chunks +improves +288 +grit +recited +##dev +snarl +sociological +##arte +##gul +inquired +##held +bruise +clube +consultancy +homogeneous +hornets +multiplication +pasta +prick +savior +##grin +##kou +##phile +yoon +##gara +grimes +vanishing +cheering +reacting +bn +distillery +##quisite +##vity +coe +dockyard +massif +##jord +escorts +voss +##valent +byte +chopped +hawke +illusions +workings +floats +##koto +##vac +kv +annapolis +madden +##onus +alvaro +noctuidae +##cum +##scopic +avenge +steamboat +forte +illustrates +erika +##trip +570 +dew +nationalities +bran +manifested +thirsty +diversified +muscled +reborn +##standing +arson +##lessness +##dran +##logram +##boys +##kushima +##vious +willoughby +##phobia +286 +alsace +dashboard +yuki +##chai +granville +myspace +publicized +tricked +##gang +adjective +##ater +relic +reorganisation +enthusiastically +indications +saxe +##lassified +consolidate +iec +padua +helplessly +ramps +renaming +regulars +pedestrians +accents +convicts +inaccurate +lowers +mana +##pati +barrie +bjp +outta +someplace +berwick +flanking +invoked +marrow +sparsely +excerpts +clothed +rei +##ginal +wept +##straße +##vish +alexa +excel +##ptive +membranes +aquitaine +creeks +cutler +sheppard +implementations +ns +##dur +fragrance +budge +concordia +magnesium +marcelo +##antes +gladly +vibrating +##rral +##ggles +montrose +##omba +lew +seamus +1630 +cocky +##ament +##uen +bjorn +##rrick +fielder +fluttering +##lase +methyl +kimberley +mcdowell +reductions +barbed +##jic +##tonic +aeronautical +condensed +distracting +##promising +huffed +##cala +##sle +claudius +invincible +missy +pious +balthazar +ci +##lang +butte +combo +orson +##dication +myriad +1707 +silenced +##fed +##rh +coco +netball +yourselves +##oza +clarify +heller +peg +durban +etudes +offender +roast +blackmail +curvature +##woods +vile +309 +illicit +suriname +##linson +overture +1685 +bubbling +gymnast +tucking +##mming +##ouin +maldives +##bala +gurney +##dda +##eased +##oides +backside +pinto +jars +racehorse +tending +##rdial +baronetcy +wiener +duly +##rke +barbarian +cupping +flawed +##thesis +bertha +pleistocene +puddle +swearing +##nob +##tically +fleeting +prostate +amulet +educating +##mined +##iti +##tler +75th +jens +respondents +analytics +cavaliers +papacy +raju +##iente +##ulum +##tip +funnel +271 +disneyland +##lley +sociologist +##iam +2500 +faulkner +louvre +menon +##dson +276 +##ower +afterlife +mannheim +peptide +referees +comedians +meaningless +##anger +##laise +fabrics +hurley +renal +sleeps +##bour +##icle +breakout +kristin +roadside +animator +clover +disdain +unsafe +redesign +##urity +firth +barnsley +portage +reset +narrows +268 +commandos +expansive +speechless +tubular +##lux +essendon +eyelashes +smashwords +##yad +##bang +##claim +craved +sprinted +chet +somme +astor +wrocław +orton +266 +bane +##erving +##uing +mischief +##amps +##sund +scaling +terre +##xious +impairment +offenses +undermine +moi +soy +contiguous +arcadia +inuit +seam +##tops +macbeth +rebelled +##icative +##iot +590 +elaborated +frs +uniformed +##dberg +259 +powerless +priscilla +stimulated +980 +qc +arboretum +frustrating +trieste +bullock +##nified +enriched +glistening +intern +##adia +locus +nouvelle +ollie +ike +lash +starboard +ee +tapestry +headlined +hove +rigged +##vite +pollock +##yme +thrive +clustered +cas +roi +gleamed +olympiad +##lino +pressured +regimes +##hosis +##lick +ripley +##ophone +kickoff +gallon +rockwell +##arable +crusader +glue +revolutions +scrambling +1714 +grover +##jure +englishman +aztec +263 +contemplating +coven +ipad +preach +triumphant +tufts +##esian +rotational +##phus +328 +falkland +##brates +strewn +clarissa +rejoin +environmentally +glint +banded +drenched +moat +albanians +johor +rr +maestro +malley +nouveau +shaded +taxonomy +v6 +adhere +bunk +airfields +##ritan +1741 +encompass +remington +tran +##erative +amelie +mazda +friar +morals +passions +##zai +breadth +vis +##hae +argus +burnham +caressing +insider +rudd +##imov +##mini +##rso +italianate +murderous +textual +wainwright +armada +bam +weave +timer +##taken +##nh +fra +##crest +ardent +salazar +taps +tunis +##ntino +allegro +gland +philanthropic +##chester +implication +##optera +esq +judas +noticeably +wynn +##dara +inched +indexed +crises +villiers +bandit +royalties +patterned +cupboard +interspersed +accessory +isla +kendrick +entourage +stitches +##esthesia +headwaters +##ior +interlude +distraught +draught +1727 +##basket +biased +sy +transient +triad +subgenus +adapting +kidd +shortstop +##umatic +dimly +spiked +mcleod +reprint +nellie +pretoria +windmill +##cek +singled +##mps +273 +reunite +##orous +747 +bankers +outlying +##omp +##ports +##tream +apologies +cosmetics +patsy +##deh +##ocks +##yson +bender +nantes +serene +##nad +lucha +mmm +323 +##cius +##gli +cmll +coinage +nestor +juarez +##rook +smeared +sprayed +twitching +sterile +irina +embodied +juveniles +enveloped +miscellaneous +cancers +dq +gulped +luisa +crested +swat +donegal +ref +##anov +##acker +hearst +mercantile +##lika +doorbell +ua +vicki +##alla +##som +bilbao +psychologists +stryker +sw +horsemen +turkmenistan +wits +##national +anson +mathew +screenings +##umb +rihanna +##agne +##nessy +aisles +##iani +##osphere +hines +kenton +saskatoon +tasha +truncated +##champ +##itan +mildred +advises +fredrik +interpreting +inhibitors +##athi +spectroscopy +##hab +##kong +karim +panda +##oia +##nail +##vc +conqueror +kgb +leukemia +##dity +arrivals +cheered +pisa +phosphorus +shielded +##riated +mammal +unitarian +urgently +chopin +sanitary +##mission +spicy +drugged +hinges +##tort +tipping +trier +impoverished +westchester +##caster +267 +epoch +nonstop +##gman +##khov +aromatic +centrally +cerro +##tively +##vio +billions +modulation +sedimentary +283 +facilitating +outrageous +goldstein +##eak +##kt +ld +maitland +penultimate +pollard +##dance +fleets +spaceship +vertebrae +##nig +alcoholism +als +recital +##bham +##ference +##omics +m2 +##bm +trois +##tropical +##в +commemorates +##meric +marge +##raction +1643 +670 +cosmetic +ravaged +##ige +catastrophe +eng +##shida +albrecht +arterial +bellamy +decor +harmon +##rde +bulbs +synchronized +vito +easiest +shetland +shielding +wnba +##glers +##ssar +##riam +brianna +cumbria +##aceous +##rard +cores +thayer +##nsk +brood +hilltop +luminous +carts +keynote +larkin +logos +##cta +##ا +##mund +##quay +lilith +tinted +277 +wrestle +mobilization +##uses +sequential +siam +bloomfield +takahashi +274 +##ieving +presenters +ringo +blazed +witty +##oven +##ignant +devastation +haydn +harmed +newt +therese +##peed +gershwin +molina +rabbis +sudanese +001 +innate +restarted +##sack +##fus +slices +wb +##shah +enroll +hypothetical +hysterical +1743 +fabio +indefinite +warped +##hg +exchanging +525 +unsuitable +##sboro +gallo +1603 +bret +cobalt +homemade +##hunter +mx +operatives +##dhar +terraces +durable +latch +pens +whorls +##ctuated +##eaux +billing +ligament +succumbed +##gly +regulators +spawn +##brick +##stead +filmfare +rochelle +##nzo +1725 +circumstance +saber +supplements +##nsky +##tson +crowe +wellesley +carrot +##9th +##movable +primate +drury +sincerely +topical +##mad +##rao +callahan +kyiv +smarter +tits +undo +##yeh +announcements +anthologies +barrio +nebula +##islaus +##shaft +##tyn +bodyguards +2021 +assassinate +barns +emmett +scully +##mah +##yd +##eland +##tino +##itarian +demoted +gorman +lashed +prized +adventist +writ +##gui +alla +invertebrates +##ausen +1641 +amman +1742 +align +healy +redistribution +##gf +##rize +insulation +##drop +adherents +hezbollah +vitro +ferns +yanking +269 +php +registering +uppsala +cheerleading +confines +mischievous +tully +##ross +49th +docked +roam +stipulated +pumpkin +##bry +prompt +##ezer +blindly +shuddering +craftsmen +frail +scented +katharine +scramble +shaggy +sponge +helix +zaragoza +279 +##52 +43rd +backlash +fontaine +seizures +posse +cowan +nonfiction +telenovela +wwii +hammered +undone +##gpur +encircled +irs +##ivation +artefacts +oneself +searing +smallpox +##belle +##osaurus +shandong +breached +upland +blushing +rankin +infinitely +psyche +tolerated +docking +evicted +##col +unmarked +##lving +gnome +lettering +litres +musique +##oint +benevolent +##jal +blackened +##anna +mccall +racers +tingle +##ocene +##orestation +introductions +radically +292 +##hiff +##باد +1610 +1739 +munchen +plead +##nka +condo +scissors +##sight +##tens +apprehension +##cey +##yin +hallmark +watering +formulas +sequels +##llas +aggravated +bae +commencing +##building +enfield +prohibits +marne +vedic +civilized +euclidean +jagger +beforehand +blasts +dumont +##arney +##nem +740 +conversions +hierarchical +rios +simulator +##dya +##lellan +hedges +oleg +thrusts +shadowed +darby +maximize +1744 +gregorian +##nded +##routed +sham +unspecified +##hog +emory +factual +##smo +##tp +fooled +##rger +ortega +wellness +marlon +##oton +##urance +casket +keating +ley +enclave +##ayan +char +influencing +jia +##chenko +412 +ammonia +erebidae +incompatible +violins +cornered +##arat +grooves +astronauts +columbian +rampant +fabrication +kyushu +mahmud +vanish +##dern +mesopotamia +##lete +ict +##rgen +caspian +kenji +pitted +##vered +999 +grimace +roanoke +tchaikovsky +twinned +##analysis +##awan +xinjiang +arias +clemson +kazakh +sizable +1662 +##khand +##vard +plunge +tatum +vittorio +##nden +cholera +##dana +##oper +bracing +indifference +projectile +superliga +##chee +realises +upgrading +299 +porte +retribution +##vies +nk +stil +##resses +ama +bureaucracy +blackberry +bosch +testosterone +collapses +greer +##pathic +ioc +fifties +malls +##erved +bao +baskets +adolescents +siegfried +##osity +##tosis +mantra +detecting +existent +fledgling +##cchi +dissatisfied +gan +telecommunication +mingled +sobbed +6000 +controversies +outdated +taxis +##raus +fright +slams +##lham +##fect +##tten +detectors +fetal +tanned +##uw +fray +goth +olympian +skipping +mandates +scratches +sheng +unspoken +hyundai +tracey +hotspur +restrictive +##buch +americana +mundo +##bari +burroughs +diva +vulcan +##6th +distinctions +thumping +##ngen +mikey +sheds +fide +rescues +springsteen +vested +valuation +##ece +##ely +pinnacle +rake +sylvie +##edo +almond +quivering +##irus +alteration +faltered +##wad +51st +hydra +ticked +##kato +recommends +##dicated +antigua +arjun +stagecoach +wilfred +trickle +pronouns +##pon +aryan +nighttime +##anian +gall +pea +stitch +##hei +leung +milos +##dini +eritrea +nexus +starved +snowfall +kant +parasitic +cot +discus +hana +strikers +appleton +kitchens +##erina +##partisan +##itha +##vius +disclose +metis +##channel +1701 +tesla +##vera +fitch +1735 +blooded +##tila +decimal +##tang +##bai +cyclones +eun +bottled +peas +pensacola +basha +bolivian +crabs +boil +lanterns +partridge +roofed +1645 +necks +##phila +opined +patting +##kla +##lland +chuckles +volta +whereupon +##nche +devout +euroleague +suicidal +##dee +inherently +involuntary +knitting +nasser +##hide +puppets +colourful +courageous +southend +stills +miraculous +hodgson +richer +rochdale +ethernet +greta +uniting +prism +umm +##haya +##itical +##utation +deterioration +pointe +prowess +##ropriation +lids +scranton +billings +subcontinent +##koff +##scope +brute +kellogg +psalms +degraded +##vez +stanisław +##ructured +ferreira +pun +astonishing +gunnar +##yat +arya +prc +gottfried +##tight +excursion +##ographer +dina +##quil +##nare +huffington +illustrious +wilbur +gundam +verandah +##zard +naacp +##odle +constructive +fjord +kade +##naud +generosity +thrilling +baseline +cayman +frankish +plastics +accommodations +zoological +##fting +cedric +qb +motorized +##dome +##otted +squealed +tackled +canucks +budgets +situ +asthma +dail +gabled +grasslands +whimpered +writhing +judgments +##65 +minnie +pv +##carbon +bananas +grille +domes +monique +odin +maguire +markham +tierney +##estra +##chua +libel +poke +speedy +atrium +laval +notwithstanding +##edly +fai +kala +##sur +robb +##sma +listings +luz +supplementary +tianjin +##acing +enzo +jd +ric +scanner +croats +transcribed +##49 +arden +cv +##hair +##raphy +##lver +##uy +357 +seventies +staggering +alam +horticultural +hs +regression +timbers +blasting +##ounded +montagu +manipulating +##cit +catalytic +1550 +troopers +##meo +condemnation +fitzpatrick +##oire +##roved +inexperienced +1670 +castes +##lative +outing +314 +dubois +flicking +quarrel +ste +learners +1625 +iq +whistled +##class +282 +classify +tariffs +temperament +355 +folly +liszt +##yles +immersed +jordanian +ceasefire +apparel +extras +maru +fished +##bio +harta +stockport +assortment +craftsman +paralysis +transmitters +##cola +blindness +##wk +fatally +proficiency +solemnly +##orno +repairing +amore +groceries +ultraviolet +##chase +schoolhouse +##tua +resurgence +nailed +##otype +##× +ruse +saliva +diagrams +##tructing +albans +rann +thirties +1b +antennas +hilarious +cougars +paddington +stats +##eger +breakaway +ipod +reza +authorship +prohibiting +scoffed +##etz +##ttle +conscription +defected +trondheim +##fires +ivanov +keenan +##adan +##ciful +##fb +##slow +locating +##ials +##tford +cadiz +basalt +blankly +interned +rags +rattling +##tick +carpathian +reassured +sync +bum +guildford +iss +staunch +##onga +astronomers +sera +sofie +emergencies +susquehanna +##heard +duc +mastery +vh1 +williamsburg +bayer +buckled +craving +##khan +##rdes +bloomington +##write +alton +barbecue +##bians +justine +##hri +##ndt +delightful +smartphone +newtown +photon +retrieval +peugeot +hissing +##monium +##orough +flavors +lighted +relaunched +tainted +##games +##lysis +anarchy +microscopic +hopping +adept +evade +evie +##beau +inhibit +sinn +adjustable +hurst +intuition +wilton +cisco +44th +lawful +lowlands +stockings +thierry +##dalen +##hila +##nai +fates +prank +tb +maison +lobbied +provocative +1724 +4a +utopia +##qual +carbonate +gujarati +purcell +##rford +curtiss +##mei +overgrown +arenas +mediation +swallows +##rnik +respectful +turnbull +##hedron +##hope +alyssa +ozone +##ʻi +ami +gestapo +johansson +snooker +canteen +cuff +declines +empathy +stigma +##ags +##iner +##raine +taxpayers +gui +volga +##wright +##copic +lifespan +overcame +tattooed +enactment +giggles +##ador +##camp +barrington +bribe +obligatory +orbiting +peng +##enas +elusive +sucker +##vating +cong +hardship +empowered +anticipating +estrada +cryptic +greasy +detainees +planck +sudbury +plaid +dod +marriott +kayla +##ears +##vb +##zd +mortally +##hein +cognition +radha +319 +liechtenstein +meade +richly +argyle +harpsichord +liberalism +trumpets +lauded +tyrant +salsa +tiled +lear +promoters +reused +slicing +trident +##chuk +##gami +##lka +cantor +checkpoint +##points +gaul +leger +mammalian +##tov +##aar +##schaft +doha +frenchman +nirvana +##vino +delgado +headlining +##eron +##iography +jug +tko +1649 +naga +intersections +##jia +benfica +nawab +##suka +ashford +gulp +##deck +##vill +##rug +brentford +frazier +pleasures +dunne +potsdam +shenzhen +dentistry +##tec +flanagan +##dorff +##hear +chorale +dinah +prem +quezon +##rogated +relinquished +sutra +terri +##pani +flaps +##rissa +poly +##rnet +homme +aback +##eki +linger +womb +##kson +##lewood +doorstep +orthodoxy +threaded +westfield +##rval +dioceses +fridays +subsided +##gata +loyalists +##biotic +##ettes +letterman +lunatic +prelate +tenderly +invariably +souza +thug +winslow +##otide +furlongs +gogh +jeopardy +##runa +pegasus +##umble +humiliated +standalone +tagged +##roller +freshmen +klan +##bright +attaining +initiating +transatlantic +logged +viz +##uance +1723 +combatants +intervening +stephane +chieftain +despised +grazed +317 +cdc +galveston +godzilla +macro +simulate +##planes +parades +##esses +960 +##ductive +##unes +equator +overdose +##cans +##hosh +##lifting +joshi +epstein +sonora +treacherous +aquatics +manchu +responsive +##sation +supervisory +##christ +##llins +##ibar +##balance +##uso +kimball +karlsruhe +mab +##emy +ignores +phonetic +reuters +spaghetti +820 +almighty +danzig +rumbling +tombstone +designations +lured +outset +##felt +supermarkets +##wt +grupo +kei +kraft +susanna +##blood +comprehension +genealogy +##aghan +##verted +redding +##ythe +1722 +bowing +##pore +##roi +lest +sharpened +fulbright +valkyrie +sikhs +##unds +swans +bouquet +merritt +##tage +##venting +commuted +redhead +clerks +leasing +cesare +dea +hazy +##vances +fledged +greenfield +servicemen +##gical +armando +blackout +dt +sagged +downloadable +intra +potion +pods +##4th +##mism +xp +attendants +gambia +stale +##ntine +plump +asteroids +rediscovered +buds +flea +hive +##neas +1737 +classifications +debuts +##eles +olympus +scala +##eurs +##gno +##mute +hummed +sigismund +visuals +wiggled +await +pilasters +clench +sulfate +##ances +bellevue +enigma +trainee +snort +##sw +clouded +denim +##rank +##rder +churning +hartman +lodges +riches +sima +##missible +accountable +socrates +regulates +mueller +##cr +1702 +avoids +solids +himalayas +nutrient +pup +##jevic +squat +fades +nec +##lates +##pina +##rona +##ου +privateer +tequila +##gative +##mpton +apt +hornet +immortals +##dou +asturias +cleansing +dario +##rries +##anta +etymology +servicing +zhejiang +##venor +##nx +horned +erasmus +rayon +relocating +£10 +##bags +escalated +promenade +stubble +2010s +artisans +axial +liquids +mora +sho +yoo +##tsky +bundles +oldies +##nally +notification +bastion +##ths +sparkle +##lved +1728 +leash +pathogen +highs +##hmi +immature +880 +gonzaga +ignatius +mansions +monterrey +sweets +bryson +##loe +polled +regatta +brightest +pei +rosy +squid +hatfield +payroll +addict +meath +cornerback +heaviest +lodging +##mage +capcom +rippled +##sily +barnet +mayhem +ymca +snuggled +rousseau +##cute +blanchard +284 +fragmented +leighton +chromosomes +risking +##md +##strel +##utter +corinne +coyotes +cynical +hiroshi +yeomanry +##ractive +ebook +grading +mandela +plume +agustin +magdalene +##rkin +bea +femme +trafford +##coll +##lun +##tance +52nd +fourier +upton +##mental +camilla +gust +iihf +islamabad +longevity +##kala +feldman +netting +##rization +endeavour +foraging +mfa +orr +##open +greyish +contradiction +graz +##ruff +handicapped +marlene +tweed +oaxaca +spp +campos +miocene +pri +configured +cooks +pluto +cozy +pornographic +##entes +70th +fairness +glided +jonny +lynne +rounding +sired +##emon +##nist +remade +uncover +##mack +complied +lei +newsweek +##jured +##parts +##enting +##pg +293 +finer +guerrillas +athenian +deng +disused +stepmother +accuse +gingerly +seduction +521 +confronting +##walker +##going +gora +nostalgia +sabres +virginity +wrenched +##minated +syndication +wielding +eyre +##56 +##gnon +##igny +behaved +taxpayer +sweeps +##growth +childless +gallant +##ywood +amplified +geraldine +scrape +##ffi +babylonian +fresco +##rdan +##kney +##position +1718 +restricting +tack +fukuoka +osborn +selector +partnering +##dlow +318 +gnu +kia +tak +whitley +gables +##54 +##mania +mri +softness +immersion +##bots +##evsky +1713 +chilling +insignificant +pcs +##uis +elites +lina +purported +supplemental +teaming +##americana +##dding +##inton +proficient +rouen +##nage +##rret +niccolo +selects +##bread +fluffy +1621 +gruff +knotted +mukherjee +polgara +thrash +nicholls +secluded +smoothing +thru +corsica +loaf +whitaker +inquiries +##rrier +##kam +indochina +289 +marlins +myles +peking +##tea +extracts +pastry +superhuman +connacht +vogel +##ditional +##het +##udged +##lash +gloss +quarries +refit +teaser +##alic +##gaon +20s +materialized +sling +camped +pickering +tung +tracker +pursuant +##cide +cranes +soc +##cini +##typical +##viere +anhalt +overboard +workout +chores +fares +orphaned +stains +##logie +fenton +surpassing +joyah +triggers +##itte +grandmaster +##lass +##lists +clapping +fraudulent +ledger +nagasaki +##cor +##nosis +##tsa +eucalyptus +tun +##icio +##rney +##tara +dax +heroism +ina +wrexham +onboard +unsigned +##dates +moshe +galley +winnie +droplets +exiles +praises +watered +noodles +##aia +fein +adi +leland +multicultural +stink +bingo +comets +erskine +modernized +canned +constraint +domestically +chemotherapy +featherweight +stifled +##mum +darkly +irresistible +refreshing +hasty +isolate +##oys +kitchener +planners +##wehr +cages +yarn +implant +toulon +elects +childbirth +yue +##lind +##lone +cn +rightful +sportsman +junctions +remodeled +specifies +##rgh +291 +##oons +complimented +##urgent +lister +ot +##logic +bequeathed +cheekbones +fontana +gabby +##dial +amadeus +corrugated +maverick +resented +triangles +##hered +##usly +nazareth +tyrol +1675 +assent +poorer +sectional +aegean +##cous +296 +nylon +ghanaian +##egorical +##weig +cushions +forbid +fusiliers +obstruction +somerville +##scia +dime +earrings +elliptical +leyte +oder +polymers +timmy +atm +midtown +piloted +settles +continual +externally +mayfield +##uh +enrichment +henson +keane +persians +1733 +benji +braden +pep +324 +##efe +contenders +pepsi +valet +##isches +298 +##asse +##earing +goofy +stroll +##amen +authoritarian +occurrences +adversary +ahmedabad +tangent +toppled +dorchester +1672 +modernism +marxism +islamist +charlemagne +exponential +racks +unicode +brunette +mbc +pic +skirmish +##bund +##lad +##powered +##yst +hoisted +messina +shatter +##ctum +jedi +vantage +##music +##neil +clemens +mahmoud +corrupted +authentication +lowry +nils +##washed +omnibus +wounding +jillian +##itors +##opped +serialized +narcotics +handheld +##arm +##plicity +intersecting +stimulating +##onis +crate +fellowships +hemingway +casinos +climatic +fordham +copeland +drip +beatty +leaflets +robber +brothel +madeira +##hedral +sphinx +ultrasound +##vana +valor +forbade +leonid +villas +##aldo +duane +marquez +##cytes +disadvantaged +forearms +kawasaki +reacts +consular +lax +uncles +uphold +##hopper +concepcion +dorsey +lass +##izan +arching +passageway +1708 +researches +tia +internationals +##graphs +##opers +distinguishes +javanese +divert +##uven +plotted +##listic +##rwin +##erik +##tify +affirmative +signifies +validation +##bson +kari +felicity +georgina +zulu +##eros +##rained +##rath +overcoming +##dot +argyll +##rbin +1734 +chiba +ratification +windy +earls +parapet +##marks +hunan +pristine +astrid +punta +##gart +brodie +##kota +##oder +malaga +minerva +rouse +##phonic +bellowed +pagoda +portals +reclamation +##gur +##odies +##⁄₄ +parentheses +quoting +allergic +palette +showcases +benefactor +heartland +nonlinear +##tness +bladed +cheerfully +scans +##ety +##hone +1666 +girlfriends +pedersen +hiram +sous +##liche +##nator +1683 +##nery +##orio +##umen +bobo +primaries +smiley +##cb +unearthed +uniformly +fis +metadata +1635 +ind +##oted +recoil +##titles +##tura +##ια +406 +hilbert +jamestown +mcmillan +tulane +seychelles +##frid +antics +coli +fated +stucco +##grants +1654 +bulky +accolades +arrays +caledonian +carnage +optimism +puebla +##tative +##cave +enforcing +rotherham +seo +dunlop +aeronautics +chimed +incline +zoning +archduke +hellenistic +##oses +##sions +candi +thong +##ople +magnate +rustic +##rsk +projective +slant +##offs +danes +hollis +vocalists +##ammed +congenital +contend +gesellschaft +##ocating +##pressive +douglass +quieter +##cm +##kshi +howled +salim +spontaneously +townsville +buena +southport +##bold +kato +1638 +faerie +stiffly +##vus +##rled +297 +flawless +realising +taboo +##7th +bytes +straightening +356 +jena +##hid +##rmin +cartwright +berber +bertram +soloists +411 +noses +417 +coping +fission +hardin +inca +##cen +1717 +mobilized +vhf +##raf +biscuits +curate +##85 +##anial +331 +gaunt +neighbourhoods +1540 +##abas +blanca +bypassed +sockets +behold +coincidentally +##bane +nara +shave +splinter +terrific +##arion +##erian +commonplace +juris +redwood +waistband +boxed +caitlin +fingerprints +jennie +naturalized +##ired +balfour +craters +jody +bungalow +hugely +quilt +glitter +pigeons +undertaker +bulging +constrained +goo +##sil +##akh +assimilation +reworked +##person +persuasion +##pants +felicia +##cliff +##ulent +1732 +explodes +##dun +##inium +##zic +lyman +vulture +hog +overlook +begs +northwards +ow +spoil +##urer +fatima +favorably +accumulate +sargent +sorority +corresponded +dispersal +kochi +toned +##imi +##lita +internacional +newfound +##agger +##lynn +##rigue +booths +peanuts +##eborg +medicare +muriel +nur +##uram +crates +millennia +pajamas +worsened +##breakers +jimi +vanuatu +yawned +##udeau +carousel +##hony +hurdle +##ccus +##mounted +##pod +rv +##eche +airship +ambiguity +compulsion +recapture +##claiming +arthritis +##osomal +1667 +asserting +ngc +sniffing +dade +discontent +glendale +ported +##amina +defamation +rammed +##scent +fling +livingstone +##fleet +875 +##ppy +apocalyptic +comrade +lcd +##lowe +cessna +eine +persecuted +subsistence +demi +hoop +reliefs +710 +coptic +progressing +stemmed +perpetrators +1665 +priestess +##nio +dobson +ebony +rooster +itf +tortricidae +##bbon +##jian +cleanup +##jean +##øy +1721 +eighties +taxonomic +holiness +##hearted +##spar +antilles +showcasing +stabilized +##nb +gia +mascara +michelangelo +dawned +##uria +##vinsky +extinguished +fitz +grotesque +£100 +##fera +##loid +##mous +barges +neue +throbbed +cipher +johnnie +##a1 +##mpt +outburst +##swick +spearheaded +administrations +c1 +heartbreak +pixels +pleasantly +##enay +lombardy +plush +##nsed +bobbie +##hly +reapers +tremor +xiang +minogue +substantive +hitch +barak +##wyl +kwan +##encia +910 +obscene +elegance +indus +surfer +bribery +conserve +##hyllum +##masters +horatio +##fat +apes +rebound +psychotic +##pour +iteration +##mium +##vani +botanic +horribly +antiques +dispose +paxton +##hli +##wg +timeless +1704 +disregard +engraver +hounds +##bau +##version +looted +uno +facilitates +groans +masjid +rutland +antibody +disqualification +decatur +footballers +quake +slacks +48th +rein +scribe +stabilize +commits +exemplary +tho +##hort +##chison +pantry +traversed +##hiti +disrepair +identifiable +vibrated +baccalaureate +##nnis +csa +interviewing +##iensis +##raße +greaves +wealthiest +343 +classed +jogged +£5 +##58 +##atal +illuminating +knicks +respecting +##uno +scrubbed +##iji +##dles +kruger +moods +growls +raider +silvia +chefs +kam +vr +cree +percival +##terol +gunter +counterattack +defiant +henan +ze +##rasia +##riety +equivalence +submissions +##fra +##thor +bautista +mechanically +##heater +cornice +herbal +templar +##mering +outputs +ruining +ligand +renumbered +extravagant +mika +blockbuster +eta +insurrection +##ilia +darkening +ferocious +pianos +strife +kinship +##aer +melee +##anor +##iste +##may +##oue +decidedly +weep +##jad +##missive +##ppel +354 +puget +unease +##gnant +1629 +hammering +kassel +ob +wessex +##lga +bromwich +egan +paranoia +utilization +##atable +##idad +contradictory +provoke +##ols +##ouring +##tangled +knesset +##very +##lette +plumbing +##sden +##¹ +greensboro +occult +sniff +338 +zev +beaming +gamer +haggard +mahal +##olt +##pins +mendes +utmost +briefing +gunnery +##gut +##pher +##zh +##rok +1679 +khalifa +sonya +##boot +principals +urbana +wiring +##liffe +##minating +##rrado +dahl +nyu +skepticism +np +townspeople +ithaca +lobster +somethin +##fur +##arina +##−1 +freighter +zimmerman +biceps +contractual +##herton +amend +hurrying +subconscious +##anal +336 +meng +clermont +spawning +##eia +##lub +dignitaries +impetus +snacks +spotting +twigs +##bilis +##cz +##ouk +libertadores +nic +skylar +##aina +##firm +gustave +asean +##anum +dieter +legislatures +flirt +bromley +trolls +umar +##bbies +##tyle +blah +parc +bridgeport +crank +negligence +##nction +46th +constantin +molded +bandages +seriousness +00pm +siegel +carpets +compartments +upbeat +statehood +##dner +##edging +marko +730 +platt +##hane +paving +##iy +1738 +abbess +impatience +limousine +nbl +##talk +441 +lucille +mojo +nightfall +robbers +##nais +karel +brisk +calves +replicate +ascribed +telescopes +##olf +intimidated +##reen +ballast +specialization +##sit +aerodynamic +caliphate +rainer +visionary +##arded +epsilon +##aday +##onte +aggregation +auditory +boosted +reunification +kathmandu +loco +robyn +402 +acknowledges +appointing +humanoid +newell +redeveloped +restraints +##tained +barbarians +chopper +1609 +italiana +##lez +##lho +investigates +wrestlemania +##anies +##bib +690 +##falls +creaked +dragoons +gravely +minions +stupidity +volley +##harat +##week +musik +##eries +##uously +fungal +massimo +semantics +malvern +##ahl +##pee +discourage +embryo +imperialism +1910s +profoundly +##ddled +jiangsu +sparkled +stat +##holz +sweatshirt +tobin +##iction +sneered +##cheon +##oit +brit +causal +smyth +##neuve +diffuse +perrin +silvio +##ipes +##recht +detonated +iqbal +selma +##nism +##zumi +roasted +##riders +tay +##ados +##mament +##mut +##rud +840 +completes +nipples +cfa +flavour +hirsch +##laus +calderon +sneakers +moravian +##ksha +1622 +rq +294 +##imeters +bodo +##isance +##pre +##ronia +anatomical +excerpt +##lke +dh +kunst +##tablished +##scoe +biomass +panted +unharmed +gael +housemates +montpellier +##59 +coa +rodents +tonic +hickory +singleton +##taro +451 +1719 +aldo +breaststroke +dempsey +och +rocco +##cuit +merton +dissemination +midsummer +serials +##idi +haji +polynomials +##rdon +gs +enoch +prematurely +shutter +taunton +£3 +##grating +##inates +archangel +harassed +##asco +326 +archway +dazzling +##ecin +1736 +sumo +wat +##kovich +1086 +honneur +##ently +##nostic +##ttal +##idon +1605 +403 +1716 +blogger +rents +##gnan +hires +##ikh +##dant +howie +##rons +handler +retracted +shocks +1632 +arun +duluth +kepler +trumpeter +##lary +peeking +seasoned +trooper +##mara +laszlo +##iciencies +##rti +heterosexual +##inatory +##ssion +indira +jogging +##inga +##lism +beit +dissatisfaction +malice +##ately +nedra +peeling +##rgeon +47th +stadiums +475 +vertigo +##ains +iced +restroom +##plify +##tub +illustrating +pear +##chner +##sibility +inorganic +rappers +receipts +watery +##kura +lucinda +##oulos +reintroduced +##8th +##tched +gracefully +saxons +nutritional +wastewater +rained +favourites +bedrock +fisted +hallways +likeness +upscale +##lateral +1580 +blinds +prequel +##pps +##tama +deter +humiliating +restraining +tn +vents +1659 +laundering +recess +rosary +tractors +coulter +federer +##ifiers +##plin +persistence +##quitable +geschichte +pendulum +quakers +##beam +bassett +pictorial +buffet +koln +##sitor +drills +reciprocal +shooters +##57 +##cton +##tees +converge +pip +dmitri +donnelly +yamamoto +aqua +azores +demographics +hypnotic +spitfire +suspend +wryly +roderick +##rran +sebastien +##asurable +mavericks +##fles +##200 +himalayan +prodigy +##iance +transvaal +demonstrators +handcuffs +dodged +mcnamara +sublime +1726 +crazed +##efined +##till +ivo +pondered +reconciled +shrill +sava +##duk +bal +cad +heresy +jaipur +goran +##nished +341 +lux +shelly +whitehall +##hre +israelis +peacekeeping +##wled +1703 +demetrius +ousted +##arians +##zos +beale +anwar +backstroke +raged +shrinking +cremated +##yck +benign +towing +wadi +darmstadt +landfill +parana +soothe +colleen +sidewalks +mayfair +tumble +hepatitis +ferrer +superstructure +##gingly +##urse +##wee +anthropological +translators +##mies +closeness +hooves +##pw +mondays +##roll +##vita +landscaping +##urized +purification +sock +thorns +thwarted +jalan +tiberius +##taka +saline +##rito +confidently +khyber +sculptors +##ij +brahms +hammersmith +inspectors +battista +fivb +fragmentation +hackney +##uls +arresting +exercising +antoinette +bedfordshire +##zily +dyed +##hema +1656 +racetrack +variability +##tique +1655 +austrians +deteriorating +madman +theorists +aix +lehman +weathered +1731 +decreed +eruptions +1729 +flaw +quinlan +sorbonne +flutes +nunez +1711 +adored +downwards +fable +rasped +1712 +moritz +mouthful +renegade +shivers +stunts +dysfunction +restrain +translit +327 +pancakes +##avio +##cision +##tray +351 +vial +##lden +bain +##maid +##oxide +chihuahua +malacca +vimes +##rba +##rnier +1664 +donnie +plaques +##ually +337 +bangs +floppy +huntsville +loretta +nikolay +##otte +eater +handgun +ubiquitous +##hett +eras +zodiac +1634 +##omorphic +1820s +##zog +cochran +##bula +##lithic +warring +##rada +dalai +excused +blazers +mcconnell +reeling +bot +este +##abi +geese +hoax +taxon +##bla +guitarists +##icon +condemning +hunts +inversion +moffat +taekwondo +##lvis +1624 +stammered +##rest +##rzy +sousa +fundraiser +marylebone +navigable +uptown +cabbage +daniela +salman +shitty +whimper +##kian +##utive +programmers +protections +rm +##rmi +##rued +forceful +##enes +fuss +##tao +##wash +brat +oppressive +reykjavik +spartak +ticking +##inkles +##kiewicz +adolph +horst +maui +protege +straighten +cpc +landau +concourse +clements +resultant +##ando +imaginative +joo +reactivated +##rem +##ffled +##uising +consultative +##guide +flop +kaitlyn +mergers +parenting +somber +##vron +supervise +vidhan +##imum +courtship +exemplified +harmonies +medallist +refining +##rrow +##ка +amara +##hum +780 +goalscorer +sited +overshadowed +rohan +displeasure +secretive +multiplied +osman +##orth +engravings +padre +##kali +##veda +miniatures +mis +##yala +clap +pali +rook +##cana +1692 +57th +antennae +astro +oskar +1628 +bulldog +crotch +hackett +yucatan +##sure +amplifiers +brno +ferrara +migrating +##gree +thanking +turing +##eza +mccann +ting +andersson +onslaught +gaines +ganga +incense +standardization +##mation +sentai +scuba +stuffing +turquoise +waivers +alloys +##vitt +regaining +vaults +##clops +##gizing +digger +furry +memorabilia +probing +##iad +payton +rec +deutschland +filippo +opaque +seamen +zenith +afrikaans +##filtration +disciplined +inspirational +##merie +banco +confuse +grafton +tod +##dgets +championed +simi +anomaly +biplane +##ceptive +electrode +##para +1697 +cleavage +crossbow +swirl +informant +##lars +##osta +afi +bonfire +spec +##oux +lakeside +slump +##culus +##lais +##qvist +##rrigan +1016 +facades +borg +inwardly +cervical +xl +pointedly +050 +stabilization +##odon +chests +1699 +hacked +ctv +orthogonal +suzy +##lastic +gaulle +jacobite +rearview +##cam +##erted +ashby +##drik +##igate +##mise +##zbek +affectionately +canine +disperse +latham +##istles +##ivar +spielberg +##orin +##idium +ezekiel +cid +##sg +durga +middletown +##cina +customized +frontiers +harden +##etano +##zzy +1604 +bolsheviks +##66 +coloration +yoko +##bedo +briefs +slabs +debra +liquidation +plumage +##oin +blossoms +dementia +subsidy +1611 +proctor +relational +jerseys +parochial +ter +##ici +esa +peshawar +cavalier +loren +cpi +idiots +shamrock +1646 +dutton +malabar +mustache +##endez +##ocytes +referencing +terminates +marche +yarmouth +##sop +acton +mated +seton +subtly +baptised +beige +extremes +jolted +kristina +telecast +##actic +safeguard +waldo +##baldi +##bular +endeavors +sloppy +subterranean +##ensburg +##itung +delicately +pigment +tq +##scu +1626 +##ound +collisions +coveted +herds +##personal +##meister +##nberger +chopra +##ricting +abnormalities +defective +galician +lucie +##dilly +alligator +likened +##genase +burundi +clears +complexion +derelict +deafening +diablo +fingered +champaign +dogg +enlist +isotope +labeling +mrna +##erre +brilliance +marvelous +##ayo +1652 +crawley +ether +footed +dwellers +deserts +hamish +rubs +warlock +skimmed +##lizer +870 +buick +embark +heraldic +irregularities +##ajan +kiara +##kulam +##ieg +antigen +kowalski +##lge +oakley +visitation +##mbit +vt +##suit +1570 +murderers +##miento +##rites +chimneys +##sling +condemn +custer +exchequer +havre +##ghi +fluctuations +##rations +dfb +hendricks +vaccines +##tarian +nietzsche +biking +juicy +##duced +brooding +scrolling +selangor +##ragan +352 +annum +boomed +seminole +sugarcane +##dna +departmental +dismissing +innsbruck +arteries +ashok +batavia +daze +kun +overtook +##rga +##tlan +beheaded +gaddafi +holm +electronically +faulty +galilee +fractures +kobayashi +##lized +gunmen +magma +aramaic +mala +eastenders +inference +messengers +bf +##qu +407 +bathrooms +##vere +1658 +flashbacks +ideally +misunderstood +##jali +##weather +mendez +##grounds +505 +uncanny +##iii +1709 +friendships +##nbc +sacrament +accommodated +reiterated +logistical +pebbles +thumped +##escence +administering +decrees +drafts +##flight +##cased +##tula +futuristic +picket +intimidation +winthrop +##fahan +interfered +339 +afar +francoise +morally +uta +cochin +croft +dwarfs +##bruck +##dents +##nami +biker +##hner +##meral +nano +##isen +##ometric +##pres +##ан +brightened +meek +parcels +securely +gunners +##jhl +##zko +agile +hysteria +##lten +##rcus +bukit +champs +chevy +cuckoo +leith +sadler +theologians +welded +##section +1663 +jj +plurality +xander +##rooms +##formed +shredded +temps +intimately +pau +tormented +##lok +##stellar +1618 +charred +ems +essen +##mmel +alarms +spraying +ascot +blooms +twinkle +##abia +##apes +internment +obsidian +##chaft +snoop +##dav +##ooping +malibu +##tension +quiver +##itia +hays +mcintosh +travers +walsall +##ffie +1623 +beverley +schwarz +plunging +structurally +m3 +rosenthal +vikram +##tsk +770 +ghz +##onda +##tiv +chalmers +groningen +pew +reckon +unicef +##rvis +55th +##gni +1651 +sulawesi +avila +cai +metaphysical +screwing +turbulence +##mberg +augusto +samba +56th +baffled +momentary +toxin +##urian +##wani +aachen +condoms +dali +steppe +##3d +##app +##oed +##year +adolescence +dauphin +electrically +inaccessible +microscopy +nikita +##ega +atv +##cel +##enter +##oles +##oteric +##ы +accountants +punishments +wrongly +bribes +adventurous +clinch +flinders +southland +##hem +##kata +gough +##ciency +lads +soared +##ה +undergoes +deformation +outlawed +rubbish +##arus +##mussen +##nidae +##rzburg +arcs +##ingdon +##tituted +1695 +wheelbase +wheeling +bombardier +campground +zebra +##lices +##oj +##bain +lullaby +##ecure +donetsk +wylie +grenada +##arding +##ης +squinting +eireann +opposes +##andra +maximal +runes +##broken +##cuting +##iface +##ror +##rosis +additive +britney +adultery +triggering +##drome +detrimental +aarhus +containment +jc +swapped +vichy +##ioms +madly +##oric +##rag +brant +##ckey +##trix +1560 +1612 +broughton +rustling +##stems +##uder +asbestos +mentoring +##nivorous +finley +leaps +##isan +apical +pry +slits +substitutes +##dict +intuitive +fantasia +insistent +unreasonable +##igen +##vna +domed +hannover +margot +ponder +##zziness +impromptu +jian +lc +rampage +stemming +##eft +andrey +gerais +whichever +amnesia +appropriated +anzac +clicks +modifying +ultimatum +cambrian +maids +verve +yellowstone +##mbs +conservatoire +##scribe +adherence +dinners +spectra +imperfect +mysteriously +sidekick +tatar +tuba +##aks +##ifolia +distrust +##athan +##zle +c2 +ronin +zac +##pse +celaena +instrumentalist +scents +skopje +##mbling +comical +compensated +vidal +condor +intersect +jingle +wavelengths +##urrent +mcqueen +##izzly +carp +weasel +422 +kanye +militias +postdoctoral +eugen +gunslinger +##ɛ +faux +hospice +##for +appalled +derivation +dwarves +##elis +dilapidated +##folk +astoria +philology +##lwyn +##otho +##saka +inducing +philanthropy +##bf +##itative +geek +markedly +sql +##yce +bessie +indices +rn +##flict +495 +frowns +resolving +weightlifting +tugs +cleric +contentious +1653 +mania +rms +##miya +##reate +##ruck +##tucket +bien +eels +marek +##ayton +##cence +discreet +unofficially +##ife +leaks +##bber +1705 +332 +dung +compressor +hillsborough +pandit +shillings +distal +##skin +381 +##tat +##you +nosed +##nir +mangrove +undeveloped +##idia +textures +##inho +##500 +##rise +ae +irritating +nay +amazingly +bancroft +apologetic +compassionate +kata +symphonies +##lovic +airspace +##lch +930 +gifford +precautions +fulfillment +sevilla +vulgar +martinique +##urities +looting +piccolo +tidy +##dermott +quadrant +armchair +incomes +mathematicians +stampede +nilsson +##inking +##scan +foo +quarterfinal +##ostal +shang +shouldered +squirrels +##owe +344 +vinegar +##bner +##rchy +##systems +delaying +##trics +ars +dwyer +rhapsody +sponsoring +##gration +bipolar +cinder +starters +##olio +##urst +421 +signage +##nty +aground +figurative +mons +acquaintances +duets +erroneously +soyuz +elliptic +recreated +##cultural +##quette +##ssed +##tma +##zcz +moderator +scares +##itaire +##stones +##udence +juniper +sighting +##just +##nsen +britten +calabria +ry +bop +cramer +forsyth +stillness +##л +airmen +gathers +unfit +##umber +##upt +taunting +##rip +seeker +streamlined +##bution +holster +schumann +tread +vox +##gano +##onzo +strive +dil +reforming +covent +newbury +predicting +##orro +decorate +tre +##puted +andover +ie +asahi +dept +dunkirk +gills +##tori +buren +huskies +##stis +##stov +abstracts +bets +loosen +##opa +1682 +yearning +##glio +##sir +berman +effortlessly +enamel +napoli +persist +##peration +##uez +attache +elisa +b1 +invitations +##kic +accelerating +reindeer +boardwalk +clutches +nelly +polka +starbucks +##kei +adamant +huey +lough +unbroken +adventurer +embroidery +inspecting +stanza +##ducted +naia +taluka +##pone +##roids +chases +deprivation +florian +##jing +##ppet +earthly +##lib +##ssee +colossal +foreigner +vet +freaks +patrice +rosewood +triassic +upstate +##pkins +dominates +ata +chants +ks +vo +##400 +##bley +##raya +##rmed +555 +agra +infiltrate +##ailing +##ilation +##tzer +##uppe +##werk +binoculars +enthusiast +fujian +squeak +##avs +abolitionist +almeida +boredom +hampstead +marsden +rations +##ands +inflated +334 +bonuses +rosalie +patna +##rco +329 +detachments +penitentiary +54th +flourishing +woolf +##dion +##etched +papyrus +##lster +##nsor +##toy +bobbed +dismounted +endelle +inhuman +motorola +tbs +wince +wreath +##ticus +hideout +inspections +sanjay +disgrace +infused +pudding +stalks +##urbed +arsenic +leases +##hyl +##rrard +collarbone +##waite +##wil +dowry +##bant +##edance +genealogical +nitrate +salamanca +scandals +thyroid +necessitated +##! +##" +### +##$ +##% +##& +##' +##( +##) +##* +##+ +##, +##- +##. +##/ +##: +##; +##< +##= +##> +##? +##@ +##[ +##\ +##] +##^ +##_ +##` +##{ +##| +##} +##~ +##¡ +##¢ +##£ +##¤ +##¥ +##¦ +##§ +##¨ +##© +##ª +##« +##¬ +##® +##± +##´ +##µ +##¶ +##· +##º +##» +##¼ +##¾ +##¿ +##æ +##ð +##÷ +##þ +##đ +##ħ +##ŋ +##œ +##ƒ +##ɐ +##ɑ +##ɒ +##ɔ +##ɕ +##ə +##ɡ +##ɣ +##ɨ +##ɪ +##ɫ +##ɬ +##ɯ +##ɲ +##ɴ +##ɹ +##ɾ +##ʀ +##ʁ +##ʂ +##ʃ +##ʉ +##ʊ +##ʋ +##ʌ +##ʎ +##ʐ +##ʑ +##ʒ +##ʔ +##ʰ +##ʲ +##ʳ +##ʷ +##ʸ +##ʻ +##ʼ +##ʾ +##ʿ +##ˈ +##ˡ +##ˢ +##ˣ +##ˤ +##β +##γ +##δ +##ε +##ζ +##θ +##κ +##λ +##μ +##ξ +##ο +##π +##ρ +##σ +##τ +##υ +##φ +##χ +##ψ +##ω +##б +##г +##д +##ж +##з +##м +##п +##с +##у +##ф +##х +##ц +##ч +##ш +##щ +##ъ +##э +##ю +##ђ +##є +##і +##ј +##љ +##њ +##ћ +##ӏ +##ա +##բ +##գ +##դ +##ե +##թ +##ի +##լ +##կ +##հ +##մ +##յ +##ն +##ո +##պ +##ս +##վ +##տ +##ր +##ւ +##ք +##־ +##א +##ב +##ג +##ד +##ו +##ז +##ח +##ט +##י +##ך +##כ +##ל +##ם +##מ +##ן +##נ +##ס +##ע +##ף +##פ +##ץ +##צ +##ק +##ר +##ש +##ת +##، +##ء +##ب +##ت +##ث +##ج +##ح +##خ +##ذ +##ز +##س +##ش +##ص +##ض +##ط +##ظ +##ع +##غ +##ـ +##ف +##ق +##ك +##و +##ى +##ٹ +##پ +##چ +##ک +##گ +##ں +##ھ +##ہ +##ے +##अ +##आ +##उ +##ए +##क +##ख +##ग +##च +##ज +##ट +##ड +##ण +##त +##थ +##द +##ध +##न +##प +##ब +##भ +##म +##य +##र +##ल +##व +##श +##ष +##स +##ह +##ा +##ि +##ी +##ो +##। +##॥ +##ং +##অ +##আ +##ই +##উ +##এ +##ও +##ক +##খ +##গ +##চ +##ছ +##জ +##ট +##ড +##ণ +##ত +##থ +##দ +##ধ +##ন +##প +##ব +##ভ +##ম +##য +##র +##ল +##শ +##ষ +##স +##হ +##া +##ি +##ী +##ে +##க +##ச +##ட +##த +##ந +##ன +##ப +##ம +##ய +##ர +##ல +##ள +##வ +##ா +##ி +##ு +##ே +##ை +##ನ +##ರ +##ಾ +##ක +##ය +##ර +##ල +##ව +##ා +##ก +##ง +##ต +##ท +##น +##พ +##ม +##ย +##ร +##ล +##ว +##ส +##อ +##า +##เ +##་ +##། +##ག +##ང +##ད +##ན +##པ +##བ +##མ +##འ +##ར +##ལ +##ས +##မ +##ა +##ბ +##გ +##დ +##ე +##ვ +##თ +##ი +##კ +##ლ +##მ +##ნ +##ო +##რ +##ს +##ტ +##უ +##ᄀ +##ᄂ +##ᄃ +##ᄅ +##ᄆ +##ᄇ +##ᄉ +##ᄊ +##ᄋ +##ᄌ +##ᄎ +##ᄏ +##ᄐ +##ᄑ +##ᄒ +##ᅡ +##ᅢ +##ᅥ +##ᅦ +##ᅧ +##ᅩ +##ᅪ +##ᅭ +##ᅮ +##ᅯ +##ᅲ +##ᅳ +##ᅴ +##ᅵ +##ᆨ +##ᆫ +##ᆯ +##ᆷ +##ᆸ +##ᆼ +##ᴬ +##ᴮ +##ᴰ +##ᴵ +##ᴺ +##ᵀ +##ᵃ +##ᵇ +##ᵈ +##ᵉ +##ᵍ +##ᵏ +##ᵐ +##ᵒ +##ᵖ +##ᵗ +##ᵘ +##ᵣ +##ᵤ +##ᵥ +##ᶜ +##ᶠ +##‐ +##‑ +##‒ +##– +##— +##― +##‖ +##‘ +##’ +##‚ +##“ +##” +##„ +##† +##‡ +##• +##… +##‰ +##′ +##″ +##› +##‿ +##⁄ +##⁰ +##ⁱ +##⁴ +##⁵ +##⁶ +##⁷ +##⁸ +##⁹ +##⁻ +##ⁿ +##₅ +##₆ +##₇ +##₈ +##₉ +##₊ +##₍ +##₎ +##ₐ +##ₑ +##ₒ +##ₓ +##ₕ +##ₖ +##ₗ +##ₘ +##ₚ +##ₛ +##ₜ +##₤ +##₩ +##€ +##₱ +##₹ +##ℓ +##№ +##ℝ +##™ +##⅓ +##⅔ +##← +##↑ +##→ +##↓ +##↔ +##↦ +##⇄ +##⇌ +##⇒ +##∂ +##∅ +##∆ +##∇ +##∈ +##∗ +##∘ +##√ +##∞ +##∧ +##∨ +##∩ +##∪ +##≈ +##≡ +##≤ +##≥ +##⊂ +##⊆ +##⊕ +##⊗ +##⋅ +##─ +##│ +##■ +##▪ +##● +##★ +##☆ +##☉ +##♠ +##♣ +##♥ +##♦ +##♯ +##⟨ +##⟩ +##ⱼ +##⺩ +##⺼ +##⽥ +##、 +##。 +##〈 +##〉 +##《 +##》 +##「 +##」 +##『 +##』 +##〜 +##あ +##い +##う +##え +##お +##か +##き +##く +##け +##こ +##さ +##し +##す +##せ +##そ +##た +##ち +##っ +##つ +##て +##と +##な +##に +##ぬ +##ね +##の +##は +##ひ +##ふ +##へ +##ほ +##ま +##み +##む +##め +##も +##や +##ゆ +##よ +##ら +##り +##る +##れ +##ろ +##を +##ん +##ァ +##ア +##ィ +##イ +##ウ +##ェ +##エ +##オ +##カ +##キ +##ク +##ケ +##コ +##サ +##シ +##ス +##セ +##タ +##チ +##ッ +##ツ +##テ +##ト +##ナ +##ニ +##ノ +##ハ +##ヒ +##フ +##ヘ +##ホ +##マ +##ミ +##ム +##メ +##モ +##ャ +##ュ +##ョ +##ラ +##リ +##ル +##レ +##ロ +##ワ +##ン +##・ +##ー +##一 +##三 +##上 +##下 +##不 +##世 +##中 +##主 +##久 +##之 +##也 +##事 +##二 +##五 +##井 +##京 +##人 +##亻 +##仁 +##介 +##代 +##仮 +##伊 +##会 +##佐 +##侍 +##保 +##信 +##健 +##元 +##光 +##八 +##公 +##内 +##出 +##分 +##前 +##劉 +##力 +##加 +##勝 +##北 +##区 +##十 +##千 +##南 +##博 +##原 +##口 +##古 +##史 +##司 +##合 +##吉 +##同 +##名 +##和 +##囗 +##四 +##国 +##國 +##土 +##地 +##坂 +##城 +##堂 +##場 +##士 +##夏 +##外 +##大 +##天 +##太 +##夫 +##奈 +##女 +##子 +##学 +##宀 +##宇 +##安 +##宗 +##定 +##宣 +##宮 +##家 +##宿 +##寺 +##將 +##小 +##尚 +##山 +##岡 +##島 +##崎 +##川 +##州 +##巿 +##帝 +##平 +##年 +##幸 +##广 +##弘 +##張 +##彳 +##後 +##御 +##德 +##心 +##忄 +##志 +##忠 +##愛 +##成 +##我 +##戦 +##戸 +##手 +##扌 +##政 +##文 +##新 +##方 +##日 +##明 +##星 +##春 +##昭 +##智 +##曲 +##書 +##月 +##有 +##朝 +##木 +##本 +##李 +##村 +##東 +##松 +##林 +##森 +##楊 +##樹 +##橋 +##歌 +##止 +##正 +##武 +##比 +##氏 +##民 +##水 +##氵 +##氷 +##永 +##江 +##沢 +##河 +##治 +##法 +##海 +##清 +##漢 +##瀬 +##火 +##版 +##犬 +##王 +##生 +##田 +##男 +##疒 +##発 +##白 +##的 +##皇 +##目 +##相 +##省 +##真 +##石 +##示 +##社 +##神 +##福 +##禾 +##秀 +##秋 +##空 +##立 +##章 +##竹 +##糹 +##美 +##義 +##耳 +##良 +##艹 +##花 +##英 +##華 +##葉 +##藤 +##行 +##街 +##西 +##見 +##訁 +##語 +##谷 +##貝 +##貴 +##車 +##軍 +##辶 +##道 +##郎 +##郡 +##部 +##都 +##里 +##野 +##金 +##鈴 +##镇 +##長 +##門 +##間 +##阝 +##阿 +##陳 +##陽 +##雄 +##青 +##面 +##風 +##食 +##香 +##馬 +##高 +##龍 +##龸 +##fi +##fl +##! +##( +##) +##, +##- +##. +##/ +##: +##? +##~ + diff --git a/checkpoint-150/config.json b/checkpoint-150/config.json new file mode 100644 index 0000000000000000000000000000000000000000..af52ec8531f286b6a0a31a87a48f494a228ed3ff --- /dev/null +++ b/checkpoint-150/config.json @@ -0,0 +1,58 @@ +{ + "_name_or_path": "google/pegasus-xsum", + "activation_dropout": 0.1, + "activation_function": "relu", + "add_bias_logits": false, + "add_final_layer_norm": true, + "architectures": [ + "PegasusForConditionalGeneration" + ], + "attention_dropout": 0.1, + "bos_token_id": 0, + "classif_dropout": 0.0, + "classifier_dropout": 0.0, + "d_model": 1024, + "decoder_attention_heads": 16, + "decoder_ffn_dim": 4096, + "decoder_layerdrop": 0.0, + "decoder_layers": 16, + "decoder_start_token_id": 0, + "do_blenderbot_90_layernorm": false, + "dropout": 0.1, + "encoder_attention_heads": 16, + "encoder_ffn_dim": 4096, + "encoder_layerdrop": 0.0, + "encoder_layers": 16, + "eos_token_id": 1, + "extra_pos_embeddings": 0, + "force_bos_token_to_be_generated": false, + "forced_eos_token_id": 1, + "gradient_checkpointing": false, + "id2label": { + "0": "LABEL_0", + "1": "LABEL_1", + "2": "LABEL_2" + }, + "init_std": 0.02, + "is_encoder_decoder": true, + "label2id": { + "LABEL_0": 0, + "LABEL_1": 1, + "LABEL_2": 2 + }, + "length_penalty": 0.6, + "max_length": 64, + "max_position_embeddings": 512, + "model_type": "pegasus", + "normalize_before": true, + "normalize_embedding": false, + "num_beams": 8, + "num_hidden_layers": 16, + "pad_token_id": 0, + "scale_embedding": true, + "static_position_embeddings": true, + "torch_dtype": "float32", + "transformers_version": "4.20.1", + "use_cache": true, + "vocab_size": 96103 +} diff --git a/checkpoint-150/optimizer.pt b/checkpoint-150/optimizer.pt new file mode 100644 index 0000000000000000000000000000000000000000..a4a31e08a02596532b09837d1e6c6085e5da2efd --- /dev/null +++ b/checkpoint-150/optimizer.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b31a813daf8949431f72c9672f50293c37c937f8239655269de86409df0a04ad +size 5839694 diff --git a/checkpoint-150/pytorch_model.bin b/checkpoint-150/pytorch_model.bin new file mode 100644 index 0000000000000000000000000000000000000000..b8e27f89d418dd955549a77fc7a5569f0faea9c8 --- /dev/null +++ b/checkpoint-150/pytorch_model.bin @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6247ec114255a90ed5b84b8a94e1f9c20e3ff778c1cb853fb3758706d58deb78 +size 2279605745 diff --git a/checkpoint-150/rng_state.pth b/checkpoint-150/rng_state.pth new file mode 100644 index 0000000000000000000000000000000000000000..ca145ad2d81f373d8138da26eaf605bc93b9f068 --- /dev/null +++ b/checkpoint-150/rng_state.pth @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:61da4aab34859d84193f6d36e1ca6db2cab8dd2449b8ba79a7f1af61aa8c44a5 +size 14503 diff --git a/checkpoint-150/scheduler.pt b/checkpoint-150/scheduler.pt new file mode 100644 index 0000000000000000000000000000000000000000..463b6b761ec43c0a553e5c7934ce942025d18477 --- /dev/null +++ b/checkpoint-150/scheduler.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e43ff59eb3184ee5df5457b7f99569ad47a950434bbef23184de1d9025687c8e +size 623 diff --git a/checkpoint-150/special_tokens_map.json b/checkpoint-150/special_tokens_map.json new file mode 100644 index 0000000000000000000000000000000000000000..48e484984847a32ee33905eca9ead03cc49a4ecd --- /dev/null +++ b/checkpoint-150/special_tokens_map.json @@ -0,0 +1,110 @@ +{ + "additional_special_tokens": [ + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "" + ], + "eos_token": "", + "mask_token": "", + "pad_token": "", + "unk_token": "" +} diff --git a/checkpoint-150/spiece.model b/checkpoint-150/spiece.model new file mode 100644 index 0000000000000000000000000000000000000000..940a1b4a39fabbd3787e0239512599d758dab6e4 --- /dev/null +++ b/checkpoint-150/spiece.model @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0015189ef36359283fec8b93cf6d9ce51bca37eb1101defc68a53b394913b96c +size 1912529 diff --git a/checkpoint-150/tokenizer.json b/checkpoint-150/tokenizer.json new file mode 100644 index 0000000000000000000000000000000000000000..af44a7b01df62beda6553433ec6efce2d23b45d9 --- /dev/null +++ b/checkpoint-150/tokenizer.json @@ -0,0 +1,385458 @@ +{ + "version": "1.0", + "truncation": { + "direction": "Right", + "max_length": 25, + "strategy": "LongestFirst", + "stride": 0 + }, + "padding": null, + "added_tokens": [ + { + "id": 0, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 1, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 2, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 3, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 4, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 5, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 6, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 7, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 8, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 9, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 10, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 11, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 12, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 13, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 14, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 15, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 16, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 17, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 18, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 19, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 20, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 21, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 22, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 23, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 24, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 25, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 26, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 27, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 28, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 29, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 30, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 31, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 32, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 33, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 34, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 35, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 36, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 37, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 38, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 39, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 40, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 41, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 42, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 43, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 44, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 45, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 46, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 47, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 48, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 49, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 50, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 51, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 52, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 53, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 54, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 55, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 56, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 57, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 58, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 59, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 60, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 61, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 62, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 63, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 64, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 65, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 66, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 67, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 68, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 69, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 70, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 71, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 72, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 73, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 74, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 75, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 76, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 77, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 78, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 79, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 80, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 81, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 82, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 83, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 84, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 85, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 86, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 87, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 88, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 89, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 90, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 91, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 92, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 93, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 94, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 95, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 96, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 97, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 98, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 99, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 100, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 101, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 102, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 103, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 104, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 105, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + } + ], + "normalizer": { + "type": "Sequence", + "normalizers": [ + { + "type": "Precompiled", + "precompiled_charsmap": "ALQCAACEAAAAAACAAQAAgMz8AgC4BQAAhyIAgMzkAgC4PQAAeyIAgMzsAgC4BQAAiyIAgMw8AADNvAAAmwkAgJ4JAIChCQCAgx0AAIAZAACBGQAAPR0AgDUdAIBNHQCARR0AgIAxAACBMQAApAkAgIkxAAA9WAMAPEgDAEAKAIA+aAMAAYUAAIQBAQADjQAAAokAAAWVAAAEkQAAB50AAAaZAAAJqQAACKEAAAutAAAKpQAADbkAAAy9AAAPvQAADrkAABHFAAAQwQAAE80AABLJAAAV1QAAFNEAABfdAAAW2QAAGeUAABjhAAAb7QAAGukAAB31AAAc8QAAH/0AAB75AABhOAkAZR0AgGNADgBi8AgAZSgPAGSADgBn2A8AZvAPAGlwDABoMAwAa/AMAGrYDABtSA0AbBwNAG8QEgBubA0ARgoAgHAMEwBzqBMAcuwTAHUoEAB0TBAAd9ARAHYUEAB50BYAePQQAF0dAIB69BYAdR0AgG0dAIB/fQEAhgwAgEGAAgDeCwCAQxgAAELAAABFSAAARGAAAEeQBgBGhAEASSgGAEhsAQBLOAcASvAHAE1wBwBMRAcAT/AEAE7MBACnCQCAUCwFAFOgCgBSEAUAVQAKAFRQCgBX0AgAVhALAFlICABYuAgAhBEAAFo8CACA9QAAgZ0AANgLAIAtHQCAg2kCAIJFAgCBNQIAgDUCAIdtAwCGVQMAgTkAAIRlAgAXDACAigEEAInVAwCI7QMAjwkAAKgLAIApDACAjAkAAC8MAICJMQMAkQkAAMzYAABVHQCAfR0AgL0aAIBMCgCAgGUDAIENAwCGPQAAgx0DAMwQAgDNhAEAgikAAMx0AwCjgQYAxRoAgICxAgCBsQIAzRoAgIEpAAClwQAA1RoAgMzoAwDNYAIAUgoAgKjxAABYCgCAXgoAgGQKAIDdGgCAgWkAAMzcBACCEQEA5RoAgGoKAIDtGgCA/RoAgAUbAID1GgCAswkAgMygBADN3AQAzAgBALYJAIClHQCAhhEBAOEAKwDgfCcA44hIAuIMOAKdHQCAh5EBALUdAICtHQCAgNkBAIE1AADMxAIA6kRkApUdAIANGwCA72hkAoERBwCC8QEA8NCLAolVAACB5QEAFRsAgIfhAQCAbQAAgQ0AAIN5AAB2CgCAgXkAAICVAQDMOAEAzRQBAIzBAQB8CgCAvAkAgKMVAQDDlBcAwpwUAMWEFwDEUBcAx+wXAMaAEgCNHQCAiAoAgMvQFgDK4BYAzRQWADUMAIDPvCAAzpwZANHMJADQ2CUA0+gkALFRAQA7DACAp90HAL0dAIDWvCQA2cgnANjUIgDb+CcALRsAgIftBwCCCgCAzPgEAB0bAIAlHQCAh8kGALAJAICR3QcAuQkAgCUbAIBwCgCANRsAgIUdAICMDACAjPkGAAsMAICA1QYAgcEGAMzEAgDNBAUAglEAAIN1BwCArQYAgbkGAIY1BwCHKQcAhEEAAI4KAICn7QAAPRsAgIjpBwCJzQcAlAoAgI/BBwCM3QcAmgoAgOoLAICnXQYAsJ0AAKAKAICmCgCAo0EGAEUbAIBVGwCAfQwAgE0bAIBdGwCArXEGAGUbAIC/CQCAzPgDAM0sAwDCCQCAo+UAAMUJAICMTQAAsgoAgKfxAAC4CgCAsT0GAIedAACGlQAAqB0HAISJAAC+CgCAgqkAAIHVAACtAQcAygoAgJE9AACCmQEAyAkAgM0MBQDMCAUAgT0AAIeFAQCIvQEAdRsAgMUdAICuCwCAjJEBAEEMAIBHDACAzR0AgID1AQCBhQEAgoEBAIOdAQCEiQEAxAoAgIapAQCHXQAAiG0AAIlNAABtGwCAzBACAIxdAACCDQAA0AoAgI9JAACw6QAAfRsAgPALAICjKQEAgCUBAIFVAQCFGwCApzUBAMykAQDNEAIA1goAgI0bAICBNQAA3AoAgK4JAQDoCgCAzOgBAM0oAgCVGwCAo/EAAIQFAACdGwCA4goAgK0bAICotQAApRsAgIFdAAC1GwCAzPwBAM3AAQC9GwCAxRsAgIGFAwARDACAgeUDAO4KAICH6QMAywkAgIylAwDNGwCA+goAgKoJAIDVGwCAgZkDAIHdAwCMvQMAzSQBAMwgAQDMEAIAzTACAIH5AACHUQAAgFUAAIFZAAD0CgCAg0kAAIxBAADlGwCA3RsAgM4JAICBfQAAgHEAAMwgAwDNsAMAo30DANEJAICjEQMA7R0AgIEtAQCx/QAApzEDAK1BAwDlHQCAo20DAP0dAID1HQCA7RsAgKdtAwCANQAAgR0AALFtAwCILQAAmAwAgKeVAACBcQAAgFkAAINxAACj9QAAgVEAAK2BAAD1GwCAsQkDAIldAACEPQAAzDgBAISdAQCBGQAAgAkAAIRlAAD9GwCAzNAHAMzwBwAFHACAkYkAAMxMBgDNBAYAzHAGAM10BgDMQAcAmy0PAMyoBwDNrAcAhg0AAIdVDwCEQQ8ACQsAgIIBDACDVQ8AgDUBAIHZAQCkDACAj+kAAIztAACSDACA3R0AgIv1AACIbQ8AiQ0AAA8LAIC0CwCAgiUAAE0MAICBQQAAUwwAgBUeAIANHgCAJR4AgB0eAIAtHgCABR4AgIApAACBKQAA/AsAgA0cAICEeQAAFRwAgIFNAQCAoQEAGAsAgKP9DwDMOAIAzUgDAB0cAICBWQAAzXwCAMykDQAkCwCAWQwAgKjJDwCHOQAA1wkAgImhDwADCwCAkREAAJ4MAIDaCQCAmQsAgF8MAICAuQ8AgbkPANUdAICDjQ8A9gsAgCUcAICEBQAALRwAgB4LAIA1HACAKgsAgIGdDwCHIQAAh7UPAMyoAgDN6AIAzLQMAM3cDACmzQAAp8UAAE0cAICPgQ8AjIkPAKPlAAAwCwCAPRwAgDwLAICxyQAAhwUAAFUcAIBFHACAhz0AAF0cAIBxDACANgsAgKMFDwCB+QAAzKgDAGUcAIBICwCAjEkAAKPxAABtHACAdwwAgEILAICnlQAAfRwAgHUcAIDMrAMAzcgAAN0JAICHaQAA4AkAgIG9AACCeQAA4wkAgIe5AQBOCwCAkaUAAIEdAACdHACAVAsAgIgFAAClHACAm5EAAFoLAIDmCQCAjJEBANILAIDGCwCAwAsAgMwLAICDRQAAgrkBAIG5AQCApQEAPR4AgIZxAABgCwCAhEkAAIsVAACKPQAAiTkAAIhFAACP+QAAZgsAgLoLAICMBQAAp1EBAKZJAQBlDACAsHkAAKNZAQCMqQAAgKkAAIGpAACBlQAAgJUAAK1xAQBrDACAogsAgISNAABNHgCARR4AgKMhAABdHgCAVR4AgGUeAICBbQAAgG0AALEFAQCkOQAANR4AgIUcAIBsCwCAqAUAAJUcAICNHACArQkAAMywAQCBvQMAgL0DAIPNAwCtHACAtRwAgL0cAIDMvAEAzYQBAInpAwDMHAEAgdkCAIDFAgDNOAEAzDwBAMxoAgDNRAIAg00AAMUcAICH2QAAhy0AAIBFAACBEQAAggUAAHILAIDVHACAzRwAgN0cAIDMOAIAiBUAAIjhAACAbQAAgTkAAMyEAgDNUAEAo0UDAIQ5AQDlHACA7RwAgMzcAwDNSAIAbR4AgOkJAIB4CwCAhR4AgKoMAICBbQAA9RwAgH4LAICj0QAAfR4AgHUeAIDMiAQAgXUAAIB1AACBCwCAo7UAAMwABADNVAIA/RwAgIcLAICETQEAjQsAgAUdAIANHQCAzNAOAMwsAQDMAAUAzVwFAOwJAIDvCQCAzJgOAIHBAADMzA8AzDwOAMwIAQDNnA4AzNQPAM14DwDMPA4AzTgOAIHlAQCA5QEAg+UBAILlAQDUCQCAhOUBAIfhAQBBHQCAiaUBAIjZAQCByQcAOR0AgFEdAIBJHQCAzDQBAPUJAICA3QAAgekAAEMKAICD/QAAgM0AAIH5AACBEQcAaR0AgGEdAICJ0QAAzCgBAHkdAIBxHQCA4QsAgMw0AQDbCwCAgF0AAIFlAACjAQEAg2EAAIFxAACASQAAMR0AgBoMAICrCwCAiVUAACwMAIAyDACAWR0AgIEdAIDBGgCATwoAgIIdAACDeQcAgBkHAIEZBwCGIQAAhykAAISRBwDyCQCAimkAALHZBgCIaQAAifUHAEkKAICP3QcAjNkHAIkMAID4CQCAKR0AgPsJAICRoQcAgEEHAIFBBwCHBQAAyRoAgIKRBwDRGgCA2RoAgKOVBgCGhQcAp+0AAMyQAgDN4AUAsekAAKPBAABVCgCAWwoAgGEKAIBnCgCA/gkAgKVlBwDhGgCAzLgDAKhVBwDpGgCAbQoAgPEaAIABGwCACRsAgPkaAIABCgCAo60AAAQKAICMJQYABwoAgIxNAACpHQCAgm0AAIE9BgCCAQYAgWUAAKEdAICHZQAAuR0AgIcRBgCHrQEAsR0AgMxQAgDNxAIAgeEBAIDJAQCD4QEAkYkAAID9AQCB1QEAmR0AgIydAQCJNQAAcwoAgIB1AACBXQAAhi0AAIc1AACEfQAAERsAgIKFAQCDfQAAgJ0BAIGRAQAZGwCAj+kAAIzhAAB5CgCAfwoAgAoKAICIDQAAifkAAKc5AQCRHQCAiwoAgDgMAICjJQEAPgwAgLBZAACJHQCAggUAAMEdAICtFQEAjwwAgDEbAICGBQAAhQoAgCEbAIApGwCAp2kAAIANAQCBAQEAhzEAAKNJAACxGQEAzBACADkbAIAODACAkQoAgK1RAADM1AEAzfgBAKhBAABBGwCAzTgBAMw8AQCB7QMAlwoAgJ0KAICMDQAA7QsAgKMKAICBxQMAzGgCAKkKAICCxQMASRsAgITJAwCHKQAAhjEAAFkbAICCbQAAgAwAgFEbAICHYQAAYRsAgGkbAIAVHQCAzKgDAM2sAgCB+QAAiC0AAA0KAIAQCgCAEwoAgIw1AAC1CgCAuwoAgLHVAADBCgCAeRsAgMkdAICxCwCAzDABAEQMAIBKDACA0R0AgMwEAQDHCgCAcRsAgKelAADTCgCAo40AAMwUAgCAuQAAgbkAAKeFAAAIDACAgmUAAIEbAICMNQAA8wsAgMzsHADN/AMAiRsAgK6tAADZCgCAkRsAgMzABgDN0AYAsL0BAMyQBwDfCgCAgckBAMwYHQDNIAIAhBEAAOsKAIDNuAYAzKwGAKEbAIDlCgCAgSkAALEbAICpGwCAo+0BAMxAHQDNEAIAuRsAgMEbAICBCQAAyRsAgMxAHQDN0AIAqNkBABQMAIDMkAcAzBwBAMxgBgDNZAYA8QoAgBwKAIDRGwCAkSkBAP0KAICBzR8A2RsAgPcKAIDpGwCA4RsAgMzEBgDNwAYAgTEAAIDZAAAfCgCAIgoAgIK5AQCDRQEAgLkBAIG5AQCGXQEA8R0AgIRdAQDpHQCAzcAAAMzwAACIARwAiXkBAAEeAICPVQEAjGEBAPkdAICB3R4AgRUfAJkbAICBXR8AjIEfAIdBHwDMGAMAzWgDAIBNHwCBpR8AJQoAgIOpHwCMFR8AjNEeACgKAICHtR8AgJUfAIGZHwCBEQAAg70fAICFHwCBiR8A8RsAgIQ9AACbDACAiZkfAPkbAICIBQAABgsAgAEcAICADQAAgf0AAAkcAICj2R8Ao3keAKOFAAAMCwCArTUfAKdhHgCnqR8AoQwAgIQNAACnDACAozUfACsKAICtiR8AhHEAAKchHwCxPR4AsYUfAJUMAIDhHQCAEgsAgLcLAIDMtBwAzbAcAFAMAICxQR8AVgwAgJwLAIAZHgCAER4AgCkeAIAhHgCAgLkeAIG5HgCCIQEAgzUBAIRhAQAxHgCAhokBAIe9AQCIkQEAiekBANkdAICL/QEAjOUBAIINAAAJHgCAj90BAIO5AQCRrQEAgb0BAIC9AQCAoQEAgaEBAPkLAID/CwCAhD0AABEcAICJlQEAm4EBAIHNHgCAzR4AzPwCAM3wAgCB5QAAGRwAgIHtAACjpQAAzJABAM1cAgCHHQAAGwsAgKj5AAAhHACAJwsAgFwMAIBiDACAKRwAgIQFAAAxHACAo9UAACELAIA5HACAgVEAAMz0AQDN0AEALQsAgIc9AABRHACAMwsAgEEcAIA/CwCAhwUAAFkcAIBJHACAh/EDAIHZAwCBmQMAgZEAAGEcAIB0DACAjPkDAMwkAQCHuQMAgfkDADkLAIDMZAIAgskDAIyZAwBpHACAh9EDAI+RAwCB3QYAkfUDAMwABADN7AMAh2UAABkdAIBLCwCAcRwAgHoMAIBFCwCAzBgBAIg5AACBHACAeRwAgMxcAwCMJQAALgoAgMwsAQCx/QAAozkDADEKAIA0CgCAoRwAgKdZAwDMdAMAiAkAAKNRAwCpHACAXQsAgINtDQCnnQAApq0AAKOdAACxDQMAzCgBANULAICntQAAprUAAMkLAIDMMAEAgdUHAMMLAIDMKAEAzwsAgEEeAIBjCwCArYkAAGkLAICAzQEAgd0BAMxEAQDNnB4AhPUBAL0LAIDMWAEAzUwBAIDtAQCB/QEAg7UAAGgMAICM3QEAbgwAgMwIHgCM8QYAzDgBAM08AQBRHgCAiREAAIEFBgBJHgCAYR4AgFkeAIBpHgCAgz0AAIAhAACBOQAAgDkAAIEhAAA5HgCAiRwAgMwoAQCB2QYAbwsAgIH9BgDMJAEAmRwAgJEcAICxHACAgCEBAIE1AQCjBQAAuRwAgMEcAIDJHACAzIwFAM1AAgC3HAMAdQsAgIfNBwDZHACA0RwAgB0dAIDNiAAAzJAAAIzdBQCjhQAAFgoAgMzgAgDhHACAiNUHAIFNAACATQAAUQsAgOkcAIBXCwCAkTkHADcKAICIxQcApQsAgIrJBwDxHACAmz0AAIflBwBxHgCAgYUHAICFBwA6CgCAgvkHAILVBgCDRQAAgMkGAIHdBgCG4QYAewsAgIRRAACJHgCAipUGAIuZBgCIeQAAiZ0GAK0MAICPWQcAjG0HAPkcAIDMgAMAzSQCALARBwA9CgCAgR4AgCEdAIB5HgCAhAsAgICNAACBnQAAzOwDAM3oBAABHQCAigsAgKNJBwCQCwCACR0AgKO9BwARHQCAGwAAgOcHAIALAACApKUHAOsEAICKBQCAAwAAgKhhBwDZDQCAZQAAgMgDAIAbCQCArWkHAIAtAQCBPQEAgl0BAINRAQCEYQEAuAQAgKwEAICHYQEAiK0BAIm1AQCKvQEAjykVALwFAIAdDACAzHgCAM3YBQCB3QEAgXEAAOQLAICC/QEAhBkAACMMAICH7QEAIAwAgMw0BADNMAQA5wsAgJ9pFQAmDACAjMkBAM34BADM8AIAsUkBACEHAICB1QAAoxUBAKCZFQBzCACARgcAgIT1AADMKAQAzSwEAMMIAICveQEAqH0BADENAICqaQEAUgkAgLQlAQC1KQEAowkBAAIMAIDqBgCA7gYAgLIFAQCzPQEAvPUAAL39AAC+2QAAOAgAgLgBAQC5AQEAugEBADwHAIBDBwCAhgwAALOdAwCyiQMAswgAgIC9AwBpBwCAbAcAgBIJAIDkBgCA5wYAgDUIAICJhQMAzOQHAL+hAwAFDACA1wwAgIxlAADN5AwAzCQMAIlBAACIVQAAi0UAAIpFAACFtQMAhLUDAIeVAwCGgQMAAQ0AgAQNAIAHDQCAmCwAABMAAICmyAAAzYwGAMyoBgCFaQAAFwAAgDEAAIBpAACAzPADAAcAAIA1AACA0QwAgLGVAAAlDQCAs5UAALKVAAA1DQCAOA0AgEANAIA7DQCALg0AgHUAAICmBgCAJQAAgJgJAIAdIQCAv1UDAEMNAIAZIQCAFSEAgGEgAIC4bAAAlGUNAJIAAgCcrQEAnaUBAJqJAQCbiQEAmJkBAJmJAQDMIAYAzQQGAMxABgDNXAYAzDwHAM04BwDMvAcAhXUAAIABDwCBDQ8AaSAAgLqZAQCFBQAAcSAAgFkgAIC+hQEAgSkPAIAlDwBlIACAgiEPAIUpAAC0pQEAhREAAG0gAICziQ8AsoUPALHJAQCwAQwAt4EPALbtAQC17QEAtO0BAIFlAQCAZQEAg2EBALi1DwDMPAsAhHkBAIDhDwCB3Q8AdSAAgF0gAIDMyAQAzbgEAIWtAACFFQAAISEAgDkhAIDM6BkAzbQZAKRdAQBGDQCAok0CAKPxDwCgVQEAod0PAH8IAIBuCQCAOwkAgO0eAIBsCQCA9R4AgHcJAIDxHgCAsQgAgJMNAACtHgCA+R4AgITVDACF6Q4AlGkAAIfdDgC1HgCAmbQCAL0eAIDFHgCAsR4AgD0hAIC5HgCAn3QBAMEeAICRGA0AgI0OAIGBDgCGhQ4AlYwDAISJDgCXRAIAghEAAKm4AACA0QAAge0AAMkeAIBJDQCA5R4AgIVZDwCDiQAAoTQNAIFFDgCASQ4A6R4AgKU0AQCFYQ8AzPAUAB0fAIC5xAUAzMgDAM3cAwCA3QAAgcEAACUfAIC/kAUAhREAALHsBwCA9QAAgcEAAKEgAIC1jAYALR8AgLdABgCA3Q4AgekOAMwoAgDNtAIAgM0OAIH5DgCFKQAAg4UBAIB1AQCBsQEAgPEBAIHVAQCpIACANR8AgIUFAACxIACAgJkBAIG9AQCCfQAAk9UBAJThAQCFDQAAmSAAgCEfAICACQAAgRkAACkfAICTrQEAlC0AAKUgAICFDQAAMR8AgIUFAACtIACAOR8AgIUpAACCGQAAhTUAAIDxAACB4QAAtSAAgJ0gAIBBIQCAhQUAAGEhAICDdQEAgO0BAIEpAQDM8AEAzbABAEwNAIBdIQCAWSEAgKMNAIBdHwCAZR8AgIA9AACBDQAAbR8AgHUfAICALQAAgR0AAIIVAABhHwCAzSwBAGkfAIBxHwCAeR8AgIjFAwClIQCAzJACAM28AgCE7QMATw0AgIb5AwCdHwCAgIEDAIH9AwCAPQAAgTUAAIFJAACAQQAAzdwBAIJBAAClHwCAoR8AgKkfAIDNMAEAlJ0DAI0hAIDN8AEAzAwBAIG5AwCAxQMAg6EDAJOlAwCArQAAgdUAAICdAACBqQAAiSEAgFINAICBwQAAgMkAAIC1AACBgQAAhSEAgINpBADMcAMAzbQDAIEhAIDNPAEApg0AgJMBBADNjAIAzPQCAIANAACBNQAAlNkGANEfAIDVHwCA2R8AgMwIAQDNHAEAgREAAIApAACpIQCAghkAAICRAQCBkQEAzWgFAMyUAgDMEAkAzSgWAMxYDgDNeA4AzBQNAM3YCgDMKAwAzYwNAMzgFwDM4AoAzDgLAM30CACFEQAAVQ0AgIBRBwCBUQcA4SAAgM2QDgCFBQAA6SAAgMzYDgDN7AEA8SAAgM0ADgCFGQAAzfAPAM08DgDNVA4AzGgBAM1sAQDZIACAYQgAgJSZBwDMwDsAgGEBAIHZAACFKQAAzWQOAMx4AQDNfAEAga0HAICtBwCFZQAAgp0HAIBRAQCBUQEAlOEHAM3AAACEeQEAk8UHAIZhAQDlIACAiCEBAIUNAADtIACAzRgBAMzYAADNtAAAgN0HAIHNBwCZHwCAhQkAAM0fAID1IACA/R8AgN0gAIAFIACADSAAgBUgAIAJIACAASAAgK0hAIARIACAGSAAgMy4AgDNHAMAgGUAAIF1AACCfQAAHSAAgIUJAACFQQAAASEAgKkNAICAmQYAgSEHAIUZAACDfQAACSEAgIVZAAD9IACA+SAAgIDNAACB2QAAjR4AgIURAACE6QAAlR4AgIblAABBIACAgDUAAIENAACdHgCAhR0AAEkgAIClHgCAhQUAAFEgAICAVQAAgW0AAIJ9AACTRQAAlA0AAIUNAAA5IACAkR4AgIAJAACBEQAAmR4AgIUdAABFIACAoR4AgIUFAABNIACAgOkBAIHxAQCCBQAAqR4AgIUJAACFCQAAVSAAgD0gAICAbQEAgXkBAIIZAACDpQEADSEAgIV1AACFBQAAESEAgAUhAIAhIACAzMgCAM3cAgCsDQCAzR4AgIA5AACBOQAA1R4AgN0eAIDRHgCA2R4AgIAdAACBDQAA4R4AgCUgAICAxQAAgdUAAM3AAADMJAIAgNUAAIHFAACFOQAAg8kAACUhAICvDQCAgNUAAIEJAACFBQAALSEAgP0eAICBIACAgAkAAIERAAAFHwCAk5kAAJS5AAANHwCAhWUAAIU9AACJIACAk10AABUfAICFEQAAzXAFAMx0BQCUATwAkSAAgHkgAIDNKAEAhSAAgI0gAICFGQAAlSAAgH0gAIA1IQCAKSEAgCkgAICFJQAAhTkAAMz4AgDNxAMAzTwBALINAICBlQMAgI0DAM3EAQCCpQMAhVEAAIVJAADMKAEAzSwBAM04AQDMPAEAgGk+AIFpPgBJIQCARSEAgM04PADMVDwAgdE8AJOdPgDMSAEAzcgCAM00AQBNIQCAlLk+AFgNAICAoT4AgaE+AIKhPgCIjTwAVSEAgIWtAACALQAAgSEAAIXVPwCVHwCAgO0AAIHxAACGpQAARR8AgISpAADNJAEAzSgBAE0fAICI+T4AhfE/AFUfAIBJHwCAhcU/AM0wAQDNEAEAzfQGAIDdAQCB6QEAzbwGAM1wBgDM4AYAzVwBAMxoBgDNkAYAzWQGAM14BgDMrAcAzagHAMzoBwDNyAcAgk0/AIP9AgCANQIAgekCAFEfAIBZHwCAgAU9AIV9AQBRIQCALSAAgM0UAQApDgCAge0BAIDhAQDNPAEAgs0BAM0sAQCCdQEAgW0BAIBZAQCAZQEAgcUAAIUfAIDNJAEAzTgBAILxAACB+QAAgFkBAIApAACBcQAAzBgBAM18AQDNLAEAjR8AgIEdAACAHQAAiR8AgJEfAIBxIQCAzSQBAMzkPQDNXA8AzegAAMwMAQCA1QEAgckBAIKZAACD5T8ACR8AgBEfAIAZHwCAMSEAgCMOAIB1IQCAPR8AgDEgAIBBHwCALA4AgIBNPwCBQT8AfR8AgGkhAICBHwCAZSEAgIAlPwCBKT8Ak5E/AIN9AAAmDgCAlEEAAMzYAgDNrAIAbSEAgJNVAACACQAAgR0AALUNAIB9IQCAlEEAAK0fAICAnQAAgaEAAIAdAACBEQAAhKUAALUfAICGpQAAvR8AgIjxAACC0QAAgdkAAIDNAACAJQAAgSkAAIIFAADFHwCAsR8AgLkfAIDBHwCAk7EAAJQRAADJHwCAgB0AAIEVAACAJQAAgS0AAII9AAB5IQCAgO0AAIHRAACCFQAAg4EAAIHQPQA1IACAzCACAM3cAQCFeAIAkSEAgC8OAICZIQCAiRgDAN0fAICALQAAgTUAAIAJAACBbQAA5R8AgMEgAICRsQAAkKkAAJPdOwCSAQQAlaUAAJSVOwDtHwCAlqEAAIUJAACTQQAAySAAgPUfAICFBQAA0SAAgJT1AAC5IACAgLkAAIHdAACC5QAA4R8AgOkfAICF6QAAgAkAAIE1AACFBQAAxSAAgPEfAICFHQAAzSAAgPkfAICFBQAA1SAAgLHBBQCwxQMAvSAAgLLFAwC12QUAtM0DAJ0hAICFOQAAuf0DAKEhAICVIQCAuw0AgM0NAIAXDgCAAR8AgAUOAIDTDQCAzIgCAAsOAIDN4D4AzZABAMwkAQBwDQCAjg0AgEEOAIB9DgCAgLEAAM3UPgDN5D4Agw4AgMy8PgDNuD4AgNEDAIHtAwCC/QMAhmkAAD4OAICFnQMAzTwBADgOAIDM6AIAzTw/AIjlAADNGAEAiQ4AgIhBAAA7DgCAdw4AgM0sAQCVDgCAgNUAAJsOAICG4QAAhukAAEcOAIDNJAEAoQ4AgM0QAQCI0QAAiCkAAMz4AgBNDgCAzfgCAMwkAQCnDgCAhS0DAMygPgDNbD4AgNUDAIHNAwCCAQMAg/kDAMxkAwDNzAIARA4AgM0kAQDMDAIAzQgCAIERAADMnAMAzLA+AM20PgDMxD4AzcA+AMyAPgDNuD4ArQ4AgMyEAgDMmD8AzVA+AMwgPgDNoD4AzQw/AM0wPwDNeD8AzQQ/AIhZAAC/DgCAzfgBAMzEAQBKDgCAxQ4AgMsOAIDMFAIAzAgBAM3IAQCIBQAA0Q4AgNcOAIDMKAIAuQ4AgIgNAACG0QAAgB0BAITNAACI9QAAzDwCAIQ1AQDMRAIAhikBAIAOAICIZQEAhg4AgKdEBQBiDgCAi+0AAIjtAACBDQAAiCUAAIZlAADMcAIAzXQCAMwwAgDN2AUAXA4AgIwOAICAOQAAXw4AgMzgBQB6DgCAzCgBAM0UAQCGJQAAiFUAAAgOAICGhDAAxA0AgIDVBwCG/QcAmA4AgMwkAgCIPQAAng4AgGsOAICIPQAApA4AgMxIAgDNeAIAUA4AgKoOAICXwAUAlnAFAJUYBQCAaQAAk1gFAIE5AACIZQAAkPg8AIZZAACeqAUAhEUAAGgOAIDM1AIAmrQFAIBdAACYrAUAp+wEAIgRAADM2AIAzdwCAKO8BACwDgCAzGACAMIOAIBuDgCAyA4AgK0IBADODgCAq/QEAMwsAgCIBQAA1A4AgLfoAwC2HAQAtSgEAMwAAgCzKAQAi3kAAIh9AACwdAQAhkEAAL6kAwCEdQAAiB0AANoOAIC6TAMAzNwDALj8AwCDqAIAiA0AALwOAICIFQAAh5QCAMw4AgBlDgCAzAQCAIvcAgCPDQAAcQ4AgI8ZAADMIAIAdA4AgI3wAgCIdQAAmCADAJksAwCPDgCAlA0AgMxMAgCWcAMAzCQCAIg9AACSDgCAzCwCAIgFAACzDgCAzCQCAIgNAAC2DgCAh/UAAKjUAwCpxAMA3Q4AgNlgAgDSDwCA1Q8AgNsPAICUNQAAkzEAANloAgDYDwCA2UwCAJQFAADeDwCAlSEAAJQpAABQEACAdBYAgEMXAIDSFgCA2WACADcXAIC12AMAtPADAJQ1AADZWAIAWhcAgJQFAADZVAIAlA0AADEXAIDgdAEAisgAALwVAACIyAAA4IACAIcXAICBoAAApOwCAKTIAgCoXAAAvA0AAJkXAIDghAIAvAUAAJ0XAICk+AIA4PQCALDMAwCV0AAAXRcAgLPgAwCmyAIAp2ACAJLYAABkFwCAvsEAAGsXAICXwQAAchcAgHkXAICAFwCAzXg/AMy8PwC+gA0AixcAgLx4DAC9gA0AuvQMALtUDAC49AwAkhcAgLYXAIC3uAwAuhcAgLWMDACyoAMAs6AMAKEXAICxQAMArnACAK9kAwC4BQMArUgDAKgXAICvFwCAqEQDAKnYAwDaFwCAp9gDAKRoAgCliAMAtjUDALc9AwCSyAIAtT0DAJldAQCYTQEAm2UBAJppAQCdZQEAnGUBAJ+FAQCemQEAh5wCAL6tAACWpQAAl70AAMw0BQDNjDcAzLg4AM2sOACflQEAth0AAJ2ZAQCc9QEAs7EBAK54AgDhFwCAvhcAgJk9AADFFwCAmxkAAJoJAADMFwCA0xcAgOBIAgCeCQAArFwCAK30AgD6FwCA9hcAgP4XAIDoFwCAh2ADAO8XAICvVAIAvhEAAJcFAAACGACA4KwCAAYYAICG+AMAh+wDAOC0AgAOGACAr0gCAK6QAgDgPAIAvg0AAAoYAICXGQAA4NgCAIaEAwCWEQAAvwAMAJ1tAACcYQAAEhgAgLFMAgCzUAIAlQ0AABYYAICGnAMA4MgCALMEAgCCBQAAIhgAgLNQAgCVDQAAJhgAgBoYAIAeGACA4LQCAIaMAwCH3AMAvg0AAJVpAACWeQAAKhgAgLToAgC1UAIAlwUAADIYAIDg1AIAtPQCAL4ZAADgoAIALhgAgODUAgCZjAMAt9QCAIoFAAA2GACAOhgAgIoVAAC3NAIAjx0AAD4YAIBCGACAswUAAEYYAICzBQAAWxgAgJwJAACdCQAATRgAgFQYAICMBQAAYhgAgG0YAIB0GACAexgAgJ9JAACCGACAiRgAgGYYAICQGACAlxgAgNkYAIDPGACA6hgAgOAYAICeGACAg8kBAIH5AQCsGACAsxgAgLoYAIDBGACAyBgAgKUYAICAtAIApYgDAOEIAgCuHQAA8RgAgLwJAACN9QEA9RgAgOEAAgCSlQEA45QQAJNFAACXiQEAhRQAAId4AQCGAAQARjoAgEo6AIBOOgCAUjoAgFY6AICdeQAA74xoAJyhAQBaOgCAXjoAgKKZAABiOgCAZjoAgGo6AIBuOgCAp4kAAHI6AIB2OgCAqUkBAHo6AICsqQAAfjoAgII6AICGOgCAsyUBAIo6AICOOgCAkjoAgLchAQC2OQEAtTEBAJY6AICaOgCAufkAALkRAQC4GQEAnjoAgKI6AICmOgCAqjoAgICwAQCEiAIArjoAgIPIAQCEVAMAhFwEALI6AICEXAUAgN0DAIEtAACCMQAAvjwCALo6AIC+OgCAh4gDAIacBACzLQMAwjoAgMY6AIC+AAQAvhwFALbRAwC12QMAyjoAgLv5AwC68QMAmljTAYTgBwC/xQMAvtkDAL3dAwC83QMAvgAYAKUFAwCmDQMAzjoAgIQcGADSOgCA1joAgKPxAwCsAQMArQEDAK4FAwCvGQMArKQbAq3cGgKqLQMAqyUDAL5MGQC+SBoA2joAgL6AGwC04BoCtdQdArYwHgLvCAIA3joAgOGgAQC6OBoC4/gCALoAAAC9ZBwCvvQcAr8AEAKRBNMBkOT2AeBEAQCSCD4C4joAgOY6AIDqOgCA7joAgL6sHADyOgCA9joAgPo6AID+OgCAAjsAgAY7AIAKOwCAgbBtAICAAQCDHFIAgth3AIUgmgCEkL4AhwjPAIaM5gCJbDcBiOAsAYsYfgGK2BMBjeClAYzwWgGP/OsBjliPAbDVFwCxAWgAso1rALOdawC0SWsAtZVvAA47AIDgcAEAEjsAgBY7AIAaOwCAHjsAgIAZAACBGQAAggUAACI7AIAqOwCAoaUCAKJJBwCjQQcApEEGAKXVGwCm3RsAp8EaAKgBHACp4R8AqkkfAKsBEACs9RMAra0TAK4BFACv+RcAqDEGAKkxBgCqTQYAq0UGAKxNBgCtmQYAro0GAK+FBgCGgAMAhxgDAC47AIAyOwCANjsAgDo7AIA+OwCAQjsAgLhtBwC5dQcAun0HALt1BwC8bQcAvc0HAL75BwC/+QcAsKkGALGFBgCyeQcAs3kHALRpBwC1aQcAtl0HALdVBwC2OgCAs8EGAEY7AIAmOwCAth0GAEo7AIBOOwCAtcEGALppBgC7RQYAUjsAgFY7AIC+qQcAv6kHALypBwC9qQcAo4UGAFo7AIBeOwCAYjsAgGY7AICmWQYApYUGAGo7AICrAQYAqi0GAG47AIByOwCAr+0HAK7tBwCt7QcArO0HAKjBBgCpLQEAqiUBAKs9AQCsJQEArS0BAK4lAQCvlQEAdjsAgHo7AIB+OwCAgjsAgIY7AICCvQAAgb0AAIC9AAC4nQEAua0BALqlAQC7bQAAvHUAAL19AAC+dQAAv20AALD1AQCx/QEAssEBALPBAQC0tQEAtb0BALa1AQC3rQEAijsAgI47AICSOwCAs6EBAJY7AIC1oQEAtqEBAJo7AICGgAEAh8QBALo9AQC7NQEAvBkBAL0ZAQC+fQEAv3UBAKPtAQCeOwCAojsAgKY7AICqOwCApu0BAKXtAQCuOwCAq3kBAKpxAQCyOwCAtjsAgK85AQCuMQEArVUBAKxVAQC6OwCAvjsAgMI7AIDGOwCAyjsAgOGsAQDOOwCA42AGANI7AIDWOwCA2jsAgO9UBgDeOwCA4jsAgL60GgDmOwCA6jsAgO47AICGaBwAh4wDAPI7AID2OwCA+jsAgP47AICAOQAAgTkAAIIFAAACPACACjwAgA48AIASPACAFjwAgKgdAwCpQQMAqkEDAKtBAwCsQQMArUkDAK5xAwCvcQMAhCAdABo8AIAePACAIjwAgCY8AIAqPACALjwAgDI8AIC46QAAufUAALr9AAC78QAAvJEAAL2RAAC+iQAAv4kAALDhAACx4QAAsuEAALPhAAC04QAAte0AALbZAAC32QAA4wwHAOEgBwDhMAEA4wgHADY8AIA6PACAPjwAgEI8AIBGPACASjwAgE48AIBSPACA75gHAFY8AIBaPACA74gHALOJAgBePACAYjwAgL6AGgBmPACAtokCALWJAgBqPACAu2UBALplAQBuPACAcjwAgL9pAQC+ZQEAvXUBALx1AQC3PQYAtj0GALU9BgC0IQYAszUGALI1BgCxAQYAsAkGAL9ZBgC+UQYAvVkGALxNBgC7bQYAunkGALlxBgC4eQYAgJ0AAIGtAACCpQAAejwAgH48AICCPACAhjwAgIo8AICvcQYArmkGAK1tBgCsbQYAq4EGAKqZBgCpkQYAqJkGAAY8AIB2PACAjjwAgKPFHQCSPACApcUdAKbFHQCWPACAhgADAIdkAwCqKR4AqykeAKw5HgCtOR4ArikeAK8lHgCzOR4AmjwAgJ48AICiPACApjwAgLb9HgC1/R4AqjwAgLvZHgC60R4ArjwAgLI8AIC/aR8AvmEfAL1pHwC8wR4AqPEeAKnxHgCq8R4Aq/EeAKw1HgCtPR4ArjUeAK8tHgC2PACAujwAgL48AIDCPACAxjwAgMo8AIDOPACA0jwAgLjlHwC57R8AuuUfALv5HwC86R8AvZEfAL6RHwC/jR8AsFUeALFdHgCyVR4As/0fALTlHwC17R8AtuUfALfdHwCjeR8A1jwAgNo8AIDePACA4jwAgKa9HwClvR8A5jwAgKuZHwCqkR8AhogAAIdMAQCvKR4AriEeAK0pHgCsgR8AgEkAAIFJAACCWQAAs5keAOo8AIC1iR4AtlEBAO48AIDyPACA9jwAgLotAQC7JQEAvD0BAL0lAQC+JQEAvxUBAKhNHgCpVR4Aql0eAKtVHgCsTR4ArZ0BAK6JAQCvgQEAhKwBAPo8AID+PACAAj0AgAY9AIAKPQCADj0AgBI9AIC4ZQEAuW0BALplAQC7fQEAvGUBAL1tAQC+ZQEAv9kAALClAQCxrQEAsqUBALO9AQC0rQEAtZ0BALaVAQC3XQEAo9UdABY9AIAaPQCAHj0AgCI9AICmHQIApcUdACY9AICraQIAqmECACo9AIAuPQCAr1kCAK5pAgCtaQIArHECADI9AIA2PQCAOj0AgD49AIBCPQCARj0AgEo9AIBOPQCAgDkAAIE5AACCBQAAUj0AgFo9AIBePQCAh0ADAIZcBACETAQAYj0AgGY9AICEBAUA4yABAGo9AIDhqAEAbj0AgO+UGgByPQCAdj0AgHo9AIB+PQCAgj0AgIY9AICKPQCAs6EDAI49AICSPQCAlj0AgJo9AIC2fQMAtX0DAJ49AIC7WQMAulEDAKI9AICmPQCAv/0AAL79AAC9/QAAvEEDAKhRAgCpWQIAqmkCAKtpAgCstQIArb0CAK61AgCvrQIAhKgHAKo9AICuPQCAsj0AgIKpAAC2PQCAgKkAAIGpAAC4aQEAuWkBALoJAQC7CQEAvBkBAL0ZAQC+CQEAvwkBALDVAgCx3QIAstUCALNpAQC0eQEAtXkBALZpAQC3YQEA4bgBAOHUHwDjOB8A4wwbALo9AIC+PQCAwj0AgMo9AIDOPQCA0j0AgNY9AIDaPQCAvjwJAN49AIDvhBsA74QbAKOhAgDiPQCAhugEAIe8BQDmPQCApn0CAKV9AgDqPQCAq1kCAKpRAgDuPQCA8j0AgK/9AQCu/QEArf0BAKxBAgCzhQYAxj0AgPY9AID6PQCA/j0AgLaJBgC1jQYAAj4AgLuRBgC6iQYABj4AgAo+AIC/9QYAvokGAL2BBgC8iQYADj4AgBI+AIAWPgCAGj4AgB4+AIAiPgCAJj4AgO+EHQAqPgCA4QAEAC4+AIDj/AQAgBEAAIEdAACCBQAAMj4AgKjxBgCp8QYAqg0GAKsFBgCsBQYArQkGAK49BgCvNQYANj4AgDo+AICGiAAAhxADAD4+AIBCPgCARj4AgEo+AIC4EQYAuRkGALohBgC7IQYAvPUHAL39BwC+9QcAv+kHALBNBgCxVQYAsl0GALNVBgC0TQYAtTEGALYxBgC3MQYAo4UHAE4+AIBSPgCAVj4AgFo+AICmiQcApY0HAF4+AICrkQcAqokHAGI+AIBmPgCAr/UHAK6JBwCtgQcArIkHAGo+AICz4QYAbj4AgHI+AIC25QYAdj4AgHo+AIC18QYAur0GALuNBgB+PgCAgj4AgL59AQC/ZQEAvJUGAL11AQCoHQYAqSUGAKotBgCrJQYArD0GAK0hBgCuXQYAr00GAIY+AICKPgCAjj4AgJI+AICWPgCAgrkDAIGxAwCAuQMAuO0BALmFAQC6jQEAu4UBALydAQC9hQEAvo0BAL+FAQCwPQYAsQ0GALIFBgCz5QEAtP0BALXlAQC25QEAt9UBAKOlBQCaPgCAnj4AgKI+AICqPgCApqEFAKW1BQCuPgCAq8kFAKr5BQCGCAwAhxwDAK8hAgCuOQIArTECAKzRBQCyPgCAs/ECALY+AIC6PgCAtlUDAL4+AIDCPgCAteECALpxAwC7eQMAxj4AgMo+AIC+MQMAvz0DALxRAwC9UQMAqCUCAKk1AgCqPQIAqzUCAKwtAgCtkQMArpEDAK+RAwDOPgCA0j4AgNY+AIDaPgCArAAAAN4+AIDiPgCA5j4AgLiZAwC5rQMAuqUDALttAwC8dQMAvX0DAL51AwC/bQMAsPEDALH5AwCywQMAs8EDALSxAwC1vQMAtrUDALepAwDqPgCA7j4AgPI+AID2PgCA+j4AgP4+AIACPwCA76gaAL5oDADhlAEABj8AgOMcBgCADQAAgXEAAIJxAAAKPwCAo/UDAA4/AIASPwCAhEwCABo/AICmUQIApeUDAB4/AICrfQIAqnUCAIbIDACHLA0ArzkCAK41AgCtVQIArFUCAOFQBgAiPwCA4xQHAITADAAmPwCAKj8AgC4/AIAyPwCANj8AgDo/AIA+PwCAQj8AgEY/AIBKPwCA73gbAL74DwBOPwCAUj8AgFY/AICzjQEAWj8AgLWZAQC2jQEAXj8AgFY9AIBiPwCAuoUBALtNAQC8VQEAvV0BAL5VAQC/SQEAo0EOABY/AIBmPwCAaj8AgG4/AICmQQ4ApVUOAHI/AICrgQ4AqkkOAHY/AIB6PwCAr4UOAK6ZDgCtkQ4ArJkOAIBtAACBCQAAgh0AAH4/AIDvGAkAgj8AgIY/AICKPwCA4zwNAI4/AIDhWAwAkj8AgIbQAACHvAMAlj8AgJo/AICokQ4AqZkOAKrJDgCrxQ4ArN0OAK3BDgCuwQ4Ar/UOAIToAACePwCAoj8AgKY/AICqPwCArj8AgLI/AIC2PwCAuMEPALnBDwC6wQ8Au8EPALzBDwC9wQ8AvsEPAL/1DwCwjQ4AsUUOALJNDgCzRQ4AtF0OALVBDgC2QQ4At0EOAKhRDgCpWQ4Aqo0OAKudDgCshQ4ArY0OAK6FDgCvvQ4Auj8AgL4/AIDCPwCAxj8AgMo/AIDOPwCA0j8AgNY/AIC4kQ4AuZkOALqtDgC7RQEAvF0BAL1FAQC+RQEAv3UBALDFDgCxzQ4AssUOALPdDgC0xQ4AtbUOALa9DgC3tQ4AswUOANo/AIDePwCA4j8AgOY/AIC2DQ4AtQ0OAOo/AIC7CQ4AugEOAO4/AIDyPwCAv3EOAL4BDgC9CQ4AvBEOAIJtAACjQQ4AgFUAAIFlAACmSQ4A+j8AgP4/AIClSQ4AqkUOAKtNDgCGSAAAh3gAAK5FDgCvNQ4ArFUOAK1NDgCoXQIAqWECAKplAgCrdQIArG0CAK2xAgCusQIAr7ECAITsBAACQACABkAAgApAAIAOQACAEkAAgBZAAIAaQACAuHEDALlxAwC6cQMAu3EDALzVAwC93QMAvtUDAL/NAwCw0QIAsdECALLRAgCz0QIAtFEDALVRAwC2UQMAt1EDAB5AAICz6QIAIkAAgL6ABAC2NQIAJkAAgCpAAIC14QIAuhECALsRAgAuQACAMkAAgL6RAwC/kQMAvAECAL0BAgA2QACAOkAAgKOlAgA+QACApa0CAEJAAIBGQACApnkCAEpAAIBOQACAq10CAKpdAgCtTQIArE0CAK/dAwCu3QMAqNUCAKndAgCqLQEAqyUBAKw9AQCtJQEAri0BAK8lAQBSQACAVkAAgFpAAIBeQACAYkAAgGpAAIBuQACAckAAgLiFAQC5iQEAup0BALuVAQC8sQEAvbEBAL55AAC/eQAAsF0BALHlAQCy4QEAs/kBALTpAQC13QEAttUBALe9AQDh8A4AdkAAgOMUDgB6QACAgb0AAIC9AAB+QACAgq0AAIYABACH7AUAgkAAgIZAAICKQACAjkAAgO9gDgCSQACAlkAAgJpAAICFXH0AnkAAgKJAAIDjZAEApkAAgOG0AQCqQACA76AOAK5AAICmPgCAhPgFALJAAIC2QACAukAAgLMlBgBmQACAvkAAgMJAAIDGQACAtiUGALU1BgDKQACAu6EGALoZBgDOQACA0kAAgL+ZBgC+rQYAva0GALy1BgCCbQAA7zAEAIBVAACBZQAAvlwDANZAAICG+AAAh2wDANpAAIDeQACA4kAAgOZAAIDqQACA40QEAO5AAIDhjAcAo6UGAPJAAID2QACA+kAAgP5AAICmpQYApbUGAAJBAICrIQYAqpkGAAZBAIAKQQCArxkGAK4tBgCtLQYArDUGAA5BAICz+QcAEkEAgBZBAIC2SQcAGkEAgB5BAIC1UQcAulEHALtRBwAiQQCAJkEAgL41BwC/OQcAvEUHAL09BwCoNQYAqT0GAKo1BgCriQYArJ0GAK2NBgCusQYAr7EGACpBAIAuQQCAMkEAgDZBAICADQAAgbEAAIKxAAA6QQCAuKEGALmtBgC6vQYAu7UGALytBgC9XQEAvlUBAL9NAQCw0QYAsdEGALLVBgCzrQYAtLUGALW5BgC2qQYAt6UGAKO9BgA+QQCAQkEAgISEAgC+kAEApg0GAKUVBgBKQQCAqxUGAKoVBgCGCAAAh3wBAK99BgCucQYArXkGAKwBBgBOQQCAs60BAFJBAIBWQQCAtqkBAFpBAIBeQQCAta0BALptAQC7dQEAYkEAgGZBAIC+XQEAvzUBALxlAQC9VQEAqGECAKlhAgCqYQIAq2ECAKxhAgCtbQIArp0CAK+VAgBqQQCAbkEAgHJBAIB2QQCAekEAgH5BAICCQQCAhkEAgLiVAgC5nQIAuqECALuhAgC8cQMAvXEDAL5xAwC/cQMAsO0CALH1AgCy9QIAs8UCALTdAgC1tQIAtrECALexAgCKQQCAjkEAgJJBAICj5QIAlkEAgKXlAgCm4QIAmkEAgJ5BAICiQQCAqiUCAKs9AgCsLQIArR0CAK4VAgCvfQIApkEAgKpBAICuQQCAhEB8AIAVAACBHQAAggUAALJBAIC+7HwAukEAgIZIfQCHCAMAvkEAgMJBAIDGQQCAykEAgKidAgCpxQIAqsECAKvBAgCsxQIArc0CAK7xAgCv8QIAzkEAgNJBAIDWQQCA2kEAgMkAAADeQQCA4kEAgOZBAIC4wQEAucEBALrBAQC73QEAvM0BAL31AQC+/QEAv50BALBBAQCxQQEAskEBALNBAQC0QQEAtUEBALZBAQC3QQEA4TgGAOpBAIDjaAYA7kEAgPJBAID2QQCA+kEAgISUfQC+rHwA/kEAgAJCAIAGQgCAvrh/AApCAIDvEAEADkIAgBJCAIAWQgCAGkIAgB5CAIDhkAEAIkIAgONEAAAqQgCAgS0AAIAtAADvgAAAgjkAAC5CAIAyQgCA9j8AgDZCAIDhsH8AtkEAgOPUfAA6QgCAJkIAgD5CAICGuAAAh9QCAEJCAIBGQgCASkIAgE5CAIBSQgCAVkIAgO8gfABaQgCAs4l9AF5CAIBiQgCAZkIAgGpCAIC2jX0AtY19AG5CAIC7RX4AukV+AHJCAIB2QgCAv0V+AL5FfgC9VX4AvFV+AKNJfQB6QgCAfkIAgIJCAICGQgCApk19AKVNfQCKQgCAq4V+AKqFfgCOQgCAkkIAgK+FfgCuhX4ArZV+AKyVfgCCbQAAszF+AIBVAACBZQAAtvF/AITcAwCWQgCAtSF+ALrNfwC70X8AhgAEAIfUAAC+dX8Av3l/ALzBfwC9wX8AqOV/AKn1fwCq/X8Aq/V/AKztfwCtNX4Arj1+AK81fgCaQgCAnkIAgKJCAICmQgCAqkIAgK5CAICyQgCAtkIAgLjZfgC54X4AuuF+ALvhfgC85X4Avel+AL6ZfgC/mX4AsE1+ALFRfgCyUX4As1F+ALT1fgC1+X4Atul+ALfpfgCjdX8AukIAgL5CAIDCQgCAxkIAgKa1fgClZX8AykIAgKuVfgCqiX4AzkIAgNJCAICvPX4ArjF+AK2FfgCshX4A1kIAgLMxfgDaQgCA3kIAgLbFAQDiQgCA5kIAgLXRAQC6yQEAu8kBAOpCAIDuQgCAvs0BAL+xAQC8yQEAvckBAKjdfQCp9X0Aqv19AKvxfQCsHQIArQECAK45AgCvOQIA8kIAgPZCAID6QgCA/kIAgIIFAAACQwCAgBEAAIERAAC4EQIAuRkCALohAgC7IQIAvNUCAL3dAgC+1QIAv80CALBJAgCxSQIAslkCALNZAgC0TQIAtTECALYxAgC3MQIAvgADAKNxfQCEiAIAvoAEAKaFAgAKQwCADkMAgKWRAgCqiQIAq4kCAIYoBACHDAMAro0CAK/xAgCsiQIArYkCABJDAICEyAMAhcwFALPlAwAWQwCAteUDALbtAwAaQwCAHkMAgCJDAIC6bQMAu2UDALx9AwC9ZQMAvmUDAL9VAwAmQwCAKkMAgL8ABACjJQIALkMAgKUlAgCmLQIAMkMAgDZDAIA6QwCAqq0CAKulAgCsvQIAraUCAK6lAgCvlQIAPkMAgEJDAIBGQwCASkMAgE5DAIDjzAMAUkMAgOGsAQBWQwCA7xwDAFpDAIBeQwCAYkMAgGZDAIBqQwCAbkMAgOFwfwBGQQCA4wR+AHJDAIB6QwCA4ZQBAH5DAIDjWAEAgNkAAIHZAACCJQAA7+R+AIJDAICGQwCA7+B+AIpDAICzAQEAjkMAgIboBwCHLAQAkkMAgLY1AQC1BQEAlkMAgLvxAAC64QAAmkMAgJ5DAIC/sQAAvtEAAL3ZAAC84QAABkMAgHZDAICiQwCApkMAgKEBBACgEQQAoxkAAKLFBACotQYAqb0GAKrpBgCr/QYArO0GAK3VBgCu3QYArz0HALBFBwCxVQcAslUHALNtBwC0dQcAtRUHALYdBwC3FQcAuC0HALk1BwC6MQcAuw0HALwZBwC9GQcAvgkHAL8JBwCjQQYAqkMAgK5DAICyQwCAtkMAgKZ1BgClRQYAukMAgKuxBwCqoQcAj8ltAL5DAICv8QcArpEHAK2ZBwCsoQcAld11AJTBdACXzXAAli1zAJFdaACQVWgAk9l0AJJNaQCd5XgAnB17AJ9tBwCeuXgAmR1/AJhVcACboXwAmvl8AIJhbACDhWkAwkMAgMZDAICGEXUAhxF1AISVaQCFjWgAij10AIvFcgDKQwCAzkMAgI7dfgCPMX0AjD1xAI2dcQCSGX0Ak716ANJDAIDvkAkAltUGAJdRBQCUXXkAlQl5AJpxBQCbvQUA1kMAgNpDAIDeQwCA4agFAJx5AQDjuAgAoYUBAOJDAICjqQ0AogEMAKUBCACkOQ0Ap6kJAKa9CQCppRUAqAEUAKsBFACq/RUArbkRAKyxEQCvARwArqEQALH9HACw5R0As+kZALIBGAC1ASQAtH0ZAIQUAAC+FAAAgI0AAIGVAACCbQAA6kMAgIZQDwCHZAAA7kMAgPJDAIC61QcAu90HALjBBwC5wQcAvjEEAL8xBAC88QcAvfEHALKtBwCztQcAsK0HALGlBwC2nQcAt/UHALSlBwC1lQcAqmkHAKtpBwCoaQcAqWkHAK5pBwCvaQcArGkHAK1pBwD2QwCA+kMAgP5DAIACRACABkQAgApEAIAORACAEkQAgKgRBQCpHQUAqjkFAKs5BQCsLQUArVEFAK5JBQCvQQUAFkQAgBpEAIAeRACAIkQAgCZEAIAqRACALkQAgDJEAIC4XQIAuWkCALrBAwC7wQMAvPkDAL35AwC+kQMAv7UDALAJBQCxCQUAsuECALPhAgC0dQIAtX0CALZ1AgC3bQIAs7EEAIQAAgC+BA0ANkQAgDpEAIC20QQAtaUEAD5EAIC7zQQAus0EAEJEAIBGRACAv7kDAL6xAwC9NQMAvDUDAEpEAICj9QQATkQAgFJEAICmlQQAWkQAgF5EAICl4QQAqokEAKuJBACHqA0AhswMAK71AwCv/QMArHEDAK1xAwDhUAYA4TQHAONAAADjWAcAgNEAAIHdAACC1QAAYkQAgGZEAIBqRACAbkQAgHJEAIB2RACAekQAgO+cAADvyAcAfkQAgIJEAICzNQIAhkQAgLW1AQCKRACAjkQAgLa1AQC+7AwAkkQAgLuRAQC6mQEAvVEBALyJAQC/UQEAvlkBAKjtDQCp/Q0AqvUNAKttDgCsdQ4ArX0OAK51DgCvbQ4AVkQAgJZEAICaRACAnkQAgKJEAICmRACAqkQAgK5EAIC49Q4Auf0OALr1DgC7QQ8AvEEPAL1JDwC+cQ8Av3EPALAVDgCxHQ4AshUOALPNDgC01Q4Atd0OALbVDgC3zQ4Ao30NALJEAIC2RACAukQAgL5EAICm/Q4Apf0OAMJEAICr2Q4AqtEOAISoAgDGRACArxkOAK4RDgCtGQ4ArMEOAIBNAACBVQAAglUAALNRDwDKRACAtXEPALZxDwDORACAhuAAAIcEAwC6XQ8Auy0PALw1DwC9OQ8Avi0PAL8lDwCoVQ4AqV0OAKqVDgCrrQ4ArLUOAK29DgCutQ4Ar60OANJEAIDWRACA2kQAgN5EAIDiRACA5kQAgOpEAIDuRACAuGkBALlpAQC6eQEAu3kBALxpAQC9aQEAvt0BAL/VAQCw1Q4AsaUOALKtDgCzoQ4AtKUOALWtDgC2nQ4At1kBAKMdDgDyRACA9kQAgOZDAID6RACApj0OAKU9DgD+RACAq2EOAKoRDgACRQCABkUAgK9pDgCuYQ4ArXUOAKx5DgAKRQCADkUAgBJFAIAWRQCAGkUAgB5FAIAiRQCAJkUAgIANAACBFQAAgh0AACpFAIAuRQCAMkUAgIR4AQC+FAAA4xQPADpFAIDh4A0AhAADAIawBACHFAMAPkUAgEJFAIBGRQCASkUAgE5FAIBSRQCA78APAFZFAIBaRQCAXkUAgGJFAIBmRQCAakUAgLNtAwBuRQCAtX0DALZ1AwByRQCAdkUAgHpFAIC6UQMAu1EDALz1AwC9/QMAvukDAL/hAwB+RQCAgkUAgIZFAICKRQCAjkUAgJJFAICWRQCAmkUAgKhxAgCpeQIAqokDAKuJAwCsmQMArZkDAK6JAwCviQMAsPkDALH5AwCyTQMAs0UDALRBAwC1SQMAtnEDALdxAwC4IQMAuSEDALohAwC7IQMAvCEDAL0hAwC+IQMAvyEDAICdAQCBEQAAghEAAIQEBQDvFAAAnkUAgKJFAIC+EAUA48gAAKpFAIDh0AEArkUAgLJFAIC2RQCAukUAgL5FAICqeQIAq3kCAIboBACHYAUArsECAK/JAgCs3QIArdUCAMJFAICjRQIAxkUAgMpFAICmXQIAzkUAgNJFAIClVQIA1kUAgNpFAIDeRQCA4kUAgOZFAIDqRQCA7kUAgO+EDgC+rAQA4dAOAPJFAIDjFAEA9kUAgPpFAID+RQCAAkYAgLPdAQAGRgCACkYAgA5GAIASRgCAtv0BALX9AQAaRgCAu90BALrdAQCE4AQAHkYAgL+hAQC+vQEAvb0BALy9AQCoBQYAqR0GAKoVBgCrLQYArDUGAK09BgCuNQYArykGAKZFAICC9QcAgeUHAIDlBwAWRgCAIkYAgIYcAACHsAMAuCUGALnFBgC6zQYAu8UGALzdBgC9xQYAvs0GAL/FBgCwWQYAsVkGALIpBgCzKQYAtDkGALUlBgC2JQYAtx0GAKOdBgAmRgCAKkYAgC5GAIAyRgCApr0GAKW9BgA2RgCAq50GAKqdBgA6RgCAPkYAgK/hBgCu/QYArf0GAKz9BgBCRgCAs/UHAEZGAIBKRgCAtu0HAE5GAIBSRgCAteUHALqNBwC7kQcAVkYAgFpGAIC+dQcAv30HALyBBwC9fQcAqCUGAKkpBgCqOQYAqzkGAKwpBgCtKQYArnkGAK91BgBeRgCAYkYAgGZGAIBqRgCAbkYAgHJGAIB2RgCAekYAgLjVBgC53QYAuuEGALv9BgC85QYAve0GAL7lBgC/mQYAsA0GALERBgCyEQYAs+0GALT1BgC1/QYAtvUGALftBgCjsQYAgi0AAIEVAACAsQAANkUAgKapBgCloQYAfkYAgKvVBgCqyQYAgkYAgL5oAQCvOQYArjEGAK05BgCsxQYAikYAgLPxAQCGaAAAh3wBALZdAQCORgCAkkYAgLVVAQC6SQEAu0kBAJZGAICaRgCAvj0BAL8hAQC8OQEAvTUBAJ5GAICiRgCAhAQDAL6AHACmRgCA4RwGAKpGAIDjAAYAvwguAK5GAICyRgCA78gHALZGAIC6RgCAvkYAgMJGAIDGRgCAykYAgKN9AgDORgCApdkCANJGAIDWRgCAptECANpGAIDeRgCAq8UCAKrFAgCtuQIArLUCAK+tAgCusQIAqW0FAKhZBQCrDQIAqrkCAK0dAgCsHQIArwUCAK4NAgC+aB0A4kYAgOZGAIDqRgCAgB0AAIEJAACCmQEA7kYAgLnhAwC4KQIAu+EDALrpAwC94QMAvPkDAL/hAwC+6QMAsU0CALBNAgCzIQIAsi0CALUlAgC0OQIAtxECALYlAgCowQIAqdECAKrRAgCr5QIArP0CAK0VAQCuHQEArw0BAPJGAID6RgCA/kYAgAJHAIAGRwCACkcAgA5HAIASRwCAuAUBALkJAQC6HQEAuxUBALwxAQC9MQEAvv0BAL/1AQCweQEAsUEBALJBAQCzXQEAtEUBALVNAQC2RQEAtz0BAIagHQCHxB0AFkcAgO/YAAAaRwCAHkcAgCJHAIDvxAYAhGwcAOH0BgAmRwCA47AGACpHAIDhlAEALkcAgONEBgCzGQIAMkcAgDZHAIA6RwCAhewsALbVAQC1NQIAPkcAgLvFAQC6/QEAQkcAgEZHAIC/yQEAvsEBAL3JAQC81QEAo9kdAPZGAIBKRwCATkcAgFJHAICmFR4ApfUdAFZHAICrBR4Aqj0eAFpHAIBeRwCArwkeAK4BHgCtCR4ArBUeAIBpAACBaQAAggUAAGJHAIBmRwCAakcAgIcQAwCGfAMAbkcAgHJHAIB2RwCAekcAgH5HAICCRwCAhkcAgIpHAICopR8Aqa0fAKqlHwCrvR8ArKUfAK2tHwCupR8ArxUfAI5HAICSRwCAlkcAgJpHAICeRwCAokcAgKZHAICqRwCAuA0fALkZHwC6IR8AuyEfALzZAAC92QAAvskAAL/BAACwcR8AsXEfALJxHwCzRR8AtEEfALVNHwC2PR8AtzUfALMtHgCuRwCAskcAgLZHAIC6RwCAti0eALUtHgC+RwCAu7UeALq1HgDCRwCAxkcAgL+JHgC+hR4AvZEeALylHgCCKQAAo2keAIAdAACBFQAApmkeAMpHAIDORwCApWkeAKrxHgCr8R4A0kcAgITgAQCuwR4Ar80eAKzhHgCt1R4AqNUBAKnlAQCq7QEAq+UBAKz9AQCt5QEAru0BAK/lAQC+oAEAhkYAgNZHAIDaRwCAhhAAAId0AQDeRwCA4kcAgLh9AQC5wQAAusEAALvBAAC8wQAAvckAAL7xAAC/8QAAsJ0BALFFAQCyTQEAs0UBALRdAQC1RQEAtk0BALdFAQDmRwCA6kcAgO5HAIDyRwCA9kcAgO80AgDv7B4A+kcAgOHwHQDj4AIA4zAeAOGEAQD+RwCAAkgAgAZIAIAKSACAsyUCAJQAAAAOSACAEkgAgBZIAIC2JQIAtTUCABpIAIC7wQIAuhkCAB5IAIAiSACAv8ECAL7ZAgC90QIAvNkCACZIAIAqSACALkgAgKPpAgAySACApfkCAKbpAgA2SACAOkgAgD5IAICq1QIAqw0CAKwVAgCtHQIArhUCAK8NAgCAYQAAgWEAAIIFAABCSACASkgAgIQABAC+FAQATkgAgIbABACHUAMAUkgAgFZIAIBaSACAXkgAgGJIAIBmSACAqK0CAKm9AgCqtQIAqw0BAKwVAQCtHQEArhUBAK8NAQCE7AQAakgAgG5IAIBySACAdkgAgHpIAIB+SACAgkgAgLgdAQC5LQEAuiUBALvNAQC81QEAvd0BAL7JAQC/wQEAsH0BALFVAQCyXQEAs1UBALRNAQC1PQEAtjUBALctAQDhGB4AhkgAgOM4HgCKSACAjkgAgJJIAICWSACAmkgAgJ5IAICiSACAvmAEAKZIAICBdQAAgHUAAO/gHwCCbQAAqkgAgK5IAICG6AQAh3wFALJIAIDhkAEAukgAgOOgAAC+SACAwkgAgMZIAIDvtAAAykgAgM5IAIDSSACA1kgAgLUFBgBGSACAtkgAgLYFBgDaSACA3kgAgLOlBQDiSACAvRkGALwRBgC/YQYAvhEGAOZIAIDqSACAuwkGALohBgCj/QUA7kgAgPJIAID2SACA+kgAgKZdBgClXQYA/kgAgKtRBgCqeQYAAkkAgAZJAICvOQYArkkGAK1BBgCsSQYAqFEGAKlZBgCqYQYAq2EGAKxhBgCtYQYArmEGAK9hBgAKSQCADkkAgBJJAIAWSQCAgA0AAIGxAQCCsQEAGkkAgLhNBwC5VQcAul0HALtVBwC8TQcAvXUHAL59BwC/cQcAsMUHALHNBwCyxQcAs90HALTFBwC1zQcAtsUHALd5BwCz6QcAHkkAgCJJAICEwAEAvtgBALbhBwC16QcAJkkAgLsJBgC6AQYAhogAAIesAQC/CQYAvgEGAL0JBgC8EQYAKkkAgKOtBwAuSQCAMkkAgKalBwA2SQCAOkkAgKWtBwCqRQYAq00GAD5JAIBCSQCArkUGAK9NBgCsVQYArU0GAKhZBgCpZQYAqm0GAKtlBgCsYQYArWEGAK5hBgCvYQYAhKwBAEZJAIBKSQCATkkAgFJJAIBWSQCAWkkAgF5JAIC4kQEAuZkBALqhAQC7oQEAvHEBAL1xAQC+cQEAv3EBALDxAQCx8QEAsvUBALPdAQC0xQEAtbEBALaxAQC3sQEAs+UFAGJJAIBmSQCAakkAgG5JAIC24QUAtekFAHJJAIC7NQIAujUCAHZJAIB6SQCAv3UCAL4BAgC9CQIAvCECAH5JAICjoQUAgkkAgIZJAICmpQUAikkAgI5JAIClrQUAqnECAKtxAgCSSQCAvigDAK5FAgCvMQIArGUCAK1NAgCA1QAAgd0AAILhAACaSQCA4yABAJ5JAIDhqAEAokkAgO80AgCmSQCAhggMAIdoAwCsAAAAqkkAgK5JAICySQCAs40DALZJAIC6SQCAhIAMAL5JAIC2vQMAtYEDAMJJAIC7TQMAuk0DAMZJAIDKSQCAv00DAL5NAwC9TQMAvE0DAKhBAgCpTQIAqkUCAKtZAgCsSQIArX0CAK51AgCvuQIAvmgNAM5JAIDSSQCA1kkAgIRsDADaSQCA3kkAgOJJAIC4TQEAuVUBALpVAQC7ZQEAvH0BAL0VAQC+EQEAvxEBALDJAgCxyQIAstkCALPZAgC0yQIAtckCALZ9AQC3dQEA4XgHAOOYAADjuAYA4VwGAOZJAIDqSQCA7kkAgPJJAID2SQCA+kkAgP5JAIACSgCA7AAAAO9cAADv6AYACkoAgIFpAACAYQAAo4UCAIJhAACliQIADkoAgBJKAICmtQIAhkAMAIfEDACrRQIAqkUCAK1FAgCsRQIAr0UCAK5FAgCojQ4AqZEOAKqVDgCrqQ4ArKUOAK2tDgCupQ4Ar9kOAAZKAIAWSgCAGkoAgB5KAIAiSgCAJkoAgCpKAIAuSgCAuHUPALl9DwC6dQ8Au90PALzFDwC9zQ8AvsUPAL/9DwCwqQ4AsbUOALK1DgCzhQ4AtJ0OALVRDwC2UQ8At1EPALMdDgAySgCANkoAgDpKAIA+SgCAti0OALUtDgBCSgCAu3EOALptDgBGSgCASkoAgL+VDwC+WQ4AvVEOALxhDgBOSgCAo1kOAFJKAIBWSgCApmkOAFpKAIBeSgCApWkOAKopDgCrNQ4AYkoAgGZKAICuHQ4Ar9EPAKwlDgCtFQ4AqL0OAKnRDgCq0Q4AqykBAKw5AQCtOQEArikBAK8pAQCADQAAgRUAAIIdAABqSgCAbkoAgHJKAIC+dAIAdkoAgLjtAQC5hQEAuoEBALuBAQC8hQEAvY0BAL6xAQC/sQEAsFkBALFZAQCy7QEAs+UBALT9AQC15QEAtuUBALfVAQB6SgCAtqkBALWhAQB+SgCAs0kOAIJKAICGOAAAh9wBAL8xAQC+KQEAvSEBALwpAQC7jQEAuo0BAJZJAICGSgCAoxkOAIpKAICOSgCAkkoAgJZKAICm+QEApfEBAJpKAICr3QEAqt0BAJ5KAICiSgCAr2EBAK55AQCtcQEArHkBAKZKAIDv3A8AqkoAgK5KAICySgCAtkoAgLpKAIC+SgCAwkoAgMZKAIDKSgCAzkoAgNJKAIDj6A4A1koAgOGMDgCAEQAAgREAAIIRAACEQAIA2koAgN5KAIDiSgCAvhADAIbABACHRAMA6koAgO5KAIDySgCA9koAgPpKAID+SgCA7yQCAAJLAIAGSwCACksAgA5LAIASSwCAFksAgBpLAICE7AQAHksAgCJLAIAmSwCA4+wCACpLAIDhOAEALksAgLNVAwAySwCANksAgDpLAIA+SwCAth0DALUdAwBCSwCAuwkDALo5AwBGSwCASksAgL/9AAC+/QAAvfkAALwRAwCogQIAqYkCAKqdAgCrsQIArNUCAK3dAgCu1QIAr80CAIDNAQCBCQAAghkAAE5LAIBSSwCAWksAgL5wBQBeSwCAuFkBALlZAQC6aQEAu2kBALx5AQC9eQEAvmkBAL9lAQCwvQIAsY0CALKFAgCzbQEAtHkBALV5AQC2aQEAt2kBAIYgBACHCAUAYksAgGZLAIBqSwCAbksAgHJLAIDvXAAAhOwEAOFcDgB2SwCA44wOAHpLAIB+SwCAgksAgIZLAICjVQIAiksAgI5LAICSSwCAlksAgKYdAgClHQIAmksAgKsJAgCqOQIAnksAgKJLAICv/QEArv0BAK35AQCsEQIAqGkGAKlpBgCqeQYAq3kGAKxpBgCtaQYArp0GAK+VBgBWSwCApksAgKpLAICuSwCAsksAgLZLAIC6SwCAvksAgLj1BgC5+QYAuo0GALuFBgC8nQYAvYUGAL6FBgC/tQYAsO0GALH1BgCy/QYAs/UGALTtBgC10QYAttEGALfRBgCz8QYAghUAAIG1AACAtQAAwksAgLbpBgC14QYAvtQDALsxBgC6KQYAxksAgMpLAIC/FQYAvikGAL0hBgC8KQYAzksAgKO1BgCGyAAAh8gAAKatBgDSSwCA1ksAgKWlBgCqbQYAq3UGANpLAIDeSwCArm0GAK9RBgCsbQYArWUGAKg1BgCpOQYAqoEGAKuBBgCsgQYArYEGAK6BBgCvtQYA4ksAgOZLAIDqSwCA7ksAgPJLAID2SwCA+ksAgP5LAIC4nQYAua0GALqlBgC7aQEAvHkBAL15AQC+aQEAv2kBALDRBgCx0QYAstEGALPRBgC0tQYAtb0GALa1BgC3rQYAswkGAAJMAIAGTACACkwAgA5MAIC2AQYAtQkGABJMAIC7FQYAuhUGABZMAIAaTACAv3kGAL5xBgC9BQYAvAUGAB5MAICjTQYAIkwAgOZKAICmRQYAJkwAgCpMAIClTQYAqlEGAKtRBgAuTACAMkwAgK41BgCvPQYArEEGAK1BBgCB6QMAgN0DAISIAwCC4QMAhrA8AIeIAgC+VAMAOkwAgD5MAIBCTACARkwAgEpMAIBOTACAUkwAgFZMAIBaTACA4/AGAF5MAIDhMAYAhAA8AGJMAIBmTACAakwAgG5MAIByTACAhTQ9AHZMAIB6TACA77AHAH5MAICCTACAhkwAgIpMAICOTACAkkwAgL7EPACWTACAgp0BAIGdAQCAnQEAqA0CAKllAgCqfQIAq3UCAKxZAgCtWQIArpkDAK+ZAwCw6QMAsekDALL5AwCz+QMAtOkDALXpAwC2XQMAt1UDALhtAwC5dQMAunUDALtFAwC8XQMAvTUDAL4xAwC/KQMAmkwAgJ5MAICiTACAqkwAgOFgAwDv9AMA40QCAK5MAICyTACA4zwDAO/0NwDh/AEAtkwAgLpMAIC+TACAwkwAgIZkPwCHaD0AhTQhALOZAwDGTACAtb0DALa1AwDKTACAzkwAgNJMAIC6QQIAu0ECALxBAgC9QQIAvkECAL9BAgDWTACA2kwAgN5MAIDiTACA5kwAgOpMAIDuTACA7/gBAIRoPADhPAYA8kwAgOMcBgD2TACA+kwAgP5MAIACTQCAoxUDAAZNAIAKTQCADk0AgBJNAICmOQMApTEDABpNAICrzQIAqs0CAL5kPgAeTQCAr80CAK7NAgCtzQIArM0CAKgdPgCpJT4Aqi0+AKslPgCsPT4ArSU+AK4tPgCvJT4ApkwAgIL1PwCB5T8AgOU/ABZNAIAiTQCAhgAEAIecAwC4LT4AuTE+ALoxPgC7MT4AvNE+AL3RPgC+0T4Av80+ALBdPgCxIT4Asjk+ALM5PgC0KT4AtSk+ALYZPgC3FT4As6U+ACZNAIAqTQCALk0AgDJNAIC2pT4AtbU+ADZNAIC75T4Aupk+ADpNAIA+TQCAv+0+AL7tPgC97T4AvO0+AEJNAICj4T4ARk0AgEpNAICm4T4ATk0AgFJNAICl8T4Aqt0+AKuhPgBWTQCAWk0AgK6pPgCvqT4ArKk+AK2pPgCPBSUAsyU+AF5NAIBiTQCAtik+AGZNAIBqTQCAtSk+ALp9PgC7RT4Abk0AgHJNAIC+tT4Av70+ALxdPgC9vT4An304AJ5lOQCd8TgAnFE0AJtZNQCaUTUAmfEwAJgNMQCXZTEAlsEwAJVZLQCUTS0Ak+EsAJLZKQCRWSkAkPEoALSlGQC13RgAdk0AgIQIAACwkRUAsQEVALIBGACzvRkAgA0AAIGtAwCCpQMAek0AgKNhAACiHT0AoZk9AKBxPACkxQUApUEEAKYBCACn4QkANkwAgKH1AQCi6QEAo90FAKwBEACtxREArtkRAK85EACoZQgAqQEMAKrZDQCrCQ0AijEuAIuhMwB+TQCAgk0AgI65MwCPETYAjB0yAI1NMgCCJSYAg6krAL5kAwCEYAQAhqEvAIcVLgCEGSoAhZEqAJphPgCb7T4AhsgEAIfcAwCKTQCA4Vw+AJyJAwDjAD4Akmk2AJN5NwCOTQCA7xg+AJZNOwCXuT8AlME7AJVdOgCpnT0AqIk9AKu5PQCqrT0Arak9AKyhPQCvyT0ArqE9AL7oBACSTQCAlk0AgJpNAICeTQCAok0AgKZNAICqTQCAuVk9ALhRPQC7eT0AumU9AL1pPQC8YT0Avx09AL5hPQCxgT0AsLk9ALNpPQCyiT0AtXk9ALRxPQC3aT0AtnE9AKMhPACuTQCAsk0AgLZNAIC6TQCApi08AKUtPAC+TQCAq0E8AKp5PADCTQCAxk0AgK+5PACusTwArbk8AKxZPADKTQCAzk0AgLN9AwDSTQCAtdkDANZNAIDaTQCAttEDAN5NAIDiTQCAu8UDALrFAwC9uQMAvLUDAL+tAwC+sQMA5k0AgOpNAIDuTQCA71wDAIAVAACBHQAAgjEAAO+MPgCE7AQA4fw+APJNAIDjHD4A+k0AgOGUAQD+TQCA4yAAAKP1AwACTgCAh+gEAIZsBAAGTgCAplkDAKVRAwAKTgCAq00DAKpNAwAOTgCAEk4AgK8lAwCuOQMArTEDAKw9AwCGTQCA9k0AgBZOAIAaTgCAHk4AgCJOAIAmTgCAKk4AgKhxBgCpTQYAqo0GAKuFBgCsnQYArYUGAK6NBgCvhQYAsP0GALFBBwCyQQcAs0EHALRBBwC1SQcAtnEHALdxBwC4IQcAuSEHALolBwC7OQcAvCkHAL0VBwC+HQcAv/0HALMlBgAuTgCAMk4AgDZOAIA6TgCAtiUGALU1BgA+TgCAu6UHALoZBgBCTgCARk4AgL+tBwC+pQcAvbUHALy1BwBKTgCAo2EGAE5OAIBSTgCApmEGAFZOAIBaTgCApXEGAKpdBgCr4QcAXk4AgGJOAICu4QcAr+kHAKzxBwCt8QcAqLEGAKm9BgCqzQYAq90GAKzNBgCt/QYArvUGAK8VAQCA+QEAgc0BAILFAQC+ZAIAhpAAAIcAAQBqTgCAbk4AgLjRAQC52QEAuuEBALvhAQC8kQEAvZ0BAL6VAQC/iQEAsG0BALF1AQCyfQEAs3UBALRtAQC18QEAtvEBALfxAQCzRQYAZk4AgHJOAIB2TgCAek4AgLZ9BgC1RQYAfk4AgLuxAQC6qQEAgk4AgIZOAIC/NQEAvqkBAL2hAQC8qQEAik4AgKMBBgCOTgCAkk4AgKY5BgCWTgCAmk4AgKUBBgCq7QEAq/UBAJ5OAICiTgCAru0BAK9xAQCs7QEAreUBAOEoAQCmTgCA41ACAKpOAICuTgCAsk4AgLZOAIC6TgCAvk4AgMJOAIDGTgCAyk4AgIFxAACAGQAA75wCAIJ5AADOTgCA0k4AgITIAgCzxQMA2k4AgLXFAwC2xQMAvhADAIbADACHRAwAuqkDALulAwC8vQMAvaEDAL6hAwC/lQMArhEGAK8ZBgCsAQYArQEGAKqlBgCrEQYAqEU5AKlxOQDeTgCA4k4AgOZOAIDqTgCA7k4AgPJOAID2TgCA+k4AgL7tBwC/TQcAvNEHAL3lBwC63QcAu8EHALg1BgC51QcAtjkGALcNBgC0JQYAtTkGALIxBgCzPQYAsFEGALFRBgCoOQIAqTkCAKqBAgCrgQIArIECAK2JAgCusQIAr7ECAIRsDQD+TgCAvmANAAJPAIAGTwCACk8AgA5PAIASTwCAuE0BALlVAQC6XQEAu1UBALxNAQC9dQEAvn0BAL91AQCwoQIAsa0CALKlAgCzuQIAtKkCALWdAgC2lQIAt3kBAOFUBgDh1AcA4zgGAOOwBwAWTwCAGk8AgB5PAIAiTwCAhOQMACZPAIAqTwCALk8AgDJPAIA2TwCA72wAAO/kBwCjSQIAOk8AgD5PAIBCTwCASk8AgKZJAgClSQIATk8AgKspAgCqJQIAhkgMAIfcDACvGQIAri0CAK0tAgCsMQIAqFEOAKmlDgCqrQ4Aq6UOAKy9DgCtpQ4Arq0OAK+lDgCA5Q8Age0PAILlDwBGTwCAUk8AgFZPAIBaTwCAXk8AgLjVDwC53Q8AutUPALvpDwC8+Q8AvfkPAL7pDwC/6Q8AsN0OALFBDwCyRQ8As10PALRFDwC1TQ8AtkUPALftDwCzJQ4AYk8AgGZPAIBqTwCAbk8AgLYlDgC1NQ4Ack8AgLuFDwC6GQ4Adk8AgHpPAIC/iQ8AvoEPAL2JDwC8kQ8Afk8AgKNhDgCCTwCAhk8AgKZhDgCKTwCAjk8AgKVxDgCqXQ4Aq8EPAJJPAICWTwCArsUPAK/NDwCs1Q8Arc0PAKjRDgCp2Q4AqjkBAKs5AQCsKQEArSkBAK6dAQCvlQEAmk8AgJ5PAICiTwCApk8AgIANAACBtQAAgr0AAKpPAIC4lQEAuZ0BALqhAQC7oQEAvHEAAL1xAAC+cQAAv3EAALDtAQCx9QEAsvUBALPFAQC03QEAtbUBALaxAQC3sQEArk8AgLJPAICzuQEAvsACALWpAQC2TwCAuk8AgLahAQCGgAEAh8QBALs5AQC6IQEAvRkBALwpAQC/eQEAvhEBAKPxAQC+TwCA1k4AgMJPAIDGTwCApukBAKXhAQDKTwCAq3EBAKppAQDOTwCA0k8AgK8xAQCuWQEArVEBAKxhAQDWTwCA2k8AgN5PAIDiTwCA4agBAOZPAIDjQAIA6k8AgL8oFQDuTwCA73QCAPJPAID2TwCA+k8AgP5PAIACUACABlAAgON0DwCEiAMA4TQOAApQAIAOUACAElAAgBZQAICADQAAgRUAAIIRAAAaUACAHlAAgO+kDwAiUACAKlAAgKgZAwCpQQMAqkUDAKtdAwCsTQMArX0DAK51AwCvnQAAhaQVAL58AwCGCAQAhxwDAC5QAIAyUACANlAAgDpQAIC49QAAuf0AALr1AAC7jQAAvIEAAL2BAAC+gQAAv4EAALDlAACx7QAAsuUAALP5AAC07QAAtdEAALbVAAC3zQAAPlAAgEJQAIBGUACAs8ECAEpQAIC1yQIAtvECAE5QAIBSUACAVlAAgLotAQC7JQEAvD0BAL0hAQC+JQEAvxkBAKapAgCESAIAWlAAgKWRAgBeUACAo5kCAGJQAIBmUACArn0BAK9BAQCsZQEArXkBAKp1AQCrfQEAalAAgG5QAIByUACAdlAAgHpQAIB+UACA7+QAAIJQAICGUACAilAAgOMQDgCOUACA4VgOAJJQAICALQAAgREAAIIVAAC+sAUAs3UBAJpQAICHFAUAhmwEAJ5QAIC21QAAtWUBAKJQAIC7/QAAuvUAAKZQAICqUACAv6EAAL69AAC93QAAvN0AAKh9BgCptQYAqr0GAKu1BgCsrQYArRUHAK4dBwCvFQcAllAAgK5QAICyUACAtlAAgLpQAIC+UACAwlAAgMZQAIC4OQcAuTkHALrJBwC7yQcAvNkHAL3ZBwC+zQcAv8UHALBxBwCxeQcAskkHALNJBwC0OQcAtSUHALYhBwC3IQcAozUGAMpQAIDOUACA0lAAgNZQAICmlQcApSUGANpQAICrvQcAqrUHAN5QAIDiUACAr+EHAK79BwCtnQcArJ0HAOZQAIDqUACA7lAAgPJQAID2UACAgj0AAIE9AACAPQAA+lAAgP5QAIACUQCAhKADAL6kAwAGUQCAhvgAAIfgAACoxQYAqdUGAKrVBgCr5QYArP0GAK0xAQCuMQEArzEBAApRAIAOUQCAElEAgBZRAIAaUQCAHlEAgCJRAIAmUQCAuN0BALntAQC65QEAu40BALyVAQC9nQEAvpUBAL+NAQCwUQEAsVEBALJRAQCzUQEAtPUBALX9AQC29QEAt+0BALNdBgAqUQCALlEAgDJRAIA2UQCAtrEBALV1BgA6UQCAu5UBALqVAQA+UQCAQlEAgL85AQC+MQEAvYUBALyFAQClLQYARlEAgEpRAICm6QEATlEAgFJRAICjBQYAVlEAgK3dAQCs3QEAr2EBAK5pAQBaUQCAJlAAgKvNAQCqzQEAXlEAgGJRAICExAMAvwD0AGZRAICCPQAAgT0AAIA9AABqUQCAblEAgHJRAIC+YAMAelEAgH5RAICCUQCAhlEAgIbgHACHAAMA7wwHAIpRAICOUQCAklEAgJZRAICaUQCAnlEAgKJRAICmUQCAqlEAgOHABgCuUQCA4ywHALJRAIC2UQCAulEAgL5RAIDCUQCAxlEAgMpRAIDOUQCA0lEAgKiBAwCpgQMAqoEDAKuBAwCsgQMArYEDAK6BAwCvgQMAsEUDALFNAwCyRQMAs10DALRNAwC1fQMAtnUDALcZAwC4KQMAuTUDALo9AwC7MQMAvAEDAL31AAC+/QAAv+0AALMpAgDWUQCA2lEAgN5RAIDiUQCAtiECALUpAgCEUB0Au6kCALqhAgDqUQCA7lEAgL+ZAgC+qQIAvakCALyxAgCBTQAAgE0AAO+cAwCCXQAAhvAcAId4HQC+EB0A8lEAgPZRAID6UQCA/lEAgAJSAIDhkAEABlIAgONgAwAKUgCADlIAgBJSAIAWUgCAGlIAgB5SAIAiUgCAJlIAgO+UAQCE7BwA4XAGACpSAIDjUAEALlIAgDJSAIA2UgCAOlIAgKPpAgA+UgCAQlIAgEZSAIBKUgCApuECAKXpAgBOUgCAq2kCAKphAgBSUgCAvqgcAK9ZAgCuaQIArWkCAKxxAgCoMR4AqTEeAKoxHgCrMR4ArF0eAK1FHgCuTR4Ar0UeAOZRAICCzR8AgfUfAID9HwBWUgCAWlIAgIYcAACH+AMAuMUeALnNHgC6xR4Au90eALzFHgC9zR4AvsUeAL9ZHwCwPR4AsQUeALINHgCzBR4AtB0eALUBHgC2BR4At/0eALO5HgBeUgCAYlIAgGZSAIBqUgCAtsUeALXVHgBuUgCAu8EeALr5HgByUgCAdlIAgL/FHgC+2R4AvdEeALzZHgB6UgCAo/0eAH5SAICCUgCApoEeAIZSAICKUgCApZEeAKq9HgCrhR4AjlIAgJJSAICunR4Ar4EeAKydHgCtlR4AqCkeAKkpHgCqVR4Aq20eAKx1HgCtfR4ArnUeAK9pHgCWUgCAmlIAgJ5SAICiUgCAplIAgKpSAICuUgCAslIAgLjpHgC59R4Auv0eALv1HgC87R4AvZEeAL6RHgC/kR4AsB0eALHlHgCy7R4As+UeALT9HgC15R4Atu0eALflHgCz3R4AtlIAgLpSAIC+UgCAwlIAgLb9HgC1/R4AhFgBALshHgC62R4AvigAAMpSAIC/IR4AvjkeAL0xHgC8OR4AgU0AAIBNAACjlR4Agl0AAKW1HgDGUgCAzlIAgKa1HgB2UQCA0lIAgKtpHgCqkR4ArXkeAKxxHgCvaR4ArnEeAIYABACHRAMAs4ECANZSAIC1gQIA2lIAgN5SAIC2gQIAiAAAAOJSAIC74QIAuu0CAL3lAgC8+QIAv9ECAL7lAgDmUgCA6lIAgIREAwC+jAMA4UgCAO5SAIDjAAIA7/wfAPJSAIDhPB4A79wCAONgHwD2UgCA+lIAgP5SAIACUwCAqQUCAKixAgCrBQIAqgUCAK0NAgCsBQIArzUCAK41AgCEbAUABlMAgApTAIAOUwCAElMAgBZTAIAaUwCAHlMAgLnpAwC44QMAu/kDALrhAwC96QMAvOEDAL9dAwC+4QMAsSkCALAlAgCzPQIAsiECALUZAgC0LQIAt9kDALYRAgAiUwCAJlMAgCpTAICjhQMALlMAgKWFAwCmhQMAMlMAgDpTAIA+UwCAqukDAKvlAwCs/QMAreEDAK7hAwCv1QMAgEkAAIFVAACCVQAAo6kCAL6YBAClQQEApkEBAEJTAICG4AUAh+AFAKotAQCrOQEArBEBAK0FAQCuDQEArwUBAEZTAIBKUwCATlMAgO/cAABSUwCAVlMAgFpTAIDviB4AhCwHAOHsHgBeUwCA4xweAGJTAIDhlAEAZlMAgOMwAACzJQIAhWDmAGpTAIBuUwCAclMAgLbNAQC1zQEAdlMAgLu1AQC6oQEAelMAgH5TAIC/iQEAvoEBAL2JAQC8nQEANlMAgIJTAICGUwCAilMAgI5TAICSUwCAllMAgJpTAICoAQcAqQEHAKp1BwCrrQcArLUHAK29BwCuqQcAr6kHALDZBwCx7QcAsvkHALP1BwC0mQcAtZkHALaJBwC3gQcAuIkHALmJBwC6bQAAu2UAALx9AAC9ZQAAvm0AAL9lAACBCQAAgJkAAJ5TAICCHQAAolMAgKZTAICqUwCArlMAgKgNBQCpfQUAqk0FAKuhBgCspQYAra0GAK6dBgCv/QYAsIUGALGRBgCyqQYAs70GALSlBgC1rQYAtqUGALd5BgC4SQYAuUkGALpZBgC7WQYAvEkGAL1JBgC++QcAv/kHALNdBgCyUwCAhigCAIcsAQC2UwCAtp0GALWdBgC6UwCAu4kGALq9BgC+UwCAwlMAgL/9BgC+/QYAvYEGALyNBgDGUwCAoxkGAMpTAIDOUwCAptkGANJTAIDWUwCApdkGAKr5BgCrzQYA2lMAgN5TAICuuQYAr7kGAKzJBgCtxQYAqBkBAKkZAQCqjQAAq50AAKyNAACtvQAArrUAAK/dAADiUwCA5lMAgOpTAIDuUwCA8lMAgPZTAID6UwCA/lMAgLhpAAC5aQAAunkAALt5AAC8aQAAvWkAAL7dAwC/1QMAsKkAALGpAACyvQAAs7UAALSZAAC1mQAAtlkAALdZAAC+LAIAAlQAgAZUAIAKVACADlQAgBJUAIAaVACAHlQAgIAtAACBNQAAgj0AACJUAICGkAwAh+gCACZUAIAqVACAs0UDAC5UAIAyVACANlQAgDpUAIC2fQMAtUUDAD5UAIC7LQMAui0DAEJUAIBGVACAvx0DAL4dAwC9IQMAvCkDAKvNAwCqzQMASlQAgE5UAICv/QMArv0DAK3BAwCsyQMAo6UDAFJUAIBWVACAWlQAgF5UAICmnQMApaUDAGJUAIBmVACAalQAgG5UAIByVACAdlQAgII9AACBPQAAgD0AAHpUAIB+VACAglQAgIRgAwCG0AwAhzADAIpUAICOVACAvkQCAJJUAICWVACAmlQAgOEAAACeVACA46gGAKJUAICE7AwAplQAgO/QAwCqVACArlQAgLJUAIC2VACAulQAgLNtAQC+VACAwlQAgMZUAIDKVACAthEBALVlAQDOVACAuz0BALo1AQDSVACA1lQAgL/9AQC+/QEAvRUBALwVAQDaVACA4fwGAN5UAIDjPAcA4lQAgOZUAIDqVACA7lQAgPJUAIC+bAwA+lQAgP5UAIACVQCABlUAgApVAIDvFAYAgV0AAIBdAACj5QEAgm0AAKXtAQAOVQCAElUAgKaZAQCHqAwAhuQMAKu1AQCqvQEArZ0BAKydAQCvdQEArnUBAKgZDgCpGQ4AqiUOAKs1DgCsLQ4ArVEOAK5RDgCvUQ4AhlQAgPZUAIAWVQCAGlUAgB5VAIAiVQCAJlUAgCpVAIC47Q4AufUOALr1DgC7jQ4AvJUOAL2dDgC+lQ4Av40OALAxDgCxOQ4AsgEOALMBDgC0+Q4AtfkOALbdDgC31Q4AqHkOAKl5DgCqjQ8Aq4UPAKydDwCtgQ8AroUPAK+5DwAuVQCAMlUAgDZVAIA6VQCAPlUAgEJVAIBGVQCASlUAgLiRDwC5mQ8AuqEPALuhDwC8UQ8AvV0PAL5JDwC/SQ8AsM0PALHVDwCy3Q8As9UPALTNDwC1sQ8AtrEPALexDwCzBQ4ATlUAgFJVAIBWVQCAWlUAgLYBDgC1FQ4AXlUAgLsRDgC6CQ4AYlUAgISgAQC/dQ4AvgkOAL0BDgC8CQ4AgmkAAKNBDgCAWQAAgVEAAKZFDgC+WAEAZlUAgKVRDgCqTQ4Aq1UOAIbIAACHrAEArk0OAK8xDgCsTQ4ArUUOAGpVAIBuVQCAclUAgHZVAIB6VQCAflUAgBZUAICCVQCAqAkOAKkJDgCqGQ4AqxkOAKwJDgCtYQ4ArmEOAK+VAQCw7QEAsfUBALL9AQCz9QEAtO0BALV1AQC2fQEAt3UBALhNAQC5VQEAul0BALtVAQC8TQEAvfEAAL7xAAC/8QAAhlUAgIpVAICOVQCAklUAgJZVAIDj6A4AmlUAgOE0DgC+AAQA79wPAJ5VAICiVQCAplUAgKpVAICuVQCAslUAgLPxDQC2VQCAulUAgL5VAIDCVQCAtoENALXhDQDGVQCAu1ECALpJAgDKVQCAzlUAgL/RAgC+SQIAvUECALxJAgCjMQ0A0lUAgISIAwDaVQCA3lUAgKZBDQClIQ0A4lUAgKuRAgCqiQIA5lUAgOpVAICvEQIArokCAK2BAgCsiQIAgKkAAIGpAACCTQAA7lUAgOFkEgDjTAIA4wgLAOGsAQDyVQCA7zwCAO8YFgD2VQCAhlAGAIdIAwD6VQCA/lUAgKiBAgCpgQIAqoECAKuBAgCsgQIArYECAK6FAgCvHQEAAlYAgAZWAIAKVgCADlYAgBJWAIAWVgCAGlYAgIS4BQC4dQEAuX0BALp1AQC7CQEAvBkBAL0ZAQC+CQEAvwEBALBlAQCxbQEAsmUBALN9AQC0aQEAtV0BALZVAQC3TQEAHlYAgCJWAIAmVgCAKlYAgC5WAIAyVgCA7zQAAO/ADgDhXA4A4UwPAOOUAADjnA4ANlYAgIJlAACBfQAAgH0AADpWAIA+VgCAvsQHALNFAgBCVgCAtUUCALZNAgBKVgCAhkAGAIeQBAC67QEAu+UBALz9AQC95QEAvuEBAL/VAQCflQgAngUIAJ3dDQCcPQwAmzEMAJr1DQCZ7RAAmD0QAJfVEQCWsRUAlQUUAJTlFQCTtRkAkjEYAJE5GACQDRwAj2EcANZVAICz1QYATlYAgLX9BgBGVgCAUlYAgLaRBgBWVgCAWlYAgLuVBgC6lQYAvVUHALxVBwC/VQcAvlUHAF5WAIBiVgCAqo0GAKuFBgCsnQYArYUGAK6BBgCvtQYAhKgAAGZWAIBqVgCAoyUFAG5WAIClJQUApi0FAHJWAIB2VgCAelYAgH5WAICCVgCAhlYAgIpWAICOVgCAklYAgJZWAICaVgCAnlYAgKJWAICjqQUAotEEAKHZBACgZQUAgiEdAIM1HQCmVgCAqlYAgIaVGACH3RQAhBkZAIUZGQCKDRUAi7EUAK5WAICyVgCAjsURAI/VDACMzRAAjR0RAJJhDQCTdQ0AvkwAALpWAICWxQkAl80EAJSNDACVXQkAmkEFAJtBBQCGyP8Ah0wAAIFZAACAeQAAnCEEAIJRAAChxQEAvlYAgKMB/ACi2QEApRX9AKS1/QCnufkApgH4AKkJ+AColfkAqwX1AKqt9QCtsfEArAHwAK8d8ACurfEAseHtALAB7ACzAegAsv3sALVd6QC09ekAwlYAgMZWAIDKVgCAzlYAgNJWAIDWVgCA2lYAgN5WAIDiVgCA5lYAgKiNBACplQQAqpUEAKulBACsvQQArdkEAK75BACv8QQAhGz8AOpWAIDuVgCA8lYAgPZWAID6VgCA/lYAgAJXAIC4eQUAucUFALrNBQC7xQUAvN0FAL3FBQC+zQUAv+0FALCZBACxmQQAskkFALNJBQC0WQUAtVkFALZJBQC3SQUAox0EAL7M/AAGVwCAClcAgA5XAICmWQQApTUEABJXAICrXQQAql0EABZXAIAaVwCAr50FAK6dBQCtnQUArJ0FAB5XAICznQIAIlcAgCpXAIC2UQIALlcAgDJXAIC1uQIAukkCALtVAgCGSP0Ah8D8AL41AgC/PQIAvEUCAL09AgCo3QQAqUkDAKpRAwCrbQMArHUDAK2VAwCunQMAr7kDAICNAQCB5QEAguEBADZXAIA6VwCAPlcAgEJXAIBGVwCAuJUDALmdAwC6lQMAu60DALy1AwC9vQMAvrUDAL9VAgCwyQMAsdUDALLVAwCzrQMAtLUDALW9AwC2tQMAt60DAEpXAIBOVwCAo9EDAFJXAICl9QMAVlcAgFpXAICmHQMAXlcAgGJXAICrGQMAqgUDAK1xAwCsCQMAr3EDAK55AwDhKAcAZlcAgOPkBgBqVwCA4SgGAG5XAIDjaAEAclcAgHZXAIB6VwCA71gAAH5XAICCVwCAhlcAgO/IBgCKVwCAqE39AKmB/QCq0f0Aq9H9AKzx/QCt8f0ArvH9AK/x/QAmVwCAghEAAIEZAACA0f8AjlcAgJJXAICEdAMAvnQDALh1/gC5ff4AunX+ALvF/gC83f4AvcX+AL7F/gC/9f4AsJH9ALGR/QCykf0As5H9ALRV/gC1Xf4AtlX+ALdN/gCzWf0AllcAgIasAACHRAMAmlcAgLZx/QC1ef0AnlcAgLtV/QC6Vf0AolcAgKZXAIC/mf4AvpH+AL1F/QC8Rf0AqlcAgKMd/QCuVwCAslcAgKY1/QC2VwCAulcAgKU9/QCqEf0AqxH9AL5XAIDCVwCArtX+AK/d/gCsAf0ArQH9AKjN/wCp0f8AqtH/AKsh/gCsIf4ArSH+AK4h/gCvIf4AxlcAgMpXAIDOVwCA0lcAgNZXAIDaVwCA3lcAgOJXAIC4jf4AuZH+ALqV/gC7rf4AvLX+AL25/gC+qf4Av6n+ALDh/gCx4f4AsuX+ALP5/gC06f4AtdX+ALbd/gC3uf4As1n/AOZXAIC2VgCA6lcAgO5XAIC2of4Atan+APJXAIC7Jf4AuiX+APZXAID6VwCAvxH+AL4t/gC9Lf4AvDH+AIIZAACjHf8AgGUAAIEZAACm5f4A/lcAgAJYAICl7f4AqmH+AKth/gCEZAEAviAAAK5p/gCvVf4ArHX+AK1p/gAKWACA4zT+AA5YAIDhfP0AhrAEAIcIAwASWACAFlgAgBpYAIAeWACAhCQDAIQkBAAiWACA70j+ACZYAIAqWACAs+kCAC5YAIC+RAQAvkAFADJYAIC2nQIAtZkCADZYAIC7iQIAur0CADpYAIA+WACAv1kDAL5RAwC9WQMAvJECAKkdAgCoFQIAqyUCAKolAgCtWQIArFUCAK9NAgCuUQIAvmQGAEJYAIBGWACASlgAgE5YAIBSWACAVlgAgFpYAIC5+QMAuPEDALtNAwC68QMAvUEDALxZAwC/cQMAvkEDALEJAgCwPQIAs8kDALIBAgC12QMAtNEDALfJAwC20QMA4ZABAF5YAIDj8AAAYlgAgGZYAICCPQAAgT0AAIA9AABqWACAblgAgHJYAIB6WACAflgAgIJYAIDvLAAAhlgAgKPpAwCKWACAhugEAIdgBQCOWACApp0DAKWZAwCSWACAq4kDAKq9AwCWWACAmlgAgK9ZAgCuUQIArVkCAKyRAwCeWACAolgAgKZYAICqWACArlgAgLJYAIC2WACA71gBAISgBADhVP8AulgAgOOEAQC+WACAwlgAgMZYAIDKWACAs9kBAM5YAICFzBkA0lgAgNZYAIC28QEAtfkBANpYAIC7pQEAutkBAN5YAIDiWACAv50BAL6dAQC9pQEAvK0BAKgBBgCpDQYAqhEGAKsRBgCsMQYArTEGAK4pBgCvJQYAdlgAgILJBwCBwQcAgPEHAOZYAIDqWACAhhwAAIf8AwC47QYAufUGALr9BgC79QYAvO0GAL1RBwC+VQcAv00HALBdBgCxIQYAsjkGALMxBgC0GQYAtRkGALbdBgC31QYAo5kGAO5YAIDyWACA9lgAgPpYAICmsQYApbkGAP5YAICr5QYAqpkGAAJZAIAGWQCAr90GAK7dBgCt5QYArO0GAApZAICz8QcADlkAgBJZAIC2gQcAFlkAgBpZAIC1mQcAuo0HALtlBwAeWQCAIlkAgL59BwC/ZQcAvH0HAL11BwCoLQYAqTUGAKo9BgCrMQYArFUGAK1FBgCuRQYAr3UGACZZAIAqWQCALlkAgDJZAIA2WQCAOlkAgD5ZAIBCWQCAuOkGALn1BgC6/QYAu/UGALztBgC9kQYAvpUGAL+NBgCwDQYAseUGALLtBgCz5QYAtP0GALXlBgC27QYAt+UGAKO1BgBGWQCASlkAgE5ZAIBSWQCApsUGAKXdBgAGWACAqyEGAKrJBgBWWQCAWlkAgK8hBgCuOQYArTEGAKw5BgCASQAAgUkAAIJZAACzRQEAXlkAgLVFAQC2RQEAYlkAgIZAAACHZAAAuikBALslAQC8PQEAvSEBAL4hAQC/FQEAZlkAgGpZAICEBAMAvgAMAOMoBgDv4AIA4RAGAG5ZAIDvkAYA4zwCAHJZAIDh1AEAdlkAgHpZAIB+WQCAglkAgIZZAICKWQCAo8ECAI5ZAIClwQIAklkAgJZZAICmwQIAmlkAgJ5ZAICroQIAqq0CAK2lAgCsuQIAr5ECAK6lAgCpBQIAqLECAKsFAgCqBQIArQ0CAKwFAgCvNQIArjUCAISoDACiWQCAplkAgKpZAICuWQCAslkAgLZZAIC6WQCAuekDALjhAwC7+QMAuuEDAL3pAwC84QMAv10DAL7hAwCxKQIAsCUCALM9AgCyIQIAtRkCALQtAgC32QMAthECAKitAgCp1QIAqtUCAKsNAQCsFQEArQkBAK4xAQCvLQEAvlkAgMJZAIDKWQCAzlkAgNJZAIDWWQCA2lkAgN5ZAIC4IQEAuSEBALrtAQC75QEAvP0BAL3lAQC+7QEAv+UBALBVAQCxXQEAslUBALMtAQC0NQEAtTkBALYtAQC3JQEAgD0BAIGlAACCrQAA79QHAOJZAIDmWQCA6lkAgO8oBwC+LAwA4fQGAO5ZAIDjkAcA8lkAgOGUAQD2WQCA4wwGALMdAgD6WQCAh0QNAIZMDQD+WQCAtskBALXdAQACWgCAu9kBALrRAQAGWgCACloAgL+9AQC+sQEAvbkBALzBAQDGWQCADloAgBJaAIAWWgCAGloAgB5aAIAiWgCAJloAgKgJDwCpCQ8AqhkPAKsZDwCsCQ8ArQkPAK6pDwCvqQ8AsNkPALHtDwCy+Q8As/UPALSVDwC1hQ8AtoUPALe1DwC4jQ8AuWEAALphAAC7YQAAvGEAAL1hAAC+YQAAv2EAAKNdDQCCLQAAgRUAAIAdAAAqWgCApokOAKWdDgAuWgCAq5kOAKqRDgAyWgCANloAgK/9DgCu8Q4ArfkOAKyBDgA6WgCAs/UPAIboAwCHvAMAtu0PAD5aAIBCWgCAteUPALp5DwC7TQ8ARloAgEpaAIC+NQ8AvyUPALxJDwC9RQ8AozEOAE5aAIBSWgCAVloAgFpaAICmKQ4ApSEOAF5aAICriQ4Aqr0OAGJaAIBmWgCAr+EOAK7xDgCtgQ4ArI0OAGpaAIBuWgCAcloAgHZaAIB6WgCAfloAgIJaAICGWgCAiloAgI5aAICSWgCAlloAgIANAACB1QAAgt0AAJpaAICoQQEAqVEBAKpRAQCrZQEArH0BAK2RAACukQAAr5EAAJ5aAICiWgCAhGQBAL5kAQCGkAEAh4QAAKpaAICuWgCAuJEAALmRAAC6kQAAu5EAALyxAAC9sQAAvrEAAL+xAACw8QAAsfkAALLBAACzwQAAtLEAALWxAAC2sQAAt7EAALPZAgCyWgCAvnADAL5EBAC2WgCAthEDALX1AgC6WgCAuz0DALo1AwC+WgCAwloAgL91AwC+dQMAvRUDALwVAwDGWgCAo50CAMpaAIDOWgCAplUDANJaAIDWWgCApbECAKpxAwCreQMA2loAgN5aAICuMQMArzEDAKxRAwCtUQMAqDkDAKk5AwCqjQAAq50AAKyNAACtvQAArrUAAK/dAADiWgCA5loAgOpaAIDuWgCA8loAgPZaAID6WgCA/loAgLhpAAC5aQAAunkAALt5AAC8aQAAvWkAAL7ZAQC/2QEAsKkAALGpAACyvQAAs7UAALSZAAC1mQAAtlkAALdZAAACWwCABlsAgApbAIAOWwCA70QAABJbAICGmAUAh+QCAOOYAACEqAIA4fgBABpbAICAOQAAgTkAAIItAAAeWwCAs0UBACJbAIAmWwCAKlsAgC5bAIC2fQEAtUUBADJbAIC7LQEAui0BADZbAIA6WwCAvx0BAL4dAQC9IQEAvCkBAD5bAIDhUA4AQlsAgOM8DwBGWwCASlsAgE5bAIBSWwCAVlsAgFpbAIDjAAAAXlsAgGJbAIBmWwCAhPQFAO/kDgCuqQEAr6kBAKydAQCtlQEAqpkBAKuZAQBqWwCAblsAgKbJAQByWwCAdlsAgKXxAQCC/QcAo/EBAID9BwCB9QcAFlsAgHpbAIB+WwCAglsAgIZbAICKWwCAhrgDAIeQAwCoDQcAqRkHAKptBwCrZQcArH0HAK1lBwCuZQcAr1UHALAtBwCxxQcAssEHALPdBwC0xQcAtc0HALbFBwC3/QcAuMUHALnJBwC62QcAu9kHALypBwC9qQcAvp0HAL+VBwCzxQcAjlsAgJJbAICWWwCAmlsAgLbFBwC11QcAnlsAgLshBwC6yQcAolsAgKZbAIC/KQcAviEHAL0pBwC8NQcAqlsAgKOBBwCuWwCAslsAgKaBBwC2WwCAulsAgKWRBwCqjQcAq2UHAL5bAIDCWwCArmUHAK9tBwCscQcArW0HAKgVAQCpgQEAqoEBAKuBAQCsgQEArYkBAK6xAQCvsQEAxlsAgMpbAIDOWwCA0lsAgNZbAIDaWwCA3lsAgOJbAIC4ZQAAuW0AALplAAC7fQAAvGUAAL1tAAC+ZQAAv90AALChAQCxrQEAsqUBALO5AQC0qQEAtZ0BALaVAQC3XQAA5lsAgIIdAACBHQAAgB0AAOpbAIDuWwCA8lsAgL5YAQCErAIA9lsAgIcIAQCGjAEA+lsAgKZaAID+WwCAAlwAgLNJAQAGXACAClwAgA5cAIASXACAtkkBALVJAQAWXACAuykBALolAQAaXACAHlwAgL8ZAQC+LQEAvS0BALwxAQC+2AMAIlwAgO/4BgAmXACAKlwAgC5cAIDv4AIAMlwAgOGUAQA2XACA43QCADpcAIDhmAUAPlwAgOMMBwBCXACARlwAgEpcAICjwQIAhIwDAKXBAgBOXACAUlwAgKbBAgBWXACAWlwAgKuhAgCqrQIAraUCAKy5AgCvkQIArqUCAKgxAwCpPQMAqjUDAKtJAwCsWQMArVkDAK5JAwCvQQMAgMUAAIEJAACCGQAAXlwAgGJcAIBqXACAh2wDAIYcHAC47QAAufEAALr1AAC7jQAAvJUAAL2BAAC+gQAAv70AALAJAwCxCQMAsu0AALPhAAC04QAAteEAALblAAC32QAAblwAgHJcAIB2XACAs7ECAHpcAIC13QIAttUCAH5cAICCXACAhlwAgLrBAgC7wQIAvDUBAL05AQC+KQEAvykBAKaNAgCKXACAjlwAgKWFAgCSXACAo+kCAJZcAICaXACArnEBAK9xAQCsbQEArWEBAKqZAgCrmQIAnlwAgKJcAICmXACA4YQGAKpcAIDjJAYArlwAgOGUAQCyXACA4ywAAL7oHQC2XACAulwAgO/IAACE/B0AvvAcAL5cAIDvSAcAwlwAgMZcAIDKXACAzlwAgIEdAACAHQAA0lwAgIIFAACGQBwAh8QcANpcAIDeXACA4lwAgOZcAIDqXACA7lwAgKi1HgCpBR8Aqg0fAKsFHwCsAR8ArQkfAK45HwCvOR8A1lwAgPJcAID2XACA+lwAgP5cAIACXQCABl0AgApdAIC4yR8AudUfALrRHwC76R8AvPkfAL3tHwC+mR8Av5kfALAlHwCxLR8AsjkfALM1HwC0LR8AtQ0fALYFHwC3/R8As4UfAA5dAIASXQCAFl0AgBpdAIC2iR8AtYkfAB5dAIC76R8AuuEfACJdAIAmXQCAv8kfAL7pHwC94R8AvO0fACpdAICjwR8ALl0AgDJdAICmzR8ANl0AgDpdAIClzR8AqqUfAKutHwA+XQCAQl0AgK6tHwCvjR8ArKkfAK2lHwCo6R4AqekeAKr5HgCr+R4ArOkeAK3pHgCuPQEArzUBAID5AQCBzQEAgsUBAIRgAgBGXQCASl0AgIdoAQCGnAAAuNEBALnZAQC64QEAu+EBALyRAQC9nQEAvpUBAL+JAQCwTQEAsVUBALJdAQCzVQEAtE0BALXxAQC28QEAt/EBALNxHgBOXQCAUl0AgFZdAIBaXQCAtmkeALVhHgBeXQCAu5EBALqJAQBiXQCAZl0AgL81AQC+iQEAvYEBALyJAQBqXQCAZlwAgKM5HgBuXQCApSkeAHJdAIB2XQCApiEeAHpdAIB+XQCAq9kBAKrBAQCtyQEArMEBAK99AQCuwQEAgl0AgIZdAICKXQCAjl0AgJJdAICWXQCAml0AgJ5dAICiXQCApl0AgKpdAICuXQCAsl0AgLpdAIC+XQCAvnADAOHkHgCESAIA4+gfAIQABACAeQAAgXkAAIJpAADCXQCAhsAEAIdEAwDGXQCAyl0AgM5dAIDSXQCA7yAfANZdAIDaXQCA3l0AgOJdAIDvSAIA5l0AgOpdAIDuXQCA8l0AgL7oBAD2XQCA+l0AgP5dAIACXgCA4ZABAAZeAIDj6AIAs0kDAApeAIAOXgCAEl4AgBZeAIC2SQMAtUkDABpeAIC7LQMAuiUDAB5eAIAiXgCAvxUDAL4VAwC9IQMAvCkDAKg1AgCpgQIAqoECAKuBAgCsgQIArYkCAK6xAgCvsQIAgP0BAIHNAQCCxQEAKl4AgIaQBACHBAUALl4AgIRwBAC4SQEAuUkBALpZAQC7WQEAvEkBAL1JAQC+eQEAv3kBALChAgCxqQIAsr0CALO1AgC0kQIAtZECALZ5AQC3eQEAMl4AgDZeAIA6XgCAPl4AgEJeAIBGXgCASl4AgO/QHgC+6AQA4VweAE5eAIDjkAAAUl4AgFZeAIBaXgCAXl4AgKNJAgBiXgCAZl4AgGpeAIBuXgCApkkCAKVJAgByXgCAqy0CAKolAgB2XgCAel4AgK8VAgCuFQIArSECAKwpAgCoNQYAqT0GAKpVBgCrZQYArH0GAK1lBgCubQYAr2EGACZeAIB+XgCAgl4AgIZeAICADQAAgbEAAIKxAACKXgCAuOkGALnpBgC6+QYAu/UGALyVBgC9nQYAvpUGAL+NBgCw4QYAseEGALLhBgCz/QYAtOUGALXtBgC25QYAt9kGALPdBgCOXgCAkl4AgJZeAICaXgCAtuUGALX1BgCeXgCAuyUGALolBgCGmAAAh6wAAL8pBgC+IQYAvSkGALw1BgCiXgCAo5kGAKZeAICqXgCApqEGAK5eAICyXgCApbEGAKphBgCrYQYAtl4AgLpeAICuZQYAr20GAKxxBgCtbQYAqC0GAKk9BgCqiQYAq4kGAKyZBgCtmQYArokGAK+JBgC+XgCAwl4AgMZeAIDKXgCAzl4AgNJeAIDWXgCA2l4AgLiNBgC5lQYAupUGALulBgC8vQYAvXEBAL5xAQC/cQEAsPkGALHNBgCy2QYAs9kGALTJBgC1yQYAtr0GALe1BgCzAQYA3l4AgOJeAIDmXgCA6l4AgLYZBgC1EQYA7l4AgLsJBgC6PQYA8l4AgPZeAIC/DQYAvg0GAL0NBgC8DQYA+l4AgKNFBgC2XQCA/l4AgKZdBgACXwCAhFgAAKVVBgCqeQYAq00GAL5oAQAGXwCArkkGAK9JBgCsSQYArUkGAIDBAwCByQMAgt0DAKPNAgAKXwCApdkCAKbNAgAOXwCAhoANAIeUAwCqxQIAqw0DAKwVAwCtHQMArhUDAK8NAwDhnBcA4xgGAOMUAwDhNAYA7xgCABJfAIAWXwCAGl8AgOPQAgAeXwCA4VACACJfAIAmXwCA7ywGAO/kJQAqXwCArE0CAK1RAgCuUQIAr2UCAKgBAgCpCQIAqlkCAKtVAgCE7A0ALl8AgDJfAIA2XwCAvvgNADpfAIA+XwCAQl8AgLxRAwC9WQMAvmEDAL9hAwC47QMAuVEDALpRAwC7UQMAtM0DALXVAwC23QMAt9UDALAdAgCx1QMAst0DALPVAwDjyAAARl8AgOG4AQBKXwCAhFQPAE5fAIBSXwCAVl8AgKHpAgCgFQYAo6UDAKINAwDvIAAAWl8AgF5fAIBiXwCAZl8AgGpfAICFNCYAs40DAG5fAIC1mQMAto0DAHJfAICGwA8Ah5QNALqFAwC7TQIAvFUCAL1dAgC+VQIAv00CAHpfAIB+XwCAgl8AgIZfAICKXwCAjl8AgI/d6wDvxAYAvuAPAOGMBgCSXwCA44AGAID1AACB5QAAguUAAJZfAICZbR8AmMUfAJvJGwCaeRoAnXUaAJzFGwCf+QcAnhkGAJFpFgCQsesAk20XAJLNFwCV0RMAlGkSAJdREgCWzRMAg1XkAIJB5AB2XwCAml8AgIeNHQCGkRgAhTkYAISVGQCLERwAigUcAJ5fAICiXwCAj4UVAI6ZEACNORAAjJUdAJNRFACSRRQApl8AgKpfAICXYQkAlnUIAJWdCQCU+RUAm0EMAJqtDQCuXwCAsl8AgLZfAIC6XwCAvl8AgJzxDAChbQ0Awl8AgKMBBACihQAApZkEAKSRBACnGTgApsUFAKkJOACoKTgAq4k8AKoBPACtATAArB08AK8pMACunTAAseE0ALABNACzASgAsv00ALXZKAC00SgAxl8AgMpfAIDOXwCA0l8AgNZfAIDaXwCAgB0AAIEJAACC2QEA3l8AgKgRDwCpGQ8Aql0PAKtVDwCsTQ8ArXEPAK51DwCvbQ8A4l8AgOpfAICGiAAAhxABAO5fAIDyXwCA9l8AgPpfAIC4TQ4AuVEOALpRDgC7UQ4AvGUOAL1tDgC+ZQ4Avx0OALAdDwCxwQ8AssEPALPBDwC0xQ8Atc0PALbFDwC3eQ4As9UPAP5fAIACYACABmAAgApgAIC28Q8AtcUPAA5gAIC7BQ8AutkPABJgAIAWYACAvwkPAL4BDwC9FQ8AvBUPABpgAICjkQ8AHmAAgCJgAICmtQ8AJmAAgCpgAIClgQ8Aqp0PAKtBDwAuYACAMmAAgK5FDwCvTQ8ArFEPAK1RDwCogQ0AqYENAKqBDQCrgQ0ArIENAK2BDQCusQ0Ar6ENADZgAIA6YACAPmAAgEJgAIBGYACAgrkAAIG9AACAvQAAuDUCALk9AgC6zQIAu5UCALyNAgC9tQIAvr0CAL+1AgCwbQIAsU0CALJFAgCzJQIAtD0CALUdAgC2FQIAtw0CAEpgAIBOYACAswENAFJgAIC1AQ0AWmAAgISUAwC2CQ0AviwEAF5gAIC7gQIAuqECAL35AgC8mQIAv9ECAL7xAgBiYACAZmAAgGpgAICjRQ0AbmAAgKVFDQCmTQ0AcmAAgIbgBACHpAQAquUCAKvFAgCs3QIArb0CAK61AgCvlQIAqCUCAKk1AgCqPQIAqzUCAKwtAgCtkQIArpECAK+RAgB2YACAemAAgH5gAICCYACAzAAAAIZgAICKYACAjmAAgLiZAgC5rQIAuqUCALttAQC8dQEAvX0BAL51AQC/bQEAsPECALH5AgCywQIAs8ECALSxAgC1vQIAtrUCALepAgCSYACA44QOAJZgAIDh9A4AmmAAgJ5gAICiYACApmAAgIQgBQCqYACArmAAgLJgAIC2YACA7+wOALpgAIC+YACAs/UCAMJgAICG6AQAh4wEAL5cBAC2UQIAteUCAMpgAIC7fQIAunUCAM5gAIDSYACAvzkCAL41AgC9VQIAvFUCAKM1BQBWYACAxmAAgNZgAIDaYACAppEFAKUlBQDeYACAq70FAKq1BQDiYACA5mAAgK/5BQCu9QUArZUFAKyVBQCA+QcAgfkHAIKNBwCzjQYA6mAAgLWdBgC2iQYA7mAAgPJgAID2YACAuk0HALtFBwC8XQcAvUEHAL5BBwC/QQcA+mAAgP5gAIDmXwCAAmEAgAZhAIAKYQCADmEAgBJhAICoNQYAqQEGAKppBgCraQYArHkGAK1lBgCuZQYAr50HALDlBwCx7QcAsuUHALP5BwC06QcAtekHALZZBwC3VQcAuHEHALlxBwC6cQcAu3EHALxVBwC9XQcAvlUHAL9NBwCjwQcAFmEAgBphAIAeYQCAImEAgKbFBwCl0QcAJmEAgKsJBgCqAQYAKmEAgC5hAICvDQYArg0GAK0NBgCsEQYAgGkAAIFpAACCBQAAMmEAgL6YAQCEmAEANmEAgDphAICGADwAh8QBAD5hAIBCYQCARmEAgEphAIBOYQCAUmEAgKhdBgCpbQYAqmUGAKuBAQCsgQEArYkBAK6xAQCvsQEAVmEAgFphAIBeYQCAYmEAgGZhAIBqYQCAbmEAgHJhAIC4VQEAuV0BALpVAQC7yQAAvNkAAL3ZAAC+yQAAv8EAALCxAQCxuQEAsokBALOJAQC0cQEAtXEBALZ1AQC3bQEAs+0FAHZhAIB6YQCAfmEAgIJhAIC2CQIAtQkCAIZhAIC7fQIAunUCAIphAICOYQCAv7UCAL61AgC9XQIAvF0CAL5gAgCjqQUAkmEAgJZhAICmTQIAmmEAgJ5hAIClTQIAqjECAKs5AgCiYQCAhOADAK7xAgCv8QIArBkCAK0ZAgC+iDwAqmEAgKotAwCrJQMArD0DAK0lAwCuLQMAryUDAID1AACB/QAAgsEAAKPBAwCuYQCApcEDAKbBAwCyYQCAhmA8AIdUAwC2YQCAumEAgL5hAIDjqAIAwmEAgOGkAQDGYQCA71wCAMphAIDOYQCA0mEAgNZhAIDaYQCA3mEAgOJhAIDjjAcA5mEAgOE8BADqYQCA7mEAgPJhAID2YQCAhCACAPphAID+YQCAAmIAgAZiAIDvbAcACmIAgA5iAICzLQIAhEQ9ABJiAIAaYgCAHmIAgLYtAgC1LQIAImIAgLvJAgC6wQIAJmIAgCpiAIC/yQIAvsECAL3JAgC80QIA4XgHAOPAAADjOAYA4VwGAICpAACBqQAAgtEAAC5iAIAyYgCANmIAgL6kPAA6YgCAPmIAgO8cAADvkAYAQmIAgIZgPACHBD0ARmIAgLNxAQBKYgCAtRkBALYJAQBOYgCAUmIAgFZiAIC6AQEAuwEBALwBAQC9AQEAvgEBAL8BAQCohT4AqbU+AKq1PgCrxT4ArN0+AK3FPgCuwT4Ar/0+AFpiAIBeYgCAYmIAgGZiAIBqYgCAbmIAgHJiAIB2YgCAuFE/ALlRPwC6UT8Au1E/ALx1PwC9fT8AvnU/AL9tPwCwiT4AsYk+ALKZPgCzmT4AtIk+ALWJPgC2eT8At3U/AKZhAICjOT4AemIAgBZiAICmQT4AfmIAgIJiAIClUT4Aqkk+AKtJPgCGYgCAimIAgK5JPgCvST4ArEk+AK1JPgCASQAAgVEAAIJRAACzkT8AjmIAgLW5PwC2RT8AkmIAgIZAAACHBAMAukU/ALtdPwC8TT8AvT0/AL4pPwC/IT8AqE0+AKlVPgCqVT4Aq2U+AKx9PgCtiT4Arrk+AK+5PgCWYgCAmmIAgJ5iAICiYgCApmIAgKpiAICuYgCAsmIAgLhhAQC5YQEAumEBALthAQC8YQEAvWEBAL5hAQC/YQEAsM0+ALHVPgCy1T4As6U+ALShPgC1qT4Atpk+ALeZPgCj3T4AtmIAgLpiAIC+YgCAwmIAgKYJPgCl9T4AxmIAgKsRPgCqCT4AymIAgM5iAICvbT4ArmU+AK1xPgCsAT4A0mIAgNZiAIDaYgCA3mIAgOJiAIDmYgCA6mIAgO5iAICAOQAAgTkAAIIFAADyYgCAvrgBAIS4AQD6YgCA/mIAgKitAgCp1QIAqtUCAKstAwCsNQMArT0DAK41AwCvLQMAAmMAgAZjAIAKYwCADmMAgBJjAIAWYwCAGmMAgB5jAIC46QMAuekDALqJAwC7iQMAvJkDAL2ZAwC+iQMAv4kDALBVAwCxXQMAslUDALPpAwC0+QMAtfkDALbpAwC34QMAs10CACJjAICGKAQAh8wDACZjAIC2vQMAtb0DACpjAIC7mQMAupEDAC5jAIAyYwCAvz0DAL49AwC9PQMAvIEDAIUAFACjGQIANmMAgDpjAICm+QMAPmMAgEJjAICl+QMAqtUDAKvdAwBGYwCASmMAgK55AwCveQMArMUDAK15AwDjVD4A4dw/AOHQPgDjPD4ATmMAgO8cAABSYwCAVmMAgFpjAIDjwAAAXmMAgOHUAQDvYD4AYmMAgGpjAIDvRD8AgGEAAIFtAACCfQAAhAAFAIbwBACHnAUAvhAFAG5jAIByYwCAdmMAgHpjAIB+YwCAgmMAgIZjAICKYwCAjmMAgLiJPQC5iT0Aupk9ALuRPQC8uT0Avbk9AL7RPQC/0T0AsAU+ALENPgCyBT4Asx0+ALQFPgC1DT4AtgU+ALe5PQConT4Aqa0+AKqlPgCrvT4ArKU+AK2tPgCupT4Ar30+AISsBAC+rAQAkmMAgJZjAICaYwCAnmMAgKJjAICmYwCAqPkFAKn5BQCqKQYAqykGAKw5BgCtOQYArikGAK8pBgBmYwCAqmMAgK5jAICyYwCAtmMAgLpjAIC+YwCAwmMAgLiNBgC5kQYAupEGALulBgC8vQYAvUUHAL5BBwC/QQcAsFkGALFZBgCy7QYAs/0GALTtBgC13QYAttUGALe1BgCzoQYAxmMAgMpjAIDOYwCA0mMAgLa5BgC1sQYA2mMAgLudBgC6nQYA1mMAgPZiAIC/GQYAvikGAL0pBgC8OQYAglEAAKPlBgCAQQAAgUEAAKb9BgDeYwCA4mMAgKX1BgCq2QYAq9kGAIZIAACHbAAArm0GAK9dBgCsfQYArW0GAKg5BgCpWQYAqmkGAKtpBgCseQYArXkGAK5pBgCvaQYA5mMAgOpjAIDuYwCA8mMAgPZjAID6YwCA/mMAgAJkAIC4ZQEAuW0BALplAQC7fQEAvGUBAL1tAQC+ZQEAv9kBALAZBgCxGQYAsoEGALOBBgC0gQYAtYEGALaBBgC3gQYAs+EGAAZkAIAKZACADmQAgBJkAIC2+QYAtfEGABZkAIC73QYAut0GABpkAIAeZACAv0UGAL5FBgC9VQYAvFUGACJkAICjpQYAJmQAgCpkAICmvQYALmQAgDJkAICltQYAqpkGAKuZBgA2ZACAOmQAgK4BBgCvAQYArBEGAK0RBgConQIAqdECAKrRAgCrLQMArDUDAK09AwCuNQMAry0DAD5kAIBCZACAvmQCAEpkAIBOZACAUmQAgFZkAIBaZACAuOkDALnpAwC6iQMAu4UDALydAwC9gQMAvoEDAL+1AwCwVQMAsV0DALJVAwCz6QMAtPkDALX5AwC26QMAt+EDAIBtAwCBpQAAgq0AALNVAgBeZACAtbEDALaxAwBiZACAhOACAGZkAIC6nQMAu5UDALyNAwC9MQMAvjEDAL8xAwCjGQIAamQAgIVwaQBuZACAcmQAgKb9AwCl/QMAdmQAgKvZAwCq0QMAhkgMAIe8AwCvfQMArn0DAK19AwCswQMAemQAgH5kAICCZACAhmQAgO+wBgDvxAMAimQAgI5kAIDjfAYA45QDAOG4BwDh3AEAkmQAgJZkAICaZACAnmQAgKJkAICmZACAhEQCAL5YDQCADQAAgTUAAII9AACqZACArmQAgLJkAICGyAwAh1wNALpkAIC+ZACAwmQAgMZkAIDKZACAzmQAgNJkAIDWZACA2mQAgN5kAIDiZACA74AGAISsDQDh7AYA5mQAgONcBgDqZACA7mQAgPJkAID2ZACAs/UBAPpkAID+ZACAAmUAgAZlAIC2RQEAteUBAAplAIC7LQEAuiEBAA5lAIASZQCAv/UAAL71AAC9JQEAvC0BAKgtDgCpNQ4Aqj0OAKs1DgCsLQ4ArYUOAK6FDgCvuQ4AtmQAgBZlAIAaZQCAHmUAgIAZAACBGQAAggUAACJlAIC4WQ8AuVkPALp5DwC7eQ8AvGkPAL1pDwC+GQ8AvxkPALClDgCxqQ4AsrkOALOxDgC0cQ8AtXEPALZxDwC3cQ8Apb0OAL6IAwAqZQCAph0OACZlAIAuZQCAo60OADJlAICtfQ4ArHUOAK+tDwCurQ8ARmQAgDZlAICrdQ4AqnkOALO5DwA6ZQCAhmgAAIcMAwA+ZQCAtlEPALVZDwBCZQCAu3UPALp1DwBGZQCASmUAgL9FDwC+RQ8AvVEPALxlDwCocQ4AqXEOAKpxDgCrcQ4ArJEOAK2RDgCukQ4Ar5EOAE5lAIBSZQCAVmUAgFplAIBeZQCAYmUAgGZlAIBqZQCAuIUOALmNDgC6hQ4Au50OALyNDgC9vQ4AvrUOAL95AQCw8Q4AsfEOALLxDgCzxQ4AtMEOALXBDgC2wQ4At8EOAKP5DgBuZQCAcmUAgHZlAIB6ZQCAphEOAKUZDgB+ZQCAqzUOAKo1DgCCZQCAhmUAgK8FDgCuBQ4ArREOAKwlDgCADQAAgRUAAIIdAACKZQCAjmUAgJJlAICElAEAvpQBAIZABwCH5AAAmmUAgJ5lAICiZQCApmUAgKplAICuZQCAqIkCAKmRAgCqlQIAq7kCAKzVAgCtxQIArsUCAK/1AgCyZQCAtmUAgLplAIC+ZQCAvnwDAMJlAIDGZQCAymUAgLh9AwC5wQMAusEDALvBAwC8wQMAvckDAL7xAwC/8QMAsI0CALFFAwCyTQMAs0UDALRdAwC1RQMAtk0DALdFAwCzHQIAzmUAgNJlAIDWZQCA2mUAgLZFAgC1XQIA3mUAgLuBAwC6SQIA4mUAgOZlAIC/gQMAvpkDAL2RAwC8mQMA6mUAgKNZAgDuZQCA8mUAgKYBAgD2ZQCA+mUAgKUZAgCqDQIAq8UDAP5lAIACZgCArt0DAK/FAwCs3QMArdUDAIDZAQCB7QEAguUBAO+4DgAKZgCA4cQBAISYAgDj1AAADmYAgL7sBAASZgCA7wgAABZmAIDhxA8AGmYAgONkDgCGAAUAh2gFAB5mAICzvQIAImYAgLWtAgC2pQIAJmYAgCpmAIAuZgCAukEBALtBAQC8RQEAvU0BAL5FAQC/+QEAMmYAgDZmAIA6ZgCAPmYAgEJmAIBGZgCASmYAgO/gAQCEbAQA4dQOAE5mAIDjHA4AUmYAgFZmAIBaZgCAXmYAgKMxAgBiZgCAhCQHAGZmAIBqZgCApikCAKUhAgBuZgCAq80BAKrNAQByZgCAemYAgK91AQCuyQEArcEBAKzJAQCo6QUAqekFAKr5BQCr+QUArOkFAK3pBQCuOQYArzkGAAZmAICCzQcAgfUHAID9BwB2ZgCAfmYAgIYYAwCHkAMAuNEGALnZBgC64QYAu+EGALyRBgC9nQYAvpUGAL+JBgCwSQYAsUkGALJdBgCzVQYAtE0GALXxBgC28QYAt/EGALDhBwCx4QcAsgkHALMJBwC0GQcAtRkHALYJBwC3CQcAuDkHALkNBwC6GQcAuxkHALwJBwC9CQcAvn0HAL9xBwCCZgCAlmUAgIZmAICKZgCAjmYAgJJmAICWZgCAmmYAgKjxBwCpxQcAqsEHAKvdBwCsyQcArb0HAK6pBwCvoQcAsykGAJ5mAICiZgCApmYAgKpmAIC2XQYAtSEGAK5mAIC7RQYAukUGALJmAIC2ZgCAv70GAL69BgC9vQYAvL0GALpmAICjbQYAvmYAgMJmAICmGQYAxmYAgMpmAIClZQYAqgEGAKsBBgDOZgCA0mYAgK75BgCv+QYArPkGAK35BgCobQYAqbEBAKpJAQCrRQEArF0BAK1FAQCuTQEAr0UBANZmAICCHQAAgR0AAIAdAADaZgCA3mYAgOJmAIC+VAEAuIEAALmNAAC6hQAAu5kAALyJAAC9vQAAvrUAAL99AACwPQEAseEAALLhAACz4QAAtOEAALXpAAC20QAAt9EAALsFAwC62QIAhiwCAIcsAwC/DQMAvgUDAL0VAwC8FQMAs+ECAOpmAIDuZgCAhCwDAPJmAIC25QIAtfUCAPZmAICqnQIAq0EDAPpmAID+ZgCArkEDAK9JAwCsUQMArVEDAAJnAICjpQIABmcAgApnAICmoQIADmcAgBJnAIClsQIAqakAAKihAACrtQAAqr0AAK3dAACs3QAAr/EAAK79AAC+LBwAFmcAgBpnAIAeZwCAImcAgCZnAIAqZwCALmcAgLl9AAC4fQAAu80BALrNAQC93QEAvN0BAL/NAQC+zQEAsZUAALCJAACzTQAAspUAALVdAAC0XQAAt00AALZNAAAyZwCANmcAgDpnAIA+ZwCAQmcAgEZnAIBKZwCATmcAgIA5AACBOQAAggUAAFJnAIBaZwCAXmcAgIf4AgCGfB0A4bgEAL7IHADjQAYAYmcAgGZnAIBqZwCAbmcAgHJnAIB2ZwCAemcAgH5nAICCZwCAhmcAgIpnAIDvsAcAjmcAgJJnAICWZwCAmmcAgO/IAACeZwCAomcAgKZnAIDvQAYAqmcAgOH8BgCuZwCA4xwGALJnAIDhlAEAtmcAgONkBgCAEQAAgRkAAIIpAACz/QEAumcAgLWdAQC2lQEAvmcAgMJnAICEbB0AuoUBALuZAQC8iQEAvVEBAL5RAQC/UQEAozEeAFZnAIDGZwCAymcAgM5nAICmWR4ApVEeANJnAICrVR4AqkkeAIYIAwCHbAMAr50eAK6dHgCtnR4ArEUeANZnAICzCR8A2mcAgN5nAIC2CR8A4mcAgOZnAIC1CR8AugUfALsNHwDqZwCA7mcAgL4FHwC/CR8AvBUfAL0NHwCw5R8Ase0fALLlHwCz/R8AtOUfALXpHwC2GR8AtxkfALgpHwC5NR8Auj0fALs1HwC8ER8AvR0fAL4JHwC/BR8A8mcAgPZnAIDmZgCA+mcAgP5nAIACaACABmgAgApoAICo0R8AqdEfAKqlHwCrvR8ArKUfAK2tHwCupR8Ar50fAKNNHgAOaACAEmgAgBZoAIAaaACApk0eAKVNHgAeaACAq0keAKpBHgAiaACAJmgAgK9NHgCuQR4ArUkeAKxRHgCADQAAgRUAAIIdAAAqaACALmgAgDJoAICEtAEAvrQBAL/oAQA6aACAhkgHAIc0AACEvAYAPmgAgEJoAIC+tAYAqI0BAKmVAQCqlQEAq80BAKzZAQCt2QEArs0BAK/FAQBGaACASmgAgE5oAIBSaACAVmgAgFpoAIBeaACAYmgAgLgdAQC5wQAAusEAALvBAAC8wQAAvckAAL7xAAC/8QAAsIkBALGJAQCyKQEAsykBALQ9AQC1JQEAti0BALclAQC7bQIAum0CAGZoAIBqaACAv8ECAL7ZAgC93QIAvN0CALM9AgBuaACAcmgAgHZoAICE/AYAtnkCALVxAgB6aACAqikCAKspAgB+aACAgmgAgK6dAgCvhQIArJkCAK2ZAgCGaACAo3kCAIpoAICOaACApj0CAJJoAICWaACApTUCAIJtJwCDjSoAhqgFAIdsAwCGmS4Ah80vAIQRLgCFmS4AiiESAIspEgCaaACAnmgAgI6RFgCPHRYAjBESAI0RFgCScRoAk+UaAKJoAIDvlHYAlvEeAJflHgCUSRoAlRkeAJopAgCb4QIAqmgAgK5oAICyaACA4SASAJzxAgDjIBYAnyEfAJ7BHwCdmRsAnC0bAJuhGwCavRcAmTkXAJixFwCXiRMAlqkTAJWpEwCUdS4AkzkvAJIxLwCRsS8AkDUrAI+tJgDjeB8A0gAAAOFcHwCCmQEAtmgAgIDxAQCB8QEAvqgHALpoAIC+aACAwmgAgIS8BgDvLB8AxmgAgMpoAIDhpB4A48wAAON8HgDhvAEAzmgAgNJoAIDWaACAhJwGANpoAIC+bAYA3mgAgOJoAIDmaACA7xAAAO8EHgDqaACA7mgAgPJoAID2aACA+mgAgP5oAIACaQCABmkAgAppAICAPQAAgQkAAILJBwAOaQCAo/kDAKLxAwChMQMAoM0fALBJcQCxAXwAsgl8ALMhfQC0AXgAtRV4ADZoAICmaACAEmkAgL4oDgCGDAAAh4wDABZpAIAaaQCAHmkAgCJpAIAmaQCAoV0AAKJVAACjfQAApAEMAKUVDACm9QwApwEIAKghCACpxQgAqgF0AKsJdACsAXQArR11AK55cACveXAAqOUFAKnxBQCq8QUAqy0FAKw1BQCtPQUArjUFAK8tBQAqaQCALmkAgDJpAIA2aQCAOmkAgD5pAIBCaQCARmkAgLj9BgC5jQYAuoUGALutBgC8uQYAvbkGAL6tBgC/pQYAsFUFALFdBQCyVQUAs+UGALT9BgC10QYAttEGALfRBgCzeQQASmkAgE5pAIBSaQCAVmkAgLa9BAC1vQQAWmkAgLuZBAC6kQQAXmkAgGJpAIC/FQcAvjkHAL0xBwC8gQQAZmkAgKM9BABqaQCAbmkAgKb5BAByaQCAdmkAgKX5BACq1QQAq90EAHppAIB+aQCArn0HAK9RBwCsxQQArXUHAKhpBwCpaQcAqnkHAKvZBgCs9QYArf0GAK71BgCv5QYAgMkAAIHJAACCBQAAgmkAgIZwDwCHNAAAimkAgI5pAIC4fQYAuQUGALoNBgC7BQYAvB0GAL0FBgC+DQYAvwUGALCdBgCxdQYAsn0GALN1BgC0UQYAtV0GALZVBgC3TQYAs/EEAJJpAICWaQCAmmkAgJ5pAIC2fQUAtX0FAKJpAIC7sQUAulkFAKZpAICqaQCAv5kFAL6VBQC9oQUAvKkFAK5pAICjtQQAsmkAgLZpAICmOQUAumkAgL5pAIClOQUAqh0FAKv1BQDCaQCAxmkAgK7RBQCv3QUArO0FAK3lBQCpuQIAqLECAKvJAgCqsQIArTUCAKw1AgCvNQIArjUCAMppAIDOaQCA0mkAgNZpAIDaaQCA3mkAgOJpAIDmaQCAuekDALjZAwC7iQMAuuEDAL2dAwC8nQMAv4EDAL6JAwCxVQIAsFUCALNVAgCyVQIAtfkDALTxAwC36QMAtvEDALM9AwDqaQCA7mkAgPJpAID6aQCAtrEDALW5AwD+aQCAu5UDALqVAwCGiAwAh6ANAL85AgC+MQIAvYUDALyFAwACagCAo3kDAAZqAIAKagCApvUDAA5qAIASagCApf0DAKrRAwCr0QMAFmoAgBpqAICudQIAr30CAKzBAwCtwQMAgIUAAIGNAACChQAA79AGAOOwBwDj9AQA4QgHAOHsBADvOAYA7yAEAL6kDAAeagCAImoAgOGEAQAmagCA49wGACpqAIAuagCAhMANALPJAQAyagCAtdkBALbJAQA2agCAOmoAgD5qAIC6xQEAu60BALy5AQC9uQEAvq0BAL+lAQCwLQ4AsUUOALJBDgCzQQ4AtEUOALVNDgC2cQ4At3EOALiBDgC5gQ4AuoEOALuBDgC8gQ4AvYEOAL6BDgC/gQ4A9mkAgEJqAIBGagCASmoAgIZpAIBOagCAUmoAgFZqAICo2Q0AqdkNAKptDgCrZQ4ArH0OAK1lDgCuZQ4Ar1UOAKOFDgCCLQAAgRUAAIAdAABaagCApoUOAKWVDgBeagCAq+EOAKqJDgBiagCAZmoAgK/pDgCu4Q4ArfUOAKz1DgBqagCAs4UPAIZoAACHHAMAtoUPAG5qAIByagCAtZEPALqNDwC7SQ8AdmoAgHpqAIC+MQ8AvzEPALxJDwC9RQ8AqBEOAKkZDgCqSQ4Aq0UOAKxdDgCtQQ4ArkEOAK91DgB+agCAgmoAgIZqAICKagCAjmoAgJJqAICWagCAmmoAgLihDgC5oQ4Aug0BALsFAQC8HQEAvQEBAL4BAQC/AQEAsA0OALHJDgCy2Q4As9UOALSxDgC1sQ4AtqkOALehDgCjwQ4AnmoAgKJqAICmagCAqmoAgKbBDgCl1Q4ArmoAgKsNDgCqyQ4AsmoAgLZqAICvdQ4ArnUOAK0BDgCsDQ4AumoAgL5qAIDCagCAxmoAgIANAACBNQAAgj0AAMpqAIDOagCA0moAgISEAQC+hAEAhjAHAIf4AADaagCA3moAgKjBAgCp0QIAqtECAKvlAgCs/QIArTUDAK49AwCvNQMA4moAgOZqAIDqagCA7moAgPJqAID2agCA+moAgP5qAIC40QMAudkDALrhAwC74QMAvJEDAL2RAwC+kQMAv5EDALBNAwCxVQMAsl0DALNVAwC0TQMAtfEDALbxAwC38QMAu7EDALqpAwACawCAvoQDAL8VAwC+qQMAvaEDALypAwCzeQIABmsAgAprAIAOawCAEmsAgLaVAwC1VQIAFmsAgKrtAwCr9QMAGmsAgB5rAICu7QMAr1EDAKztAwCt5QMAImsAgKM9AgAmawCAKmsAgKbRAwAuawCAMmsAgKURAgA2awCAgiEAAIEVAACAFQAA7wQAAISUAgA6awCAPmsAgOPYAABCawCA4fgBAEprAIBOawCAUmsAgFZrAIBaawCAhmAFAIcIBQBeawCAs20BAGJrAIC1fQEAtnUBAGZrAIBqawCAbmsAgLpRAQC7UQEAvPkBAL3RAQC+0QEAv9EBAHJrAICjpQEAdmsAgHprAICmvQEAfmsAgIJrAICltQEAqpkBAKuZAQCGawCAimsAgK4ZAQCvGQEArDEBAK0ZAQCOawCA4fQOAJJrAIDjFA4A9AAAAOF8DACWawCA41AKAJprAICeawCAviAEAO8wDQCiawCApmsAgIQ0BADvrA4AsDkGALE5BgCygQYAs6kGALS5BgC1uQYAtqkGALehBgC46QYAuekGALrJBgC7xQYAvN0GAL3BBgC+wQYAvz0HAEZrAICCHQAAgR0AAIAdAACqawCArmsAgLJrAIDWagCAqJkFAKmZBQCqSQYAq0kGAKxZBgCtWQYArkkGAK9JBgCorQcAqbUHAKq9BwCrtQcArK0HAK3dBwCuyQcAr8EHALZrAIC6awCAhogDAIcQAwC+awCAwmsAgMZrAIDKawCAuG0HALkFBwC6AQcAuxUHALwxBwC9MQcAvikHAL8pBwCwgQcAsYEHALJpBwCzZQcAtH0HALVhBwC2YQcAt1UHALM1BgDOawCA0msAgNZrAIDaawCAtl0GALUlBgDeawCAu0UGALpFBgDiawCA5msAgL+lBgC+uQYAvbEGALy9BgDqawCAo3EGAO5rAIDyawCAphkGAPZrAID6awCApWEGAKoBBgCrAQYA/msAgAJsAICu/QYAr+EGAKz5BgCt9QYAqCUBAKk1AQCqPQEAqzUBAKwtAQCtkQAArpEAAK+RAAAGbACACmwAgA5sAIASbACAFmwAgIK9AwCBvQMAgL0DALiZAAC5rQAAuqUAALttAAC8dQAAvX0AAL51AAC/bQAAsPEAALH5AACywQAAs8EAALSxAAC1vQAAtrUAALepAAAabACAHmwAgCJsAICEgAIAvhwCACpsAICG+HwAh8wCAISsAwAubACAMmwAgDZsAIA6bACAPmwAgEJsAIBGbACAs/UCAEpsAIBObACAkgAAAFJsAIC2UQMAteUCAFZsAIC7fQMAunUDAFpsAIBebACAvzkDAL41AwC9VQMAvFUDAKM1AgBibACAZmwAgGpsAIBubACAppEDAKUlAgBybACAq70DAKq1AwB2bACAemwAgK/5AwCu9QMArZUDAKyVAwC+wAMAfmwAgIJsAICGbACAgA0AAIE1AACCPQAAimwAgI5sAICSbACAhsh8AIcAAwCabACAnmwAgKJsAICmbACAqmwAgK5sAICybACAtmwAgLpsAIC+bACAwmwAgO/0AwCE7HwA4ZQBAMZsAIDjMAMAymwAgM5sAIDSbACA1mwAgLNpAQDabACA3mwAgOJsAIDmbACAtmEBALVpAQDqbACAuykBALohAQDubACA8mwAgL8dAQC+HQEAvSUBALwtAQD2bACA+mwAgP5sAICjpQEAAm0AgKWlAQCmrQEAvlR8AIaAfACH7HwAqu0BAKvlAQCs4QEArekBAK7RAQCv0QEACm0AgOGcBgCEBH8A4yQGAOPUBgAObQCA4TAEABJtAIDvlAcAgnUAAIFhAACAaQAAFm0AgBptAIAebQCA7+wGALiNfgC5lX4AupV+ALulfgC8vX4AvdF+AL7RfgC/0X4AsGV+ALFtfgCyeX4As3F+ALRZfgC1WX4Atr1+ALe1fgCoVX4AqWF+AKphfgCrYX4ArGF+AK1hfgCuYX4Ar2F+ACJtAICWbACAJmwAgCZtAIAGbQCAKm0AgC5tAIAybQCAqHF+AKlxfgCqcX4Aq3F+AKyRfwCtkX8ArpF/AK+RfwA2bQCAOm0AgD5tAIBCbQCARm0AgEptAIBObQCAUm0AgLiFfwC5jX8AuoV/ALudfwC8jX8Avb1/AL61fwC/XX8AsPF/ALHxfwCy8X8As8V/ALTBfwC1wX8AtsF/ALfBfwCz+X8AVm0AgFptAIBebQCAYm0AgLYRfgC1GX4AZm0AgLs1fgC6NX4Aam0AgG5tAIC/BX4AvgV+AL0RfgC8JX4AghUAAKO9fwCAYQAAgWEAAKZVfgBybQCAvpABAKVdfgCqcX4Aq3F+AHZtAIB6bQCArkF+AK9BfgCsYX4ArVV+AKhBfgCpUX4AqlV+AKt9fgCsZX4ArW1+AK75AQCv8QEAhgAAAIc0AQB+bQCAgm0AgIZtAICKbQCAjm0AgJJtAIC4dQEAuX0BALp1AQC7yQAAvNkAAL3ZAAC+yQAAv8EAALCVAQCxnQEAspUBALNNAQC0VQEAtV0BALZVAQC3TQEAs919AJZtAICabQCAnm0AgKJtAIC27X0Ate19AKZtAIC7WQIAulECAKptAICubQCAv5kCAL6RAgC9mQIAvEECALJtAICjmX0Atm0AgLptAICmqX0Avm0AgMJtAIClqX0AqhUCAKsdAgDGbQCAym0AgK7VAgCv3QIArAUCAK3dAgDObQCA0m0AgNZtAIDabQCAgB0AAIEJAACCOQAA3m0AgOJtAIC+AAQA6m0AgO5tAIDybQCA9m0AgPptAID+bQCAhIwDAAJuAICHCAMAhuwEAAZuAIDviAIACm4AgA5uAICEbAQA4zQCABJuAIDhVAEAFm4AgBpuAIAebgCAIm4AgKhtAgCprQIAqqUCAKu9AgCspQIAra0CAK6lAgCvGQEAvqwEACZuAIAqbgCALm4AgDJuAIA2bgCAOm4AgD5uAIC4DQEAuREBALoRAQC7JQEAvD0BAL3VAQC+3QEAv9UBALBpAQCxaQEAsnkBALNxAQC0WQEAtVkBALY5AQC3NQEAsy0CAEJuAIBGbgCASm4AgE5uAIC2LQIAtS0CAFJuAIC7rQEAuq0BAFpuAIBebgCAv50BAL6dAQC9pQEAvK0BAIBNAACBVQAAglUAAO9sAABibgCA7+x/AO+8fgBmbgCA4RB/AOPUfwDj2H4A4ex/AGpuAIDhTH4Abm4AgOMkfgDmbQCAVm4AgKsFBgCqBQYArQ0GAKwFBgCvNQYArjUGAIYAAwCHKAMAo4UFAHJuAIClhQUAdm4AgHpuAICmhQUAs/EGAH5uAICCbgCAhm4AgIpuAIC26QYAteEGAI5uAIC7vQYAur0GAJJuAICWbgCAv4kGAL6BBgC9iQYAvJUGAKgpBgCpKQYAqjkGAKs5BgCsKQYArSkGAK5dBgCvTQYAmm4AgJ5uAICibgCApm4AgKpuAICubgCAsm4AgLZuAIC46QcAuekHALr5BwC7+QcAvOkHAL3pBwC+XQcAv1UHALA5BgCxOQYAsgEGALMdBgC0BQYAtQ0GALYFBgC32QcAo7EHAIItAACBFQAAgB0AALpuAICmqQcApaEHAL5uAICr/QcAqv0HAMJuAICEpAIAr8kHAK7BBwCtyQcArNUHAL7MAQCzlQYAxm4AgMpuAIC2qQYAzm4AgNJuAIC1rQYAulkBALshAQCGyAAAhwwBAL4hAQC/KQEAvDEBAL0xAQCoKQYAqSkGAKpZBgCrUQYArGEGAK1tBgCutQEAr6kBAITgAQDWbgCA2m4AgN5uAIDibgCA5m4AgOpuAIDubgCAuGEBALlhAQC6YQEAu2EBALxhAQC9YQEAvmEBAL9hAQCw2QEAsaEBALKhAQCzoQEAtKEBALWpAQC2kQEAt5EBAKPRBQDybgCA9m4AgPpuAID+bgCApu0FAKXpBQACbwCAq2UCAKodAgAGbwCACm8AgK9tAgCuZQIArXUCAKx1AgAObwCAEm8AgBZvAIAabwCAHm8AgCJvAIAmbwCAKm8AgIA9AACBCQAAghkAAC5vAIAybwCAOm8AgL48AwA+bwCAhgAMAIcUAwBCbwCAs9UDAEZvAIC1PQMAtjUDAEpvAIBObwCAv4wKALoRAwC7EQMAvLUAAL29AAC+tQAAv60AAFJvAIDjdAEAVm8AgOG8AQBabwCAXm8AgGJvAIBmbwCAam8AgG5vAIBybwCAdm8AgHpvAIDvdAIAfm8AgIJvAICoTQIAqVECAKpRAgCrqQIArLkCAK25AgCuqQIAr6kCAIRsDQCGbwCAim8AgI5vAICSbwCAlm8AgJpvAIC+dA0AuG0BALkFAQC6DQEAuwUBALwdAQC9BQEAvg0BAL8FAQCw2QIAsdkCALJtAQCzZQEAtH0BALVlAQC2ZQEAt1UBAOG4AQDhUAcA47QAAON8BwCAqQAAgQkAAII5AACebwCAom8AgKpvAICubwCAsm8AgO4AAAC2bwCA7wAAAO9kBgCGYAwAh+QMAKORAgC6bwCApXkCAL5vAIDCbwCApnECAMZvAIDKbwCAq1UCAKpVAgCt+QEArPEBAK/pAQCu8QEApm8AgDZvAIDObwCA0m8AgNZvAIDabwCA3m8AgOJvAICoVQ4AqVkOAKqhDgCrvQ4ArK0OAK2VDgCu+Q4Ar/UOALCRDgCxkQ4AspEOALORDgC0sQ4AtbEOALaxDgC3sQ4AuJEOALmdDgC6lQ4Au0kPALxZDwC9WQ8AvkkPAL9JDwCzCQ4A5m8AgOpvAIDubwCA8m8AgLY1DgC1BQ4A9m8AgLt1DgC6dQ4A+m8AgP5vAIC/VQ4AvlUOAL1lDgC8ZQ4AAnAAgKNNDgAGcACACnAAgKZxDgAOcACAEnAAgKVBDgCqMQ4AqzEOAISkAwC+pAMArhEOAK8RDgCsIQ4ArSEOAKilDgCprQ4AqqUOAKu5DgCs3Q4ArcEOAK7BDgCv/Q4AgO0BAIHxAQCC8QEAFnAAgIaQAQCHtAEAGnAAgB5wAIC4yQEAuckBALrZAQC70QEAvPkBAL35AQC+mQEAv5UBALCFDgCxbQEAsmUBALN9AQC0ZQEAtW0BALZlAQC3+QEAsy0OACJwAIAmcACAKnAAgC5wAIC2QQ4AtVUOADJwAIC7qQEAukEOADZwAIA6cACAv6kBAL6hAQC9qQEAvLEBAD5wAICjaQ4AQnAAgEZwAICmBQ4ASnAAgE5wAIClEQ4AqgUOAKvtAQBScACAVnAAgK7lAQCv7QEArPUBAK3tAQCoOQMAqTkDAKqNAwCrhQMArJ0DAK2FAwCuhQMAr7UDAFpwAIBecACAYnAAgGZwAIBqcACAbnAAgHJwAIB2cACAuGEAALlhAAC6YQAAu2EAALxhAAC9YQAAvmEAAL9hAACwzQMAsaUDALKhAwCzoQMAtKUDALWtAwC2kQMAt5EDAIANAACBEQAAghEAAHpwAIDv9AIAfnAAgIJwAIC+HAMA4xQCAISIAgDhgAEAinAAgI5wAICScACAh8gDAIY8BAC7AQMAumkDAJZwAICacACAvwkDAL4BAwC9FQMAvBUDALNlAwCecACAonAAgKZwAICqcACAtmUDALV1AwCucACAsnAAgLZwAIC6cACAo4kCAL5wAIClmQIApokCAMJwAICELAIAxnAAgKqFAgCr7QIArPkCAK35AgCu7QIAr+UCAMpwAIDOcACAvkQFAIRMBQDScACA1nAAgNpwAIDecACA4nAAgOZwAIDqcACA7nAAgIAZAACBGQAAggUAAPJwAIDhGA8A4VwOAOO4DgDjdAEA+nAAgP5wAIACcQCABnEAgIYABACHZAUACnEAgA5xAIAScQCAFnEAgO98DgDvqAEAs3UBABpxAIAecQCAInEAgCZxAIC2MQEAtRUBACpxAIC7HQEAuhUBAC5xAIAycQCAv+EAAL79AAC9/QAAvP0AAPZwAIA2cQCAOnEAgD5xAICGcACAQnEAgEZxAIBKcQCAqI0GAKmVBgCqnQYAq+UGAKz9BgCt0QYArtEGAK/RBgCwsQYAsbkGALJJBwCzSQcAtFkHALVFBwC2RQcAt3kHALghBwC5IQcAujkHALs5BwC8KQcAvSkHAL4ZBwC/GQcAozUGAE5xAIBScQCAVnEAgFpxAICmcQYApVUGAF5xAICrXQYAqlUGAGJxAIC+oAMAr6EHAK69BwCtvQcArL0HAIBRAACBWQAAgmEAALNVBwCF9AAAtX0HALZ1BwBmcQCAhgAcAIfkAQC6LQcAuyUHALw9BwC9JQcAviUHAL8VBwCokQYAqZEGAKqRBgCrkQYArLkGAK25BgCuqQYAr6kGAGpxAIBucQCAcnEAgHZxAICiIQEAozUBAKA5BQChEQQAuEkBALlJAQC6XQEAu1UBALxNAQC90QEAvtEBAL/RAQCwpQYAsa0GALKlBgCzvQYAtK0GALWdBgC2lQYAt3kBAKMZBgCPnXkAenEAgH5xAICCcQCApjkGAKUxBgCGcQCAq2kGAKphBgCKcQCAjnEAgK9ZBgCuaQYArWkGAKxxBgCeiQgAn8EFAJzJCQCdyQkAmqENAJu9DACYsQ0AmbkNAJahcQCXRXEAlEV1AJWxcQCSoXUAk7V1AJDleQCRzXkAil1yAItFcgCScQCAvoAcAI51DgCPZQ4AjLlyAI11DgCCOXoAgzl6AJZxAICacQCAhnF2AIeZdgCECXoAhW12AJptBwCbVQIAnnEAgKJxAICmcQCA4ZAAAJxZAgDjCBoAkgkPAJNlCgCqcQCA7zgWAJZ1BgCXdQYAlH0KAJU1CwCpjRYAqIUWAKsBEACqMRYArXESAKy1EgCvuS4ArgEsAKF9AgCucQCAo6EeAKKpHgClsRoApPUfAKflGwCmsRoAhMwDAIRMHACycQCAtnEAgLpxAIC+cQCAwnEAgMZxAICxASgAsNkuALONKgCy6SoAtfUmALQBJACEcB0AynEAgID9AQCBFQAAgh0AAL6AHADOcQCA0nEAgIe4AgCGPB0A2nEAgN5xAIDicQCA5nEAgOpxAIDucQCA8nEAgPZxAID6cQCA/nEAgAJyAIAGcgCA44ADAApyAIDhoAEADnIAgO+UAwAScgCAFnIAgBpyAIAecgCAInIAgCZyAIAqcgCALnIAgOE8BgAycgCA49AGADZyAIDhMAcAOnIAgOOsBgCAOQAAgRUAAIIdAADvHAYAPnIAgEJyAIC+uB8A7+gBALPpAgBKcgCAh8QcAIbsHABOcgCAtlkCALVRAgBScgCAu00CALpNAgBWcgCAWnIAgL+5AQC+2QEAvdEBALz1AQCjKR0A1nEAgEZyAIBecgCAYnIAgKaZHQClkR0AZnIAgKuNHQCqjR0AanIAgG5yAICveR4ArhkeAK0RHgCsNR4AcnIAgLNtHwB2cgCAenIAgLZlHwB+cgCAgnIAgLVtHwC6IR8AuyEfAIZyAICKcgCAviUfAL8pHwC8MR8AvTEfAKihHwCpoR8AqqEfAKuhHwCsoR8AraEfAK6hHwCvoR8AjnIAgJJyAICWcgCAmnIAgJ5yAICicgCApnIAgKpyAIC4rR8AubUfALq9HwC7tR8AvK0fAL1VHwC+UR8Av00fALChHwCxoR8AsqEfALOhHwC0pR8AtakfALadHwC3lR8AoykeAIIZAACBGQAAgLEBAK5yAICmIR4ApSkeALJyAICrZR4AqmUeAIaIAACH/AEAr20eAK5hHgCtdR4ArHUeALZyAICzmR4AunIAgL5yAIC2XQEAwnIAgMZyAIC1sR4AukkBALtJAQDKcgCAznIAgL49AQC/IQEAvDkBAL01AQCoRR4AqVUeAKpVHgCrZR4ArH0eAK2ZAQCuiQEAr4EBAISsAADScgCA1nIAgNpyAIDecgCA4nIAgOZyAIDqcgCAuK0BALllAQC6bQEAu2UBALx9AQC9ZQEAvm0BAL9lAQCwyQEAsckBALKpAQCzpQEAtL0BALWhAQC2oQEAt5UBALhpHAC5oRwAusEcALvBHAC8wRwAvcEcAL7BHAC/wRwAsIkfALGJHwCyIRwAswUcALQdHAC1fRwAtnUcALdtHACoYR8AqWEfAKphHwCrYR8ArNkfAK3ZHwCuyR8Ar8EfAO5yAIDycgCA9nIAgPpyAID+cgCAAnMAgAZzAIAKcwCADnMAgBJzAIC+AAQAo1EdABZzAICleR0AppUCABpzAIAecwCAInMAgKqBAgCrgQIArPECAK39AgCu9QIAr+kCACpzAIDh9AEALnMAgON8AQCATQAAgXUAAIJ9AAAycwCAhsAEAIekBAA2cwCAOnMAgD5zAIBCcwCARnMAgO+MAgCoSQIAqUkCAKpdAgCrVQIArHkCAK15AgCuvQIAr7UCAISgBQBKcwCATnMAgFJzAIC+vAQAVnMAgFpzAIBecwCAuC0BALk1AQC6PQEAuzUBALwtAQC91QEAvt0BAL/NAQCwzQIAsdUCALLdAgCz1QIAtM0CALUVAQC2HQEAtxUBAOGEHgDjbB8A41wfAOFYHgBicwCAZnMAgGpzAIBucwCAcnMAgHZzAIB6cwCAfnMAgOkAAADv9B4A70weAIJzAICzlQIAhnMAgIpzAICOcwCAknMAgLa5AgC1sQIAmnMAgLtRAgC6SQIAhsgEAIesBAC/kQEAvkkCAL1BAgC8SQIAJnMAgKNRBQCecwCAlnMAgKZ9BQCicwCApnMAgKV1BQCqjQUAq5UFAKpzAICucwCAro0FAK9VBgCsjQUArYUFAICJBwCBiQcAgpkHALORBgCycwCAtbkGALapBgC2cwCAunMAgL5zAIC6TQcAu0UHALxdBwC9QQcAvkEHAL9BBwCoQQYAqU0GAKpVBgCrZQYArH0GAK1lBgCubQYAr2UGAMJzAIDGcwCAynMAgM5zAIDScwCA1nMAgNpzAIDecwCAuFkHALlZBwC6aQcAu2kHALx5BwC9eQcAvmUHAL8ZBwCwxQcAsc0HALLFBwCz2QcAtMkHALXJBwC2aQcAt2kHAKPdBwDicwCA5nMAgOpzAIDucwCApuUHAKX1BwDycwCAqwkGAKoBBgD2cwCA+nMAgK8NBgCuDQYArQ0GAKwRBgCAbQAAgQkAAIIZAAD+cwCAAnQAgISYAQC+kAEABnQAgIbAAACH5AEACnQAgA50AIASdACAFnQAgBp0AIAedACAqF0GAKmNAQCqnQEAq5UBAKy5AQCtuQEArskBAK/BAQCEoAAAInQAgCZ0AIAqdACALnQAgDJ0AIA2dACAOnQAgLh5AQC5eQEAus0AALvFAAC83QAAvcUAAL7FAAC/9QAAsIEBALGBAQCySQEAs0kBALRZAQC1WQEAtkkBALdJAQCzFQIAPnQAgEJ0AIBGdACASnQAgLY5AgC1MQIATnQAgLtFAgC6RQIAUnQAgFZ0AIC/nQIAvp0CAL2dAgC8nQIAhXw+AKNRAgBadACAXnQAgKZ9AgBidACAZnQAgKV1AgCqAQIAqwECAGp0AIBudACArtkCAK/ZAgCs2QIArdkCAIDpAACB6QAAggUAAHJ0AIC+AAwAenQAgIeoAwCGvAwAfnQAgIJ0AICGdACAinQAgI50AICSdACAlnQAgJp0AICedACAonQAgKZ0AICqdACA42ABAK50AIDhoAEAsnQAgO+IAgC2dACAunQAgL50AIDCdACAxnQAgMp0AIDOdACAqGkCAKlpAgCqeQIAq3kCAKxpAgCtaQIArr0CAK+1AgC+rAwA0nQAgNZ0AIDadACAgB0AAIEJAACCqQAA3nQAgLhRAQC5WQEAumEBALthAQC8GQEAvRkBAL4NAQC/BQEAsM0CALHVAgCy3QIAs9UCALTNAgC1cQEAtnEBALdxAQDjxAAA4XwHAOF4BgDjvAYA4nQAgIQYDQCGuAwAhzwNAL4sDwDqdACA7nQAgPJ0AIDvEAAA9nQAgPp0AIDvdAYA/nQAgAJ1AIAGdQCAs70CAAp1AIC1rQIAtqUCAA51AIASdQCAFnUAgLpFAgC7XQIAvEUCAL1NAgC+RQIAv/kBAHZ0AIClfQ0ApnUNAOZ0AIAadQCAHnUAgCJ1AICjbQ0ArJUNAK2dDQCulQ0ArykOACZ1AIAqdQCAqpUNAKuNDQCz5Q4ALnUAgDJ1AIA2dQCAOnUAgLblDgC19Q4APnUAgLuhDgC62Q4AQnUAgEZ1AIC/pQ4AvrkOAL2xDgC8uQ4AqBUOAKklDgCqLQ4AqyUOAKw9DgCtJQ4Ari0OAK8lDgCADQAAgRUAAIIdAABKdQCATnUAgFJ1AICEMAMAVnUAgLgpDgC5KQ4AujkOALs5DgC8KQ4AvSkOAL79DwC/9Q8AsF0OALElDgCyLQ4AsyUOALQ9DgC1IQ4AtiUOALcZDgCjpQ8AWnUAgIYoAQCHTAEAXnUAgKalDwCltQ8AYnUAgKvhDwCqmQ8AZnUAgGp1AICv5Q8ArvkPAK3xDwCs+Q8AbnUAgLPpDgBydQCAdnUAgLaRDgB6dQCAfnUAgLXlDgC6sQ4Au7kOAIJ1AICGdQCAvmEBAL9hAQC8mQ4AvZkOAKglDgCpLQ4AqiUOAKs5DgCsKQ4ArVUOAK5dDgCvVQ4AinUAgI51AICSdQCAlnUAgJp1AICedQCAonUAgKZ1AIC49QEAuYEBALqBAQC7gQEAvIEBAL2JAQC+sQEAv7EBALAxDgCxOQ4AsgkOALMJDgC04QEAteEBALbhAQC3zQEAo60NAKp1AICudQCAsnUAgLZ1AICm1Q0ApaENALp1AICr/Q0AqvUNAL51AIDCdQCAryUCAK4lAgCt3Q0ArN0NAIBdAACBbQAAgmUAALNRAwC+nAMAtXkDALYZAwDKdQCAhOACAM51AIC6PQMAuzUDALwZAwC9GQMAvtkDAL/ZAwCohQMAqZUDAKqVAwCrpQMArL0DAK3VAwCu0QMAr9EDAIYABACHNAMAv6AzANJ1AIDWdQCA2nUAgN51AIDidQCAuHEDALlxAwC6cQMAu3EDALzVAAC93QAAvtUAAL/NAACwtQMAsb0DALKBAwCzgQMAtFEDALVRAwC2UQMAt1EDAO+oAwDmdQCA6nUAgO51AICEHAIA8nUAgPZ1AID6dQCAviwFAP51AIACdgCABnYAgONAAwAKdgCA4SgAAA52AICjXQIAEnYAgBZ2AIAadgCAHnYAgKYVAgCldQIAInYAgKs5AgCqMQIAJnYAgCp2AICv1QIArtUCAK0VAgCsFQIA4ygBAOEADwDhCA4A4wgOAID9AACBCQAAgjkAAC52AIAydgCAOnYAgD52AIBCdgCA7+gOAEZ2AIBKdgCA72QOALNtAQBOdgCAhugEAIcMBQBSdgCAtm0BALVtAQBWdgCAu+0AALrtAABadgCAXnYAgL/VAAC+6QAAveEAALzpAACoXQYAqWEGAKqlBgCrvQYArKUGAK2tBgCupQYArxkHADZ2AIBidgCAZnYAgGp2AIBudgCAcnYAgHZ2AIB6dgCAuHUHALl5BwC6DQcAuwUHALwdBwC9BQcAvgUHAL81BwCwaQcAsWkHALJ9BwCzdQcAtG0HALVRBwC2UQcAt1EHAKMtBgB+dgCAgnYAgIZ2AICKdgCApi0GAKUtBgCOdgCAq60HAKqtBwCSdgCAlnYAgK+VBwCuqQcAraEHAKypBwCADQAAgRUAAIIdAACadgCAnnYAgKJ2AICEVAMAvlwAAKZ2AICqdgCAhugAAIdMAwCudgCAsnYAgLZ2AIC6dgCAvnYAgOMEBADCdgCA4bQFAMZ2AIDKdgCAznYAgNJ2AIDWdgCA2nYAgN52AIDidgCA5nYAgO/sBADqdgCA7nYAgLPtBgDydgCA9nYAgPp2AID+dgCAtpEGALXhBgACdwCAu40GALqNBgAGdwCACncAgL9BAQC+WQEAvVEBALxZAQCoJQYAqS0GAKolBgCrOQYArCkGAK1RBgCuSQYAr0EGAIDNAACBCQAAghkAAA53AIASdwCAhCwBAL40AAAadwCAuP0BALlBAQC6QQEAu0EBALxBAQC9SQEAvnEBAL9xAQCwCQYAsQkGALLNAQCzxQEAtN0BALXFAQC2zQEAt8UBAIagPACHRAMAHncAgKOhBQAidwCApa0FAKbdBQAmdwCAKncAgL4oPACqwQUAq8EFAKwVAgCtHQIArhUCAK8NAgC2QQMALncAgDJ3AIC1sQIANncAgLOhAgA6dwCAPncAgL5FAwC/TQMAvHUDAL1NAwC6ZQMAu20DAEJ3AIBGdwCASncAgE53AIDGdQCAUncAgFZ3AIBadwCAXncAgGJ3AICoRQIAqVUCAKpdAgCrVQIArE0CAK21AwCusQMAr60DALDVAwCx3QMAstUDALPtAwC09QMAtf0DALb1AwC37QMAuNkDALnZAwC6rQMAu6UDALy9AwC9pQMAvqUDAL+VAwCj9QMAZncAgGp3AIBudwCAcncAgKYVAgCl5QMAdncAgKs5AgCqMQIAencAgH53AICvGQIArhECAK0ZAgCsIQIAgGkAAIFpAACCBQAAgncAgIp3AICOdwCAkncAgO8cAACEbAIA4ZQBAJZ3AIDjyAAAmncAgJ53AICGWDwAh1A9AKJ3AICmdwCAqncAgISEPQCudwCAsncAgLZ3AIDvuAEAvmw8AOF0BgC6dwCA42QBAL53AIDCdwCAxncAgMp3AICz0QEAzncAgNJ3AIDWdwCA2ncAgLaRAQC1+QEA3ncAgLu9AQC6vQEA4ncAgOZ3AIC/dQEAvnUBAL2FAQC8hQEAqL09AKkNPgCqGT4AqxE+AKwxPgCtUT4ArlE+AK9NPgCGdwCAgh0AAIEdAACAHQAA6ncAgO53AIDydwCA9ncAgLjVPgC53T4AutU+ALtJPwC8WT8AvVk/AL5JPwC/QT8AsDk+ALE5PgCyET4AsxE+ALTxPgC18T4AtvU+ALftPgCjkT4A+ncAgIYoAACHwAMA/ncAgKbRPgCluT4AAngAgKv9PgCq/T4ABngAgAp4AICvNT4ArjU+AK3FPgCsxT4ADngAgLOdPwASeACAFngAgLalPwAaeACAHngAgLWtPwC6aT8Au3U/ACJ4AIAmeACAvlk/AL9FPwC8bT8AvWU/ACp4AIAueACAMngAgDZ4AIDjYDwAOngAgOEAPQA+eACA7/w9AEJ4AIBGeACASngAgE54AIBSeACAVngAgFp4AICjGT4AghkAAIEZAACAcQAAXngAgKYhPgClKT4AYngAgKvxPgCq7T4AhCQBAL4kAQCvwT4Art0+AK3hPgCs6T4AqNE+AKnRPgCq0T4Aq+U+AKzhPgCt4T4Arhk+AK8ZPgCGAAAAh4QAAGp4AIBueACAcngAgHZ4AIB6eACAfngAgLh9PgC5AT4AugE+ALsBPgC8AT4AvQk+AL4xPgC/MT4AsGk+ALF1PgCyfT4As3U+ALRZPgC1RT4Atk0+ALdFPgCohQIAqZUCAKqVAgCrpQIArL0CAK3VAgCu0QIAr9ECAIJ4AICGeACAingAgL8k5gGOeACAkngAgJZ4AICaeACAuFUDALlZAwC6bQMAu2UDALx9AwC9ZQMAvm0DAL9lAwCwtQIAsb0CALKBAgCzgQIAtHEDALVxAwC2cQMAt3EDALMdAgCeeACAongAgKZ4AICEiAMAtlUCALU1AgAWdwCAu3kCALpxAgCqeACArngAgL+1AwC+tQMAvVUCALxVAgCyeACAo1kCALZ4AIC6eACAphECAL54AIDCeACApXECAKo1AgCrPQIAxngAgMp4AICu8QMAr/EDAKwRAgCtEQIAqKkCAKmpAgCquQIAq7kCAKypAgCtqQIArjkBAK85AQCAzQEAgQkAAIIZAADOeACA0ngAgL64BQDaeACA3ngAgLjpAQC56QEAuokBALuFAQC8nQEAvYEBAL6BAQC/tQEAsEkBALFVAQCyXQEAs1UBALRNAQC18QEAtvEBALfxAQDvFAAA4ngAgIaoBQCH3AUA5ngAgIRYBADqeACA78Q+AO54AIDhxD4A8ngAgOMwPgDjyAAA9ngAgOEoAQD6eACAtn0CAP54AIACeQCAtXUCAAZ5AICzZQIACnkAgA55AIC+3QEAv2EBALzdAQC91QEAutkBALvFAQASeQCAFnkAgKOxBQDWeACAGnkAgB55AIAieQCApqkFAKWhBQAmeQCAqxEGAKoNBgAqeQCALnkAgK+1BgCuCQYArQEGAKwJBgAyeQCANnkAgDp5AIA+eQCAgBkAAIEZAACCBQAAQnkAgL5sAwBGeQCAhsgAAIccAwBKeQCATnkAgFJ5AIBWeQCAqLkHAKm5BwCqDQcAqx0HAKwJBwCtNQcArjEHAK8pBwCEqAMAWnkAgF55AIBieQCAZnkAgGp5AIBueQCAcnkAgLjJAAC5yQAAutkAALvRAAC8+QAAvfkAAL6ZAAC/mQAAsF0HALEhBwCyIQcAsz0HALQpBwC1KQcAtgEHALcBBwCzhQYAdnkAgHp5AIB+eQCAgnkAgLa1BgC1gQYAhnkAgLvlBgC6mQYAinkAgI55AIC/7QYAvu0GAL3pBgC89QYAknkAgJZ5AICaeQCAnnkAgKJ5AICmeQCAqnkAgO+QBACueQCA4dwGALJ5AIDj7AUAgCkAAIEVAACCEQAAvnwBAKMFBgC6eQCAhigAAIdMAQC+eQCApjUGAKUBBgDCeQCAq2UGAKoZBgDGeQCAynkAgK9tBgCubQYArWkGAKx1BgDOeQCAs70BANJ5AIDWeQCAtnkBANp5AIDeeQCAtXkBALpVAQC7XQEA4nkAgOZ5AIC++QAAv/kAALxFAQC9+QAAqHECAKlxAgCqcQIAq3ECAKy1AgCtvQIArrUCAK+tAgCE7AwA6nkAgO55AIDyeQCA9nkAgPp5AID+eQCAAnoAgLhpAwC5aQMAugkDALsJAwC8GQMAvRkDAL4JAwC/CQMAsNUCALHdAgCy1QIAs2kDALR5AwC1eQMAtmkDALdhAwAGegCACnoAgA56AICj9QIAEnoAgKUxAgCmMQIAFnoAgBp6AIAeegCAqh0CAKsVAgCsDQIArbEDAK6xAwCvsQMAgGEAAIFhAACCBQAAInoAgIbwDACHYAMAvhAMACp6AIBmeACALnoAgDJ6AIA2egCAOnoAgD56AIBCegCARnoAgKiFAgCplQIAqpUCAKulAgCsvQIArdUCAK7RAgCv0QIASnoAgE56AIBSegCAVnoAgFp6AIBeegCAYnoAgGZ6AIC4dQEAuX0BALp1AQC7zQEAvNUBAL3dAQC+yQEAv8EBALC1AgCxvQIAsoECALOBAgC0VQEAtV0BALZVAQC3TQEA4RAGAIRIDADjDAYAanoAgISYDABuegCAcnoAgHZ6AIB6egCAfnoAgIJ6AICGegCAgXUAAIB1AADvIAEAgnUAAIp6AICOegCAknoAgL7ADACFtA4A4RACAO9cAADjABYA4ZABAJp6AIDjWAEA7zwHAJ56AICiegCAhgAIAIe4DACznQ0AJnoAgKZ6AICqegCArnoAgLbVDQC1tQ0AsnoAgLv5DQC68Q0AtnoAgLp6AIC/GQ4AvhEOAL3VDQC81Q0AvnoAgKPZDQDCegCAxnoAgKaRDQDKegCAznoAgKXxDQCqtQ0Aq70NANJ6AIDWegCArlUOAK9dDgCskQ0ArZENAKhdDgCpYQ4AqmEOAKthDgCsYQ4ArWEOAK5hDgCvYQ4A2noAgN56AIDiegCA5noAgOp6AIDuegCA8noAgPZ6AIC4TQ8AuVEPALpRDwC7UQ8AvHEPAL1xDwC+cQ8Av3EPALDBDwCxwQ8AssEPALPBDwC0wQ8AtcEPALbBDwC3wQ8As+kPAPp6AIC+gAEA/noAgJZ6AIC24Q8AtekPAAJ7AIC7BQ4AugUOAAp7AIAGewCAvwUOAL4FDgC9FQ4AvBUOAIFNAACAQQAA72gNAIJRAACG8AcAh9QBAA57AIASewCAFnsAgIRwAQAaewCAHnsAgOHgDgAiewCA40gNACZ7AICjaQ8AKnsAgC57AIAyewCANnsAgKZhDwClaQ8AOnsAgKuFDgCqhQ4APnsAgEJ7AICvhQ4AroUOAK2VDgCslQ4ARnsAgLMxDgBKewCATnsAgLbBAQBSewCAVnsAgLXRAQC6zQEAu6UBAFp7AIBeewCAvqUBAL+tAQC8sQEAvbEBAI/dJgCj8Q0AYnsAgGZ7AICmAQIAansAgG57AIClEQIAqg0CAKtlAgByewCAviAEAK5lAgCvbQIArHECAK1xAgCfoQwAnnkKAJ1pCgCc0QgAm7E2AJp1NgCZ0TQAmOEyAJdtMgCWZTIAlTU/AJRhPgCTcT4AkjU7AJFxOgCQeToAgJUAAIGdAACCoQAAensAgO9EAgDhdA8AfnsAgOMcDwDj1AEAgnsAgOHgAQDvXAEAo7UCAKJBAACh3Q4AoLkOALWpAwCGewCAhMAEALahAwCG8AUAh+QEALOFAwCKewCAvXEDALxpAwC/QQMAvnEDAI57AIC2eQCAu3EDALp5AwCC3ScAgwE7AL6EBwC+wAYAhhE/AIcZPwCEETsAhV06AIp9PgCLJTMAknsAgJZ7AICOuTUAjxU3AIw1MwCNgTMAkqE3AJPZCQC+xBkAmnsAgJaxDQCXUQ8AlHkLAJVhCwCaBQ8Am5EBAJ57AICiewCApnsAgN0AAACcfQMAqnsAgOFIDwCuewCA4xwOALJ7AIC2ewCAunsAgL57AIDCewCAsUEXALChFwCzqesBsgHoAbUB7AG0EesB74wOAMZ7AICpxR8AqAEcAKsBEACqkR8ArdkTAKzREwCv2RcArgUTAKHxAgDKewCAo8kHAKLBAgClARgApGUHAKehGwCm+RsAqCkFAKldBQCqVQUAq20FAKx5BQCteQUArm0FAK9hBQB2ewCAznsAgNJ7AIDWewCAgA0AAIGxAACCsQAA2nsAgLiJBQC5iQUAup0FALuVBQC8uQUAvbkFAL5RBgC/UQYAsOUFALHtBQCy5QUAs/0FALTtBQC13QUAttUFALe9BQCj3QUA3nsAgOJ7AICEDAAA5nsAgKb5BQCl8QUA6nsAgKspBQCqIQUAhpgAAIegAACvGQUArikFAK0pBQCsMQUA7nsAgLNhBgDyewCA9nsAgLYhBgD6ewCA/nsAgLUBBgC6rQcAu40HAAJ8AIAGfACAvo0HAL9xBwC8lQcAvY0HAL65BQC/uQUAvLkFAL25BQC6uQUAu7kFALi5BQC5uQUAtkkFALdJBQC0fQUAtXUFALJ5BQCzeQUAsBUFALF9BQCuXQUAr20FAKxFBQCtXQUAqqUKAKtdBQCovQoAqa0KAAp8AIAOfACAEnwAgBZ8AIAafACAHnwAgCJ8AIAmfACAqA0HAKkdBwCqLQcAq0kHAKxNBwCtZQcArrEGAK+xBgAqfACALnwAgDJ8AIA2fACAOnwAgD58AIBCfACARnwAgLhVBgC5XQYAulUGALtxBgC8NQYAvfEBAL7xAQC/8QEAsK0GALGNBgCyhQYAs50GALSNBgC1cQYAtnUGALdtBgCjpQQAgi0AAIEVAACAHQAASnwAgKblBAClxQQATnwAgKtJBQCqaQUAUnwAgFp8AICvtQUArkkFAK1JBQCsUQUAhmAcAIcIAwBefACAs4UCAGJ8AIC1gQIAtoECAGZ8AIBqfACAbnwAgLoJAwC7CQMAvBkDAL0ZAwC+CQMAvwkDAKxVAgCtXQIArmECAK9hAgCoDQIAqVUCAKpRAgCrUQIAhKwDAHJ8AIB2fACAenwAgIT8HQB+fACAgnwAgIZ8AIC8cQMAvXEDAL5xAwC/cQMAuHEDALlxAwC6cQMAu3EDALSRAwC1kQMAtpEDALeRAwCwkQMAsZEDALKRAwCzkQMAinwAgI58AICSfACAlnwAgJp8AIDhpAEAnnwAgOOAAQC+aBwAonwAgKZ8AIDv2AYAqnwAgK58AICyfACAtnwAgKOJAwCCLQAAgRUAAIAdAAC6fACApo0DAKWNAwC+fACAqwUCAKoFAgDCfACAynwAgK8FAgCuBQIArRUCAKwVAgCGIBwAh8QdAM58AIDSfACA1nwAgNp8AIDefACA72wGAOJ8AIDhbAcA5nwAgON0BwDqfACA7nwAgPJ8AID2fACAs5EBAPp8AID+fACAAn0AgAZ9AIC2sQEAtbkBAAp9AIC7VQEAukkBAA59AIASfQCAv/UAAL71AAC9RQEAvEUBAKNRHgDGfACAFn0AgBp9AIAefQCApnEeAKV5HgAifQCAq5UeAKqJHgAmfQCAKn0AgK81HwCuNR8ArYUeAKyFHgCAbQAAgRUAAIIdAADv/BkALn0AgDJ9AIA2fQCAOn0AgIbAAACHrAMAPn0AgEJ9AIBGfQCA4SwcAEp9AIDjzBwAqK0eAKnNHgCq2R4Aq9EeAKzxHgCt8R4Arj0eAK81HgCE7AAATn0AgFJ9AIBWfQCAWn0AgF59AIBifQCAZn0AgLjRHwC53R8Auu0fALvlHwC84R8AveEfAL7hHwC/4R8AsE0eALFRHgCyUR4As1EeALTxHwC18R8AtvEfALfxHwCobR4AqY0eAKqFHgCrnR4ArIUeAK2NHgCuuR4Ar7UeAGp9AIBufQCAcn0AgHZ9AIB6fQCAfn0AgIJ9AICGfQCAuJ0eALmtHgC6pR4Au0UBALxdAQC9RQEAvkUBAL91AQCw0R4AsdEeALLRHgCz0R4AtLUeALW9HgC2tR4At60eALMNHgCKfQCAjn0AgJJ9AICWfQCAtg0eALUNHgCafQCAuxUeALoVHgCefQCAon0AgL95HgC+cR4AvQUeALwFHgCCbQAAo0keAIBVAACBZQAApkkeAL6cAQCqfQCApUkeAKpRHgCrUR4Ah3wAAIZMAACuNR4Arz0eAKxBHgCtQR4AqF0CAKltAgCqZQIAq30CAKxpAgCtsQIArrECAK+xAgCE7AQArn0AgLJ9AIC2fQCAun0AgL59AIDCfQCAxn0AgLhxAwC5cQMAunEDALtxAwC81QMAvd0DAL7VAwC/zQMAsNECALHRAgCy0QIAs9ECALRRAwC1UQMAtlEDALdRAwCz7QIAyn0AgM59AIC+gAQA0n0AgLYxAgC14QIA1n0AgLsVAgC6FQIA2n0AgN59AIC/lQMAvpUDAL0FAgC8BQIA4n0AgKOpAgDmfQCA6n0AgKZ1AgDufQCA8n0AgKWlAgCqUQIAq1ECAPZ9AID6fQCArtEDAK/RAwCsQQIArUECAKjZAgCpIQEAqiEBAKshAQCsIQEArSEBAK4hAQCvIQEA/n0AgAJ+AIAGfgCAviAEAAp+AIAOfgCAEn4AgBp+AIC4jQEAuZEBALqRAQC7pQEAvL0BAL11AAC+fQAAv3UAALDlAQCx7QEAsvkBALPxAQC02QEAtdkBALa5AQC3tQEA4RgeAB5+AIDjKB8AIn4AgIGlAACApQAAJn4AgIKlAACGAAQAh/QFACp+AIAufgCAMn4AgDZ+AIDvYB4AOn4AgD5+AIBCfgCAhfD0AUZ+AIBKfgCA42QBAE5+AIDhpAEAUn4AgO/IAABWfgCAWn4AgFZ8AICE/AUAXn4AgGJ+AICzKQYAFn4AgGZ+AIBqfgCAbn4AgLYhBgC1KQYAcn4AgLupBgC6oQYAdn4AgHp+AIC/nQYAvp0GAL2lBgC8rQYA4bQHAH5+AIDjeAQAgn4AgIB9AACBEQAAghUAAIZ+AICGwAAAh1gDAIp+AICOfgCAkn4AgJZ+AIDvDAQAmn4AgKOpBgCefgCAon4AgKZ+AICqfgCApqEGAKWpBgCufgCAqykGAKohBgCyfgCAtn4AgK8dBgCuHQYArSUGAKwtBgC6fgCAs0kHAL5+AIDCfgCAtn0HAMZ+AIDKfgCAtXUHALpdBwC7JQcAzn4AgNJ+AIC+IQcAvy0HALw9BwC9MQcAqD0GAKmBBgCqhQYAq5UGAKy5BgCtuQYArqkGAK+pBgDWfgCA2n4AgN5+AIDifgCA5n4AgIK5AACBsQAAgLkAALitBgC5vQYAurUGALtFAQC8XQEAvUUBAL5FAQC/dQEAsN0GALGlBgCyrQYAs6EGALShBgC1rQYAtpkGALeVBgCjDQYA6n4AgO5+AIDyfgCAhJgCAKY5BgClMQYAvpwBAKthBgCqGQYAhggAAId8AQCvaQYArmUGAK11BgCseQYA+n4AgLO1AQD+fgCAAn8AgLZVAQAGfwCACn8AgLWhAQC6cQEAu3kBAA5/AIASfwCAvjEBAL89AQC8UQEAvVEBAKhpAgCpaQIAqnkCAKt5AgCsbQIArZECAK6RAgCvkQIAFn8AgBp/AIAefwCAIn8AgCZ/AIAqfwCALn8AgDJ/AIC4mQIAua0CALqlAgC7bQMAvHUDAL19AwC+dQMAv20DALDxAgCx+QIAssECALPBAgC0sQIAtb0CALa1AgC3qQIANn8AgDp/AIA+fwCAo/0CAEJ/AICl6QIAph0CAEZ/AIBKfwCATn8AgKo5AgCrMQIArBkCAK0ZAgCueQIAr3UCAFJ/AIBWfwCAWn8AgIQADACAGQAAgQkAAII5AABefwCAYn8AgGp/AIBufwCAvuAMAHJ/AIB2fwCAhlgNAIcMAwCowQIAqc0CAKrFAgCr2QIArMkCAK39AgCu9QIArz0BAHp/AIB+fwCAgn8AgIZ/AICKfwCAjn8AgJJ/AIC+MAwAuMUBALnNAQC62QEAu9EBALzxAQC98QEAvpkBAL+ZAQCwRQEAsU0BALJFAQCzXQEAtEUBALVNAQC2RQEAt/0BAOE4BgCWfwCA42wGAJp/AICefwCAon8AgKZ/AICqfwCAhKgNAK5/AICyfwCAtn8AgL6wDwC6fwCA72wGAL5/AIDCfwCApn0AgMZ/AIDKfwCA41AAAM5/AIDhoAEA0n8AgO+EAADafwCAhyANAIZMDwCAPQAAgSEAAIIlAADefwCAs80NAGZ/AIDWfwCA4n8AgOZ/AIC2/Q0AtcENAOp/AIC7CQ4AugEOAO5/AIDyfwCAvwkOAL4BDgC9CQ4AvBEOAPZ/AIDjmAwA+n8AgOH8DwD+fwCAAoAAgAaAAIAKgACADoAAgBKAAIAWgACAGoAAgB6AAIDvYAwAIoAAgCaAAICjTQ0AKoAAgC6AAIAygACANoAAgKZ9DQClQQ0AOoAAgKuJDgCqgQ4APoAAgEKAAICviQ4AroEOAK2JDgCskQ4Agm0AALM1DgCAVQAAgWUAALb1DwCE3AMARoAAgLX9DwC60Q8Au9EPAIYABACH3AAAvn0PAL9lDwC8wQ8AvXkPAKjlDwCp7Q8AqvkPAKv5DwCsMQ4ArTEOAK4xDgCvMQ4ASoAAgE6AAIBSgACAVoAAgFqAAIBegACAYoAAgGaAAIC43Q4AueEOALrhDgC74Q4AvOUOAL3pDgC+mQ4Av5UOALBRDgCxUQ4AslEOALPpDgC0/Q4AteUOALbtDgC35Q4Ao3EPAGqAAIBugACAcoAAgHaAAICmsQ4ApbkOAHqAAICrlQ4AqpUOAH6AAICCgACAryEOAK45DgCtPQ4ArIUOAIaAAICzyQEAioAAgI6AAIC2+QEAkoAAgJaAAIC1wQEAuqkBALu1AQCagACAnoAAgL6tAQC/lQEAvK0BAL2lAQCo5Q0AqfkNAKoFAgCrHQIArA0CAK09AgCuNQIAr10CAKKAAICmgACAqoAAgK6AAICAGQAAgRkAAIIFAACygACAuC0CALk1AgC6MQIAuzECALzVAgC93QIAvtUCAL/NAgCwKQIAsTUCALI9AgCzNQIAtC0CALUVAgC2HQIAtxUCALqAAICEnAIAvoAAgKOBAgDCgACApYkCAKaxAgDGgACAhiAEAIfUAwCq4QIAq/0CAKzlAgCt7QIAruUCAK/dAgC29QMAvkQDAIWM/QG1/QMAyoAAgLP9AwDOgACA0oAAgL59AwC/TQMAvGUDAL19AwC6dQMAu30DANaAAIDagACA3oAAgOKAAICEBAIAoyUCAOaAAIClJQIApi0CAOqAAIDugACA8oAAgKqtAgCrpQIArL0CAK2lAgCupQIAr5UCAPaAAID6gACA/oAAgAKBAIAGgQCA48ADAAqBAIDhrAEADoEAgO9YAwASgQCAFoEAgIANAACB5QAAgu0AABqBAIDhYA8A40ABAOM4DgDheA4AHoEAgCKBAIC+lAUAKoEAgIYABACHZAUALoEAgDKBAIA2gQCA7/wOAO98DgA6gQCAs1EBAD6BAID2fgCAQoEAgEaBAIC2DQEAtQkBAEqBAIC74QAAuhkBAE6BAIBSgQCAv9EAAL7pAAC96QAAvPkAALaAAIAmgQCAVoEAgFqBAIBegQCAYoEAgGaBAIBqgQCAqKEGAKmtBgCquQYAq7EGAKzhBgCt7QYAruUGAK/FBgCwvQYAsUUHALJNBwCzXQcAtE0HALV1BwC2fQcAtx0HALglBwC5LQcAuiUHALs9BwC8KQcAvRUHAL4RBwC/EQcAoxEGAG6BAIBygQCAdoEAgHqBAICmTQYApUkGAH6BAICroQcAqlkGAIKBAICGgQCAr5EHAK6pBwCtqQcArLkHAIANAACBFQAAgh0AAIqBAICOgQCAkoEAgISUAwC+lAMAloEAgJqBAICGyAAAh4wAAJ6BAICigQCApoEAgKqBAIConQYAqa0GAKqlBgCrvQYArK0GAK3RBgCu1QYAr80GAK6BAICygQCAtoEAgLqBAIC+gQCAwoEAgMaBAIDKgQCAuF0BALnBAQC6wQEAu8EBALzBAQC9yQEAvvEBAL/xAQCwvQYAsY0GALKFBgCzZQEAtH0BALVlAQC2bQEAt2UBALMtBgDOgQCA0oEAgNaBAIDagQCAtlEGALUlBgDegQCAu0kGALp5BgDigQCA5oEAgL+hAQC+uQEAvbEBALxRBgDqgQCAo2kGAO6BAIDygQCAphUGAPaBAID6gQCApWEGAKo9BgCrDQYA/oEAgAKCAICu/QEAr+UBAKwVBgCt9QEAutUHALvdBwC4wQcAucEHAL4xBAC/MQQAvPEHAL3xBwCyrQcAs7UHALCtBwCxpQcAtp0HALf1BwC0pQcAtZUHAKppBwCraQcAqGkHAKlpBwCuaQcAr2kHAKxpBwCtaQcAgLkDAIGNAwCChQMAhKgDAIZQ/AGHCAMAvjQDAAqCAICoZQIAqXUCAKp9AgCrdQIArG0CAK21AwCuvQMAr7UDAA6CAIASggCAFoIAgBqCAIAeggCAIoIAgCaCAIAqggCAuFEDALlZAwC6YQMAu2EDALwRAwC9HQMAvhUDAL8JAwCwzQMAsdUDALLdAwCz1QMAtM0DALVxAwC2cQMAt3EDAC6CAIAyggCAs/0DADaCAIC17QMAOoIAgD6CAIC2PQIAQoIAgEaCAIC7GQIAugECAL0JAgC8AQIAv70CAL4BAgBKggCAToIAgITE/QG+wPwBUoIAgFaCAIBaggCA79wDAF6CAIDhlAEAYoIAgOMQAwBmggCAgu0AAIHtAACA7QAA4TgGAOE8BwDjQAEA45QGAGqCAIBuggCAcoIAgHqCAICGgPwBh+j9AX6CAICCggCAhoIAgIqCAIDvnAEA79wGAKM1AwCOggCAkoIAgJaCAICaggCApvUCAKUlAwCeggCAq9ECAKrJAgCiggCApoIAgK91AgCuyQIArcECAKzJAgB2ggCAqoIAgK6CAICyggCA76T9AbaCAIC6ggCAvoIAgON4/QHCggCA4UD8AcaCAIDKggCAzoIAgNKCAIDWggCAs+X+AYItAACBFQAAgB0AANqCAIC25f4BtfX+Ad6CAIC7Yf8Butn+AeKCAICE5AMAv2n/Ab5h/wG9df8BvHn/Aaj9/gGpJf4Bqi3+Aasl/gGsPf4BrSX+Aa4t/gGvJf4BviwAAOaCAICGiAAAh+wAAOqCAIDuggCA8oIAgPaCAIC4gf8BuYH/AbqZ/wG7mf8BvIn/Ab21/wG+sf8Bv63/AbBd/gGx5f8Bsu3/AbPh/wG05f8Bte3/AbbZ/wG32f8Bo6X/AfqCAID+ggCAAoMAgAaDAICmpf8BpbX/AQqDAICrIf4Bqpn/AQ6DAIASgwCAryn+Aa4h/gGtNf4BrDn+ARaDAICz6f4BGoMAgB6DAIC2lf4BIoMAgCaDAIC16f4BurH+Abu5/gEqgwCALoMAgL51AQC/fQEAvJH+Ab2R/gGoHf4BqS3+Aaol/gGrPf4BrCX+Aa1R/gGuUf4Br1H+ATKDAIA2gwCAOoMAgD6DAIBCgwCARoMAgEqDAIBOgwCAuNkBALnZAQC67QEAu+EBALzhAQC94QEAvuEBAL/hAQCwMf4BsTn+AbIB/gGzAf4BtPUBALX9AQC29QEAt+kBAKOt/QFSgwCAvkwDAFqDAIBegwCAptH9AaWt/QFigwCAq/39Aar1/QFmgwCAaoMAgK85AgCuMQIArdX9AazV/QGA+QMAgfkDAIJNAACFdCAAboMAgITYAwCE1AQAcoMAgIZABACHVAMAdoMAgHqDAIB+gwCAgoMAgIaDAIC+8AUAqDECAKkxAgCqMQIAqzECAKyVAwCtnQMArpUDAK+NAwCKgwCAjoMAgJKDAICWgwCAhHwHAJqDAICegwCAooMAgLipAwC5qQMAumkDALtpAwC8eQMAvXkDAL5pAwC/aQMAsP0DALHNAwCyxQMAs60DALS5AwC1uQMAtq0DALelAwCmgwCAqoMAgK6DAICygwCAtoMAgLqDAIDv6AMAvoMAgOGQAQDCgwCA42wDAMqDAICAJQAAgSkAAIIdAADOgwCAs/kDANKDAICGaAcAh1wFANaDAIC2XQIAtV0CANqDAIC7SQIAunkCAN6DAIDigwCAvz0CAL49AgC9OQIAvFECAOaDAIDhPP4BvkAGAOPwAQDqgwCA7oMAgPKDAID2gwCA+oMAgP6DAIAChACABoIAgAaEAIAKhACADoQAgO/kAQAShACAFoQAgKNxAwAahACApdUCAB6EAIAihACAptUCACaEAIAqhACAq8ECAKrxAgCtsQIArNkCAK+1AgCutQIA4dz8AcaDAIDjUAQA74gEAID1BwCBCQAAgj0AAC6EAICEJAEAMoQAgDaEAIA6hACAPoQAgOFMBADv5BwA43QEALNdBgBChACAhgAMAIfgAwBGhACAtgUGALV1BgBKhACAuxEGALoJBgBOhACAUoQAgL/VBgC+1QYAvQEGALwJBgCojQYAqZUGAKqVBgCrpQYArL0GAK3FBgCuxQYAr/UGAFaEAIBahACAXoQAgGKEAIBmhACAaoQAgG6EAIByhACAuHUGALl9BgC6dQYAu80HALzVBwC93QcAvtUHAL/NBwCwjQYAsZUGALKdBgCzlQYAtFEGALVRBgC2UQYAt1EGAKMdBwCPFewBdoQAgHqEAIB+hACApkUHAKU1BwCChACAq1EHAKpJBwCGhACAioQAgK+VBwCulQcArUEHAKxJBwCeRfkBn6X5AZyR/QGdTfkBmlX9AZtd/QGYBfEBmZX+AZal8gGXYfEBlG31AZU19QGS4ekBk4X2AZBV7AGRXekBsbEdALClHQCziRkAskEcALUBJAC09RkAjoQAgJKEAICWhACAgqkDAIGhAwCAaQAAohUFAKMFAgCgFQYAob0FAKHFAQCahACAo80NAKLlAQClAQgApN0NAKfRCQCm2QkAqQEUAKilCACrxRQAqs0VAK3REQCsARAArwEcAK51EQCCEe8BgynvAZ6EAICihACAhuH1AYcR9gGEOeoBhY3qAYp59gGL4fEBvqQMAKqEAICO+f0BjzH+AYw98gGNYfIBkkn+AZOd/gGHCAwAhmwMAJax+gGX+QUAlFn6AZVZ+gGaYQYAm8EGAK6EAICyhACAtoQAgLqEAICcyQEAvoQAgKitBQCpuQUAqs0FAKvdBQCszQUArf0FAK71BQCvHQUAwoQAgMaEAIDKhACAzoQAgNKEAIDWhACA2oQAgN6EAIC4dQUAuX0FALoJBQC7CQUAvB0FAL0BBQC+AQUAvz0FALBxBQCxcQUAsnEFALNxBQC0UQUAtVEFALZRBQC3TQUAs0UEAOKEAIDmhACA6oQAgO6EAIC2fQQAtUUEAPKEAIC7tQQAurUEAPaEAID6hACAv5UEAL6VBAC9pQQAvKUEAP6EAICjAQQAAoUAgAaFAICmOQQACoUAgA6FAIClAQQAqvEEAKvxBAAShQCAhOwNAK7RBACv0QQArOEEAK3hBADh0AYAhAwMAOMoBwC+AAwAGoUAgO9EAwCGuAwAhywNAB6FAIDjlAEAIoUAgOH8AQBWgwCAJoUAgO/IBgAqhQCALoUAgDKFAICzjQMANoUAgLWNAwA6hQCAPoUAgLa1AwBChQCARoUAgLtBAwC6SQMAvUEDALxZAwC/QQMAvkkDAKNFDACmhACAFoUAgEqFAIBOhQCApn0MAKVFDABShQCAq4kMAKqBDABWhQCAWoUAgK+JDACugQwArYkMAKyRDACAFQ8AgR0PAIIhDwCzIQ4AXoUAgLUhDgC2JQ4AYoUAgGaFAIBqhQCAusEOALvBDgC8wQ4AvcEOAL7BDgC/wQ4AqK0OAKntDgCq5Q4Aq/0OAKzlDgCt6Q4ArjkOAK85DgBuhQCAcoUAgHaFAIB6hQCAgB0AAIEJAACCvQEAfoUAgLjNDwC51Q8AutUPALvlDwC8/Q8AvZUPAL6RDwC/kQ8AsEkOALFJDgCyWQ4As1kOALRJDgC1SQ4Atv0PALf1DwCjbQ8AgoUAgL6EAQCKhQCAjoUAgKZpDwClbQ8AkoUAgKuNDwCqjQ8AhogAAIdsAQCvjQ8Aro0PAK2NDwCsjQ8AloUAgLPtDgCahQCAnoUAgLaRDgCihQCApoUAgLXhDgC6tQ4Au70OAKqFAICuhQCAvn0BAL9lAQC8mQ4AvZkOAKgRDgCpJQ4AqiEOAKs5DgCsLQ4ArVUOAK5dDgCvUQ4AhKgAALKFAIC2hQCAuoUAgL6FAIDChQCAxoUAgMqFAIC47QEAuZUBALqVAQC7rQEAvLUBAL11AQC+fQEAv3UBALA1DgCxPQ4AsgkOALMJDgC0/QEAteUBALblAQC31QEAo6kNAM6FAIDShQCA1oUAgNqFAICm1Q0ApaUNAN6FAICr+Q0AqvENAOKFAIDmhQCAryECAK45AgCt3Q0ArN0NAIANAACBFQAAgh0AAOqFAIDuhQCA8oUAgIeQAwCGfAQAvuwEAPqFAID+hQCAAoYAgAaGAIAKhgCADoYAgBKGAICyLQ4AszUOALAtDgCxJQ4Ati0OALedDwC0LQ4AtSUOALq9DwC7jQ8AuKUPALm9DwC+LQ8AvxUPALyVDwC9JQ8AFoYAgBqGAIAehgCAIoYAgCaGAIAqhgCALoYAgDKGAICqpQ4Aq7UOAKjFDgCp3Q4Arp0OAK9VDgCspQ4ArZUOAKgNAgCpFQIAqhUCAKtNAgCsWQIArVkCAK5NAgCvRQIAhKgFADaGAIA6hgCAPoYAgIS4BABChgCARoYAgEqGAIC4/QIAuUEBALpBAQC7QQEAvEEBAL1JAQC+cQEAv3EBALAJAgCxCQIAss0CALPFAgC03QIAtcUCALbNAgC3xQIA4dQPAOMQDgDj9A4A4QwOAE6GAIBShgCAVoYAgFqGAIBehgCAYoYAgL4kBABqhgCA7AAAAO9EAADvzA4AboYAgIJlAACz2QIAgFUAAIFtAAC2nQIAcoYAgHaGAIC1lQIAuokCALuJAgCGqAQAh+AEAL5dAgC/RQIAvF0CAL1VAgCjHQUA9oUAgGaGAIB6hgCAfoYAgKZZBQClUQUAgoYAgKtNBQCqTQUAhoYAgIqGAICvgQUArpkFAK2RBQCsmQUAjoYAgLMpBgCShgCAloYAgLYpBgCahgCAnoYAgLUpBgC6pQYAu60GAKKGAICmhgCAvqUGAL+tBgC8tQYAva0GAKjlBgCp7QYAquUGAKv9BgCs5QYAre0GAK7lBgCvXQYAqoYAgK6GAICyhgCAtoYAgLqGAIC+hgCAwoYAgMaGAIC46QcAuekHALr9BwC79QcAvO0HAL1FBwC+TQcAv0UHALAlBgCxLQYAsiUGALM9BgC0JQYAtS0GALYlBgC32QcAo20HAIItAACBFQAAgB0AAMqGAICmbQcApW0HAM6GAICr6QcAquEHANKGAIC+oAEAr+kHAK7hBwCt6QcArPEHANaGAICzkQYAhugAAIcsAQC2QQEA2oYAgN6GAIC1UQEAuk0BALslAQDihgCA5oYAgL4lAQC/LQEAvDEBAL0xAQCwrQEAscUBALLBAQCzwQEAtMUBALXNAQC28QEAt/EBALgBAQC5AQEAugEBALsBAQC8AQEAvQEBAL4BAQC/AQEA6oYAgO6GAIDyhgCA9oYAgIaFAID6hgCA/oYAgAKHAICoTQYAqVkGAKo9BgCrNQYArP0BAK3lAQCu5QEAr9UBAKPVBQAGhwCACocAgA6HAIAShwCApgUCAKUVAgAWhwCAq2ECAKoJAgAahwCAHocAgK9pAgCuYQIArXUCAKx1AgAihwCAJocAgCqHAIAuhwCAMocAgOFkBQA2hwCA4+wFAIARAACBEQAAghEAAO/0BgA6hwCAPocAgEKHAIC+MAMAhMQCAEqHAICz4QMAhMAcALVRAwBOhwCAUocAgLZZAwBWhwCAWocAgLtxAwC6eQMAvbUAALxpAwC/tQAAvrUAAF6HAIDhlAEAYocAgONcAgCGcBwAh0QDAGaHAIBqhwCAbocAgHKHAIB2hwCAeocAgH6HAICChwCAhocAgO94AgCoVQIAqV0CAKphAgCrYQIArNECAK3RAgCu0QIAr9ECAIqHAICOhwCAkocAgJaHAICahwCAnocAgKKHAICmhwCAuGkBALlpAQC6CQEAuwkBALwZAQC9GQEAvgkBAL8FAQCwtQIAsb0CALK1AgCzaQEAtHkBALV5AQC2aQEAt2EBAOHEBwDjpAYA47gGAOF8BgCADQAAgTUAAII9AACqhwCArocAgLKHAIC+4B0AuocAgL6HAIDvYAAA7+gGAMKHAICjqQIAxocAgMqHAIDOhwCA0ocAgKYRAgClGQIA1ocAgKs5AgCqMQIAhkgcAIfMHACv/QEArv0BAK39AQCsIQIAqIUeAKmRHgCqkR4Aq60eAKy1HgCt1R4ArtEeAK/FHgC2hwCA2ocAgN6HAIDihwCA5ocAgOqHAIDuhwCA8ocAgLhhHwC5YR8AumEfALthHwC8YR8AvWEfAL5hHwC/YR8AsL0eALGFHgCyjR4As4UeALSdHgC1hR4Ato0eALeFHgCzGR4A9ocAgPqHAID+hwCAAogAgLZVHgC1PR4ABogAgLtBHgC6eR4ACogAgA6IAIC/QR4AvlkeAL1RHgC8WR4AEogAgKNdHgAWiACAGogAgKYRHgAeiACAIogAgKV5HgCqPR4AqwUeAISkAwC+qAMArh0eAK8FHgCsHR4ArRUeAKitHgCptR4AqrUeAKvJHgCs2R4ArdkeAK7JHgCvwR4AgO0BAIHxAQCC8QEAJogAgIaQAACHdAEAKogAgC6IAIC4yQEAuckBALrZAQC70QEAvPkBAL35AQC+mQEAv5UBALBFAQCxTQEAskUBALNdAQC0RQEAtU0BALZFAQC3+QEAsz0eADKIAIA2iACAOogAgD6IAIC2WR4AtVEeAEKIAIC7iQEAuoEBAEaIAIBKiACAv4kBAL6BAQC9iQEAvJEBAE6IAIBSiACAo3UeAFaIAIClGR4AWogAgF6IAICmER4ARocAgGKIAICrwQEAqskBAK3BAQCs2QEAr8EBAK7JAQBmiACAaogAgG6IAIByiACAdogAgIQYAgB6iACAfogAgIKIAICGiACAiogAgI6IAICSiACAmogAgJ6IAIC+cAMAgGkAAIFpAACCeQAAhAAEAIbwBACHdAMAoogAgO8MHwCmiACA4aweAKqIAIDj8B4ArogAgLKIAIC2iACAuogAgL6IAIDCiACAxogAgMqIAIDvVAIAzogAgNKIAIDWiACA46QCANqIAIDhgAEA3ogAgOKIAIDmiACA6ogAgO6IAICzRQMA8ogAgPaIAID6iACA/ogAgLZFAwC1VQMAAokAgLshAwC6SQMAvqAEAAqJAIC/KQMAviEDAL01AwC8OQMAqDkCAKk5AgCqjQIAq4UCAKydAgCthQIAroUCAK+1AgCA7QEAgfUBAIL1AQAOiQCAhpAEAIcEBQASiQCAFokAgLhFAQC5TQEAukUBALtdAQC8SQEAvUkBAL55AQC/eQEAsM0CALGlAgCyrQIAs6ECALSlAgC1rQIAtp0CALd9AQAaiQCAHokAgCKJAIAmiQCAKokAgC6JAIAyiQCA74gBAITsBADhVB4ANokAgONUAQA6iQCAPokAgEKJAIBGiQCAo0UCAEqJAIBOiQCAUokAgFaJAICmRQIApVUCAFqJAICrIQIAqkkCAF6JAIBiiQCArykCAK4hAgCtNQIArDkCAKg1BgCpPQYAqlEGAKttBgCseQYArWUGAK5tBgCvZQYABokAgGaJAIBqiQCAbokAgIAZAACBGQAAggUAAHKJAIC45QYAuekGALr5BgC7+QYAvOkGAL3pBgC+nQYAv5UGALAdBgCx5QYAsu0GALPlBgC0/QYAteEGALbhBgC34QYAs9kGAL7QAwB2iQCAeokAgH6JAIC25QYAtfEGAIKJAIC7IQYAutkGAIaYAACHeAMAvyUGAL45BgC9MQYAvDkGAIaJAICjnQYAiokAgI6JAICmoQYAkokAgJaJAICltQYAqp0GAKtlBgCaiQCAnokAgK59BgCvYQYArH0GAK11BgCo7QcAqSkGAKoxBgCrMQYArJEGAK2RBgCukQYAr5EGAKKJAICmiQCAqokAgK6JAICyiQCAtokAgLqJAIC+iQCAuIUGALmNBgC6hQYAu50GALyNBgC9vQYAvrUGAL95AQCw8QYAsfEGALLxBgCzxQYAtMEGALXBBgC2wQYAt8EGALO5BgDCiQCAxokAgMqJAIDOiQCAthEGALUZBgDSiQCAuzUGALo1BgDWiQCA2okAgL8FBgC+BQYAvREGALwlBgClQQYA3okAgOKJAICmSQYAgRUAAIB5AACj4QYAghUAAK1JBgCsfQYAr10GAK5dBgCENAEAlogAgKttBgCqbQYAvswDAOqJAICzlQIA7okAgLXZAgDyiQCA9okAgLbRAgCGgAwAhzgDALvFAgC6xQIAvRUDALwVAwC/FQMAvhUDAPqJAID+iQCA71gGAIRAAwACigCABooAgAqKAIAOigCAEooAgBaKAIAaigCAHooAgOE4BgAiigCA4yQGAL5wDACsSQIArUkCAK5dAgCvVQIAqB0CAKkFAgCqBQIAq10CAISoDAAmigCAKooAgC6KAIC+vA0AMooAgDaKAIA6igCAvE0DAL1VAwC+VQMAv2UDALjpAwC56QMAul0DALtVAwC0yQMAtckDALbZAwC32QMAsBkCALEZAgCy2QMAs9kDAD6KAIDj5AAAQooAgOG8AQBGigCAgj0AAIE9AACAPQAASooAgE6KAIBSigCAWooAgF6KAIDvzAMAYooAgGaKAICj3QMAaooAgIboDACHYA0AbooAgKaZAwClkQMAcooAgKuNAwCqjQMAdooAgHqKAICvXQIArl0CAK1dAgCsXQIAfooAgIKKAICGigCAiooAgI6KAICSigCAlooAgO/gAQCEvAwA4YwGAJqKAIDjHAYAnooAgKKKAICmigCAqooAgLPVAQCuigCAsooAgLaKAIC6igCAtpEBALWZAQC+igCAu70BALq9AQDCigCAyooAgL+dAQC+nQEAvZ0BALydAQCoBQ4AqQkOAKodDgCrFQ4ArFEOAK1RDgCuSQ4Ar0kOAFaKAICCzQ8AgfUPAID9DwDGigCAzooAgIYcAACHsAMAuOkOALnpDgC6/Q4Au/UOALztDgC9VQ8AvlEPAL9NDwCwOQ4AsTkOALIJDgCzCQ4AtBkOALUZDgC2DQ4At9kOAKOVDgDSigCA1ooAgNqKAIDeigCAptEOAKXZDgDiigCAq/0OAKr9DgDmigCA6ooAgK/dDgCu3Q4Ard0OAKzdDgDuigCAs/0PAPKKAID2igCAtoEPAPqKAID+igCAtZkPALqNDwC7ZQ8AAosAgAaLAIC+fQ8Av2UPALx9DwC9dQ8AqC0OAKk1DgCqMQ4AqzEOAKxVDgCtRQ4ArkUOAK91DgAKiwCADosAgBKLAIAWiwCAGosAgB6LAIAiiwCAJosAgLjpDgC59Q4Auv0OALv1DgC87Q4AvZEOAL6RDgC/kQ4AsA0OALHlDgCy7Q4As+UOALT9DgC15Q4Atu0OALflDgCjuQ4Agi0AAIEVAACAHQAAKosAgKbFDgCl3Q4ALosAgKshDgCqyQ4AMosAgL4sAQCvIQ4ArjkOAK0xDgCsOQ4AOosAgLZVAQC1RQEANosAgLNVAQA+iwCAhngAAIdcAAC/OQEAvjEBAL0lAQC8JQEAuzEBALpZAQDmiQCAQosAgEaLAIBKiwCAhAQDAKOJAgBOiwCApZkCAKaJAgBSiwCAvyg5AFaLAICqhQIAq+0CAKz5AgCt+QIAru0CAK/lAgDjWAIA78AOAOGIAQBaiwCAXosAgGKLAIBmiwCAaosAgG6LAIByiwCAdosAgHqLAIDvKAIA4ygOAH6LAIDhRA4AqbUCAKhpDQCrAQIAqgkCAK0BAgCsGQIArzECAK4BAgC+AAQAgosAgIaLAICKiwCAjosAgJKLAICWiwCAmosAgLnlAwC45QMAu+UDALrlAwC95QMAvOUDAL/lAwC+5QMAsSECALBJAgCzJQIAsiUCALUpAgC0IQIAtxUCALYVAgCowQIAqdECAKr1AgCrDQEArBUBAK0FAQCuBQEArzkBAJ6LAICiiwCAqosAgK6LAICyiwCAtosAgLqLAIC+iwCAuC0BALk9AQC67QEAu+UBALz9AQC95QEAvu0BAL/lAQCwLQEAsTUBALI9AQCzNQEAtC0BALUVAQC2HQEAtxUBAIA9AQCBpQAAgq0AAO/YAACGsAUAh9gFAMKLAIDv1A8AhGwEAOH0DgDGiwCA4xwPAMqLAIDhlAEAzosAgOMMDgCzPQIA0osAgNaLAIDaiwCA3osAgLbFAQC13QEA4osAgLuxAQC6qQEA5osAgOqLAIC/kQEAvqkBAL2hAQC8qQEAposAgO6LAICqRQYAq10GAKxFBgCtTQYArkUGAK99BgDyiwCA9osAgPqLAICj0QUA/osAgKUxBgCmKQYAAowAgAaMAICCHQAAgR0AAIAdAAAKjACADowAgBKMAIC+lAMAFowAgBqMAICGSAMAh8wDAB6MAIAijACAJowAgCqMAICoqQcAqakHAKq5BwCruQcArKkHAK2pBwCuAQcArzUHAC6MAIAyjACANowAgDqMAIA+jACAQowAgEaMAIBKjACAuC0HALnBAAC66QAAu+kAALz5AAC95QAAvuUAAL+dAACwUQcAsV0HALItBwCzJQcAtD0HALUlBwC2JQcAtxUHALMxBgBOjACAUowAgFaMAIBajACAtikGALUhBgBejACAu5kGALqVBgBijACAZowAgL/hBgC++QYAvfEGALz5BgBqjACAo3UGAG6MAIByjACApm0GAHaMAIB6jACApWUGAKrRBgCr3QYAfowAgIKMAICuvQYAr6UGAKy9BgCttQYAqOUBAKn1AQCq/QEAq/UBAKztAQCtNQEArj0BAK81AQCA+QAAgc0AAILFAACEYAEAvngBAIqMAICHrAAAhpABALjRAAC52QAAuuEAALvhAAC8kQAAvZ0AAL6VAAC/iQAAsE0BALFVAQCyXQEAs1UBALRNAQC18QAAtvEAALfxAACzdQIAjowAgJKMAICWjACAmowAgLa1AgC1ZQIAnowAgLuRAgC6iQIAoowAgKaMAIC/NQMAvokCAL2BAgC8iQIAqowAgKMxAgCujACAhMADAKbxAgCyjACAtowAgKUhAgCqzQIAq9UCALqMAIC+jACArs0CAK9xAwCszQIArcUCAKuNAACqjQAAqY0AAKg5AwCvvQAArr0AAK2FAACsjQAAqgAAAKsAAADCjACAxowAgMqMAIDOjACA0owAgNaMAIC7fQAAun0AALl9AAC4fQAAv90BAL7dAQC93QEAvN0BALO5AACysQAAsaEAALCtAAC3XQAAtl0AALWVAAC0lQAA2owAgN6MAIDijACA5owAgIE1AACADQAA6owAgII1AAC+rD0A7owAgPKMAICFaD0A+owAgP6MAICGODwAh8ACALNJAQACjQCA0AAAAAaNAIAKjQCAtkkBALVJAQAOjQCAuykBALolAQASjQCAFo0AgL8dAQC+HQEAvSEBALwpAQDjNDYA4QwGAOGwAgDjPAYAGo0AgB6NAIAijQCAJo0AgIQsPwC+oD8AKo0AgC6NAIDvfDcAMo0AgDaNAIDvGAEAOo0AgD6NAICGaD4Ah8w/AEKNAIBGjQCASo0AgO+UAABOjQCA4ZQBAFKNAIDjUAAAVo0AgILpPwCB6T8AgPE/AKMJPgCPASQA9owAgFqNAIBejQCApgk+AKUJPgBijQCAq2k+AKplPgBmjQCAao0AgK9dPgCuXT4ArWE+AKxpPgCeYTgAn3U4AJzBNACdtTkAmqU1AJt1NACYeTAAmXExAJYhLQCXhTEAlG0sAJVlLACSeSgAk6UtAJBRJACReSgAsQ0UALAFFACzARgAslUUALV5GAC0tRgAbo0AgHKNAIB2jQCAeo0AgH6NAICCjQCAotE8AKMlAQCgdTkAob08AKHJAACGjQCAowEEAKLlAAClHQQApPUEAKf5CACmAQgAqQEMAKhtCACrzQwAqs0MAK3REACsARAAr9URAK7ZEACCBSUAgy0lAIqNAICOjQCAhsEsAIcRLQCEHSkAhRUpAIopLQCLZSwAko0AgJaNAICOHTAAj8E0AIzZMACNHTEAkmE1AJPNNQCajQCAno0AgJZhOQCXmTgAlKE4AJV9OQCaYT0AmwU9AKKNAICmjQCAqo0AgK6NAICc6QAAso0AgLaNAIC6jQCAvo0AgMKNAICGjACAxo0AgMqNAIDOjQCAqJE+AKmRPgCq7T4Aq+E+AKzhPgCt6T4ArtE+AK/RPgCwUT4AsVE+ALJRPgCzUT4AtHk+ALV5PgC2bT4At2U+ALghPgC5IT4Aujk+ALs5PgC8KT4AvRU+AL4RPgC/DT4AgJkDAIGZAwCCBQAA0o0AgL5UAwDhsD0A2o0AgONAPgCEOAIA3o0AgOKNAIDv9D8A5o0AgOqNAICGmAQAhxwDALMFPQCECAQA7o0AgPKNAID2jQCAtgk9ALUJPQD6jQCAu/U9ALr1PQD+jQCAAo4AgL/dPQC+3T0AveU9ALzlPQAGjgCACo4AgKPNPQC+xAQApcE9AA6OAIASjgCApsE9ABaOAIAajgCAqz09AKo9PQCtLT0ArC09AK8VPQCuFT0AtmkCAB6OAIAijgCAtWkCACaOAICzSQIAKo4AgC6OAIC+qQMAv6kDALzBAwC9wQMAuvkDALv5AwAyjgCANo4AgKgtAwCpnQMAqpUDAKutAwCstQMArb0DAK61AwCv2QMAgA0AAIEVAACCHQAAOo4AgD6OAIBCjgCAh7QFAIacBAC4MQIAuTECALo1AgC7zQIAvNUCAL3dAgC+1QIAv8kCALBpAgCxaQIAskECALNBAgC0OQIAtTkCALYRAgC3EQIASo4AgOM0PgBOjgCA4aw+AFKOAIDvfAMAVo4AgFqOAIBejgCA45QDAGKOAIDhfD4AZo4AgO/oPgBqjgCAbo4AgHKOAIB2jgCAo1UDAHqOAICldQMAfo4AgIKOAICmdQMAho4AgIqOAICr5QIAquUCAK3dAgCs3QIAr7UCAK61AgCoGQYAqSEGAKohBgCrPQYArCUGAK1dBgCuVQYAr00GAEaOAICOjgCAko4AgJaOAICajgCAno4AgKKOAICmjgCAuOUGALmBBgC6gQYAu50GALyJBgC9iQYAvqEGAL+hBgCwPQYAsQ0GALIFBgCz7QYAtPUGALXhBgC24QYAt90GALOpBgCCLQAAgRUAAIAdAACqjgCAtt0GALWtBgCujgCAu8kGALr5BgCyjgCAhOADAL8lBgC+MQYAvTkGALzRBgC+iAMAo+0GANaNAIC2jgCAppkGALqOAIC+jgCApekGAKq9BgCrjQYAhkgAAIdsAACudQYAr2EGAKyVBgCtfQYAqIEGAKmNBgCqmQYAq5UGAKyNBgCttQYArrEGAK+tBgDCjgCAxo4AgMqOAIDOjgCA0o4AgNaOAIDajgCA3o4AgLilBgC5YQEAumEBALthAQC8YQEAvWEBAL5hAQC/YQEAsNkGALHZBgCyqQYAs6kGALS9BgC1oQYAtqEGALedBgCzEQYA4o4AgOaOAIDqjgCA7o4AgLY1BgC1BQYA8o4AgLsdBgC6HQYA9o4AgPqOAIC/ZQYAvnkGAL19BgC8fQYA/o4AgKNVBgACjwCABo8AgKZxBgAKjwCADo8AgKVBBgCqWQYAq1kGABKPAIAWjwCArj0GAK8hBgCsOQYArTkGAKjVAgCp3QIAqikDAKspAwCsOQMArTkDAK4pAwCvKQMAGo8AgB6PAIAijwCAKo8AgC6PAIAyjwCAvrgDADaPAIC47QMAuYUDALqBAwC7gQMAvIUDAL2NAwC+sQMAv7EDALBZAwCxWQMAsu0DALPlAwC0/QMAteUDALblAwC31QMAgKEAAIGhAACCoQAAvoAMADqPAICEmAIAPo8AgEKPAICGAAwAh/QDAEaPAIBKjwCATo8AgFKPAIBWjwCAhLADALPhAwBajwCAXo8AgGKPAIBmjwCAtvkDALXxAwBqjwCAu90DALrdAwBujwCAco8AgL9hAwC+eQMAvXEDALx5AwB2jwCAeo8AgH6PAICjLQIAgo8AgKU9AgCmNQIAho8AgIqPAICOjwCAqhECAKsRAgCstQIArb0CAK61AgCvrQIA48QDAOMQBwDhuAEA4WwHAIBxAACBcQAAggUAAJKPAICGwAwAh1QNAJqPAICejwCA77ADAO8ABwCijwCApo8AgKqPAICujwCAso8AgLaPAIC6jwCAvo8AgMKPAIDvpAEAhKANAOGABgDGjwCA4xABAMqPAIDOjwCA0o8AgNaPAICz9QEA2o8AgN6PAIDijwCA5o8AgLZNAQC1SQEA6o8AgLtRAQC6SQEA7o8AgPKPAIC/OQEAvjEBAL1BAQC8SQEAqC0OAKk1DgCqPQ4AqzEOAKyBDgCtjQ4AroUOAK+1DgCWjwCA9o8AgPqPAID+jwCAgBkAAIEZAACCBQAAApAAgLidDgC5rQ4AuqUOALtNDwC8VQ8AvV0PAL5JDwC/QQ8AsM0OALHVDgCy3Q4As9UOALS1DgC1vQ4AtrUOALetDgCjtQ4AvogDAAaQAIAKkACADpAAgKYNDgClCQ4AEpAAgKsRDgCqCQ4AhggAAIdsAwCveQ4ArnEOAK0BDgCsCQ4AFpAAgBqQAIAekACAs7UPACKQAIC1VQ8Atl0PACaPAIAmkACAKpAAgLp5DwC7eQ8AvGkPAL1dDwC+SQ8Av0kPAKhpDgCpaQ4AqnEOAKtxDgCskQ4ArZEOAK6RDgCvkQ4ALpAAgDKQAIA2kACAOpAAgD6QAIBCkACARpAAgEqQAIC4hQ4AuY0OALqFDgC7nQ4AvI0OAL29DgC+tQ4Av3kBALDxDgCx8Q4AsvEOALPFDgC0wQ4AtcEOALbBDgC3wQ4Ao/kOAE6QAIBSkACAVpAAgFqQAICmEQ4ApRkOAF6QAICrNQ4AqjUOAGKQAIBmkACArwUOAK4FDgCtEQ4ArCUOAIANAACBFQAAgh0AAGqQAIBukACAcpAAgISUAQC+lAEAhkAHAIf0AAB6kACAfpAAgIKQAICGkACAipAAgI6QAICojQIAqZUCAKqVAgCrzQIArNUCAK3dAgCuyQIAr/0CAJKQAICWkACAmpAAgJ6QAIC/ABQAopAAgKaQAICqkACAuH0DALnBAwC6wQMAu8EDALzBAwC9yQMAvvEDAL/xAwCwhQIAsUUDALJNAwCzRQMAtF0DALVFAwC2TQMAt0UDALMdAgCukACAspAAgLaQAIC6kACAtl0CALVdAgC+kACAu4EDALpBAgDCkACAxpAAgL+BAwC+mQMAvZEDALyZAwDKkACAo1kCAM6QAIDSkACAphkCANaQAIDakACApRkCAKoFAgCrxQMA3pAAgOKQAICu3QMAr8UDAKzdAwCt1QMA6pAAgOPMAACEBAIA4bwBAIDJAQCB/QEAgvUBAL4QBQDukACAvigEAPKQAID2kACA+pAAgO8QAAD+kACAApEAgIbgBACH9AIABpEAgAqRAIDj/A8ADpEAgOHgDwASkQCA7xQPABaRAIAakQCAHpEAgCKRAIAmkQCAKpEAgC6RAIAykQCANpEAgDqRAIA+kQCAQpEAgEaRAIBKkQCA7+ABAIUEEgDh3A4ATpEAgOMcDgCAKQAAgR0AAIIFAABSkQCAszECAFqRAICEzAUAXpEAgGKRAIC2KQIAtSECAGaRAIC7zQEAus0BAGqRAIBukQCAv3UBAL7JAQC9wQEAvMkBAKjpBQCp6QUAqvkFAKv5BQCs6QUArekFAK45BgCvOQYA5pAAgFaRAICGiAAAhwADAHKRAIB2kQCAepEAgH6RAIC40QYAudkGALrhBgC74QYAvJEGAL2dBgC+lQYAv4kGALBJBgCxSQYAsl0GALNVBgC0TQYAtfEGALbxBgC38QYAo3EFAIKRAICGkQCAipEAgI6RAICmaQUApWEFAJKRAICrjQYAqo0GAJaRAICakQCArzUGAK6JBgCtgQYArIkGAJ6RAICikQCAs+EHAKaRAIC14QcAqpEAgK6RAIC25QcAdpAAgLKRAIC7vQcAuqEHAL2VBwC8qQcAv5UHAL6VBwCoAQYAqSUGAKohBgCrIQYArCEGAK0tBgCuJQYAr1UGALaRAICCHQAAgR0AAIAdAAC6kQCAvpEAgMKRAIC+MAEAuDkGALk5BgC6yQYAu8kGALzZBgC92QYAvskGAL/JBgCwLQYAsTEGALI1BgCzCQYAtBkGALUZBgC2CQYAtwkGAKOpBgCEjAIAhigfAIdEAQDKkQCApq0GAKWpBgDOkQCAq/UGAKrpBgDSkQCA1pEAgK/dBgCu3QYArd0GAKzhBgDakQCAsxUGAN6RAIDikQCAtj0GAOaRAIDqkQCAtTUGALrZAQC72QEA7pEAgPKRAIC+fQEAv2UBALx9AQC9dQEAqMUFAKnJBQCq2QUAq9EFAKz5BQCt+QUArikCAK8pAgD2kQCA+pEAgP6RAIACkgCAjAAAAAaSAIAKkgCADpIAgLjtAgC5hQIAuo0CALuBAgC8hQIAvY0CAL69AgC/fQMAsFkCALFZAgCy7QIAs+UCALT9AgC15QIAtuUCALfVAgCjUQUAEpIAgBaSAIAakgCAHpIAgKZ5BQClcQUAIpIAgKudAgCqnQIAJpIAgCqSAICvIQIArjkCAK0xAgCsOQIAghEAAC6SAICAZQAAgQkAADKSAIC+mAMAOpIAgD6SAICEJAMAQpIAgIdoAwCGjBwARpIAgEqSAIBOkgCAUpIAgFaSAIBakgCAs6ECAITAHAC10QIAXpIAgGKSAIC21QIAZpIAgGqSAIC7wQIAuvUCAL0RAQC82QIAvxEBAL4ZAQBukgCAcpIAgHaSAIB6kgCAfpIAgIKSAICGkgCA77gGAIqSAIDhnAQAjpIAgON0BgCSkgCAlpIAgJqSAICekgCAgPkAAIH5AACCBQAAopIAgL5YHACEWB8A71wAAO9ABgDhkAEA4fwGAOM8AADjdAYAqpIAgK6SAICGmBwAh/QcAKNpAgC+DB8AspIAgLaSAIC6kgCAph0CAKUZAgC+kgCAqwkCAKo9AgDCkgCAxpIAgK/ZAQCu0QEArdkBAKwRAgCokR0AqZkdAKqhHQCroR0ArNEdAK3dHQCu1R0Ar8kdADaSAICmkgCAypIAgM6SAIDSkgCA1pIAgNqSAIDekgCAuHkeALl5HgC6zR4Au8UeALzdHgC9xR4AvsUeAL/1HgCwuR0AsY0dALKFHQCzTR4AtFUeALVdHgC2VR4At0keALjNHwC51R8Aut0fALvVHwC88R8Avf0fAL7pHwC/6R8AsKUfALGxHwCysR8As40fALSVHwC19R8Atv0fALf1HwCoGR4AqRkeAKotHgCrPR4ArCUeAK0tHgCuJR4Ar90fAOKSAIDmkgCA6pIAgO6SAIDykgCAxpEAgPaSAID6kgCAs+UfAP6SAIACkwCABpMAgAqTAIC27R8Ate0fAA6TAIC7NR4AuiEeABKTAIAWkwCAv3EeAL4RHgC9GR4AvCUeAIJpAACjoR8AgFkAAIFRAACmqR8AGpMAgB6TAIClqR8AqmUeAKtxHgCGAAQAh+wBAK5VHgCvNR4ArGEeAK1dHgCoMR4AqTEeAKpBHgCrQR4ArEEeAK1JHgCucR4Ar3EeACKTAIAmkwCAKpMAgC6TAIAykwCANpMAgDqTAIA+kwCAuCkBALkpAQC6OQEAuzUBALwtAQC90QAAvtEAAL/RAACwyQEAsckBALLZAQCz2QEAtMkBALXJAQC2GQEAtxkBALPJHQBCkwCARpMAgEqTAIBOkwCAtskdALXJHQBSkwCAuw0CALoNAgBWkwCAWpMAgL8NAgC+DQIAvQ0CALwNAgBekwCAo40dAGKTAIBmkwCApo0dAGqTAIBukwCApY0dAKpJAgCrSQIAcpMAgHaTAICuSQIAr0kCAKxJAgCtSQIAgA0AAIERAACCEQAAepMAgO/MAgB+kwCAgpMAgISQAgDjLAIAvigDAOHYAQCKkwCAhhAEAIfUAwCOkwCAkpMAgLNhAwCWkwCAmpMAgJ6TAICikwCAtnkDALVxAwCmkwCAu10DALpdAwCqkwCArpMAgL/hAAC++QAAvfEAALz5AACjoQIAspMAgLaTAIC6kwCAvpMAgKa5AgClsQIAwpMAgKudAgCqnQIAxpMAgMqTAICvIQEArjkBAK0xAQCsOQEAzpMAgNKTAIDvZB8A1pMAgNqTAIDekwCA4pMAgOaTAICADQAAgREAAIIVAADqkwCA4eAcAO6TAIDjiB8A8pMAgISAAgC+jAUAh0gFAIYsBAD6kwCA/pMAgO+kHgDv9B4A4QAeAOFQHwDjLB4A47AeAAKUAIAGlACACpQAgA6UAIASlACAFpQAgISEBACzcQEAGpQAgLUdAQC2FQEAHpQAgCKUAIAmlACAugEBALsBAQC89QAAvf0AAL71AAC/7QAAqK0GAKm9BgCqtQYAq8kGAKzZBgCt2QYArskGAK/BBgAqlACALpQAgDKUAIA2lACAOpQAgD6UAIBClACARpQAgLhtBwC5BQcAug0HALsBBwC8AQcAvQEHAL4BBwC/AQcAsIkGALGJBgCybQcAs2UHALR9BwC1ZQcAtmUHALdVBwCGkwCAozkGAEqUAID2kwCApl0GAE6UAIBSlACApVUGAKpJBgCrSQYAVpQAgFqUAICuvQcAr6UHAKy9BwCttQcAgG0AAIEJAACCGQAAXpQAgGKUAIC+nAMAZpQAgGqUAICGQAAAh2AAAG6UAIBylACAdpQAgHqUAIB+lACAgpQAgKiRBgCpkQYAqrkGAKu5BgCsqQYArakGAK7ZBgCv2QYAhpQAgIqUAICOlACAkpQAgJaUAICalACAnpQAgKKUAIC4cQEAuXEBALpxAQC7cQEAvNkBAL3BAQC+wQEAv/UBALCxBgCxuQYAsokGALOJBgC0UQEAtVEBALZRAQC3UQEAszEGAKaUAICqlACArpQAgLKUAIC2KQYAtSEGALaUAIC7fQYAunUGALqUAIC+lACAv5UBAL6VAQC9XQYAvF0GAMKUAICjdQYAxpQAgMqUAICmbQYAzpQAgNKUAIClZQYAqjEGAKs5BgCErAEAvqABAK7RAQCv0QEArBkGAK0ZBgCo3QIAqe0CAKrlAgCr/QIArOUCAK3tAgCu5QIArz0DANqUAIDelACA4pQAgL5kDADmlACA6pQAgO6UAIDylACAuMkDALnJAwC62QMAu9EDALz5AwC9+QMAvpkDAL+VAwCwRQMAsU0DALJFAwCzXQMAtEUDALVNAwC2RQMAt/kDAIFVAwCASQMAs2UCAIJVAwC1ZQIA9pQAgPqUAIC2ZQIAhgAMAIfkAwC7gQMAuokDAL2BAwC8mQMAv4EDAL6JAwCjLQIA/pQAgAKVAIAGlQCACpUAgKYtAgClLQIADpUAgKvJAwCqwQMAEpUAgBaVAICvyQMArsEDAK3JAwCs0QMA49gGAOGsBwDhnAYA45wGABqVAICEWA0AHpUAgCKVAIAmlQCAKpUAgC6VAIAylQCA7xwBADaVAIA6lQCA70AGAIB5AACBFQAAghEAAIQADAA+lQCA46wAAEKVAIDhpAEASpUAgO9wAACGyAwAh6QNAE6VAIBSlQCAVpUAgFqVAIC6yQUAu8kFALilBQC5zQUAvvkFAL/5BQC8zQUAvcUFALKlBQCzrQUAsBEGALERBgC2rQUAt50FALS1BQC1rQUAqmEGAKthBgConQYAqZUGAK5hBgCvYQYArHEGAK1xBgBelQCAYpUAgGaVAIBqlQCAbpUAgHKVAIC+sAwAdpUAgKghDgCpIQ4AqiEOAKs9DgCsJQ4ArS0OAK4lDgCviQ4ARpUAgHqVAIB+lQCAgpUAgIaVAICKlQCAjpUAgJKVAIC4UQ8AuV0PALpVDwC7bQ8AvHUPAL19DwC+dQ8Av2kPALD5DgCxoQ4AsqEOALOhDgC0oQ4AtakOALaRDgC3kQ4As6kOAJaVAIDWlACAmpUAgJ6VAIC2rQ4Ata0OAKKVAIC7ZQ4Auj0OAKaVAICqlQCAv20OAL5lDgC9dQ4AvHUOAIIZAACj7Q4AgGUAAIEZAACm6Q4ArpUAgLKVAICl6Q4AqnkOAKshDgC2lQCAupUAgK4hDgCvKQ4ArDEOAK0xDgCoYQ4AqXUOAKp9DgCrdQ4ArG0OAK31DgCu/Q4Ar/UOAIaAAQCHpAEAvpUAgMKVAIDGlQCAypUAgM6VAIDSlQCAuHUBALl9AQC6dQEAu8kBALzdAQC9xQEAvsUBAL/1AQCwjQ4AsZUOALKdDgCzkQ4AtFUBALVdAQC2VQEAt00BALP1DgDWlQCA2pUAgN6VAIDilQCAtnUOALXlDgDmlQCAu1EOALpJDgDqlQCA7pUAgL+ZAQC+kQEAvUUOALxJDgDylQCAo7EOAPaVAID6lQCApjEOAP6VAIAClgCApaEOAKoNDgCrFQ4ABpYAgAqWAICu1QEAr90BAKwNDgCtAQ4AqO0CAKktAwCqJQMAqz0DAKwlAwCtLQMAriUDAK+ZAwAOlgCAEpYAgBaWAIAalgCAHpYAgCKWAIC+dAIAKpYAgLiNAwC5kQMAupEDALulAwC8vQMAvXUAAL59AAC/dQAAsOkDALHpAwCy+QMAs/EDALTZAwC12QMAtrkDALe1AwCArQAAgbUAAIK9AACzoQMALpYAgLWhAwC2oQMAMpYAgITgAgA2lgCAuiEDALshAwC8IQMAvSkDAL4RAwC/EQMAo+0DAIXABACFtG8AOpYAgD6WAICm7QMApe0DAEKWAICrbQMAqm0DAIZIBQCHbAMAr10DAK5dAwCtZQMArG0DAEaWAIDjAA4A71hsAOG0DwBKlgCATpYAgFKWAIBWlgCAoakDAKD9DwCjwQMAog0DAOHgAwDv4A8A4+QDAFqWAIBelgCAYpYAgIQEBAC+BAQAZpYAgO+UAwBqlgCAbpYAgHKWAIDj1AMAdpYAgOFUAAB6lgCAfpYAgIKWAICGlgCAgA0AAIEVAACCHQAAipYAgI6WAICSlgCAj5EbAO+cDgCE4AcA4dQOAJqWAIDj8A4AnpYAgKKWAICGGAcAh5AEAJnlFwCY5RcAm+kLAJo5CwCd/QoAnPELAJ9VDwCeXQ8AkSkfAJDNGwCTJR8Aks0fAJXREwCUKRMAlxkXAJZ1EwCM4RAAjSUQAI4tEACP+QwAJpYAgJaWAICKORQAi5UUAITpGACFBRgAhuUYAIfxFACmlgCAqpYAgIIxHACDFRwAnKkEAK6WAICylgCAtpYAgLqWAIC+lgCAmtEEAJt9BACUTQ0AleUIAJblCACXtQgAwpYAgMaWAICSWQwAk1kMAKGRAADKlgCAowF8AKKZAACluXwApJF8AKeZeACm4X0AqYF5AKiheACriXQAqgF0AK0BcACsWXQAr4VwAK6dcACx4WwAsAFsALMBaACyHWwAtfVoALT1aADOlgCA0pYAgNaWAIDalgCA3pYAgOKWAIDmlgCA6pYAgO6WAIDylgCAqD0HAKmVBwCqlQcAq6kHAKzdBwCtxQcArsUHAK8dBgD2lgCAgh0AAIEdAACAHQAA+pYAgP6WAIAClwCAvmABALgZBgC5GQYAuikGALslBgC8IQYAvSEGAL4hBgC/IQYAsHEGALFxBgCycQYAs3EGALRNBgC1NQYAtj0GALctBgCzHQcACpcAgIYoAACHqAAADpcAgLZFBwC1VQcAEpcAgLu1BgC6tQYAFpcAgBqXAIC/8QYAvokGAL2lBgC8pQYAHpcAgKNZBwAilwCAJpcAgKYBBwAqlwCALpcAgKURBwCq8QYAq/EGADKXAIA2lwCArs0GAK+1BgCs4QYAreEGAKipBQCptQUAqr0FAKs9AgCsJQIArVECAK5RAgCvUQIAOpcAgD6XAIBClwCARpcAgIQ8AwBKlwCATpcAgFKXAIC4pQIAua0CALqlAgC7vQIAvKUCAL2tAgC+pQIAv30DALAxAgCxMQIAshkCALMZAgC09QIAta0CALalAgC3nQIAVpcAgFqXAIBelwCAszkFAGKXAIC1oQIAtt0CAGaXAIBqlwCAbpcAgLr5AgC7+QIAvMECAL3BAgC+PQIAv2UCAHKXAICmgQIApf0CAHqXAICjZQUAvlh8AIbYfACHnHwArzkCAK5hAgCtnQIArJ0CAKulAgCqpQIAfpcAgIKXAICohQIAqZUCAKqVAgCrpQIArL0CAK3VAgCu0QIAr9ECAIGFAQCAhQEAhpcAgILtAQCKlwCAjpcAgJKXAICWlwCAuHUBALl9AQC6dQEAu80BALzVAQC93QEAvskBAL/BAQCwtQIAsb0CALKBAgCzgQIAtFEBALVRAQC2UQEAt1EBAJqXAICelwCAopcAgKaXAIDhMAYA4WQHAOMoBgDjxAYAhCB9AKqXAIDvbAAA7xgGAK6XAICylwCAtpcAgLqXAICzXQIAvkh8AL6XAIDClwCAxpcAgLYVAgC1dQIAypcAgLs5AgC6MQIAzpcAgNKXAIC/1QEAvtUBAL0VAgC8FQIAo519AHaXAIDWlwCA2pcAgN6XAICm1X0ApbV9AOKXAICr+X0AqvF9AOaXAIDqlwCArxV+AK4VfgCt1X0ArNV9AIBNAACBVQAAglUAALOxfgDulwCAtWV/ALZtfwDylwCAhkADAIcEAwC66X8Au+l/ALz5fwC9+X8Avt1/AL/NfwD2lwCA+pcAgAaXAID+lwCAApgAgAaYAIAKmACADpgAgKhtfgCpXX4AqlV+AKuFfwCsgX8ArYF/AK6BfwCvgX8AsEF/ALFBfwCyQX8As0F/ALR1fwC1ZX8Atm1/ALdlfwC4XX8AuS1/ALolfwC7PX8AvC1/AL0dfwC+FX8Av/UAAKP9fwASmACAFpgAgBqYAIAemACApiF+AKUpfgAimACAq6V+AKqlfgAmmACAKpgAgK+BfgCukX4ArbV+AKy1fgAumACAMpgAgDaYAIA6mACAPpgAgEKYAIBGmACASpgAgIA9AACBCQAAghkAAE6YAIBSmACAhLgBAL6wAQBWmACAqK0BAKnVAQCq1QEAqw0BAKwVAQCtGQEArgkBAK8JAQCGAAQAhwQBAFqYAIBemACAYpgAgGaYAIBqmACAbpgAgLjtAAC5hQAAuo0AALuFAAC8nQAAvYUAAL6NAAC/hQAAsHkBALF5AQCy7QAAs+UAALT9AAC15QAAtuUAALfVAACzXQIAcpgAgHaYAIB6mACAfpgAgLaZAgC1nQIAgpgAgLu9AgC6vQIAhpgAgIqYAIC/IQMAvjkDAL0xAwC8OQMAvigDAKMZAgCOmACAkpgAgKbdAgCWmACAmpgAgKXZAgCq+QIAq/kCAJ6YAICimACArn0DAK9lAwCsfQMArXUDAL7IBACmmACAqpgAgL7EBQCumACAspgAgLaYAIC6mACAgD0AAIEJAACCGQAAvpgAgMKYAICEOAMAypgAgM6YAIDveAIA0pgAgIZIBACHVAMA1pgAgNqYAIDemACA4pgAgOaYAIDqmACA7pgAgPKYAIDjVAIA9pgAgOFAAQD6mACA/pgAgOMkfwACmQCA4Zx8AAaZAIAKmQCADpkAgBKZAICEbAUAFpkAgBqZAIAemQCAIpkAgO8YfwAmmQCAKpkAgLPxAgAumQCAMpkAgDqZAIA+mQCAtukCALXhAgBCmQCAu3EBALppAQCHoAUAhswEAL85AQC+WQEAvVEBALxhAQDhQH8ARpkAgOM4fgCEwAQAgtkAAO8UAACApQAAgdkAAEqZAIDjwAAATpkAgOHUAQBSmQCAVpkAgO+EfgBamQCAqs0BAKvVAQBemQCAYpkAgK79AQCvnQEArMUBAK31AQBmmQCAo1UCAGqZAIBumQCApk0CAHKZAIB2mQCApUUCAMaYAIA2mQCAepkAgH6ZAICCmQCAhpkAgIqZAICOmQCAqJkGAKmZBgCq7QYAq/0GAKzlBgCt7QYAruUGAK/dBgCwpQYAsa0GALKlBgCzuQYAtK0GALVVBwC2UQcAt00HALh1BwC5fQcAunUHALtJBwC8WQcAvVkHAL5JBwC/RQcAs0UGAJKZAICWmQCAmpkAgJ6ZAIC2TQYAtU0GAKKZAIC7SQYAukEGAIYIAACHjAAAv7EHAL5JBgC9TQYAvFEGAIJdAACjAQYAgEUAAIFdAACmCQYAqpkAgK6ZAIClCQYAqgUGAKsNBgCymQCAtpkAgK4NBgCv9QcArBUGAK0JBgCoTQYAqVUGAKpVBgCriQYArLEGAK29BgCuqQYAr6kGAKaZAIC6mQCAvpkAgMKZAIDGmQCAypkAgM6ZAIDSmQCAuEkBALlJAQC6WQEAu1kBALxJAQC9SQEAvt0BAL/VAQCw3QYAsa0GALKlBgCzjQYAtJkGALWZBgC2jQYAt4UGALPdBgDWmQCA2pkAgN6ZAIDimQCAtj0GALU5BgDmmQCAu2kGALoZBgDqmQCA7pkAgL9dBgC+XQYAvVkGALxxBgDymQCAo5kGAPaZAID6mQCApnkGAP6ZAIACmgCApX0GAKpdBgCrLQYABpoAgAqaAICuGQYArxkGAKw1BgCtHQYAqNUCAKndAgCq4QIAq+ECAKw1AwCtPQMArjUDAK8tAwCAzQMAgQkAAIIZAAAOmgCAEpoAgIQYAgC+dAMAGpoAgLjpAwC56QMAuokDALuFAwC8nQMAvYEDAL6BAwC/tQMAsFUDALFdAwCyVQMAs+kDALT5AwC1+QMAtukDALfhAwCGIAwAhxADAB6aAIAimgCAJpoAgCqaAIAumgCA71wCADKaAIDhFAAANpoAgOOIAgC++AwAOpoAgD6aAIBCmgCAu/kDALrxAwC+gA0ARpoAgL9dAwC+XQMAvV0DALzhAwCzCQIASpoAgE6aAIBSmgCAVpoAgLbdAwC13QMAWpoAgKipBgCpqQYAqrkGAKu5BgCsqQYArakGAK4dBQCvFQUAXpoAgGKaAIBmmgCAapoAgG6aAIBymgCAdpoAgHqaAIC4GQUAuS0FALolBQC7yQUAvNkFAL3FBQC+zQUAv8UFALBtBQCxdQUAsnUFALNFBQC0XQUAtT0FALY1BQC3KQUA4fQGAOFUBwDjFAYA47wGAIEJAACAqQAAfpoAgII5AACE7A0AgpoAgIeIDACGDAwAipoAgI6aAIDvzAcA78QHAKMpAwCSmgCAlpoAgJqaAICemgCApv0CAKX9AgCimgCAq9kCAKrRAgCmmgCAqpoAgK99AgCufQIArX0CAKzBAgCoPQ4AqY0OAKqFDgCrnQ4ArIUOAK2NDgCuuQ4Ar7UOAIaaAICumgCAspoAgLaaAIC6mgCAvpoAgMKaAIDGmgCAuL0OALllDwC6bQ8Au2UPALx9DwC9ZQ8Avm0PAL9lDwCw1Q4Asd0OALLVDgCzoQ4AtJUOALWdDgC2lQ4At40OALMNDgDKmgCAzpoAgNKaAIDWmgCAtg0OALUNDgDamgCAuxkOALoRDgDemgCAFpoAgL9ZDgC+UQ4AvXUOALwBDgDimgCAo0kOAOaaAIDqmgCApkkOAO6aAIDymgCApUkOAKpVDgCrXQ4AhKQDAPaaAICuFQ4Arx0OAKxFDgCtMQ4AqLEOAKmxDgCqzQ4Aq8UOAKzdDgCtxQ4ArsUOAK/1DgCA7QEAgfEBAILxAQD6mgCAhpABAIe0AQD+mgCAApsAgLjFAQC5zQEAusUBALvdAQC8zQEAvf0BAL6ZAQC/lQEAsI0OALFBAQCyQQEAs0EBALRBAQC1QQEAtkEBALdBAQCzRQ4ABpsAgAqbAIAOmwCAEpsAgLZFDgC1VQ4AFpsAgLuFAQC6SQ4AGpsAgB6bAIC/hQEAvoUBAL2VAQC8lQEAIpsAgKMBDgAmmwCAKpsAgKYBDgAumwCAMpsAgKURDgCqDQ4Aq8EBADabAIA6mwCArsEBAK/BAQCs0QEArdEBAKgtAwCpPQMAqjUDAKuJAwCsmQMArZkDAK6JAwCvgQMAPpsAgEKbAIBGmwCASpsAgE6bAIBSmwCAVpsAgFqbAIC4rQMAuWUAALptAAC7ZQAAvH0AAL1lAAC+bQAAv2UAALDJAwCxyQMAsqkDALOlAwC0vQMAtaEDALahAwC3lQMAgL0AAIEJAACCGQAAXpsAgGKbAIC+2AMAapsAgG6bAICErAIAcpsAgIfoAwCGDAQAdpsAgHqbAIB+mwCAgpsAgLP9AwCGmwCAipsAgI6bAICSmwCAtlkDALVRAwCWmwCAu00DALpNAwCamwCAnpsAgL8lAwC+OQMAvTEDALw9AwCimwCAppsAgKqbAICumwCA71gPALKbAIC2mwCAupsAgOOQDgC+mwCA4bAPAMKbAIDGmwCAypsAgM6bAIDSmwCAgHUAAIF9AACCdQAAhBgFAO88AwDamwCAvhQFAN6bAIDj0AMA4psAgOFAAADmmwCAhtAEAIdYBQDqmwCA7psAgPKbAID2mwCA+psAgP6bAIACnACABpwAgAqcAIDvrA8AhOwEAOEQDgAOnACA41QBABKcAIAWnACAGpwAgB6cAICj/QIAIpwAgCacAIAqnACALpwAgKZZAgClUQIAMpwAgKtNAgCqTQIANpwAgDqcAICvJQIArjkCAK0xAgCsPQIAqJkGAKmZBgCqrQYAq70GAKylBgCtrQYArqUGAK/ZBgDWmwCAghEAAIEZAACAwQcAPpwAgEKcAIC+cAMARpwAgLhJBwC5SQcAul0HALtVBwC8TQcAvXEHAL51BwC/bQcAsKkGALGpBgCyuQYAs7EGALSZBgC1mQYAtnkHALd5BwC1NQYASpwAgE6cAIC2NQYAhjAAAIdcAwCzPQYAUpwAgL19BgC8dQYAv0UGAL5FBgBmmwCAVpwAgLt1BgC6dQYAo2UGAFqcAIBenACAYpwAgGacAICmbQYApW0GAGqcAICrLQYAqi0GAG6cAIBynACArx0GAK4dBgCtJQYArC0GAKhVBgCpWQYAqm0GAKthBgCsaQYArWkGAK6ZBgCvmQYAdpwAgHqcAIB+nACAgpwAgIacAICKnACAjpwAgJKcAIC4+QYAufkGALqNBgC7hQYAvJ0GAL2FBgC+hQYAv7UGALDpBgCx6QYAsvkGALP5BgC06QYAtd0GALbJBgC3yQYAs+UGAJacAICanACAnpwAgKKcAIC26QYAteEGAKacAIC7LQYAui0GAKqcAICunACAvxkGAL4tBgC9LQYAvC0GAIIVAACjoQYAgGEAAIFhAACmrQYAspwAgL6QAQClpQYAqmkGAKtpBgCEpAEAupwAgK5pBgCvXQYArGkGAK1pBgCohQIAqY0CAKqVAgCruQIArNUCAK3dAgCu1QIAr80CAIaAHACHZAMAvpwAgL5gAwDCnACAxpwAgMqcAIDOnACAuHUDALl9AwC6dQMAu8kDALzZAwC92QMAvskDAL/BAwCwvQIAsY0CALKFAgCzTQMAtFUDALVdAwC2VQMAt00DALMdAgDSnACAhAgDANacAIDanACAtl0CALVdAgDenACAu0kCALp5AgDinACA5pwAgL+ZAwC+kQMAvZkDALxRAgCwAAAAo1kCAOqcAIDunACAphkCAPKcAID2nACApRkCAKo9AgCrDQIA+pwAgP6cAICu1QMAr90DAKwVAgCt3QMAAp0AgAadAIAKnQCA76wGAA6dAIASnQCAFp0AgBqdAIC+6BwAHp0AgCKdAIAqnQCALp0AgOGABwAynQCA42AGAIBdAACBYQAAgmEAALN9AQA2nQCAtW0BALZlAQA6nQCAhiAdAIdYHQC6+QEAu/EBALzZAQC92QEAvrEBAL+xAQDvoAAAPp0AgEKdAIBGnQCASp0AgE6dAIBSnQCA71wBAIRsHADhzAYAVp0AgOMcBgDjSAAAWp0AgOEwAQBenQCAo/EBAGKdAICFABQAZp0AgGqdAICm6QEApeEBAG6dAICrfQEAqnUBAHKdAIB2nQCArz0BAK49AQCtVQEArFUBAKjtHQCpLR4AqjkeAKs5HgCsKR4ArSkeAK6dHgCvkR4AJp0AgHqdAIB+nQCAgp0AgIadAICC+QAAgfEAAID9AAC4qR4AuakeALpJHwC7SR8AvFkfAL1FHwC+TR8Av0UfALDxHgCx+R4AssEeALPBHgC0uR4AtbkeALatHgC3pR4AsBEfALERHwCyER8AsyUfALQlHwC1KR8Atl0fALdRHwC4cR8AuXkfALpBHwC7QR8AvJUAAL2dAAC+lQAAv40AAIqdAIC2nACAjp0AgJKdAICWnQCAmp0AgIb4AwCH0AAAqM0fAKnVHwCq0R8Aq70fAKytHwCtcR8ArnEfAK9xHwCzOR4Anp0AgKKdAICmnQCAqp0AgLaRHgC1RR4Arp0AgLu1HgC6tR4Asp0AgLadAIC/jR4AvoEeAL2RHgC8pR4Aup0AgKN9HgC+nQCAwp0AgKbVHgDGnQCAyp0AgKUBHgCq8R4Aq/EeAM6dAIDSnQCArsUeAK/JHgCs4R4ArdUeAKhVAQCpgQAAqoEAAKuBAACsgQAArYkAAK6xAACvsQAA1p0AgNqdAIDenQCA4p0AgOadAIDqnQCA7p0AgPKdAIC4ZQAAuW0AALplAAC7fQAAvGUAAL1tAAC+ZQAAv90DALChAACxrQAAsqUAALO5AAC0qQAAtZ0AALaVAAC3XQAA9p0AgIIdAACBHQAAgB0AAPqdAID+nQCAAp4AgL4UAgAKngCAhKgCAA6eAIASngCAFp4AgBqeAIAengCAjwAAALNJAwAingCAhugEAIesAgAmngCAtkkDALVJAwAqngCAuykDALolAwAungCAMp4AgL8ZAwC+LQMAvS0DALwxAwA2ngCAo40DADqeAIA+ngCApo0DAEKeAIBGngCApY0DAKrhAwCr7QMASp4AgE6eAICu6QMAr90DAKz1AwCt6QMAvoQDAFKeAIBWngCAWp4AgF6eAIBingCAZp4AgGqeAICAPQAAgQkAAIIZAABungCAcp4AgHqeAICENAMAfp4AgLMtAQCCngCAh8wCAIZMBQCGngCAti0BALUtAQCKngCAu0kBALp5AQCOngCAkp4AgL+9AQC+vQEAvbkBALxRAQDheB8Alp4AgOPQHwCangCAnp4AgOGUAQCingCA42gDAKaeAICqngCArp4AgO+IAwCyngCAtp4AgO+sHwC6ngCAvp4AgMKeAIDGngCAyp4AgM6eAIDSngCA1p4AgO9EHgDangCA4dweAN6eAIDjHB4A4p4AgOqeAIDungCA8p4AgIFpAACAZQAAo+UBAIJ9AACl5QEA9p4AgIQUBACm5QEAvigEAPqeAICrgQEAqrEBAK1xAQCsmQEAr3UBAK51AQCoIQYAqS0GAKolBgCrPQYArCUGAK0tBgCuXQYAr00GAHaeAIDmngCAhggDAIeMAwD+ngCAAp8AgAafAIAKnwCAuOkGALnpBgC6jQYAu4UGALydBgC9hQYAvo0GAL+FBgCwPQYAsQ0GALIFBgCz7QYAtPkGALX5BgC27QYAt+UGALDNBwCx1QcAstEHALPtBwC09QcAtf0HALbpBwC36QcAuN0HALklBwC6LQcAuyUHALw9BwC9JQcAvi0HAL8lBwAOnwCAEp8AgAaeAIAWnwCAGp8AgB6fAIAinwCAJp8AgKgVBgCpGQYAqu0HAKv9BwCs7QcArd0HAK7VBwCvuQcAswUGACqfAIAunwCAMp8AgDafAIC2PQYAtQUGADqfAIC7cQYAumkGAD6fAIBCnwCAv1kGAL5RBgC9WQYAvGUGAEafAICjQQYASp8AgE6fAICmeQYAUp8AgIS0AQClQQYAqi0GAKs1BgC+gAEAWp8AgK4VBgCvHQYArCEGAK0dBgCoNQYAqT0GAKo1BgCrWQYArHUGAK2lAQCurQEAr6UBAIDpAACB6QAAgv0AAL8kAQCGMA8Ah+QAAF6fAIBinwCAuMUAALnNAAC6xQAAu90AALzNAAC9/QAAvvUAAL+dAACw3QEAsSUBALItAQCzIQEAtCEBALUhAQC2IQEAtyEBALvBAgC6OQIAZp8AgGqfAIC/xQIAvsUCAL3VAgC82QIAs50FAG6fAIBynwCAdp8AgIwAAAC2BQIAtd0FAHqfAICqfQIAq4UCAH6fAICCnwCAroECAK+BAgCsnQIArZECAIafAICj2QUAip8AgI6fAICmQQIAkp8AgJafAIClmQUAgpFqAIORagCanwCAnp8AgIa5FgCH6RcAhBEWAIWZFgCKoRIAi6ESAKKfAICmnwCAjpEeAI9ZHgCMmRMAjREeAJJxGgCT5RoAqp8AgO/oJACW8QYAlwUGAJTlGgCVGQYAmikCAJvFAgCunwCAsp8AgLafAIDhKBsAnN0CAOMgDwCfIQcAnsEHAJ01GwCcLRsAm6EbAJr5HwCZOR8AmLEfAJcBEgCWIRMAlSkTAJRRFgCTGRcAkjEXAJGxFwCQKWsAj1FrAOOsBwCEBA0A4RwHAIANAACBNQAAgj0AALqfAIC+nwCAwp8AgL4gDQDKnwCAzp8AgO9MBwCGWAwAh2ANANKfAIDWnwCA2p8AgN6fAICEXA8A4p8AgO8IAADvhAYA4ZABAOGwBgDj4AAA42QGAOafAIDqnwCA7p8AgPKfAID2nwCA+p8AgL4ADwCEQA4A/p8AgAKgAIAGoACACqAAgA6gAIASoACAFqAAgBqgAICj1QMAotUDAKExAwCgLQcAVp8AgMafAIAeoACAIqAAgCagAICCmQAAgZEAAICZAACoTQ0AqZ0NAKqVDQCrJQ4ArD0OAK0RDgCuEQ4ArxEOALB9DgCxDQ4AsgUOALMtDgC0OQ4AtTkOALYtDgC3JQ4AuOkOALnpDgC6wQ4Au8EOALy5DgC9nQ4AvpUOAL+NDgCzPQ0AKqAAgC6gAIAyoACANqAAgLaxDgC1lQ4AOqAAgLvpDgC6mQ4AhogAAIfkAAC/3Q4Avt0OAL3ZDgC88Q4APqAAgKN5DQC+hAEAhIAGAKb1DgBCoACARqAAgKXRDgCq3Q4Aq60OAEqgAIBOoACArpkOAK+ZDgCstQ4ArZ0OALIFNQCzGTQAsG0wALENNQBSoACAVqAAgLQBKAC1PSkAWqAAgF6gAIBioACAZqAAgGqgAIBuoACAcqAAgHagAICiRQEAo9UBAHqgAIChTQEAps0FAKcBOACkAQQApX0FAKoBPACrRT0AqEk5AKnlOQCudTEAr30xAKxdPQCtATAAqO0OAKn1DgCqCQ4AqwkOAKwZDgCtGQ4Arg0OAK8tDgB+oACAgqAAgIagAICKoACAjqAAgJKgAICWoACAmqAAgLgdDgC5JQ4Aui0OALslDgC8PQ4Avd0BAL7VAQC/zQEAsFUOALFdDgCyVQ4Asy0OALQ1DgC1JQ4Ati0OALclDgCzgQ0AnqAAgKKgAICqoACArqAAgLaZDQC1kQ0AvlQEALuZDQC6kQ0AhogEAIe8AwC/4Q0AvvENAL35DQC8gQ0AgkkAAKPFDQCA9QMAgUkAAKbdDQCyoACAtqAAgKXVDQCq1Q0Aq90NALqgAIC+oACArrUNAK+lDQCsxQ0Arb0NAKgdAgCpRQIAql0CAKtVAgCseQIArXkCAK6JAwCviQMAwqAAgMagAIDKoACAzqAAgIT8BQDSoACA1qAAgNqgAIC4iQMAuWUDALptAwC7ZQMAvH0DAL1lAwC+bQMAv2UDALDBAwCxwQMAssEDALPBAwC0wQMAtcEDALbBAwC3wQMA3qAAgOKgAIDmoACA6qAAgO6gAIDhpAEA8qAAgOPADgC+aAQA9qAAgPqgAIDvHAEA/qAAgAKhAIAGoQCACqEAgLOVAwAOoQCAEqEAgBqhAIAeoQCAtrkDALWxAwAioQCAu0UCALpFAgCGqAQAh6QFAL9FAgC+RQIAvVUCALxVAgDh4A4A4SwMAOMIDgDj1A4AgK0AAIHRAACC0QAAJqEAgCqhAIAuoQCAMqEAgDahAIA6oQCAPqEAgO+IDgDvLA4AoxUDAEKhAICFxCsARqEAgEqhAICmOQMApTEDAE6hAICrxQIAqsUCAFKhAIBWoQCAr8UCAK7FAgCt1QIArNUCAKgNBgCpFQYAql0GAKtVBgCseQYArXkGAK65BgCvuQYAFqEAgFqhAIBeoQCAYqEAgGahAIBqoQCAbqEAgHKhAIC4TQcAuVUHALpRBwC7aQcAvHkHAL1lBwC+bQcAv2UHALDJBgCxyQYAst0GALPVBgC0zQYAtXUHALZ9BwC3dQcAs9UGAHahAIB6oQCAfqEAgIKhAIC2+QYAtfEGAIahAIC7DQYAug0GAIYIAACHLAAAv7EHAL4JBgC9AQYAvAkGAIJRAACjkQYAgEEAAIFBAACmvQYAiqEAgI6hAICltQYAqkkGAKtJBgCSoQCAlqEAgK5NBgCv9QcArE0GAK1FBgCwsQYAsbEGALLNBgCzwQYAtMEGALXJBgC28QYAt/EGALgFAQC5DQEAugUBALsdAQC8BQEAvQ0BAL4FAQC/uQEAmqEAgJ6hAICioQCApqEAgKqhAICuoQCApqAAgLKhAICoLQYAqTUGAKo1BgCr8QYArNEGAK3RBgCu0QYAr9EGALPdBgC2oQCAuqEAgL6hAIDCoQCAtjEGALU5BgDGoQCAuxUGALoVBgDKoQCAzqEAgL9tBgC+ZQYAvXUGALx5BgDSoQCAo5kGANahAIDaoQCApnUGAN6hAIDioQCApX0GAKpRBgCrUQYA5qEAgOqhAICuIQYArykGAKw9BgCtMQYAqNUCAKndAgCq4QIAq+ECAKxRAwCtUQMArlEDAK9RAwDuoQCA8qEAgL7sAwD6oQCA/qEAgAKiAIAGogCACqIAgLjpAwC56QMAuokDALuFAwC8nQMAvYEDAL6BAwC/tQMAsDEDALExAwCyNQMAs+kDALT5AwC1+QMAtukDALfhAwCAbQMAgaUAAIKtAACzZQIADqIAgLXVAwC23QMAEqIAgITgAgAWogCAuvkDALv5AwC87QMAvTEDAL4xAwC/MQMAh+wDAIZkPACyAAAAGqIAgB6iAIDjCAQAIqIAgOHsBgAmogCA7wAGACqiAIAuogCAMqIAgDaiAIA6ogCAPqIAgEKiAIBGogCASqIAgE6iAIDjoAMAUqIAgOGoAQBWogCA7/ADAIIdAACBHQAAgB0AAFqiAIBeogCAYqIAgGqiAIC+TD0AbqIAgKOhAwC+QDwApRECAHKiAIB2ogCAphkCAIRsAgB6ogCAqz0CAKo9AgCt9QIArCkCAK/1AgCu9QIAhkA8AIe0PQB+ogCAgqIAgIaiAICKogCAjqIAgO9EBgCSogCA4dQGAJaiAIDjDAcAmqIAgJ6iAICiogCApqIAgLP1AQCqogCArqIAgLKiAIC2ogCAtkUBALXlAQC6ogCAuzEBALopAQC+ogCAwqIAgL8dAQC+HQEAvRkBALwlAQCoLT4AqTU+AKo9PgCrNT4ArC0+AK2FPgCuhT4Ar7k+AGaiAIDGogCAyqIAgM6iAICAGQAAgRkAAIIFAADSogCAuLk+ALm5PgC6ST8Au0k/ALxZPwC9WT8Avk0/AL9BPwCwrT4AsbU+ALKxPgCzjT4AtJk+ALWZPgC2iT4At4k+AKO1PgCEjAIA1qIAgNqiAIDeogCApgU+AKWlPgDiogCAq3E+AKppPgCGCAAAh2gDAK9dPgCuXT4ArVk+AKxlPgDmogCAs5E/AOqiAIDuogCAtlk/APKiAID2ogCAtbk/ALp1PwC7fT8A+qIAgP6iAIC+QT8Av0E/ALxZPwC9VT8AsJU+ALGdPgCyqT4As6U+ALShPgC1oT4AtqE+ALehPgC45T4Aue0+ALrlPgC7/T4AvO0+AL3dPgC+1T4AvxkBAAKjAIAGowCACqMAgA6jAIASowCA9qEAgBajAIAaowCAqF0+AKkhPgCqPT4AqzU+AKwVPgCt/T4ArvU+AK/tPgCj1T4AHqMAgCKjAIAmowCAKqMAgKYdPgCl/T4ALqMAgKs5PgCqMT4AMqMAgDajAICvBT4ArgU+AK0RPgCsHT4AgREAAIANAAA6owCAghkAAD6jAIBCowCAhJQBAL4QAACGQAcAhwABAEqjAIBOowCAUqMAgFajAIBaowCAXqMAgKiNAgCplQIAqpUCAKvNAgCs2QIArdkCAK7NAgCvxQIAYqMAgGajAIBqowCAbqMAgIwAAAByowCAdqMAgHqjAIC4HQMAucEDALrBAwC7wQMAvMEDAL3JAwC+8QMAv/EDALCJAgCxiQIAsikDALMpAwC0OQMAtTkDALYpAwC3JQMAsx0CAH6jAICCowCAhqMAgIqjAIC2WQIAtVECAI6jAIC7TQIAuk0CAJKjAICWowCAv/0DAL79AwC9/QMAvP0DAJqjAICeowCAoqMAgKajAIDhDD4AqqMAgOOoPwCuowCAgT0AAIAxAADvUD8Agh0AALKjAIC++AQAhhgFAIdMAwCEDAIA48wAALqjAIDhvAEAvqMAgMKjAIDGowCAyqMAgM6jAICELAUA0qMAgNajAIDaowCA7xAAAN6jAIDiowCAo90DAOajAIDqowCA7qMAgPKjAICmmQMApZEDAPajAICrjQMAqo0DAPqjAID+owCArz0CAK49AgCtPQIArD0CAAKkAIAGpACACqQAgA6kAIASpACAFqQAgBqkAIDvKD4AHqQAgOE8PgAipACA4zgBAIApAACBFQAAghEAACqkAICzMQIAvsgEAITABAAupACAMqQAgLYpAgC1IQIANqQAgLvNAQC6zQEAOqQAgD6kAIC/dQEAvskBAL3BAQC8yQEAqOkFAKnpBQCq+QUAq/kFAKzpBQCt6QUArjkGAK85BgC2owCAJqQAgIaIAACHQAMAQqQAgEakAIBKpACATqQAgLjRBgC52QYAuuEGALvhBgC8kQYAvZEGAL6RBgC/kQYAsEkGALFJBgCyXQYAs1UGALRNBgC18QYAtvEGALfxBgCjcQUAUqQAgFakAIBapACAXqQAgKZpBQClYQUAYqQAgKuNBgCqjQYAZqQAgGqkAICvNQYArokGAK2BBgCsiQYAbqQAgLPRBwBypACAdqQAgLbxBwB6pACAfqQAgLXBBwC60QcAu90HAIKkAICGpACAvrkHAL+5BwC8xQcAvbkHALhpBgC5aQYAuokGALuJBgC8mQYAvZkGAL6JBgC/iQYAsBEGALEdBgCyFQYAs2kGALR5BgC1eQYAtmkGALdhBgCoSQYAqVUGAKpdBgCrVQYArE0GAK11BgCucQYAr3EGAEajAICCHQAAgR0AAIAdAACKpACAjqQAgJKkAIC+cAEAo5UGAJqkAICGKAAAh0gBAJ6kAICmtQYApYUGAKKkAICrmQYAqpUGAKakAICqpACAr/0GAK79BgCt/QYArIEGAK6kAICzFQYAsqQAgLakAIC2PQYAuqQAgL6kAIC1NQYAutkBALvZAQDCpACAxqQAgL59AQC/ZQEAvH0BAL11AQCovQUAqckFAKrZBQCr0QUArPkFAK35BQCuKQIArykCAMqkAIDOpACA0qQAgNakAICMAAAA2qQAgN6kAIDipACAuO0CALmFAgC6gQIAu4ECALyFAgC9jQIAvrECAL+xAgCwWQIAsVkCALLtAgCz5QIAtP0CALXlAgC25QIAt9UCAKNRBQDmpACA6qQAgO6kAIDypACApnkFAKVxBQD2pACAq50CAKqdAgD6pACA/qQAgK8hAgCuOQIArTECAKw5AgCBbQAAgG0AAAKlAICCBQAAvlwMAAqlAIAOpQCA79AGAITsAwDhHAUAEqUAgOP8BwAWpQCAGqUAgIbYDACHvAwAqIUCAKmVAgCqlQIAq6UCAKy9AgCt1QIArtECAK/RAgAepQCAIqUAgCalAIAqpQCALqUAgDKlAIA2pQCAOqUAgLh1AQC5fQEAunUBALvJAQC82QEAvdkBAL7JAQC/wQEAsLUCALG9AgCygQIAs4ECALRRAQC1UQEAtlEBALdRAQA+pQCAhAQNAEKlAIBGpQCAvhwMAEqlAIDvHAAA76AGAOGQAQDhRAcA43AGAOOYBgBOpQCAUqUAgFalAIBapQCAs10CAF6lAIBipQCAZqUAgGqlAIC2FQIAtXUCAG6lAIC7OQIAujECAHKlAIB6pQCAv9UBAL7VAQC9FQIAvBUCAKOdDQAGpQCAdqUAgH6lAICCpQCAptUNAKW1DQCGpQCAq/kNAKrxDQCGCAMAh2ADAK8VDgCuFQ4ArdUNAKzVDQCAkQ8AgZkPAIKhDwCzpQ4AiqUAgLWhDgC2eQ8AjqUAgJKlAICWpQCAukUPALtdDwC8RQ8AvU0PAL5FDwC//Q8AqFUOAKldDgCqYQ4Aq30OAKxlDgCttQ8Arr0PAK+1DwCapQCAnqUAgKKlAICmpQCAqqUAgK6lAICypQCAtqUAgLhVDwC5dQ8Aun0PALt1DwC8bQ8AvREPAL4RDwC/EQ8AsM0PALHVDwCy3Q8As9UPALTNDwC1dQ8AtnEPALdxDwCj6Q8AuqUAgL6lAIDCpQCAxqUAgKY1DgCl7Q8AyqUAgKsRDgCqCQ4AzqUAgNKlAICvsQ4ArgkOAK0BDgCsCQ4A1qUAgIIdAACBHQAAgB0AANqlAIDepQCA4qUAgL6UAQCErAEA5qUAgIfgAQCGzAAA6qUAgO6lAIDypQCAlqQAgKhtDgCpiQEAqpkBAKuRAQCswQEArckBAK75AQCv+QEAhKAAAPalAID6pQCA/qUAgAKmAIAGpgCACqYAgA6mAIC4xQAAuc0AALrFAAC73QAAvM0AAL39AAC+9QAAv50AALBBAQCxQQEAskEBALNBAQC0QQEAtUEBALZBAQC3QQEAsxECABKmAIAWpgCAGqYAgB6mAIC2SQIAtUkCACKmAIC7hQIAuoUCACamAIAqpgCAv4UCAL6FAgC9lQIAvJUCAIU8GgCjVQIALqYAgDKmAICmDQIANqYAgDqmAIClDQIAqsECAKvBAgA+pgCAQqYAgK7BAgCvwQIArNECAK3RAgCCGQAARqYAgIAZAACBGQAASqYAgE6mAIBSpgCAWqYAgL4ABABepgCAYqYAgGamAIBqpgCAbqYAgHKmAIB2pgCA7+gOAHqmAICG6AQAh1ADAH6mAICCpgCA74ACAIamAIDhlAEAiqYAgONYAQCOpgCA4wAOAJKmAIDhaA0AlqYAgKhxAgCpcQIAqnECAKupAgCsuQIArbkCAK6pAgCvqQIAhKwFAJqmAICepgCAoqYAgKamAICqpgCArqYAgLKmAIC4bQEAuQ0BALoFAQC7GQEAvAkBAL09AQC+NQEAv9kBALDZAgCx2QIAsm0BALNlAQC0fQEAtWUBALZlAQC3VQEA4WAPAOP0AADjHA4A4bwBALamAICCOQAAgTEAAIA9AAC6pgCAvigEAL6mAIDCpgCAvjwHAO8QAADv0A4AyqYAgIbgBACHyAQAzqYAgLO1AgDSpgCAtX0CALZ1AgDWpgCA2qYAgN6mAIC6UQIAu1ECALz1AQC9/QEAvvUBAL/tAQBWpgCAxqYAgKqxBQCrsQUArBUGAK0dBgCuFQYArw0GAOKmAIDmpgCA6qYAgKNVBQDupgCApZ0FAKaVBQDypgCAs+kGAPamAID6pgCA/qYAgAKnAIC24QYAtekGAAanAIC7sQYAuqEGAAqnAIAOpwCAv50GAL6RBgC9pQYAvKkGAKgdBgCpIQYAqiEGAKshBgCsIQYArSEGAK4hBgCvIQYAEqcAgBanAIAapwCAHqcAgCKnAIAmpwCAKqcAgC6nAIC45QcAue0HALrlBwC7/QcAvOUHAL3tBwC+5QcAv00HALAlBgCxNQYAsj0GALMxBgC0FQYAtRkGALYNBgC3AQYAo6kHAIIVAACBtQEAgLUBADKnAICmoQcApakHADanAICr8QcAquEHAISgAgA6pwCAr90HAK7RBwCt5QcArOkHAD6nAICzlQYAhugAAIcYAQC2tQYAQqcAgEanAIC1vQYAukkBALtVAQBKpwCATqcAgL45AQC/OQEAvEUBAL05AQCoPQYAqU0GAKpZBgCrUQYArHEGAK1xBgCuuQEAr7kBAISsAQBSpwCAVqcAgFqnAIBepwCAYqcAgGanAIBqpwCAuKkBALmpAQC6aQEAu2kBALx5AQC9eQEAvmkBAL9pAQCwyQEAsdUBALLVAQCzqQEAtLkBALW5AQC2qQEAt6EBAKPRBQBupwCAcqcAgHanAIB6pwCApvEFAKX5BQB+pwCAqxECAKoNAgCCpwCAhqcAgK99AgCufQIArX0CAKwBAgCKpwCAjqcAgJKnAICWpwCAgTEAAIANAACapwCAgjkAAJ6nAICipwCAviQDAKqnAICupwCAsqcAgIbYHACHTAMAtqcAgLqnAIC+pwCAhMAcAOMgAQDCpwCA4cgBAManAIDvMAIAyqcAgM6nAIDSpwCA1qcAgNqnAIDepwCA4qcAgLOVAwDmpwCA6qcAgO6nAIDypwCAtrkDALWxAwD2pwCAu1EDALpJAwD6pwCA/qcAgL/1AAC+SQMAvUEDALxJAwCoLQIAqUUCAKpdAgCrVQIArHkCAK15AgCuvQIAr7UCAL5oHQACqACABqgAgAqoAICAHQAAgQkAAIKpAAAOqACAuFEBALlZAQC6YQEAu2EBALwRAQC9EQEAvhEBAL8RAQCwzQIAsdUCALLdAgCz1QIAtM0CALVxAQC2cQEAt3EBAOFYBgDhVAcA47AAAOO8BgASqACAGqgAgIYYHACHVB0AHqgAgCKoAIAmqACAKqgAgL74HAAuqACA7/AGAO/gBgCjlQIAMqgAgDaoAIA6qACAPqgAgKa5AgClsQIAQqgAgKtRAgCqSQIARqgAgEqoAICv9QEArkkCAK1BAgCsSQIAqG0eAKl1HgCqfR4Aq40eAKyVHgCtnR4Aro0eAK+BHgAWqACATqgAgFKoAIBWqACAWqgAgF6oAIBiqACAZqgAgLiJHgC5iR4AupkeALuRHgC8uR4AvbkeAL59HwC/dR8AsMUeALHNHgCyxR4As90eALTFHgC1zR4AtsUeALe5HgCz9R4AaqgAgG6oAIByqACAdqgAgLYdHgC1HR4AeqgAgLsJHgC6AR4AfqgAgIKoAIC/CR4AvgEeAL0JHgC8ER4Agm0AAKOxHgCAVQAAgWUAAKZZHgCEmAMAv9ABAKVZHgCqRR4Aq00eAIYABACHmAEArkUeAK9NHgCsVR4ArU0eAIqoAICOqACAhCQAAJKoAICWqACAmqgAgKanAICGqACAqLUeAKmFHgCqjR4Aq4UeAKydHgCtgR4Arv0eAK/1HgCwjR4AsZUeALKVHgCzpR4AtL0eALVxAQC2cQEAt3EBALhRAQC5UQEAulEBALtRAQC89QEAvf0BAL71AQC/7QEAsyUeAL4IBwCeqACAoqgAgKaoAIC2IR4AtTUeAKqoAIC7cR4AumkeAK6oAICyqACAv5UBAL5ZHgC9UR4AvGEeALaoAICjYR4AuqgAgL6oAICmZR4AwqgAgMaoAIClcR4Aqi0eAKs1HgDKqACAzqgAgK4dHgCv0QEArCUeAK0VHgDhVBoA0qgAgONcCgDWqACA2qgAgN6oAIDiqACA5qgAgOqoAIC+qAUA7qgAgPKoAICPMSoA+qgAgO/E+wD+qACAk2EuAJIdLwCR2SoAkEkqAJfZEgCWdRIAlQ0TAJTBLgCbHRsAmkEWAJlJFgCYDRcAn3EeAJ4RGwCdcRoAnHkaAKOhAgCinQMAoZUfAKCJHgDjiAEA4wgeAOFoAADh/B4A79wBAO98HwC1if4AtAH8ALMB+gCylfoAsQH4ALAR9gCv4fYArgH0AK0l8gCs7fIAqwHwAKrpDwCp1Q4AqN0OAKcBDACmyQoApe0KAKQBCACj4QYAovEGAKHlAwACqQCAggErAIMBKwAGqQCACqkAgIYxLwCHiS8AhIkrAIVFLgCKdRIAiwUTAIYIBQCHbAUAjhEXAI8RFwCMsRMAjV0WAJI9GgCTQRsAhMgFAIQABwCWUR8Al1EfAJRRGwCVORoAmn0eAJt9AgAOqQCAEqkAgIFZAQCAVQEAnFkDAIJRAQC+yAcAFqkAgBqpAIAeqQCAIqkAgCapAIAqqQCA79QeAC6pAIDhJB4AMqkAgONoAQA2qQCAOqkAgD6pAIBCqQCAu2kCALpZAgBGqQCASqkAgL8dAgC+HQIAvRkCALxxAgCz7QIATqkAgFKpAIBWqQCAWqkAgLZ9AgC17QIAXqkAgKMNBQD2qACAYqkAgGqpAIBmqQCApp0FAKUNBQBuqQCAq4kFAKq5BQCGCAMAh3wDAK/9BQCu/QUArfkFAKyRBQCAsQcAgbkHAIJBAACzsQYAcqkAgLVZBwC2MQcAdqkAgHqpAIB+qQCAuuEHALvhBwC84QcAveEHAL7hBwC/3QcAqLUGAKm5BgCqdQYAq4UHAKydBwCt/QcArvUHAK8ZBwCCqQCAhqkAgIqpAICOqQCAkqkAgJapAICaqQCAnqkAgLh1BwC5fQcAunUHALsFBwC8HQcAvTEHAL4xBwC/MQcAsGkHALFpBwCyeQcAs3kHALRpBwC1VQcAtlEHALdNBwCj/QcAoqkAgKapAICqqQCArqkAgKZ9BgClFQYAsqkAgKutBgCqrQYAtqkAgLqpAICvkQYArq0GAK2tBgCsrQYAvqkAgMKpAIDGqQCAyqkAgIAdAACBCQAAgjkAAM6pAIDSqQCA2qkAgIbIAACHpAEA3qkAgOKpAIDmqQCA6qkAgKiNAQCpmQEAqtkBAKvRAQCs8QEArfEBAK45AQCvOQEAhKAAAO6pAIDyqQCA9qkAgPqpAID+qQCAAqoAgAaqAIC4zQAAudUAALrVAAC75QAAvP0AAL2VAAC+nQAAv5UAALBJAQCxSQEAslkBALNZAQC0SQEAtUkBALb9AAC39QAAugUEALsJBAC44QcAueEHAL4JBAC/CQQAvAkEAL0JBACyjQcAs+UHALC1BwCxhQcAtuUHALftBwC08QcAtfEHAKpNBwCrVQcAqEkHAKlJBwCu3QcAr8UHAKxNBwCt1QcACqoAgA6qAIASqgCAFqoAgBqqAIAeqgCAIqoAgCaqAICz0QIAKqoAgC6qAIC+AAwAMqoAgLbxAgC1+QIANqoAgLsNAgC6DQIAOqoAgD6qAIC/DQIAvg0CAL0NAgC8DQIAghUAAKOVAgCAYQAAgWEAAKa1AgBCqgCASqoAgKW9AgCqSQIAq0kCAIbIDACHrAwArkkCAK9JAgCsSQIArUkCAKhlAgCpdQIAqn0CAKt1AgCsbQIArbECAK6xAgCvsQIAhKANAE6qAIBSqgCAVqoAgFqqAIBeqgCAYqoAgGaqAIC4MQEAuTEBALoxAQC7MQEAvNUBAL3dAQC+yQEAv8EBALDRAgCx0QIAstECALPRAgC0EQEAtREBALYRAQC3EQEA4bAGAGqqAIDj0AYAhEAPAG6qAIDhpAEAcqoAgOPABgB2qgCAeqoAgH6qAIDv1AYA7AAAAIKqAIDvZAcAhqoAgIqqAICOqgCAkqoAgLO5AgCWqgCAtakCALZ9AgCaqgCAnqoAgKKqAIC6WQIAu1kCALxJAgC9SQIAvpkBAL+ZAQCjdQ0ARqoAgKaqAICqqgCArqoAgKaxDQClZQ0AsqoAgKuVDQCqlQ0AvqQDALaqAICvVQ4ArlUOAK2FDQCshQ0AgE0AAIFVAACCVQAAs2UPALqqAIC1ZQ8Atm0PAL6qAICGQAMAhxQDALrtDwC7/Q8AvOkPAL3VDwC+3Q8Av9UPAKhZDgCpoQ8AqqEPAKuhDwCsoQ8AraEPAK6hDwCvoQ8AwqoAgMaqAIDKqgCAzqoAgNKqAIDWqgCA2qoAgN6qAIC4AQ8AuQEPALoBDwC7HQ8AvA0PAL01DwC+PQ8Av9UAALBlDwCxdQ8AsnEPALNNDwC0VQ8AtV0PALZNDwC3QQ8AoykOAOKqAIDmqgCA6qoAgO6qAICmIQ4ApSkOAPKqAICrsQ4AqqEOAPaqAID6qgCAr5kOAK6RDgCtmQ4ArKUOAP6qAIACqwCABqsAgAqrAIDvJA0ADqsAgBKrAIAWqwCA49AOABqrAIDhGA4AHqsAgIAVAACBGQAAggUAACKrAICo0QEAqdkBAKopAQCrKQEArDkBAK05AQCuKQEArykBAL5oAQAqqwCAhsgBAIesAAAuqwCAMqsAgDarAIA6qwCAuO0AALmFAAC6jQAAu4UAALydAAC9gQAAvoEAAL+BAACwWQEAsVkBALLtAACz5QAAtP0AALXlAAC25QAAt9UAALOhAgA+qwCAQqsAgEarAIBKqwCAtrkCALWxAgBOqwCAu50CALqdAgBSqwCAVqsAgL8hAwC+OQMAvTEDALw5AwCF+PUAo+UCAFqrAIBeqwCApv0CAGKrAIBmqwCApfUCAKrZAgCr2QIAaqsAgG6rAICufQMAr2UDAKx9AwCtdQMAuOkAALnpAAC6aQAAu2kAALx5AAC9ZQAAvm0AAL9lAACwsQAAsbkAALKBAACzgQAAtPkAALX5AAC27QAAt+UAAKhlAwCpdQMAqn0DAKt1AwCsbQMArdEAAK7RAACv0QAAcqsAgHarAIB6qwCA1qkAgH6rAICCqwCAhqsAgIqrAICA/QEAgQkAAIIZAACOqwCAkqsAgL5EAgCaqwCAnqsAgISsAgCiqwCAh/gCAIasBQCmqwCAqqsAgK6rAICyqwCAs/UCALarAIC6qwCAvqsAgMKrAIC2UQEAteUCAMarAIC7fQEAunUBAMqrAIDOqwCAvz0BAL49AQC9VQEAvFUBAOFwDwDSqwCA47gOAITABQDvyAAA1qsAgNqrAIDeqwCA4zwOAOKrAIDh0AEA5qsAgIR0BwDqqwCA72gBAO6rAIDyqwCApXkCAKbNAQD2qwCAgCEAAIEhAACC3QcAo2kCAKzJAQCtyQEArqEBAK+hAQD6qwCA/qsAgKrpAQCr4QEAlqsAgAKsAIC+QAIABqwAgIYwAwCHMAMACqwAgA6sAICoOQcAqTkHAKoNBwCrHQcArAUHAK0NBwCuBQcAr3kHALAJBwCxCQcAshkHALMRBwC0OQcAtTkHALbdBwC3yQcAuPkHALn5BwC6zQcAu8EHALzFBwC9yQcAvrkHAL+xBwCzpQcAEqwAgBasAIAarACAHqwAgLatBwC1rQcAIqwAgLvtBwC67QcAJqwAgCqsAIC/3QcAvt0HAL3lBwC87QcALqwAgKPhBwAyrACANqwAgKbpBwA6rACAPqwAgKXpBwCqqQcAq6kHAEKsAIBGrACArpkHAK+ZBwCsqQcAraEHAEqsAIBOrACAUqwAgFasAIBarACAXqwAgGKsAIBmrACAgREAAIANAABqrACAghkAAG6sAIByrACAvuQBAHasAICG4AAAhxgBAHqsAIB+rACAgqwAgIasAICKrACA77AEAI6sAIDh1AYAkqwAgONcBACWrACAmqwAgJ6sAICirACAqJkBAKmZAQCqDQEAqwUBAKwdAQCtBQEArgUBAK81AQCEiAEApqwAgKqsAICurACAsqwAgLasAIC6rACAvqwAgLjBAAC5wQAAusEAALvBAAC8wQAAvcEAAL7BAAC/wQAAsE0BALElAQCyIQEAsyEBALQlAQC1LQEAthEBALcRAQDCrACAxqwAgLONAgDKrACAtZ0CAM6sAIDSrACAto0CANasAIDarACAu+kCALqBAgC9/QIAvP0CAL/hAgC+6QIA3qwAgKbVAgClxQIAvggDAKPVAgCCLQAAgRkAAIB5AACvuQIArrECAK2lAgCspQIAq7ECAKrZAgDirACA6qwAgO80AgDurACAhxgDAIYs/ADyrACA9qwAgPqsAID+rACAAq0AgAatAIAKrQCADq0AgOMAAQASrQCA4eABABatAIC6tQMAu70DABqtAIAerQCAvnkDAL95AwC8pQMAvXkDACarAICztQMAIq0AgCatAIC2kQMAKq0AgC6tAIC1pQMAqEkCAKlJAgCqWQIAq1kCAKxJAgCtdQIArnECAK9tAgC+aP0AvqT/ADKtAIA2rQCAOq0AgD6tAIBCrQCARq0AgLj5AgC5+QIAukkBALtJAQC8XQEAvUEBAL5BAQC/fQEAsBUCALEdAgCyFQIAs8kCALTZAgC12QIAtskCALfJAgDjIAYA4bAGAOGAAQDjEAYAgA0AAIE1AACCPQAASq0AgE6tAIBSrQCAWq0AgF6tAIDvcAAAYq0AgGatAIDvTAEAhIz9AGqtAICjmQIAbq0AgKWJAgByrQCAdq0AgKa9AgCGwPwAh+T8AKuRAgCqmQIArVUCAKyJAgCvVQIArlUCAKh9/gCpgf4Aqpn+AKuZ/gCsif4ArYn+AK65/gCvuf4AVq0AgHqtAIB+rQCAgq0AgIatAICKrQCAjq0AgJKtAIC4tf4Aub3+ALph/wC7Yf8AvGH/AL1h/wC+Yf8Av2H/ALDJ/gCxyf4Ast3+ALPR/gC0uf4Atbn+ALaR/gC3kf4AsxH+AJatAICarQCAnq0AgKKtAIC2Cf4AtQH+AKatAIC7Df4Aug3+AKqtAICurQCAv33+AL59/gC9Bf4AvAn+ALKtAICjVf4Atq0AgLqtAICmTf4Avq0AgMKtAIClRf4Aqkn+AKtJ/gCEKAMAxq0AgK45/gCvOf4ArE3+AK1B/gCAzQEAgdEBAILRAQCzuf4Ayq0AgLXR/gC21f4Azq0AgIZgAQCHYAEAug0BALsFAQC8HQEAvQUBAL4NAQC/BQEA0q0AgNatAIDarQCA3q0AgOKtAIDhwP0A5q0AgOOM/ADqrQCA7q0AgPKtAIDvtPwA9q0AgPqtAID+rQCAAq4AgKgp/gCpKf4Aqj3+AKs1/gCsVf4ArVn+AK5N/gCvRf4ABq4AgAquAIAOrgCAEq4AgBauAIAargCAHq4AgCKuAIC4SQEAuUkBALpZAQC7UQEAvHkBAL15AQC+GQEAvxUBALDFAQCxzQEAssUBALPdAQC0xQEAtc0BALbFAQC3eQEAJq4AgCquAIAurgCAo7n9ADKuAICl0f0AptX9AITQAwBBrgCAvuACAKoNAgCrBQIArB0CAK0FAgCuDQIArwUCAIFJAACAQQAAowkDAIJdAAClGQMARa4AgEmuAICmEQMAhsAEAIfkAwCrDQMAqg0DAK0BAwCsHQMArwEDAK4JAwCw4QMAseEDALLhAwCz/QMAtOUDALXtAwC25QMAtz0DALgFAwC5DQMAugUDALsdAwC8BQMAvQ0DAL4FAwC/vQAATa4AgFGuAIBVrgCAWa4AgOasAIBdrgCAYa4AgGWuAICo8QMAqfkDAKqpAwCrqQMArLkDAK25AwCuqQMAr6UDALNBAgBprgCAba4AgHGuAIB1rgCAtlkCALVRAgB5rgCAu0UCALpFAgB9rgCAga4AgL9JAgC+QQIAvUkCALxVAgCFrgCAia4AgI2uAICRrgCA74wDAJWuAICZrgCAna4AgONsAwChrgCA4VAAAKWuAICprgCAvngFALGuAICEcAIAgOUAAIHpAACC+QAAta4AgIawBACHVAUAua4AgO9A/gC9rgCA4Vz+AMGuAIDjVAEAxa4AgMmuAIDNrgCA0a4AgLOZAQDVrgCA2a4AgN2uAIDhrgCAth0BALUdAQDlrgCAuz0BALo9AQDprgCA7a4AgL/hAAC++QAAvfEAALz5AACoIQYAqVEGAKpRBgCrzQYArNUGAK3dBgCu1QYAr8kGAK2uAIDxrgCA9a4AgPmuAID9rgCAAa8AgAWvAIAJrwCAuG0HALkFBwC6DQcAuwUHALwdBwC9AQcAvgEHAL8BBwCwuQYAsbkGALJtBwCzZQcAtH0HALVlBwC2ZQcAt1UHAKPZBgANrwCAEa8AgBWvAIAZrwCApl0GAKVdBgCEnAIAq30GAKp9BgC+JAMAHa8AgK+hBwCuuQcArbEHAKy5BwCASQAAgUkAAIJZAACzVQcAIa8AgLV9BwC2aQcAJa8AgIZAAACHVAMAulUHALspBwC8OQcAvTkHAL4pBwC/IQcAo5kGACmvAIAtrwCAMa8AgDWvAICmpQYApbEGADmvAICr5QYAqpkGAD2vAIBBrwCAr+0GAK7lBgCt9QYArPUGAOE4BQBFrwCA4yQEAEmvAIBNrwCAUa8AgFWvAIBZrwCAXa8AgGGvAIBlrwCAaa8AgG2vAIBxrwCA7/QEAHWvAICo+QYAqQkGAKoRBgCrLQYArDkGAK0lBgCuLQYAryUGAHmvAIB9rwCAga8AgIWvAICAGQAAgRkAAIIFAACJrwCAuOUBALntAQC65QEAu/0BALzlAQC97QEAvuUBAL9ZAQCwXQYAsSEGALIhBgCzIQYAtCEGALUpBgC2EQYAtxEGAKjRAgCp2QIAqg0DAKsFAwCsHQMArQUDAK4FAwCvNQMAvmQCAJGvAICVrwCAma8AgJ2vAIChrwCApa8AgKmvAIC4JQMAuS0DALolAwC7PQMAvCUDAL0pAwC++QMAv/kDALBNAwCxIQMAsiUDALM9AwC0JQMAtS0DALYlAwC3HQMAs4UDAITIAgCtrwCAhAgDALGvAIC2hQMAtZUDALWvAIC75QMAuokDAIYIDACHnAMAv+kDAL7hAwC96QMAvPEDAIXsCgA2rgCAo80DALmvAICl3QMAva8AgMGvAICmzQMAxa8AgMmvAICrrQMAqsEDAK2hAwCsuQMAr6EDAK6pAwDNrwCA0a8AgNWvAIDZrwCA78gDAN2vAIDhrwCA5a8AgOO0AwDprwCA4dABAO2vAICADQAAgXUAAIJ9AADxrwCA9a8AgPmvAICzZQEAvgQCALVlAQABsACABbAAgLZlAQCGQA0Ah1gNALv1AQC6/QEAvaUBALy5AQC/mQEAvqUBAAmwAIANsACAEbAAgIQADAAVsACAGbAAgB2wAIDvzAEAIbAAgOEsBgAlsACA4yABAOwAAAApsACALbAAgDGwAIA1sACAo+kBADmwAIA9sACApukBAEGwAIBFsACApekBAKpxAQCreQEASbAAgE2wAICuKQEArxUBAKw1AQCtKQEAqCUOAKktDgCqJQ4Aqz0OAKwlDgCtLQ4AriUOAK+VDgD9rwCAUbAAgFWwAIBZsACAXbAAgIKdAACBnQAAgJ0AALhFDwC5TQ8AukUPALtZDwC8SQ8AvUkPAL59DwC/cQ8AsPEOALH5DgCypQ4As7kOALSpDgC1lQ4Atp0OALd9DwCo1Q8Aqd0PAKoJDwCrCQ8ArBkPAK0FDwCuDQ8ArwUPAGGwAIBlsACAabAAgL6gAwBtsACAcbAAgId4AwCGEAAAuBUPALkdDwC6IQ8AuyEPALz1AAC9/QAAvvUAAL/tAACwQQ8AsU0PALJdDwCzVQ8AtE0PALU1DwC2MQ8AtzEPAHWwAIDvsAwAebAAgH2wAICBsACAhbAAgImwAICNsACAkbAAgJWwAICZsACAnbAAgKGwAIDjqA0ApbAAgOGMDQCzwQ4AqbAAgK2wAICxsACAtbAAgLbFDgC10Q4AubAAgLvJDgC6xQ4AvbAAgMGwAIC/sQ4AvskOAL3BDgC8yQ4AowEOAMWwAIDJsACAzbAAgNGwAICmBQ4ApREOANWwAICrCQ4AqgUOANmwAICErAIAr3EOAK4JDgCtAQ4ArAkOAIBRAACBWQAAgmEAALPFAAC+zAEAtcUAALbNAADhsACAhkAHAIcUAQC6yQAAu8kAALzZAAC92QAAvskAAL/FAACrDQMAqg0DAKkJAwCouQIArw0DAK4NAwCtDQMArA0DAL5gAwDlsACA6bAAgO2wAIDxsACA9bAAgPmwAIC+MAUAuykDALoZAwC5GQMAuAEDAL/dAwC+3QMAvd0DALwxAwCzTQMAsk0DALFNAwCwTQMAtzkDALYxAwC1QQMAtE0DAP2wAICmkQMApZkDAAGxAICjmQMABbEAgAmxAIANsQCAr5kDAK6VAwCthQMArIUDAKuVAwCqlQMAja8AgBGxAIAVsQCAGbEAgB2xAIAhsQCAJbEAgCmxAIAtsQCAMbEAgDWxAIA5sQCAPbEAgEGxAICAHQAAgQkAAIL9AQBFsQCAvwgHAEmxAIBRsQCA7yQAAFWxAICElAIAWbEAgF2xAICH4AIAhgQFAL4AGABhsQCAZbEAgOGQAQBpsQCA44AAAG2xAIBxsQCAdbEAgLNlAQB5sQCAtWUBALZtAQB9sQCAgbEAgIWxAIC65QEAu/kBALzpAQC96QEAvsUBAL+9AQCJsQCAjbEAgJGxAIC+xBkAlbEAgJmxAICdsQCA78gBAKGxAIDh3A4ApbEAgOMwDgCpsQCArbEAgLGxAICEMAQAgHkAAIEVAACCFQAAo+UBALWxAICl5QEApu0BALmxAICGQAYAh5AHAKplAQCreQEArGkBAK1pAQCuRQEArz0BAKjdBQCpIQYAqiEGAKshBgCsIQYArSEGAK4hBgCvnQYATbEAgL2xAIDBsQCAhDABAMWxAIDJsQCAzbEAgNGxAIC4jQYAuZUGALqdBgC7lQYAvI0GAL21BgC+vQYAv7UGALDtBgCx8QYAsvEGALPxBgC0zQYAtbUGALa9BgC3tQYAqIkHAKmVBwCqkQcAq5EHAKy9BwCtpQcArqEHAK/dBwDVsQCA2bEAgN2xAIDhsQCA5bEAgOmxAIDtsQCA8bEAgLhJBwC5VQcAul0HALtVBwC8cQcAvX0HAL5pBwC/aQcAsKUHALGtBwCyuQcAs7EHALSRBwC1kQcAtnkHALd5BwD1sQCA+bEAgP2xAIABsgCA78gFAOHACQAFsgCA48AZAOMkBAAJsgCA4dAGAO/cKACinQMAoxUBAKAZBQChjQUAs1kGAA2yAIARsgCAFbIAgBmyAIC2ZQYAtXUGAB2yAIC7KQYAuiEGACGyAIAlsgCAvxUGAL4VBgC9JQYAvC0GAKOZBgCPmfwAKbIAgDGyAIA1sgCApqUGAKW1BgA5sgCAq+kGAKrhBgCGKB8Ah5wAAK/VBgCu1QYAreUGAKztBgCebQkAn30HAJwNCwCd7QkAmvENAJs5DQCY5fAAmQ0PAJbh8QCX6fEAlMX1AJUN8wCSHfcAk/H1AJD9+QCR7fkAgh3/AIMB+gA9sgCAQbIAgIYV9gCHOfYAhAn6AIXx9ACKwfAAiyXyAEWyAIBJsgCAjuEMAI8VDgCMNfIAjQHzAJKtDgCTgQgATbIAgFGyAICW6QQAl3UGAJR5CgCV8QoAmtEGAJvJAABVsgCAWbIAgIEdAwCAHQMAnFkCAIL1AwCrARAAqpUWAKmNFgCojRYAr5UuAK4BLACt/RIArJkSAKOlHgCipR4AoY0CAN2wAICnGRoAppUaAKUBGACknR8AXbIAgGGyAIBlsgCAabIAgG2yAIBxsgCAdbIAgHmyAICz5SoAsuUqALGtLwCw5S4AfbIAgIGyAIC1ASQAtBEqAKgpAwCpNQMAqj0DAKs1AwCsLQMArbUDAK69AwCvtQMAhbIAgImyAICNsgCAkbIAgIAdAACBCQAAgrkAAJWyAIC4TQIAuV0CALptAgC7CQIAvBkCAL0ZAgC+CQIAvwECALDNAwCx1QMAst0DALPVAwC0zQMAtXUCALZ9AgC3dQIAmbIAgITIHQChsgCAvgwfAKWyAICpsgCA70gGAO9YBwDhWAYA4ZgGAOOUAQDjAAYAhhAcAId8HQC+9B4ArbIAgLGyAIC2ZQMAtfUDALWyAICz5QMAubIAgL2yAIDBsgCAv+ECAL5ZAwC9UQMAvFkDALtBAwC6WQMAxbIAgMmyAIAtsgCAnbIAgM2yAIDRsgCA1bIAgNmyAIDdsgCA4bIAgKitHQCptR0AqrUdAKslHgCsPR4ArR0eAK4VHgCvdR4AsA0eALEtHgCyJR4As40eALSVHgC1nR4AtpUeALeNHgC4tR4Aub0eALq1HgC7nR4AvIUeAL1VHwC+XR8Av1UfALMdHQDlsgCA6bIAgO2yAIDxsgCAtr0eALWVHgD1sgCAu8keALrpHgD5sgCA/bIAgL95HgC+cR4AvXkeALzRHgCCKQAAo1kdAIAdAACBFQAApvkeAAGzAIAFswCApdEeAKqtHgCrjR4ACbMAgITgAwCuNR4Arz0eAKyVHgCtPR4AqIkeAKmVHgCqnR4Aq7EeAKzRHgCt2R4Ars0eAK/FHgANswCAEbMAgIaIAACHbAEAFbMAgBmzAIAdswCAIbMAgLhdAQC5wQEAusEBALvBAQC8wQEAvckBAL7xAQC/8QEAsL0eALGdHgCylR4As2UBALR9AQC1ZQEAtm0BALdlAQCqLR0AqzUdACWzAIApswCAri0dAK+VHACsLR0ArSUdAISMAQCjkR0ALbMAgDGzAICmER0ANbMAgDmzAIClgR0As1UeAD2zAIBBswCARbMAgEmzAIC2GR4AtRkeAE2zAIC7GR4AujkeAFGzAIBVswCAv+EBAL75AQC98QEAvAEeAFmzAIBdswCAYbMAgKOZHQBlswCApdUdAKbVHQBpswCAbbMAgHGzAICq9R0Aq9UdAKzNHQCtPQIArjUCAK8tAgCAZQAAgRUAAIIdAACEAAQAdbMAgHmzAICHcAMAhvwEAIGzAICFswCAibMAgI2zAICRswCAlbMAgJmzAICdswCAvsgEAKGzAIClswCAqbMAgK2zAICxswCAtbMAgO/cHwC5swCA4ZQBAL2zAIDjHAEAwbMAgMWzAIDJswCAzbMAgLt1AwC6aQMAvkgGANGzAIC/HQMAvh0DAL0dAwC8ZQMAs9UDANWzAIDZswCA3bMAgOGzAIC2fQMAtcUDAIRwBQCoJQIAqTUCAKo9AgCrNQIArC0CAK2dAgCulQIAr7UCAIIVAADlswCAgNkBAIEJAADEAAAA6bMAgPGzAID1swCAuKkCALmpAgC6SQEAu0kBALxZAQC9RQEAvkUBAL99AQCwzQIAsdECALLRAgCzqQIAtLkCALW5AgC2qQIAt6ECAOEoHgDhNBwA43QBAOMYHgD5swCA/bMAgIa4BACHVAUAhDgHAAG0AIAFtACACbQAgL6sBwANtACA78weAO/IGgCj9QIAEbQAgBW0AIAZtACAHbQAgKZdAgCl5QIAIbQAgKtVAgCqSQIAJbQAgCm0AICvPQIArj0CAK09AgCsRQIAqGEGAKlhBgCqYQYAq2EGAKxhBgCtYQYArmEGAK9hBgDtswCALbQAgDG0AIA1tACAObQAgD20AIBBtACARbQAgLjxBgC58QYAuvEGALvxBgC8nQYAvbEGAL6xBgC/sQYAsOUGALHtBgCy5QYAs/0GALTlBgC17QYAttkGALfVBgCz6QYASbQAgE20AIBRtACAVbQAgLbhBgC16QYAWbQAgLspBgC6IQYAXbQAgGG0AIC/KQYAviEGAL0pBgC8MQYAgl0AAKOtBgCARQAAgV0AAKalBgBltACAabQAgKWtBgCqZQYAq20GAIYADACHQAMArmUGAK9tBgCsdQYArW0GAG20AIDvfAUAcbQAgHW0AIB5tACAfbQAgIG0AICFtACAibQAgI20AICRtACAlbQAgJm0AIDjaAUAnbQAgOF4BQCz0QYAobQAgKW0AICptACArbQAgLb9BgC1/QYAsbQAgLupBgC6oQYAtbQAgLm0AIC/mQYAvqkGAL2pBgC8sQYAqLkGAKm5BgCqGQYAqxkGAKw1BgCtPQYArjUGAK8pBgC9tACAgh0AAIEdAACAHQAAwbQAgMW0AIDJtACA0bQAgLjpAQC56QEAuvkBALv5AQC86QEAvekBAL5dAQC/VQEAsCUGALEtBgCyJQYAsz0GALQtBgC1HQYAthUGALfZAQCGgAwAh+QCANW0AICjnQUA2bQAgKWxBQCmsQUA3bQAgOG0AIDltACAqu0FAKvlBQCs/QUAreUFAK7lBQCv1QUAtk0DAOm0AICExAMAtUUDAO20AICzjQIA8bQAgPW0AIC+SQMAv0kDALxJAwC9SQMAumkDALtpAwD5tACA/bQAgAG1AICmiQMApYEDAAW1AICjSQIACbUAgA21AIARtQCAr40DAK6NAwCtjQMArI0DAKutAwCqrQMAfbMAgBW1AIAZtQCAHbUAgIW0PQAhtQCAJbUAgCm1AIAttQCAMbUAgIA9AACBCQAAgh0AADW1AIC+sAMAObUAgIc4AwCG3AwAQbUAgEW1AIBJtQCATbUAgFG1AIDvXAYAVbUAgFm1AIC+6AwA45QGAF21AIDh3AEAYbUAgGW1AIBptQCAbbUAgLNRAQBxtQCAdbUAgHm1AIB9tQCAtnEBALV5AQCBtQCAuz0BALo9AQCFtQCAibUAgL/9AQC+9QEAvQUBALwFAQCNtQCAkbUAgJW1AICEQAwAmbUAgJ21AIChtQCA76wHAKW1AIDhJAYAqbUAgONABwCGkAwAh/wMALG1AIC1tQCAgFkAAIFlAACCYQAAo90BALm1AICl9QEApv0BAL21AIDBtQCAxbUAgKqxAQCrsQEArIkBAK2JAQCueQEAr3EBAM20AIA9tQCAybUAgM21AICttQCA0bUAgNW1AIDZtQCAqJ0NAKktDgCqOQ4AqzEOAKwRDgCtEQ4Arn0OAK9tDgCwGQ4AsRkOALIxDgCzMQ4AtNEOALXZDgC2zQ4At8UOALj9DgC52Q4AuqkOALupDgC8vQ4AvaUOAL6tDgC/pQ4AqIEPAKmBDwCqgQ8Aq4EPAKyBDwCtjQ8AroUPAK+1DwDdtQCA4bUAgOW1AIDptQCA7bUAgPG1AID1tQCA+bUAgLidDwC5rQ8AuqUPALtNDwC8VQ8AvV0PAL5JDwC/SQ8AsNEPALHRDwCy0Q8As9EPALS1DwC1vQ8AtrUPALetDwCzCQ4A/bUAgAG2AIAFtgCACbYAgLYNDgC1CQ4ADbYAgLsVDgC6FQ4AEbYAgBW2AIC/eQ4AvnEOAL0FDgC8BQ4AghUAAKNNDgCAYQAAgWEAAKZJDgAZtgCAvhABAKVNDgCqUQ4Aq1EOAIQkAQAhtgCArjUOAK89DgCsQQ4ArUEOAKg5DgCpOQ4AqlkOAKtRDgCscQ4ArXEOAK6RAQCvkQEAhgAAAIeEAAAltgCAKbYAgC22AIAxtgCANbYAgDm2AIC4dQEAuX0BALp1AQC7yQAAvNkAAL3ZAAC+yQAAv8EAALD1AQCx/QEAsvUBALNNAQC0VQEAtV0BALZVAQC3TQEAuk0PALtVDwC4TQ8AuUUPAL59DwC/tQ8AvEUPAL11DwCyAQ8AswEPALAxDwCxMQ8AtgEPALcNDwC0EQ8AtREPAKqZDgCrRQ8AqOUOAKmZDgCuQQ8Ar0EPAKxRDwCtUQ8APbYAgEG2AIBFtgCASbYAgE22AIBRtgCAVbYAgFm2AICzUQ0AXbYAgGG2AIBltgCAabYAgLZxDQC1eQ0AbbYAgLu5AgC6sQIAcbYAgHW2AIC/GQIAvhECAL0ZAgC8oQIAebYAgKMVDQB9tgCAgbYAgKY1DQCFtgCAibYAgKU9DQCq9QIAq/0CAIToAwCRtgCArlUCAK9dAgCs5QIArV0CAKhtAgCprQIAqqUCAKu9AgCspQIAra0CAK6lAgCvfQEAgO0BAIHxAQCC8QEAvqAFAJW2AICZtgCAh2gFAIYcBQC4yQEAuckBALrZAQC70QEAvPkBAL35AQC+mQEAv5UBALAFAQCxDQEAsgUBALMdAQC0BQEAtQ0BALYFAQC3+QEA4WQPAOGcDwDjFA4A49QPAJ22AIDhPA4AobYAgOPkAAC+rAQApbYAgKm2AIDvDAAArbYAgLG2AIDvYA4A77QPALW2AIC5tgCAhEQEALNhAgC9tgCAtWECALZhAgDBtgCAxbYAgMm2AIC6jQEAu4UBALydAQC9hQEAvo0BAL+FAQCjrQUAjbYAgM22AIDRtgCA1bYAgKatBQClrQUA2bYAgKtJBgCqQQYA3bYAgOG2AICvSQYArkEGAK1JBgCsUQYA5bYAgOm2AIDttgCA8bYAgIAdAACBCQAAgjkAAPW2AID5tgCA/bYAgIbIAACHIAMAAbcAgAW3AIAJtwCADbcAgKhtBgCptQcAqr0HAKsdBwCsCQcArTEHAK4xBwCvLQcAhKgDABG3AIAVtwCAGbcAgB23AIAhtwCAJbcAgCm3AIC4zQAAudUAALrVAAC75QAAvP0AAL2VAAC+nQAAv5UAALBVBwCxJQcAsi0HALM9BwC0LQcAtRUHALYdBwC39QAALbcAgOG8BgAxtwCA4/QFADW3AIA5twCAPbcAgEG3AIBFtwCASbcAgE23AIBRtwCAVbcAgFm3AIBdtwCA7+gEALN1BgCCLQAAgRUAAIAdAABhtwCAtvEGALXBBgBltwCAu6EGALrRBgBptwCAvmwBAL+RBgC+qQYAvakGALy5BgCjtQYAcbcAgIYoAACHTAEAdbcAgKYxBgClAQYAebcAgKthBgCqEQYAfbcAgIG3AICvUQYArmkGAK1pBgCseQYAhbcAgLO9AQCJtwCAjbcAgLZ5AQCRtwCAlbcAgLV5AQC6VQEAu10BAJm3AICdtwCAvvkAAL/lAAC8RQEAvf0AAKhxAgCpcQIAqnECAKtxAgCstQIArb0CAK61AgCvrQIAhOw8AKG3AICltwCAqbcAgK23AICxtwCAtbcAgLm3AIC4XQMAuWUDALptAwC7ZQMAvH0DAL1lAwC+bQMAv2UDALDVAgCx3QIAstUCALNtAwC0eQMAtWUDALZtAwC3ZQMAHbYAgL23AIDBtwCAo/UCAMW3AIClMQIApjECAMm3AIDNtwCA0bcAgKodAgCrFQIArA0CAK21AwCusQMAr60DAIBlAACBCQAAghkAANW3AIDZtwCA4bcAgL4QPADltwCAhsA8AIcgAwDptwCA7bcAgPG3AID1twCA+bcAgP23AICohQIAqZUCAKqVAgCrpQIArL0CAK3VAgCu0QIAr9ECAAG4AIAFuACACbgAgA24AIARuACAFbgAgBm4AIAduACAuHUBALl9AQC6dQEAu8kBALzZAQC9xQEAvsUBAL/9AQCwtQIAsb0CALKBAgCzgQIAtFUBALVdAQC2VQEAt00BAOGkBgAhuACA41AGAL6APACEHDwAvoA/ACW4AIApuACALbgAgDG4AIA1uACAObgAgD24AIBBuACA7+AGAEW4AICBfQAAgHEAAEm4AICCBQAAUbgAgFW4AIDvTAAAWbgAgOGQAQBduACA41gBAGG4AIBluACAabgAgIZYPwCH/DwAs509AN23AIBNuACAbbgAgHG4AIC21T0AtbU9AHW4AIC7+T0AuvE9AHm4AIB9uACAvxk+AL4RPgC91T0AvNU9AIG4AICj2T0AhbgAgIm4AICmkT0AjbgAgJG4AICl8T0AqrU9AKu9PQCVuACAmbgAgK5VPgCvXT4ArJE9AK2RPQCoVT4AqVk+AKphPgCrYT4ArGE+AK1hPgCuYT4Ar2E+AISoAwCduACAobgAgKW4AICpuACArbgAgLG4AIC1uACAuEU/ALldPwC6VT8Au20/ALx1PwC9fT8AvnU/AL9tPwCwwT8AscE/ALLBPwCzwT8AtME/ALXBPwC2wT8At8E/AIC5AQCBuQEAggUAALm4AIDhgD4AwbgAgOMoPQDFuACAhoAAAIcEAQDvCD0AybgAgM24AIDRuACA1bgAgNm4AICzqT8AvbgAgN24AIDhuACA5bgAgLahPwC1qT8A6bgAgLtFPgC6RT4A7bgAgPG4AIC/RT4AvkU+AL1VPgC8VT4Ao2k/APW4AID5uACA/bgAgAG5AICmYT8ApWk/AAW5AICrhT4AqoU+AAm5AIANuQCAr4U+AK6FPgCtlT4ArJU+ABG5AICzGT4AFbkAgBm5AIC2IT4AHbkAgCG5AIC1MT4AuvEBALv5AQAluQCAKbkAgL6xAQC/vQEAvNEBAL3RAQCo0T0AqdE9AKrVPQCr6T0ArP09AK3lPQCu7T0ArxECAID5AwCBzQMAgsUDAIQkAwC+AAQAMbkAgIesAwCGvAQAuBkCALktAgC6JQIAu+kCALz5AgC9+QIAvukCAL/pAgCwcQIAsXkCALJBAgCzQQIAtDECALU9AgC2NQIAtykCAKVtPQA1uQCAObkAgKZ9PQA9uQCAbbcAgKNFPQBBuQCArY0CAKyNAgCv4QIAru0CAKwAAABFuQCAq6UCAKqtAgDh+AEASbkAgOP0AgCEwAQATbkAgFG5AIBVuQCAWbkAgF25AIBhuQCAZbkAgGm5AIBtuQCAcbkAgO8wAgB1uQCAqBUCAKkZAgCqJQIAqz0CAKwlAgCtLQIAriUCAK9VAgB5uQCAfbkAgIG5AICFuQCAibkAgI25AICEsAQAkbkAgLjRAgC52QIAuuECALvhAgC8kQIAvZ0CAL6VAgC/iQIAsC0CALE1AgCyNQIAswUCALQdAgC18QIAtvECALfxAgDheD8A4zQBAOMIPgDhbD4AgQkAAICpAACVuQCAgj0AAJm5AIChuQCApbkAgL4gBACpuQCA79g+AO/MPgCtuQCAsbkAgLPpAgCG6AQAh8AEALbpAgC1uQCAubkAgLXpAgC6rQIAu7UCAL25AIDBuQCAvp0CAL9xAgC8pQIAvZUCAC25AICduQCAxbkAgMm5AIDNuQCA0bkAgNW5AIDZuQCAqBUGAKmhBgCqoQYAq70GAKytBgCtgQYArv0GAK/tBgCwlQYAsZ0GALKVBgCzrQYAtLUGALW9BgC2tQYAt60GALiVBgC5mQYAukkHALtJBwC8WQcAvVkHAL5JBwC/SQcArN0FAK3tBQCu5QUArwkFAN25AIDhuQCAqtUFAKvNBQDluQCApZEFAKaRBQDpuQCA7bkAgPG5AID1uQCAo5EFALNJBgD5uQCA/bkAgAG6AIAFugCAtmEGALVFBgAJugCAuzkGALoxBgC+ZAAADboAgL8ZBgC+EQYAvRkGALwhBgCjiQcAgtkBAIHZAQCAwQEAEboAgKahBwClhQcAFboAgKv5BwCq8QcAhggBAId8AQCv2QcArtEHAK3ZBwCs4QcAGboAgLP1BgAdugCAIboAgLaFBgAlugCAKboAgLWdBgC6jQYAu20BAC26AIAxugCAvmUBAL9tAQC8dQEAvW0BAKglBgCpLQYAqjkGAKsxBgCsUQYArUEGAK5BBgCvdQYANboAgDm6AIA9ugCAQboAgEW6AIBJugCATboAgFG6AIC4VQEAuWUBALplAQC7fQEAvGUBAL1tAQC+HQEAvxUBALANBgCx7QEAsuUBALP9AQC05QEAte0BALblAQC3bQEAo7EFAFW6AIBZugCAvkgDAL5YDACmwQUApdkFAF26AICrKQIAqskFAGG6AIBlugCArykCAK4hAgCtKQIArDECAGm6AIBtugCAcboAgHW6AICAGQAAgRkAAIIFAAB5ugCAhKwDAIG6AICHGAMAhswMAIW6AICJugCAjboAgJG6AICokQMAqZkDAKrJAwCrxQMArN0DAK3BAwCuwQMAr/UDAJW6AICZugCAnboAgKG6AIClugCAqboAgK26AICxugCAuH0DALnBAAC6wQAAu9EAALz5AAC9+QAAvpkAAL+ZAACwjQMAsUUDALJNAwCzRQMAtF0DALVFAwC2TQMAt0UDALNBAgC1ugCAuboAgL8EDwC9ugCAtkECALVVAgDBugCAu4ECALpJAgDFugCAyboAgL+BAgC+mQIAvZECALyZAgDNugCA0boAgNW6AIDZugCA76QDAN26AIDhugCA5boAgOMQAwDpugCA4VgAAIQgDQCAKQAAgSkAAIIdAADxugCA4VAGAOGgBwDjoAYA41AHAIWUDAD1ugCA70gbAPm6AIDhJAIA/boAgONwGgABuwCABbsAgAm7AIDvqAEA7+gGAIagDwCHDA0Ao4kCAA27AIClnQIAEbsAgBW7AICmiQIAGbsAgB27AICrSQIAqoECAK1ZAgCsUQIAr0kCAK5RAgCoZQ4AqXUOAKp9DgCrdQ4ArG0OAK21DgCuvQ4Ar7UOAO26AIAhuwCAJbsAgCm7AIAtuwCAOLsAgDy7AIBAuwCAuF0PALltDwC6ZQ8Auw0PALwVDwC9HQ8AvhUPAL8JDwCwzQ4AsdUOALLdDgCz1Q4AtM0OALVxDwC2cQ8At20PALP1DgBEuwCASLsAgEy7AIBQuwCAtjUOALXlDgBUuwCAuxEOALoJDgBYuwCAXLsAgL+1DwC+CQ4AvQEOALwJDgCCFQAAo7EOAIBhAACBYQAApnEOAGC7AIC+EAEApaEOAKpNDgCrVQ4AaLsAgIQgAQCuTQ4Ar/EPAKxNDgCtRQ4An0UIAJ4NCQCdDQkAnJkLAJt1NQCaETUAmZk3AJgNMQCXJTEAliUxAJWBPQCUDT0Ak4k/AJIVOACRPTkAkD05AI9lJQDvrA0AhgAEAIegAQBsuwCAcLsAgHS7AIDv6AEAeLsAgOE0AgB8uwCA4zQBAIC7AIDjCAwAhLsAgOEIDQChoQEAiLsAgKMJBQCibQMApc0EAKQRBQCnHRkAph0ZAKmhHQCoORkAq+kcAKqpHQCtkREArAEQAK8BFACuUREAsfkVALDlFQCz6WkAsgFoALUBbAC0eWkAjLsAgJC7AICUuwCAmLsAgJy7AICguwCAowkDAKIZDQCh/Q0AoP0NAIIlJgCDBToApLsAgKi7AICGqTwAhzU+AIQdOgCFPTsAiok+AIslMgCsuwCAsLsAgI6xNACPMTYAjD0yAI0tMgCSJTYAk9EIAIREAwC+wAQAlhULAJdVDgCUXQoAlVUKAJplDgCbiQ4AtLsAgLi7AIC8uwCAwLsAgJyBAADEuwCAuLUCALm9AgC6tQIAuwkCALwZAgC9GQIAvgkCAL8BAgCwdQ0AsX0NALJJDQCzSQ0AtJUCALWdAgC2lQIAt40CAKi9DQCpUQ0AqlUNAKtpDQCsfQ0ArWUNAK5tDQCvEQ0AZLsAgILtAQCBHQAAgB0AAMi7AIDMuwCAfboAgL5wBQCznQwAhIwFANC7AIDYuwCA3LsAgLalDAC1tQwA4LsAgLv5DAC68QwAhigFAIcgBQC/GQMAvhEDAL3dDAC83QwA5LsAgKPZDADouwCA7LsAgKbhDADwuwCA9LsAgKXxDACqtQwAq70MAPi7AID8uwCArlUDAK9dAwCsmQwArZkMAAC8AIAEvACACLwAgAy8AIAQvACAFLwAgBi8AIDvvAEAHLwAgOF8DgAgvACA41ABACS8AIAovACALLwAgDC8AICzlQIANLwAgDi8AIA8vACAQLwAgLa9AgC1uQIASLwAgLs5AgC6YQIAhsgEAIesBAC/GQIAvhECAL0ZAgC8IQIAo1UFAILVBwCBxQcAgMUHAEy8AICmfQUApXkFAFC8AICr+QUAqqEFAFS8AIBYvACAr9kFAK7RBQCt2QUArOEFAFy8AICzWQcAYLwAgGS8AIC2HQcAaLwAgGy8AIC1FQcAugkHALsJBwBwvACAdLwAgL75BwC/+QcAvPkHAL35BwDUuwCARLwAgHi8AIB8vACAgLwAgIS8AICIvACAjLwAgKitBwCptQcAqrUHAKvtBwCs+QcArfkHAK7tBwCv5QcAsKkHALGpBwCySQcAs0kHALRZBwC1WQcAtkkHALdJBwC4eQcAuUUHALpBBwC7XQcAvEUHAL1NBwC+RQcAvzkHAKMdBgCQvACAlLwAgJi8AICcvACAplkGAKVRBgCgvACAq00GAKpNBgCkvACAqLwAgK+9BgCuvQYArb0GAKy9BgCAbQAAgQkAAIIZAACsvACAsLwAgISYAQC+kAEAtLwAgIYAHACHxAEAuLwAgLy8AIDAvACAxLwAgMi8AIDMvACAqF0GAKmVAQCqlQEAq6UBAKy9AQCt1QEArtEBAK/RAQDQvACA1LwAgNi8AIDcvACA4LwAgOS8AIDovACA7LwAgLhZAQC5WQEAus0AALvFAAC83QAAvcUAAL7FAAC/9QAAsLUBALG9AQCygQEAs4EBALR5AQC1eQEAtmkBALdpAQCzHQIA8LwAgPS8AIC+gBwA+LwAgLZVAgC1NQIA/LwAgLt5AgC6cQIAAL0AgAS9AIC/vQIAvr0CAL1VAgC8VQIACL0AgKNZAgAMvQCAEL0AgKYRAgAUvQCAGL0AgKVxAgCqNQIAqz0CABy9AIAgvQCArvkCAK/5AgCsEQIArRECACi9AIAsvQCAvgQdAL4AHgAwvQCANL0AgDi9AIA8vQCAgPkAAIHNAACCxQAAhCADAIawHACHlAMAQL0AgES9AIBIvQCATL0AgFC9AIBUvQCA42wCAFi9AIDhoAEAXL0AgO8UAgBgvQCAZL0AgGi9AIBsvQCAcL0AgHS9AIB4vQCA4fAGAOE0BgDjTAAA4xgGAHy9AICAvQCAhL0AgIi9AICAPQAAgQkAAIIZAACMvQCAkL0AgIS8HQDvmAAA7zgHALMxAgDRAAAAh9gdAIZsHACYvQCAtikCALUhAgCcvQCAu80CALrNAgCgvQCApL0AgL/NAgC+zQIAvc0CALzNAgCyXQYAs2UGALANBgCxVQYAtn0GALedBQC0fQYAtXUGALqNBQC7zQUAuKUFALmFBQC+xQUAv8kFALzVBQC9zQUAqL0AgKy9AICwvQCAtL0AgLi9AIC8vQCAwL0AgMS9AICqtQYAq70GAKgBBwCpvQYAroEGAK+NBgCsmQYArZUGAKNxHQDIvQCAzL0AgNC9AIDUvQCApmkdAKVhHQDYvQCAq40dAKqNHQDcvQCA4L0AgK+NHQCujR0ArY0dAKyNHQDkvQCAs9UeAOi9AIDsvQCAts0eAPC9AID0vQCAtcUeALqhHgC7oR4A+L0AgPy9AIC+pR4Av6keALyxHgC9sR4AJL0AgJS9AIAAvgCAhAQDAID5AACB+QAAghEAAAS+AICoIR4AqSEeAKo5HgCrOR4ArCkeAK0pHgCuAR4ArwEeALABHgCxAR4AsgEeALMBHgC0BR4AtQkeALY9HgC3NR4AuA0eALkVHgC6HR4AuxUeALwNHgC95R8Avu0fAL/lHwCjkR8ACL4AgIYoAQCHSAEADL4AgKaJHwClgR8AEL4AgKvlHwCq5R8AFL4AgBi+AICv7R8AruEfAK31HwCs9R8AHL4AgLMtHgAgvgCAJL4AgLaVHgAovgCALL4AgLWdHgC6sR4Au7EeADC+AIA0vgCAvnUBAL99AQC8oR4AvaEeAKjRHgCp2R4AquEeAKvhHgCsUR4ArVEeAK5RHgCvUR4AOL4AgDy+AIBAvgCARL4AgEi+AIBMvgCAUL4AgFS+AIC43QEAue0BALrlAQC7jQEAvJkBAL2ZAQC+jQEAv4UBALAxHgCxMR4AsjEeALMxHgC09QEAtf0BALb1AQC37QEAo2kdAFi+AIBcvgCAYL4AgGS+AICm0R0ApdkdAGi+AICr9R0AqvUdAGy+AIBwvgCArzkCAK4xAgCt5R0ArOUdAIFpAACAWQAAvgAEAIJhAAB4vgCAfL4AgIC+AICEvgCAhOwDAIi+AICHiAMAhuwEAIy+AICQvgCAlL4AgJi+AICohQMAqZUDAKqVAwCrpQMArL0DAK3VAwCu0QMAr9EDAJy+AICgvgCApL4AgKi+AICsvgCAsL4AgLS+AIC4vgCAuHEDALlxAwC6cQMAu3EDALzVAAC93QAAvtUAAL/NAACwtQMAsb0DALKBAwCzgQMAtFEDALVRAwC2UQMAt1EDAOFUHgDhrB8A45QBAOMoHgDjYAMAvL4AgOEIAADAvgCA75ADAMS+AIDIvgCAzL4AgNC+AIDUvgCA70wfAO9MHwCzXQIA2L4AgNy+AIDgvgCA6L4AgLYVAgC1dQIA7L4AgLs5AgC6MQIAhCQFAL7gBAC/1QIAvtUCAL0VAgC8FQIAuJEdALmZHQC6oR0Au6EdALzRHQC93R0AvtUdAL/JHQCwCR4AsQkeALIZHgCzGR4AtAkeALUJHgC2vR0At7UdAKipHgCpqR4AqrkeAKu5HgCsqR4ArakeAK55HgCveR4AgKUAAIGtAACCpQAA8L4AgIbQBACH+AQA9L4AgPi+AIB0vgCA5L4AgPy+AIAAvwCABL8AgAi/AIAMvwCAEL8AgKhxBgCpcQYAqnEGAKtxBgCsVQYArUUGAK5NBgCvRQYAsD0GALHlBgCy7QYAs+UGALT9BgC15QYAtu0GALflBgC43QYAuXEHALp1BwC7SQcAvFkHAL1ZBwC+SQcAv0kHALPZBgAUvwCAGL8AgBy/AIAgvwCAtuUGALX9BgAkvwCAuwEGALrZBgAovwCALL8AgL8BBgC+GQYAvREGALwZBgAwvwCAo9kFADS/AIA4vwCAppEFADy/AIBAvwCApfEFAKq1BQCrvQUARL8AgEi/AICuUQUAr1EFAKyRBQCtkQUAo1kHAIIZAACBGQAAgOEBAEy/AICmZQcApX0HAFC/AICrgQcAqlkHAISgAgC+rAEAr4EHAK6ZBwCtkQcArJkHAFS/AICzqQYAhugAAIcsAQC2WQEAWL8AgFy/AIC1oQYAunUBALt9AQBgvwCAZL8AgL75AQC/+QEAvGUBAL35AQCo0QYAqdkGAKplBgCrdQYArG0GAK2dAQCulQEAr40BAITsAQBovwCAbL8AgHC/AIB0vwCAeL8AgHy/AICAvwCAuGkBALlpAQC6CQEAuwUBALwdAQC9AQEAvgEBAL81AQCw9QEAsf0BALL1AQCzaQEAtHkBALV5AQC2aQEAt2EBAIS/AICIvwCAjL8AgKPhBQCQvwCApekFAKYRAgCUvwCAmL8AgJy/AICqPQIAqzUCAKwtAgCtsQIArrECAK+xAgCgvwCApL8AgL4EAwCEAAwAqL8AgKy/AICwvwCAtL8AgIANAACBFQAAgh0AALi/AIC8vwCAwL8AgIdEAwCG3AwAs+kDAMi/AIDMvwCA0L8AgNS/AIC2PQMAtT0DANi/AIC7GQMAuhEDANy/AIDgvwCAv7kAAL6xAAC9uQAAvAEDAOS/AIDhlAEA6L8AgON8AQDsvwCA8L8AgPS/AID4vwCA/L8AgADAAIAEwACACMAAgAzAAIAQwACAFMAAgO9MAgCoVQIAqV0CAKphAgCrYQIArLUCAK29AgCutQIAr60CAL5oDQAYwACAHMAAgCDAAIAkwACAgq0AAIGtAACArQAAuGEBALlhAQC6CQEAuwkBALwBAQC9AQEAvgEBAL8BAQCw1QIAsd0CALLVAgCzbQEAtHUBALV9AQC2aQEAt2EBAOFoBgDh8AcA47AAAOP0BgAowACALMAAgDDAAIA4wACAPMAAgEDAAIBEwACASMAAgL78DABMwACA72wAAO8oBgCjqQIAUMAAgIZoDACHBA0AVMAAgKZ9AgClfQIAWMAAgKtZAgCqUQIAXMAAgGDAAICv+QEArvEBAK35AQCsQQIAqIUOAKmNDgCqhQ4Aq50OAKyNDgCtvQ4ArrUOAK/dDgA0wACAZMAAgGjAAIBswACAcMAAgHTAAIB4wACAfMAAgLitDgC5tQ4Aur0OALu1DgC8dQ8AvX0PAL51DwC/bQ8AsKkOALG1DgCyvQ4As7UOALStDgC1lQ4Atp0OALeVDgCzDQ4AgMAAgITAAICIwACAjMAAgLY9DgC1BQ4AkMAAgLtxDgC6bQ4AlMAAgJjAAIC/UQ4AvmkOAL1hDgC8aQ4AghkAAKNJDgCAZQAAgRkAAKZ5DgCcwACAoMAAgKVBDgCqKQ4AqzUOAIS8AwCkwACAri0OAK8VDgCsLQ4ArSUOAKidDgCppQ4Aqq0OAKulDgCsvQ4AraEOAK7dDgCvzQ4AhiABAIdkAQCowACArMAAgLDAAIC0wACAuMAAgLzAAIC4eQEAuXkBALrNAQC7xQEAvN0BAL3FAQC+xQEAv/UBALC9DgCxjQ4AsoUOALNJAQC0WQEAtVkBALZJAQC3SQEAtS0OAMDAAIDEwACAtjkOAMjAAIDMwACAsz0OANDAAIC9hQEAvEkOAL+FAQC+hQEA1MAAgMS/AIC7UQ4AumEOAKNlDgDYwACA3MAAgODAAIDkwACApmEOAKV1DgDowACAqwkOAKo5DgDswACA8MAAgK/dAQCu3QEArd0BAKwRDgD0wACA+MAAgO/QDwD8wACAAMEAgATBAIAIwQCADMEAgBDBAIC+aAMAGMEAgBzBAIDhVA4AIMEAgONkDgAkwQCAgFkAAIFZAACCaQAAhIwDAIbwBACHFAMAKMEAgCzBAIAwwQCANMEAgDjBAIA8wQCAQMEAgETBAIBIwQCATMEAgFDBAIBUwQCAWMEAgFzBAIBgwQCAZMEAgGjBAIBswQCAqIkDAKmJAwCqmQMAq5kDAKyJAwCtiQMArj0DAK81AwCwUQMAsVEDALJVAwCzfQMAtBUDALUdAwC2FQMAtw0DALg9AwC5DQMAugUDALvtAAC89QAAvfkAAL7pAAC/6QAAcMEAgHTBAIB4wQCAsz0CAHzBAIC1LQIAtiUCAIDBAIC+aAUAiMEAgLq5AgC7uQIAvK0CAL2FAgC+/QIAv/UCAIBJAACBVQAAglUAAIQABQDvjAMAvhgEAId0BQCG/AQA4zwDAIzBAIDhUAAAkMEAgJTBAICYwQCAnMEAgKDBAICkwQCAqMEAgKzBAICwwQCAtMEAgLjBAIC8wQCA79QOAL4oBgDhdA4AwMEAgONUAQDEwQCAyMEAgMzBAIDQwQCAo/ECANTBAIDYwQCA3MEAgODBAICm6QIApeECAOTBAICrdQIAqnUCAOjBAIDswQCArzkCAK4xAgCtSQIArGECAKgpBgCpKQYAqj0GAKsxBgCsSQYArUkGAK55BgCveQYAhMEAgIIVAACBxQcAgMUHAPDBAICEaAMA9MEAgPjBAIC4yQYAuckGALrZBgC72QYAvMkGAL3JBgC+WQcAv1kHALAJBgCxCQYAshkGALMZBgC0CQYAtQkGALb5BgC3+QYAs7UGAPzBAICGrAAAh0ADAADCAIC2yQYAtcEGAATCAIC7zQYAus0GAAjCAIAMwgCAv80GAL7NBgC9zQYAvM0GABDCAICj8QYAFMIAgBjCAICmjQYAHMIAgCDCAIClhQYAqokGAKuJBgAkwgCAKMIAgK6JBgCviQYArIkGAK2JBgCoJQYAqWEGAKplBgCrfQYArGUGAK1tBgCuZQYAr50GACzCAIAwwgCANMIAgDjCAIA8wgCAQMIAgETCAIBIwgCAuPUGALn9BgC69QYAu4kGALyZBgC9mQYAvokGAL+BBgCw5QYAse0GALLlBgCz/QYAtOUGALXtBgC20QYAt80GAEzCAIC2/QYAtf0GAFDCAICz/QYAVMIAgFjCAIBcwgCAvzkGAL4xBgC9OQYAvCEGALs5BgC6MQYAFMEAgGDCAICjrQYAgnkAAIFVAACAVQAAhFwBAKatBgClrQYAaMIAgKtpBgCqYQYAhkh/AIfkAACvaQYArmEGAK1pBgCscQYAbMIAgO/cBwBwwgCAdMIAgHjCAIB8wgCAgMIAgITCAICIwgCAhKADAIzCAIC/JHkAkMIAgONoBwCUwgCA4XQGALPRAgCYwgCAvgQDAISAfQCcwgCAtvkCALXxAgCgwgCAu7UCALqpAgCkwgCAqMIAgL9RAwC+mQIAvZECALylAgCpBQIAqLkCAKsVAgCqHQIArT0CAKw9AgCvUQIArl0CAL5ofQCswgCAsMIAgLTCAIC4wgCAvMIAgMDCAIDEwgCAufEDALjpAwC78QMAuvkDAL1RAwC86QMAv00DAL5RAwCxNQIAsCkCALMBAgCyNQIAtdEDALQZAgC30QMAttkDAIIpAACjlQMAgB0AAIEVAACmvQMAyMIAgMzCAICltQMAqu0DAKvxAwDQwgCA2MIAgK7dAwCvFQIArOEDAK3VAwCGYH0Ah3h9ALNBAQCEAH8AtUEBANzCAIDgwgCAtkkBAOTCAIDowgCAu0EBALpNAQC9SQEAvEUBAL8pAQC+OQEA7MIAgO/cBgDwwgCA9MIAgPjCAID8wgCAAMMAgO8wBgCELH4A4eAGAATDAIDjiAEACMMAgON0AAAMwwCA4SwBAKPJAQAQwwCAFMMAgIVweQAYwwCApsEBAKXJAQAcwwCAq8kBAKrFAQAgwwCAJMMAgK+hAQCusQEArcEBAKzNAQCo3X0AqQV+AKoBfgCrAX4ArAF+AK0BfgCuAX4ArwF+ANTCAIAowwCALMMAgDDDAIA0wwCAgp0AAIGdAACAnQAAuC1+ALnhfgC64X4Au+F+ALzhfgC94X4AvuF+AL/hfgCwQX4AsU1+ALJZfgCzVX4AtDV+ALUlfgC2JX4AtxV+AKitfwCp0X8AqtF/AKvtfwCs9X8ArRV/AK4RfwCvEX8AOMMAgDzDAIBAwwCARMMAgIbwAwCHuAAASMMAgEzDAIC4EX8AuRl/ALohfwC7IX8AvPUAAL39AAC+9QAAv+0AALBxfwCxcX8AsnF/ALNFfwC0QX8AtU1/ALY9fwC3NX8As1l+AFDDAIBUwwCAWMMAgFzDAIC2lX4AtX1+AGDDAIC7tX4AurV+AGTDAIBowwCAv4l+AL6FfgC9kX4AvKV+AGzDAICjHX4AcMMAgHTDAICm0X4AeMMAgHzDAIClOX4AqvF+AKvxfgCAwwCAhMMAgK7BfgCvzX4ArOF+AK3VfgCwrQAAscUAALLBAACzwQAAtMUAALXNAAC28QAAt/EAALhhAAC5YQAAumEAALt9AAC8ZQAAvW0AAL5lAAC/vQMAiMMAgIzDAICQwwCAZMIAgJTDAICYwwCAnMMAgKDDAICoWQEAqVkBAKrtAACr5QAArP0AAK3lAACu5QAAr9UAAKTDAICCHQAAgR0AAIAdAACowwCArMMAgLDDAIC+VAIAhoAEAIfsAgC4wwCAvMMAgMDDAIDEwwCAyMMAgL54AwDjdH4AzMMAgOG4fQDQwwCA1MMAgNjDAIDcwwCA4MMAgOTDAIDowwCA7MMAgPDDAIDvwH4A9MMAgPjDAID8wwCAs4UDAADEAIAExACACMQAgAzEAIC2hQMAtZUDABDEAIC74QMAuokDAL4kBgAUxACAv+kDAL7hAwC99QMAvPUDAIIpAACjwQMAgB0AAIEVAACmwQMAGMQAgBzEAICl0QMAqs0DAKulAwAgxACAheAFAK6lAwCvrQMArLEDAK2xAwDh+AMAKMQAgONcHwAsxACA7/QDADDEAICGPAcAh6wCAON8fgA0xACA4YABADjEAIA8xACAQMQAgO/kEwBExACAs3EBAEjEAIBMxACAUMQAgFTEAIC2EQEAtWEBAFjEAIC7OQEAujEBAFzEAIBgxACAvxkBAL4RAQC9GQEAvCEBAGTEAIBoxACAbMQAgHDEAIB0xACAeMQAgHzEAIDvxH8AgMQAgOH8fgCExACA4/B/AIANAACBdQAAgn0AAIjEAICMxACAkMQAgKP5AQC+AAgApekBAJjEAICcxACAppkBAISoBQCgxACAq7EBAKq5AQCtkQEArKkBAK+RAQCumQEAqCkGAKkpBgCqOQYAqzkGAKwpBgCtUQYArlUGAK9NBgAkxACAhCABAKTEAICUxACAo+EBAKKZBAChGQQAoPEFALg5BgC5OQYAus0GALvFBgC83QYAvcUGAL7FBgC/8QYAsDUGALE9BgCyNQYAsw0GALQVBgC1HQYAthUGALcJBgCPoWwAs5EHAIYoAQCHfAMAtqEHAKjEAICsxACAtbEHALrlBwC77QcAsMQAgLTEAIC+7QcAv90HALz1BwC97QcAn/l4AJ7leACdcXkAnCF8AJvxfACaYX0AmZlxAJjZcACX4XAAlnl0AJVtdACUbXQAk61pAJJxaACReWgAkB1uAIIhbQCD5W8AuMQAgLzEAICGTWgAh5V1AISZaQCFmWkAiqV1AIu5dQDAxACAxMQAgI5xcACPgXwAjDlxAI05cQCSYX0Ak6l9AMjEAIDMxACAlml5AJeZBACU4XgAlX15AJpBBQCbyQUA0MQAgNTEAIDYxACA3MQAgJypAADgxACAo4ENAKKpAQChqQEA5MQAgKexCQCmAQgApU0NAKSZDQCrkRUAqoUVAKkBFACocQkArx0QAK7pEQCtvREArAEQALMBGACy8RwAscEdALDJHQC0wwCA6MQAgLXhGAC0/RkA7MQAgPDEAID0xACA+MQAgIAdAACBCQAAgv0DAPzEAICjFQUAAMUAgIaIDACHPAMACMUAgKYlBQClNQUADMUAgKtpBQCqYQUAEMUAgBTFAICvWQUArmkFAK1pBQCscQUAGMUAgBzFAICEBAwAIMUAgCTFAIDhbAYAKMUAgOPsewAsxQCAMMUAgDTFAIDvqAYAOMUAgDzFAIBAxQCARMUAgKmNBQCogQUAq60FAKqZBQCtoQUArLkFAK+lBQCuqQUAhGgNAEjFAIBMxQCAUMUAgFTFAIBYxQCAXMUAgL70DAC5SQUAuEEFALtZBQC6QQUAvUkFALxBBQC/cQUAvn0FALGpBQCwoQUAs7kFALKhBQC1mQUAtKkFALd5BQC2kQUAqNUEAKndBACq7QQAqyUDAKyFAwCtjQMArrEDAK+xAwBgxQCAZMUAgGjFAIBsxQCAgBkAAIEZAACCBQAAcMUAgLgxAgC5MQIAujUCALvBAgC8hQIAvbUCAL69AgC/tQIAsGkCALFpAgCyQQIAs0ECALQ5AgC1OQIAthECALcRAgCGoAwAh0wNAHjFAIB8xQCA76QGAIDFAICExQCA78wHAOOUAQDhpAYA4TgBAONcBgCIxQCAjMUAgJDFAICUxQCAmMUAgJzFAICzLQQAoMUAgLVFAwCkxQCAqMUAgLZFAwCsxQCAsMUAgLvlAgC65QIAvd0CALzdAgC/tQIAvrUCAATFAIB0xQCAtMUAgLjFAIC8xQCAwMUAgMTFAIDIxQCAqDEOAKk5DgCqAQ4AqwEOAKxxDgCtcQ4ArnUOAK9tDgCwGQ4AsSUOALItDgCzJQ4AtCEOALUhDgC2IQ4AtyEOALjFDgC5zQ4AusUOALvdDgC8xQ4Avc0OAL5ZDwC/WQ8As6kOAMzFAIDQxQCA1MUAgNjFAIC20Q4AtdkOANzFAIC7wQ4Auv0OAODFAIC+LAAAv8UOAL7FDgC90Q4AvNkOAIJpAACj7Q4AgFkAAIFRAACmlQ4A5MUAgOjFAIClnQ4AqrkOAKuFDgCGyAAAh6wAAK6BDgCvgQ4ArJ0OAK2VDgDsxQCAs5EOAPDFAID0xQCAtqUOAPjFAID8xQCAta0OALrhDgC74Q4AAMYAgATGAIC+6Q4Av9UOALz1DgC96Q4Ao6UKAAjGAIAMxgCAEMYAgBTGAICmzQ0Apc0NABjGAICrbQwAqm0MABzGAIAgxgCArz0MAK49DACtVQwArFUMAKgJDgCpCQ4Aqh0OAKsVDgCsIQ4ArSEOAK4hDgCvIQ4AJMYAgCjGAIAsxgCAMMYAgDTGAIA4xgCAPMYAgEDGAIC4zQEAudUBALrdAQC71QEAvM0BAL1RAQC+UQEAv1EBALAhDgCxIQ4AsiUOALM5DgC0KQ4AtRUOALYdDgC39QEARMYAgEjGAIBMxgCAo5kNAFDGAIClpQ0Apq0NAL7cAgCE7AMAWMYAgKrpDQCr6Q0ArP0NAK3hDQCu4Q0Ar90NAIBFAACBTQAAglkAAKNFAwBcxgCApUEDAKZBAwBgxgCAhsAEAIcAAwCqLQMAqyUDAKw9AwCtJQMAriUDAK8VAwCoWQIAqYUDAKqBAwCrgQMArIUDAK2NAwCusQMAr7EDAGTGAIBoxgCAbMYAgHDGAIB0xgCAeMYAgHzGAICAxgCAuGUDALltAwC6ZQMAu30DALxlAwC9bQMAvmUDAL/dAACwpQMAsa0DALKlAwCzvQMAtK0DALWdAwC2lQMAt10DALMJAgCExgCAiMYAgIzGAICQxgCAtg0CALUNAgCUxgCAu2kCALphAgCYxgCAnMYAgL9ZAgC+aQIAvWkCALxxAgCgxgCApMYAgKjGAICsxgCA4aABALDGAIDjaAMAtMYAgIEVAACAFQAA74wDAIIVAAC4xgCAvMYAgMDGAIC+cAUA4RgOAOGUDwDjOA8A49QPAISUAgDIxgCAzMYAgNDGAIDUxgCA2MYAgNzGAIDgxgCA5MYAgOjGAIDv7AEA7/gPAIZgBACHBAUAs5UBAITMBQC1dQEA7MYAgPDGAIC2dQEA9MYAgPjGAIC7UQEAulkBAL31AAC8SQEAv/UAAL71AACoJQYAqVUGAKpVBgCrrQYArLUGAK29BgCutQYAr60GAMTGAID8xgCAAMcAgATHAIAIxwCADMcAgBDHAIAUxwCAuGkHALlpBwC6CQcAuwkHALwZBwC9GQcAvg0HAL8BBwCw1QYAsd0GALLVBgCzaQcAtHkHALV5BwC2aQcAt2EHAKPdBgAYxwCAHMcAgCDHAIAkxwCApj0GAKU9BgAoxwCAqxkGAKoRBgAsxwCAMMcAgK+9BwCuvQcArb0HAKwBBgCAXQAAgW0AAIJlAACzUQcAvtgDALVxBwC2cQcANMcAgIbgAACHFAMAul0HALs5BwC8KQcAvRUHAL4dBwC/2QAAqJUGAKmdBgCqlQYAq60GAKy1BgCtvQYArrUGAK+tBgA4xwCAPMcAgEDHAIBExwCASMcAgEzHAIBQxwCAVMcAgLhxAQC5cQEAunEBALtxAQC81QEAvd0BAL7VAQC/zQEAsNUGALGxBgCysQYAs40GALSVBgC1UQEAtlEBALdRAQBYxwCAoxkGAFzHAIBgxwCApjkGAFTGAIBkxwCApTkGAKoVBgCrcQYAaMcAgGzHAICuVQYAr5EBAKxhBgCtXQYAcMcAgHTHAIB4xwCAfMcAgIDHAICExwCAiMcAgIzHAICQxwCAlMcAgJjHAICcxwCAgBkAAIEZAACCBQAAoMcAgISAAgC+gAMAhwwDAIasHADhaAYAqMcAgOOYBwCsxwCAsMcAgLTHAIDvrAcAuMcAgLzHAIDAxwCAxMcAgMjHAIDMxwCA0McAgNTHAICzZQMA2McAgLVlAwC2bQMA3McAgODHAIDkxwCAuukDALvlAwC8/QMAve0DAL7RAwC/0QMA6McAgOzHAIDwxwCA9McAgPjHAID8xwCAAMgAgATIAICogQMAqYEDAKqBAwCrgQMArIEDAK2BAwCugQMAr4EDALBBAwCxTQMAskUDALNVAwC0eQMAtXkDALYZAwC3GQMAuCkDALkpAwC6OQMAuzkDALwpAwC9KQMAvhkDAL8ZAwCBGQAAgBEAAKMhAgCCLQAApSECAAjIAIAMyACApikCABDIAIAYyACAq6ECAKqtAgCtqQIArLkCAK+VAgCulQIAhEwCAL5IHQCHZB0AhuwcAONAAwAcyACA4aABACDIAIDvnAMAJMgAgCjIAIAsyACAMMgAgDTIAIA4yACAPMgAgEDIAIBEyACASMgAgEzIAIBQyACAVMgAgFjIAIDvtAEAhKgdAOF8BgBcyACA43AGAGDIAIBkyACAaMgAgGzIAICz4QEAcMgAgHTIAIB4yACAfMgAgLblAQC19QEAgMgAgLuhAQC62QEAvuQcAIjIAIC/rQEAvqUBAL2xAQC8uQEAqBUeAKkZHgCqKR4AqykeAKw9HgCtJR4Ari0eAK8lHgAUyACAgvkfAIH5HwCA4R8AhMgAgIzIAICGHAAAh7ADALjBHgC5wR4AusEeALvBHgC8wR4AvcEeAL7BHgC/wR4AsF0eALElHgCyLR4AsyUeALQhHgC1KR4AthkeALcZHgCjoR4AkMgAgJTIAICYyACAnMgAgKalHgCltR4AoMgAgKvhHgCqmR4ApMgAgKjIAICv7R4AruUeAK3xHgCs+R4ArMgAgLOZHwCwyACAtMgAgLa9HwC4yACAvMgAgLW1HwC6mR8Au5kfAMDIAIDEyACAvnkfAL95HwC8eR8AvXkfAKglHgCpUR4AqlUeAKtpHgCseR4ArXkeAK5pHgCvaR4AyMgAgMzIAIDQyACA1MgAgNjIAIDcyACA4MgAgOTIAIC42R4Aue0eALr5HgC7+R4AvOkeAL3pHgC+nR4Av5UeALAZHgCxGR4AsukeALPpHgC0+R4AtfkeALbpHgC36R4Ao90eAIIpAACBFQAAgB0AAOjIAICm+R4ApfEeAOzIAICr3R4Aqt0eAKTHAIDwyACArz0eAK49HgCtPR4ArD0eAITIAgCzQQEAvgwBAPjIAIC2QQEA/MgAgADJAIC1UQEAuk0BALslAQCGSAAAh1ABAL4lAQC/LQEAvDEBAL0xAQAEyQCACMkAgIQEAwC+gAQADMkAgO+oHwAQyQCAFMkAgL8oMQDjdB8AGMkAgOE4HgAcyQCAIMkAgCTJAIAoyQCALMkAgDDJAICjzQIANMkAgKXdAgA4yQCAPMkAgKbNAgBAyQCARMkAgKupAgCqwQIArb0CAKy9AgCvoQIArqkCAKm1AgCoaR0AqwECAKoJAgCtAQIArBkCAK8xAgCuAQIAhGwFAEjJAIBMyQCAUMkAgFTJAICCnQEAgZ0BAICdAQC55QMAuOUDALvlAwC65QMAveUDALzlAwC/5QMAvuUDALEhAgCwSQIAsyUCALIlAgC1KQIAtCECALcVAgC2FQIAqM0CAKnRAgCq0QIAqw0BAKwVAQCtBQEArgEBAK8BAQBYyQCAXMkAgGDJAIBoyQCAvvgEAGzJAIBwyQCAdMkAgLgVAQC5HQEAuikBALspAQC89QEAvf0BAL71AQC/7QEAsEkBALFVAQCyXQEAs1UBALRNAQC1NQEAtj0BALcxAQCGoAUAh8gFAHjJAIDvvAAAfMkAgIDJAICEyQCA74weAIQsBwDh8B4AiMkAgOMcHgCMyQCA4ZQBAJDJAIDjbAAAsxkCAJTJAICYyQCAnMkAgIQACAC2xQEAtd0BAKDJAIC70QEAus0BAKTJAICoyQCAv7EBAL7JAQC9wQEAvMkBAKPZBQBkyQCArMkAgLDJAIC0yQCApgUGAKUdBgC4yQCAqxEGAKoNBgC8yQCAwMkAgK9xBgCuCQYArQEGAKwJBgDEyQCAgh0AAIEdAACAHQAAyMkAgMzJAIDQyQCA1MkAgIZAAwCHxAMA2MkAgNzJAIDgyQCA5MkAgOjJAIDsyQCAqK0HAKmxBwCqsQcAq7EHAKwZBwCtBQcArg0HAK8FBwDwyQCA9MkAgPjJAID8yQCAAMoAgATKAIAIygCADMoAgLgtBwC5zQAAusUAALvdAAC8zQAAvf0AAL71AAC/nQAAsEkHALFVBwCyUQcAsykHALQ5BwC1OQcAtiUHALcVBwCzOQYAEMoAgBTKAIAYygCAHMoAgLaFBgC1kQYAIMoAgLuRBgC6jQYAJMoAgCjKAIC//QYAvv0GAL39BgC8hQYALMoAgKN9BgAwygCANMoAgKbBBgA4ygCAPMoAgKXVBgCqyQYAq9UGAEDKAIC+bAEArrkGAK+5BgCswQYArbkGAKjpAQCp6QEAqvkBAKv5AQCs6QEArekBAK45AQCvOQEAgPUAAIH9AACCwQAARMoAgIYQAACHdAEASMoAgPTIAIC4zQAAudUAALrVAAC75QAAvP0AAL2VAAC+kQAAv5EAALBJAQCxSQEAslkBALNZAQC0SQEAtUkBALb9AAC39QAA7/QGAEzKAIBQygCAVMoAgO8wAgBYygCAXMoAgGDKAIDj4AcAZMoAgOGAAQBoygCA4ygGAGzKAIDhyAUAcMoAgLMxAgB0ygCAeMoAgJYAAAB8ygCAtikCALUhAgCAygCAu80CALrNAgCEygCAiMoAgL/NAgC+zQIAvc0CALzNAgCMygCAkMoAgJTKAICj/QIAmMoAgKXtAgCm5QIAnMoAgKDKAICkygCAqgECAKsBAgCsAQIArQECAK4BAgCvAQIAgA0AAIEVAACCHQAAqMoAgKzKAICwygCAvlQMALjKAICGwAwAhyQDALzKAIDAygCAxMoAgMjKAIDMygCA0MoAgKi5AgCpAQEAqgEBAKsBAQCsBQEArQ0BAK4FAQCvOQEAhKgNANTKAIDYygCA3MoAgODKAIDkygCA6MoAgOzKAIC4LQEAucUBALrNAQC7xQEAvMEBAL3JAQC++QEAv/kBALBNAQCxUQEAslUBALMpAQC0OQEAtSUBALYlAQC3FQEA4RgGAPDKAIDjOAcA9MoAgPjKAIC+WAwA/MoAgADLAICEbA8ABMsAgL5gDwAIywCADMsAgBDLAIDvcAYAFMsAgIAVAACBGQAAgi0AAITMDwDjYAYAGMsAgOGgAQAcywCA73QAACDLAICGyAwAh/wMACjLAIAsywCAMMsAgDTLAICjCQ4AtMoAgCTLAIA4ywCAPMsAgKYNDgClDQ4AQMsAgKsVDgCqCQ4ARMsAgEjLAICvYQ4Arn0OAK19DgCsAQ4ATMsAgLOpDgBQywCAVMsAgLapDgBYywCAXMsAgLWpDgC6SQ8Au0kPAGDLAIBkywCAvkkPAL9JDwC8SQ8AvUkPAKhdDgCpbQ4AqmUOAKt9DgCsZQ4ArW0OAK5lDgCvuQ8AaMsAgGzLAIBwywCAdMsAgHjLAIB8ywCAgMsAgITLAIC4UQ8AuV0PALpVDwC7aQ8AvH0PAL1lDwC+bQ8Av2EPALDJDwCxyQ8AstkPALPZDwC0yQ8AtckPALZ9DwC3cQ8AiMsAgLURDwC2EQ8AjMsAgIARAACBGQAAgikAALMVDwC8HQ8AvWEPAL5hDwC/fQ8AkMsAgJTLAIC6FQ8AuwkPAKOtDwCYywCAhugAAIfIAQCcywCApq0PAKWtDwCgywCAq00OAKpNDgCkywCAqMsAgK9NDgCuTQ4ArU0OAKxNDgCocQ4AqXEOAKpxDgCrcQ4ArJ0BAK2FAQCuhQEAr7UBAL7sAACsywCAsMsAgLTLAIC4ywCAvMsAgMDLAIDEywCAuGEBALlhAQC6YQEAu2EBALxhAQC9YQEAvmEBAL9hAQCwzQEAsaUBALKhAQCzoQEAtKUBALWtAQC2kQEAt5EBALP5DQDIywCAzMsAgNDLAIDUywCAtgUCALUVAgDYywCAu2ECALoJAgDcywCA4MsAgL9pAgC+YQIAvXUCALx1AgDkywCAo70NAOjLAIDsywCApkECAPDLAID0ywCApVECAKpNAgCrJQIA+MsAgPzLAICuJQIAry0CAKwxAgCtMQIAge0AAIDtAADv0AEAgh0AAADMAIAIzACAhjgEAIdQAwAMzACAEMwAgBTMAIAYzACA4eABABzMAIDjZA8AIMwAgCTMAIAozACALMwAgLORAwAwzACAtbkDALZ9AwA0zACAOMwAgDzMAIC6WQMAu1kDALxJAwC9SQMAvv0AAL/1AACoRQIAqVUCAKpVAgCrZQIArH0CAK2xAgCusQIAr7ECAL5oBQBAzACARMwAgEjMAIBMzACAUMwAgFTMAIBYzACAuF0BALltAQC6ZQEAuw0BALwZAQC9GQEAvg0BAL8FAQCw0QIAsdECALLRAgCz0QIAtHUBALV9AQC2dQEAt20BAOF4DwDjNA4A47gOAOF8DgBczACAYMwAgGTMAIBozACAbMwAgHDMAIB4zACAfMwAgIDMAIDv5A4A79QOAITMAICjnQIAgmEAAIFpAACAUQAAhJwFAKZxAgCltQIAiMwAgKtVAgCqVQIAhkgEAIfMBACv+QEArvEBAK1FAgCsRQIAqJUGAKmlBgCqrQYAq6UGAKy9BgCtoQYArqUGAK/dBgB0zACAjMwAgJDMAICUzACAmMwAgJzMAICgzACApMwAgLhtBwC5dQcAun0HALt1BwC8bQcAvcUHAL7NBwC/xQcAsKUGALGtBgCyuQYAs7EGALSRBgC1kQYAtl0HALdVBwCzJQYAqMwAgKzMAICwzACAtMwAgLYhBgC1NQYAuMwAgLtpBgC6YQYAvMwAgMDMAIC/VQYAvlUGAL1lBgC8bQYAxMwAgKNhBgDIzACAzMwAgKZlBgDQzACA1MwAgKVxBgCqJQYAqy0GANjMAIDczACArhEGAK8RBgCsKQYArSEGAKipBgCpqQYAqrkGAKuxBgCszQYArTEBAK4xAQCvMQEAgMkBAIHJAQCCBQAA4MwAgL54AgCEeAIA5MwAgOjMAIC43QEAue0BALrlAQC7jQEAvJkBAL2ZAQC+jQEAv4UBALBRAQCxUQEAslEBALNRAQC09QEAtf0BALb1AQC37QEAszEGAOzMAICGKAAAh9wBAPDMAIC2sQEAtUUGAPTMAIC7lQEAupUBAPjMAID8zACAvzkBAL4xAQC9hQEAvIUBAATMAICjdQYAAM0AgATNAICm9QEACM0AgAzNAIClAQYAqtEBAKvRAQAQzQCAFM0AgK51AQCvfQEArMEBAK3BAQAYzQCAHM0AgCDNAIAkzQCAKM0AgCzNAIAwzQCANM0AgDjNAIA8zQCAQM0AgETNAIBIzQCATM0AgFDNAIC+cAMAhQA8AOHEBgCERAIA44wHAIBhAACBYQAAgmEAAO9oAwCFRDwA4RACAFjNAIDj2CsAhlA9AIf0AwBczQCA76QHAGDNAIDvQAIAZM0AgGjNAIBszQCAcM0AgHTNAIB4zQCAhDw8AHzNAICAzQCAhM0AgIjNAIDj7AIAjM0AgOEsAQCzUQMAkM0AgJTNAICYzQCAnM0AgLZ5AwC1cQMAoM0AgLs5AwC6MQMApM0AgKjNAIC/9QAAvvUAAL0VAwC8FQMAqD0CAKmBAgCqmQIAq5ECAKy5AgCtuQIArtECAK/RAgCEqD8Avqg/AKzNAICwzQCAtM0AgLjNAIC8zQCAwM0AgLhRAQC5UQEAulEBALtRAQC8cQEAvXEBAL5xAQC/cQEAsLUCALG9AgCygQIAs4ECALRxAQC1cQEAtnEBALdxAQCAtQAAgb0AAIK1AADIzQCAhrA/AIfgPADMzQCA71QAAL4sPgDhVAYA0M0AgOOIAADUzQCA2M0AgNzNAIDgzQCAo1ECAOTNAIC/2CYA6M0AgOzNAICmeQIApXECAPDNAICrOQIAqjECAPTNAID4zQCAr/UBAK71AQCtFQIArBUCAJAtJACRBSgAkg0oAJPZKACUhS0AlTUsAJbFLACXtTEAmAEwAJkVMACalTUAmyk0AJxtNACdmTUAnj04AJ81OABUzQCAttU+ALXFPgDEzQCAs9E+APzNAIAAzgCABM4AgL/ZPgC+1T4AvcU+ALzFPgC71T4Auuk+AAjOAICPXSQAqeUJAKgVCACrBQwAqg0MAK0BEACsAQwAr0EQAK69EACh4QAADM4AgKMBBACi4QAApZ0EAKSVBACnuQgApgEIAKD1OQChBT0Aouk8AKP1PQAQzgCAFM4AgBjOAIAczgCAscEUALABFACzARgAsn0UALXVGAC01RgAIM4AgCTOAICCISUAgyklACjOAIAszgCAhsUpAIeBLACEGSkAhRkpAIoBLQCL+S0AMM4AgDjOAICOATEAj4k0AIyRMACNHTEAkkU1AJMZNQCG6AcAh+wBAJZZOQCXYTgAlPU0AJVZOQCaoTwAm0U9ADzOAIBAzgCAgX0AAIB9AACcQTwAglUAAKjpPwCp/T8Aqgk/AKsFPwCsHT8ArQU/AK4NPwCvBT8ARM4AgEjOAIBMzgCAUM4AgFTOAIBYzgCAXM4AgGDOAIC4DT8AuRU/ALoVPwC7JT8AvD0/AL39PgC+9T4Av+0+ALB9PwCxQT8AskE/ALNBPwC0QT8AtU0/ALY9PwC3NT8Ao4E8AGTOAIBozgCAbM4AgHDOAICmhTwApZU8AHTOAICrhTwAqrk8AHjOAIB8zgCAr4k8AK6FPACtlTwArJU8AITIAwCz7T0AgM4AgITOAIC26T0AiM4AgIzOAIC16T0Auq09ALu1PQCQzgCAlM4AgL6dPQC/IQIAvKU9AL2VPQCoDT0AqR09AKohPQCrPT0ArCU9AK0tPQCuJT0Ar1k9AIANAACBFQAAgh0AAJjOAICczgCAoM4AgKjOAIC+uAMAuLkCALlhAgC6GQIAuxkCALwJAgC9CQIAviECAL8hAgCwLT0AsTU9ALI1PQCzBT0AtB09ALWhAgC2oQIAt6ECAKOpPACszgCAhigFAIfsAgCwzgCApq08AKWtPAC0zgCAq/E8AKrpPAC4zgCAvM4AgK9lAwCu2TwArdE8AKzhPADAzgCAsykCAMTOAIDIzgCAtvkCAMzOAIDQzgCAtfkCALrVAgC73QIA1M4AgNjOAIC+eQEAv3kBALzFAgC9eQEA3M4AgODOAICj5QIA5M4AgKU1AgDozgCA7M4AgKY1AgDwzgCA9M4AgKsRAgCqGQIArbUBAKwJAgCvtQEArrUBAOPwPgDhrD8A4UA+AON8PwD4zgCA/M4AgADPAIAEzwCAgA0AAIERAACCEQAACM8AgO+oPgAMzwCAEM8AgO8gPgCoLQUAqW0FAKplBQCrrQUArLUFAK29BQCutQUAr60FAKTOAICE6AMAvuADABTPAICGEAMAh5gDABjPAIAczwCAuGkGALlpBgC6AQYAuwEGALwFBgC9DQYAvjEGAL8xBgCw1QUAsd0FALLVBQCzaQYAtHkGALV5BgC2aQYAt2EGAKg5BgCpgQcAqpkHAKuRBwCsuQcArbkHAK7ZBwCv1QcAIM8AgCTPAIA0zgCAKM8AgCzPAIAwzwCANM8AgDjPAIC4VQcAuV0HALppBwC7aQcAvAEHAL0BBwC+AQcAvwEHALCtBwCxsQcAsrEHALOFBwC0nQcAtXUHALZ9BwC3cQcAsxEGADzPAIBAzwCARM8AgEjPAIC2OQYAtTEGAEzPAIC7dQYAumkGAFDPAIBUzwCAv7EGAL5ZBgC9UQYAvGUGAFjPAICjVQYAXM8AgGDPAICmfQYAZM8AgGjPAICldQYAqi0GAKsxBgBszwCAcM8AgK4dBgCv9QYArCEGAK0VBgCouQEAqbkBAKopAQCrKQEArD0BAK0lAQCuLQEAryUBAHTPAICCHQAAgR0AAIAdAAB4zwCAfM8AgIDPAIC+cAEAuIEAALmNAAC6hQAAu5kAALyJAAC9vQAAvrUAAL99AACwXQEAseEAALLhAACz4QAAtOEAALXpAAC20QAAt9EAAITIAgCzpQIAhzgDAIYoAgC2oQIAiM8AgIzPAIC1sQIAup0CALshAwC+bAMAkM8AgL4hAwC/KQMAvDEDAL0xAwCj4QIAlM8AgJjPAICczwCAoM8AgKblAgCl9QIApM8AgKtlAwCq2QIAqM8AgKzPAICvbQMArmUDAK11AwCsdQMAqZkAAKiRAACrzQAAqqEAAK3dAACs3QAAr8UAAK7NAAC+LA0AsM8AgLTPAIC4zwCAvM8AgMDPAIDEzwCAyM8AgLnBAQC4eQAAu8EBALrJAQC9wQEAvNkBAL/FAQC+xQEAsY0AALCNAACzQQAAskkAALVBAAC0WQAAt0EAALZJAADMzwCA0M8AgNTPAIDYzwCA3M8AgO9QBwDgzwCA5M8AgL74DwDjdAcA6M8AgOF8BACAGQAAgQkAAIJ5AADszwCA8M8AgLNpAQD4zwCAhMQCALYdAQD8zwCAANAAgLUVAQC6CQEAuwkBAIboDQCH6A0Avt0BAL/FAQC83QEAvdUBAATQAIAI0ACADNAAgBDQAIDv1AAAFNAAgBjQAIDvTAEA47ADAOG0BgDhgAEA45gBABzQAIAg0ACAJNAAgCjQAIAs0ACAMNAAgKPlAQCEwA0ApZkBADTQAIA40ACAppEBADzQAIBA0ACAq4UBAKqFAQCtWQEArFEBAK9JAQCuUQEA9M8AgETQAIBI0ACATNAAgFDQAIBU0ACAWNAAgFzQAICoaQ8AqXEPAKpxDwCrrQ8ArLUPAK29DwCutQ8Ar6kPALDZDwCx9Q8Asv0PALP1DwC07Q8AtZUPALadDwC3iQ8AuLkPALmFDwC6jQ8Au2kAALx5AAC9eQAAvmkAAL9pAACBnQAAgJ0AAGDQAICCBQAAZNAAgGjQAIBs0ACAcNAAgIaAAwCH9AMAdNAAgHjQAIB80ACAgNAAgITQAICEzwCAs5kPAIjQAICM0ACAkNAAgJTQAIC2XQ8AtV0PAJjQAIC7UQ8Aun0PAJzQAICg0ACAvzEPAL5JDwC9QQ8AvEkPAKNZDgCk0ACAqNAAgKzQAICw0ACApp0OAKWdDgC00ACAq5EOAKq9DgC40ACAvNAAgK/xDgCuiQ4ArYEOAKyJDgDA0ACAxNAAgMjQAIDM0ACAgBkAAIEZAACCBQAA0NAAgISgAQDU0ACAh+gBAIYABADY0ACA3NAAgODQAIDk0ACAqBUBAKkdAQCqFQEAqyUBAKw9AQCtJQEAri0BAK8lAQDo0ACA7NAAgPDQAID00ACA+NAAgPzQAIAA0QCABNEAgLjJAAC5yQAAutkAALvRAAC8+QAAvfkAAL6ZAAC/mQAAsCUBALEtAQCyJQEAsz0BALQtAQC1HQEAthUBALf5AAAI0QCADNEAgBDRAICzkQIAFNEAgLW5AgC2qQIAGNEAgBzRAIAg0QCAuu0CALvlAgC8/QIAveUCAL7lAgC/1QIApvECACTRAIAo0QCApeECACzRAICjyQIAMNEAgDTRAICuvQIAr40CAKylAgCtvQIAqrUCAKu9AgA40QCAPNEAgID5AACB+QAAggUAAEDRAIC+yAMAhBgDAEjRAIBM0QCAUNEAgFTRAIBY0QCAXNEAgGDRAIBk0QCAhhgEAIecAwBo0QCAbNEAgHDRAIB00QCAeNEAgHzRAIDvsAIAgNEAgOGUAQCE0QCA42wCAIjRAICM0QCAkNEAgJTRAICY0QCA79APAJzRAICg0QCApNEAgKjRAIDhrAEArNEAgONsAACAMQAAgT0AAIIdAADv9A4A42wOALDRAIDhLA8AvnAFALM5AgCEDAUAhugEAIdgBQDcAAAAtvECALX5AgC40QCAu9UCALrVAgC80QCAwNEAgL91AQC+dQEAvcUCALzFAgDE0QCA4fQOAMjRAIDjUA4AzNEAgNDRAIDU0QCA2NEAgNzRAIDg0QCA5NEAgOjRAIDs0QCA8NEAgPTRAIDv5A8ApmUCAPjRAID80QCApW0CAADSAICjrQIABNIAgAjSAICu4QEAr+EBAKxRAgCtUQIAqkECAKtBAgAM0gCAENIAgKiZBgCpmQYAqqkGAKupBgCsuQYArbkGAK6pBgCvqQYAFNIAgIIdAACBHQAAgB0AABjSAIAc0gCAINIAgL50AwC4rQYAubUGALq9BgC7tQYAvK0GAL1RBwC+UQcAv1EHALChBgCxoQYAsqEGALOhBgC0oQYAtaEGALalBgC3mQYARNEAgLMlBgCExAMAtNEAgLY9BgAk0gCAKNIAgLU1BgC6YQYAu2EGAIYIAACHiAAAvmEGAL9hBgC8cQYAvXEGAKNhBgAs0gCAMNIAgDTSAIA40gCApnkGAKVxBgA80gCAqyUGAKolBgBA0gCARNIAgK8lBgCuJQYArTUGAKw1BgCoXQYAqW0GAKplBgCrjQYArJkGAK2FBgCujQYAr4UGAEjSAIBM0gCAUNIAgFTSAIBY0gCAXNIAgGDSAIBk0gCAuIUGALmNBgC6mQYAu5UGALyNBgC9rQYAvqUGAL99AQCw/QYAscUGALLNBgCzxQYAtN0GALXFBgC2zQYAt8UGALPtBgBo0gCAbNIAgHDSAIB00gCAtgUGALURBgB40gCAuwEGALo5BgB80gCAgNIAgL8BBgC+GQYAvREGALwZBgCE0gCAo6kGAIjSAICM0gCApkEGAJDSAICElAEApVUGAKp9BgCrRQYAvqABAJjSAICuXQYAr0UGAKxdBgCtVQYAqJkCAKnBAgCqwQIAq8ECAKzBAgCtyQIArvECAK/xAgCB7QMAgO0DAJzSAICC+QMAhpAcAId0AwCg0gCApNIAgLjFAwC5zQMAusUDALvdAwC8zQMAvf0DAL71AwC/nQMAsEEDALFBAwCyQQMAs0EDALRBAwC1QQMAtkEDALdBAwCzSQIAqNIAgKzSAICw0gCAtNIAgLZJAgC1SQIAuNIAgLuFAwC6hQMAvNIAgMDSAIC/hQMAvoUDAL2VAwC8lQMAxNIAgKMNAgDI0gCAzNIAgKYNAgDQ0gCA1NIAgKUNAgCqwQMAq8EDANjSAIDc0gCArsEDAK/BAwCs0QMArdEDAOOYAQDhpAcA4VgGAONYBgDhoAEA4NIAgOPQAADk0gCA6NIAgOzSAIDvOAAA8NIAgO/0AQD00gCA+NIAgO/4BgCAeQAAgRUAAIIdAACEAB0A/NIAgADTAIC+EB0ACNMAgIbAHACHrB0ADNMAgBDTAIAU0wCAGNMAgBzTAIAg0wCAu8UFALqhBQC5qQUAuJEFAL/NBQC+zQUAvckFALzVBQCzHQYAsh0GALEdBgCwHQYAt6EFALa9BQC1vQUAtL0FAKu9BgCqvQYAqb0GAKi9BgCvfQYArn0GAK19BgCsfQYAJNMAgCjTAIAs0wCAMNMAgDTTAIA40wCAPNMAgEDTAICo7R0AqS0eAKoxHgCrMR4ArJUeAK2dHgCulR4Ar40eAATTAIBE0wCASNMAgEzTAIBQ0wCAVNMAgFjTAIBc0wCAuKkeALmpHgC6XR8Au1EfALxxHwC9cR8AvnUfAL9pHwCw/R4Asc0eALLFHgCzrR4AtLkeALW5HgC2rR4At6UeALO5HgBg0wCAZNMAgGjTAICU0gCAth0eALUdHgBs0wCAuwkeALo5HgBw0wCAhOADAL99HgC+fR4AvXkeALwRHgCCaQAAo/0eAIBFAACBUQAAplkeAL6cAwB00wCApVkeAKp9HgCrTR4AhkgAAIdsAACuOR4ArzkeAKxVHgCtPR4AqF0eAKltHgCqZR4Aq30eAKxlHgCtbR4ArmUeAK/9HgB40wCAfNMAgIDTAICE0wCAiNMAgIzTAICQ0wCAlNMAgLhpAQC5aQEAunkBALt5AQC8aQEAvWkBAL7dAQC/1QEAsIUeALGNHgCyhR4As50eALSFHgC1jR4AtoUeALdZAQCz7R4AmNMAgJzTAICg0wCApNMAgLbtHgC17R4AqNMAgLtJHgC6QR4ArNMAgLDTAIC/SR4AvkEeAL1JHgC8UR4AtNMAgKOpHgC40wCAvNMAgKapHgDA0wCAxNMAgKWpHgCqBR4Aqw0eAMjTAIDM0wCArgUeAK8NHgCsFR4ArQ0eAKghAwCpIQMAqiEDAKshAwCsIQMArSEDAK4hAwCvIQMA0NMAgNTTAIDY0wCAvmACANzTAIDg0wCA6NMAgOzTAIC4iQMAuYkDALqdAwC7lQMAvLkDAL25AwC+eQAAv3kAALDlAwCx7QMAsuUDALP9AwC07QMAtd0DALbVAwC3vQMAgKkAAIG1AACCvQAAs6UDAPDTAIC1pQMAtq0DAPTTAICE4AIA+NMAgLotAwC7JQMAvD0DAL0lAwC+JQMAvxUDAKPpAwD80wCAhmgEAIeAAwAA1ACApuEDAKXpAwAE1ACAq2kDAKphAwAI1ACADNQAgK9ZAwCuaQMArWkDAKxxAwAQ1ACAFNQAgBjUAIAc1ACAINQAgOE8HwAk1ACA40AeACjUAIAs1ACAMNQAgO+MHgA01ACAONQAgDzUAIBA1ACARNQAgIIlAACBEQAAgB0AAEjUAIDj5AMATNQAgOGsAQBQ1ACA77ADAIRkAgC+YAUAhtAEAIdEBQBY1ACAXNQAgGDUAIBk1ACAaNQAgGzUAIBw1ACAdNQAgHjUAIDvsAEAhKQFAOHcHgB81ACA4xABAIDUAICE1ACAiNQAgIzUAICzUQEAkNQAgJTUAICY1ACAnNQAgLYRAQC1fQEAoNQAgLsNAQC6DQEApNQAgKjUAIC//QAAvv0AAL39AAC8/QAAqDkGAKk5BgCqmQYAq5EGAKy1BgCt0QYArskGAK/BBgBU1ACArNQAgLDUAIC01ACAgA0AAIGxAACCsQAAuNQAgLhhBwC5YQcAumEHALt9BwC8ZQcAvW0HAL5lBwC/HQcAsIkGALGJBgCyaQcAs2kHALR5BwC1eQcAtmkHALdlBwCjEQYAvNQAgMDUAIC+gAMAxNQAgKZRBgClPQYAyNQAgKtNBgCqTQYAhggAAId8AwCvvQcArr0HAK29BwCsvQcAzNQAgNDUAICzSQcA1NQAgLVZBwDY1ACA3NQAgLZRBwDg1ACA5NMAgLtBBwC6dQcAvUUHALxFBwC/RQcAvkUHAKh5BgCpeQYAqokGAKuJBgCsmQYArZkGAK6JBgCviQYA5NQAgOjUAIDs1ACA8NQAgPTUAID41ACA/NQAgADVAIC4jQYAuZUGALqVBgC7pQYAvL0GAL1xAQC+cQEAv3EBALD5BgCxzQYAstkGALPZBgC0yQYAtckGALa9BgC3tQYAowEGAATVAIAI1QCADNUAgBDVAICmGQYApREGABTVAICrCQYAqj0GABjVAIAc1QCArw0GAK4NBgCtDQYArA0GACDVAIAk1QCAKNUAgCzVAICAGQAAgRkAAIIFAAAw1QCAhKwBAL6sAQCH6AAAhkwPADjVAIA81QCAQNUAgETVAIConQIAqcUCAKrNAgCrwQIArMUCAK3NAgCu+QIArz0DAEjVAIBM1QCAUNUAgFTVAIC+PAwAWNUAgFzVAIBg1QCAuMkDALnJAwC62QMAu9EDALz5AwC9+QMAvpkDAL+ZAwCwRQMAsU0DALJFAwCzXQMAtEUDALVNAwC2RQMAt/kDALNFAgBk1QCAaNUAgGzVAIBw1QCAtk0CALVNAgB01QCAu4kDALqBAwB41QCAfNUAgL+JAwC+gQMAvYkDALyRAwCA1QCAowECAITVAICI1QCApgkCAIzVAICQ1QCApQkCAKrFAwCrzQMAlNUAgJjVAICuxQMAr80DAKzVAwCtzQMAgO0BAIEVAACCEQAAhAACAJzVAIDhpAEAoNUAgOPsAACo1QCArNUAgLDVAIDvMAAAtNUAgLjVAIC81QCAwNUAgIbgDACH9AIAxNUAgMjVAIDM1QCA0NUAgO/MBgDU1QCA4bAHANjVAIDjEAYA3NUAgODVAIDk1QCA6NUAgOzVAIDw1QCA9NUAgPjVAID81QCAANYAgATWAIAI1gCA7+gBAIUYDwDhzAYADNYAgOMcBgCAKQAAgR0AAIIFAAAQ1gCAszkCAITMDQCGaA8Ah/wMAOHQ0gO28QEAtfkBABjWAIC72QEAutEBAL7kDAAc1gCAv30BAL59AQC9fQEAvMEBAKjxDQCp8Q0AqvENAKvxDQCsMQ4ArTEOAK4xDgCvMQ4ApNUAgBTWAIAg1gCAJNYAgCjWAIAs1gCAMNYAgDTWAIC46Q4AuekOALqJDgC7hQ4AvJ0OAL2BDgC+gQ4Av7UOALBVDgCxXQ4AslUOALPpDgC0+Q4AtfkOALbpDgC34Q4Ao3kNADjWAIA81gCAQNYAgETWAICmsQ4ApbkOAEjWAICrmQ4AqpEOAEzWAIBQ1gCArz0OAK49DgCtPQ4ArIEOAFTWAICz7Q8AWNYAgFzWAIC26Q8AYNYAgGTWAIC16Q8Auq0PALu1DwA01QCAaNYAgL6VDwC/mQ8AvK0PAL2hDwCoIQ4AqSEOAKohDgCrPQ4ArCUOAK0tDgCuJQ4Ar1UOAGzWAIBw1gCAdNYAgHjWAICAHQAAgQkAAIK9AAB81gCAuDkOALk5DgC6yQ4Au8kOALzZDgC92Q4AvskOAL/JDgCwLQ4AsTUOALI9DgCzMQ4AtBUOALUZDgC2CQ4AtwkOAKOpDgCA1gCAhIACAL6AAQCFAAQApq0OAKWtDgCI1gCAq/EOAKrpDgCGKAcAhxgAAK/dDgCu0Q4AreUOAKzpDgCM1gCAs+0BAJDWAICU1gCAtuUBAJjWAICc1gCAte0BALplAQC7bQEAoNYAgKTWAIC+bQEAv10BALx1AQC9bQEAqN0NAKnpDQCqIQIAqyECAKwhAgCtIQIAriECAK8hAgCo1gCArNYAgLDWAIC01gCAohECAKMRAgCgqQ4AodUCALiJAgC5iQIAup0CALuVAgC8vQIAvXUDAL59AwC/dQMAsOUCALHtAgCy5QIAs/0CALTtAgC13QIAttUCALe9AgCjqQIAj8UaALjWAIC81gCAwNYAgKahAgClqQIAxNYAgKspAgCqIQIAyNYAgMzWAICvGQIArikCAK0pAgCsMQIAniUOAJ/lDgCc6QoAnRUKAJpFFgCbRQoAmFkWAJlRFgCWcRIAl4ETAJRVEgCV7RIAktEeAJPZHgCQtRoAkVUeAISpHwCFJR8AhiUfAIexEwDQ1gCA1NYAgIJZGwCDURsAjEUSAI2lFwCOpRcAj7kXAIA5+wHY1gCAijkTAIutEwCUmQsAlaEPAJZpDwCX3Q8A3NYAgO+cDwCSyQsAk30LAJxFAwDjeA4A4NYAgOGYDADk1gCAhHgCAJqRAwCbXQMA4QQAAL6IBQDj3OoD6NYAgOzWAIDw1gCA7+wAAO+MDgDhcA4A4fwOAOMwAADjeA4AgSEAAIA5AADvtO0DgikAALMJAgD41gCAhmgEAIcsBQD81gCAtg0CALUNAgAA1wCAu8UBALrFAQAE1wCACNcAgL99AQC+fQEAvdUBALzVAQCE1gCA9NYAgAzXAIAQ1wCAFNcAgBjXAIAc1wCAINcAgKi9BQCp5QUAquEFAKvhBQCs5QUAre0FAK7RBQCv0QUAsGEGALFhBgCyYQYAs2EGALTZBgC12QYAtskGALfBBgC4yQYAuckGALp5BwC7eQcAvEUHAL0lBwC+EQcAvw0HAKNJBQAk1wCAKNcAgCzXAIAw1wCApk0FAKVNBQA01wCAq4UGAKqFBgA41wCAPNcAgK89BgCuPQYArZUGAKyVBgBA1wCARNcAgEjXAIBM1wCAUNcAgFTXAIBY1wCAXNcAgIA5AACBOQAAggUAAGDXAIC+uAMAhLgDAGjXAIBs1wCAqMUGAKnVBgCq1QYAq+UGAKz9BgCtHQEArhUBAK8NAQBk1wCAcNcAgIaIAQCHHAEAdNcAgHjXAIB81wCAgNcAgLjpAQC56QEAuokBALuJAQC8mQEAvZkBAL6JAQC/iQEAsHUBALF9AQCydQEAs+kBALT5AQC1+QEAtukBALfhAQCzXQYAhNcAgIjXAICM1wCAhLwBALadAQC1dQYAkNcAgLu5AQC6sQEAlNcAgJjXAIC/PQEAvj0BAL09AQC8oQEAnNcAgKMZBgCg1wCApNcAgKbZAQCo1wCArNcAgKUxBgCq9QEAq/0BALDXAIC01wCArnkBAK95AQCs5QEArXkBAKj5AgCp+QIAqi0DAKs9AwCsJQMArS0DAK4lAwCvmQMAuNcAgLzXAIDA1wCAxNcAgIANAACBsQAAgrEAAMjXAIC4lQMAuZ0DALqhAwC7oQMAvHEAAL1xAAC+cQAAv3EAALDpAwCx6QMAsvUDALPFAwC03QMAtbUDALaxAwC3sQMAvswDAMzXAIDQ1wCA2NcAgNzXAIDg1wCA5NcAgO/kAgDo1wCA4ZQBAOzXAIDjLAEA8NcAgPTXAICHGAMAhhz8A7tNAwC6TQMA+NcAgPzXAIC/EQMAvnkDAL1xAwC8QQMAs8UDAITo/AMA2ACABNgAgAjYAIC2zQMAtc0DAAzYAICkAfwDpSX/A6bZ/wOnAfgDENgAgKEVAwCiHQMAoz0CAKwR9wOtAfADri3zA68B8wOoEfsDqZn7A6oB9AOrHfcDtAHoA7Vl6wO+xPwDhMT8A7AB7AOxVe8Dsk3vA7Nx7gMU2ACAGNgAgBzYAIAg2ACAJNgAgCjYAIAs2ACAMNgAgOFQBgDhNAQA42wBAOPoBgA02ACAONgAgDzYAIBA2ACAgDUAAIE9AACCNQAASNgAgEzYAIBQ2ACA77ABAO/ABgCj5QIAVNgAgIbo/AOHfP0DWNgAgKbtAgCl7QIAXNgAgKttAgCqbQIAYNgAgGTYAICvMQIArlkCAK1RAgCsYQIAqI3+A6mV/gOqnf4Dq5X+A6yx/gOtvf4Drqn+A6+p/gNE2ACAaNgAgGzYAIBw2ACAdNgAgHjYAIB82ACAgNgAgLgl/wO5Lf8DuiX/A7s9/wO8Jf8DvS3/A74l/wO/zf8DsKn+A7Gp/gOygf4Ds4H+A7SB/gO1if4Dtmn/A7cd/wOE2ACA4SD8A4jYAIDjePwDjNgAgJDYAICU2ACAmNgAgJzYAICg2ACApNgAgKjYAICAHQAAgXEAAIJxAADvDP0Ds1X+A6zYAICw2ACAvkAAALTYAIC2ff4DtXn+A7jYAIC7Lf4Dui3+A4boAACHrAAAvw3+A74F/gO9Ff4DvBX+A6OV/wO82ACAwNgAgMTYAIDI2ACApr3/A6W5/wPM2ACAq+3/A6rt/wPQ2ACA1NgAgK/N/wOuxf8DrdX/A6zV/wPY2ACAs/H+A9zYAIDg2ACAto3+A+TYAIDo2ACAtY3+A7pFAQC7TQEA7NgAgPDYAIC+RQEAv00BALxVAQC9TQEAqC3+A6k1/gOqPf4Dq0n+A6xB/gOtSf4DrnH+A69x/gP02ACA+NgAgPzYAIAA2QCABNkAgAjZAIAM2QCAENkAgLhJAQC5VQEAul0BALtVAQC8TQEAvXUBAL59AQC/dQEAsMUBALHNAQCyxQEAs90BALTFAQC1zQEAtsUBALd9AQCjtf0DFNkAgBjZAICExAMAHNkAgKbJ/QOlyf0DINkAgKsJAgCqAQIAKNkAgL7sAgCvCQIArgECAK0JAgCsEQIAgEkAAIFVAACCVQAAo0UDACzZAIClRQMApkUDADDZAICGwAQAhxQDAKopAwCrJQMArD0DAK0hAwCuIQMArxUDADTZAIA42QCAPNkAgEDZAIBE2QCASNkAgEzZAIBQ2QCAqH0CAKmhAwCqoQMAq6EDAKyhAwCtqQMArpEDAK+RAwCwgQMAsY0DALKFAwCzmQMAtIkDALW9AwC2tQMAt30DALhFAwC5TQMAukUDALtdAwC8RQMAvU0DAL5FAwC/+QAA1NcAgLMNAgBU2QCAWNkAgLYNAgBc2QCAYNkAgLUNAgC6YQIAu20CAGTZAIBo2QCAvmkCAL9dAgC8dQIAvWkCAGzZAIBw2QCAdNkAgHjZAIB82QCA4aQBAIDZAIDjQAMAhNkAgIjZAICM2QCA77gDAIAVAACBHQAAggUAAJDZAICEgAIAvsgFAIcYBQCGLAQAmNkAgJzZAICg2QCA76gBAKTZAIDhdP4DqNkAgOPw/gOs2QCAsNkAgLTZAIC42QCAvNkAgMDZAIDE2QCAs5EBAMjZAIC1UQEAtlEBAMzZAIDQ2QCA1NkAgLp9AQC7dQEAvG0BAL39AAC+9QAAv+kAAKgpBgCpVQYAqlUGAKuNBgCslQYArZ0GAK6VBgCvjQYAlNkAgNjZAIDc2QCA4NkAgOTZAIDo2QCA7NkAgPDZAIC4bQcAuQUHALoNBwC7BQcAvB0HAL0FBwC+AQcAvz0HALD1BgCx/QYAsvUGALNlBwC0fQcAtWEHALZhBwC3VQcA4xAFAPTZAIDh8AQA+NkAgIAdAACBCQAAgjkAAPzZAIAA2gCAhOgDAL7gAwAE2gCA78wFAAjaAICHOAAAhhgAAKOdBgAM2gCAENoAgBTaAIAY2gCApl0GAKVdBgAc2gCAq3kGAKpxBgAg2gCAJNoAgK/lBwCu+QcArfEHAKxhBgCokQYAqZEGAKqRBgCrrQYArLkGAK2lBgCurQYAr6UGACjaAIAs2gCAMNoAgDTaAIA42gCAPNoAgEDaAIBE2gCAuGUBALltAQC6ZQEAu30BALxlAQC9bQEAvmUBAL/ZAQCw3QYAsaUGALKtBgCzpQYAtKEGALWpBgC2mQYAt5kGALMZBgBI2gCATNoAgFDaAIBU2gCAtiUGALUxBgBY2gCAu2EGALoZBgBc2gCAYNoAgL9tBgC+ZQYAvXEGALx5BgBk2gCAo10GAGjaAIBs2gCApmEGAHDaAICEmAEApXUGAKpdBgCrJQYAvqQBAHjaAICuIQYArykGAKw9BgCtNQYAqcUCAKixAgCrxQIAqsUCAK3NAgCsxQIAr/UCAK71AgB82gCAgNoAgITaAICI2gCAjNoAgJDaAICU2gCAmNoAgLnJAwC4wQMAu9kDALrBAwC9+QMAvMkDAL+ZAwC+8QMAsUUDALBFAwCzRQMAskUDALVFAwC0RQMAt0UDALZFAwCASQMAgUkDAIJdAwCzRQIAvtwMALVFAgC2RQIAnNoAgIYADACH5AMAuokDALuJAwC8mQMAvZkDAL6JAwC/iQMAowkCAKDaAICk2gCAqNoAgKzaAICmCQIApQkCALDaAICrxQMAqsUDALTaAIC42gCAr8UDAK7FAwCt1QMArNUDALzaAIDA2gCAxNoAgCTZAIDvAAAAyNoAgMzaAIDQ2gCA4+gAANTaAIDhjAEA2NoAgNzaAIDg2gCA6NoAgOzaAICAbQAAgXUAAIJ9AACEQAIAhvAMAId4DQDw2gCA9NoAgPjaAID82gCAANsAgATbAIAI2wCADNsAgBDbAIAU2wCAGNsAgBzbAIAg2wCAJNsAgCjbAIAs2wCAMNsAgO/MAQCE7AwA4TAGADTbAIDjGAEAONsAgDzbAIBA2wCARNsAgLPlAQBI2wCAhIQPAEzbAIBQ2wCAtuUBALX1AQBY2wCAu30BALrZAQC+oAwAXNsAgL8hAQC+OQEAvTEBALw5AQCo7Q0AqSUOAKotDgCrJQ4ArD0OAK0lDgCuLQ4AryUOAOTaAICC9Q8AgeUPAIDpDwBU2wCAYNsAgIaYAACHDAMAuK0OALlFDwC6TQ8Au0UPALxFDwC9TQ8AvkUPAL95DwCwXQ4AsfkOALKtDgCzpQ4AtL0OALWlDgC2pQ4At5UOAGTbAIDv7AwAaNsAgGzbAIBw2wCAdNsAgHjbAIB82wCAvugAAIDbAICE2wCAiNsAgIzbAIDj6A0AkNsAgOEEDACj5Q4AlNsAgJjbAICc2wCAoNsAgKblDgCl9Q4ApNsAgKt9DgCq2Q4AqNsAgKzbAICvIQ4ArjkOAK0xDgCsOQ4AqDkOAKk5DgCqUQ4Aq1EOAKxxDgCtcQ4ArnEOAK9xDgCw2wCAtNsAgLjbAIC82wCAgBkAAIEZAACCBQAAwNsAgLjRDgC50Q4AutEOALvlDgC84Q4AveEOAL7hDgC/4Q4AsBEOALERDgCyEQ4AsxEOALTxDgC18Q4AtvEOALfxDgCz2Q4AyNsAgIYoAACHuAAAzNsAgLbxDgC1+Q4A0NsAgLvVDgC61Q4A1NsAgNjbAIC/NQ4AvjUOAL3FDgC8xQ4A3NsAgKOdDgDg2wCA5NsAgKa1DgDo2wCA7NsAgKW9DgCqkQ4Aq5EOAPDbAID02wCArnEOAK9xDgCsgQ4ArYEOAKjdDQCp6Q0Aqj0CAKuNAgCsmQIArZkCAK6JAgCviQIAvqwEAPjbAID82wCAhCADAADcAIAE3ACACNwAgAzcAIC4iQIAuYkCALqZAgC7kQIAvLkCAL25AgC+eQMAv3kDALD5AgCx+QIAss0CALPFAgC03QIAtcUCALbBAgC3uQIAs7UCABDcAIAU3ACAGNwAgBzcAIC2GQIAtRECACDcAIC7PQIAuj0CACTcAIAo3ACAvwECAL4ZAgC9EQIAvBkCACzcAICj8QIAMNwAgDjcAICmXQIAPNwAgEDcAIClVQIAqnkCAKt5AgCGSAUAh6wEAK5dAgCvRQIArF0CAK1VAgCohQIAqZUCAKqVAgCrpQIArL0CAK3VAgCu0QIAr9ECAETcAIBI3ACATNwAgFDcAICB8QEAgJkBAHTaAICC9QEAuHkBALl5AQC6zQEAu8UBALzdAQC9xQEAvsUBAL/1AQCwtQIAsb0CALKBAgCzgQIAtFUBALVdAQC2SQEAt0kBAFTcAIBY3ACAXNwAgO/UAQCEEAUAYNwAgGTcAIDvjA4AvuwFAOHsDgBo3ACA4xwOAGzcAIDhlAEAcNwAgONkDgCzXQIAdNwAgHjcAIB83ACAgNwAgLYVAgC1dQIAhNwAgLs5AgC6MQIAiNwAgIzcAIC/2QEAvtEBAL0VAgC8FQIAo50FADTcAICQ3ACAlNwAgJjcAICm1QUApbUFAJzcAICr+QUAqvEFAKDcAICk3ACArxkGAK4RBgCt1QUArNUFAIBRAACBWQAAgmEAALOVBgCo3ACAtXEHALZxBwCs3ACAhkADAIdUAwC67QcAu+UHALzlBwC97QcAvtEHAL/NBwCw3ACAtNwAgLjcAIC83ACAwNwAgMTcAIDvQAQAyNwAgOEwBwDM3ACA45QEANDcAIDU3ACA2NwAgNzcAIDg3ACAoxkGAOTcAIDo3ACA7NwAgPDcAICm/QcApf0HAPTcAICraQcAqmEHAPjcAID83ACAr0EHAK5dBwCtYQcArGkHAKjNBwCp0QcAqtEHAKstBgCsNQYArT0GAK41BgCvnQYAAN0AgATdAIAI3QCADN0AgIAZAACBGQAAggUAABDdAIC4iQYAuYkGALqZBgC7kQYAvLkGAL25BgC+UQEAv1EBALDlBgCx7QYAsv0GALP1BgC02QYAtcUGALbBBgC3uQYAqNEBAKnZAQCqCQEAqwkBAKwZAQCtGQEArgkBAK8JAQCEYAEAvnwBAIeoAACGjAEAGN0AgBzdAIAg3QCAJN0AgLgJAQC5CQEAuhkBALsRAQC8OQEAvTkBAL75AAC/+QAAsH0BALFBAQCyRQEAs10BALRFAQC1TQEAtkUBALc5AQAo3QCALN0AgDDdAICzjQIANN0AgLWdAgC2lQIAON0AgDzdAIBA3QCAurUCALuJAgC8nQIAvYUCAL6NAgC/hQIAps0CAETdAIBI3QCApcUCAEzdAICj1QIAUN0AgFTdAICu1QIAr90CAKzFAgCt3QIAqu0CAKvRAgCE9AMAWN0AgKgxAwCpMQMAqjEDAKsxAwCskQAArZEAAK6RAACvjQAAXN0AgGDdAIBk3QCAaN0AgGzdAIBw3QCAdN0AgHjdAIC4vQAAuWUAALptAAC7ZQAAvH0AAL1lAAC+bQAAv2UAALD9AACxxQAAss0AALOpAAC0uQAAtaUAALahAAC3oQAAgL0BAIEJAACCGQAAfN0AgIDdAIC+WAIAhxQdAIacHQCEbB0AxNsAgIjdAICM3QCAvrwcAJDdAICU3QCAmN0AgLP5AgCc3QCAoN0AgKTdAICo3QCAtlEBALVZAQC+3B8Au0EBALp5AQCs3QCAsN0AgL8hAQC+PQEAvT0BALxZAQDhcAcAtN0AgOMIBgC43QCA78wAALzdAIDA3QCAxN0AgOMQAADI3QCA4dABAMzdAICGkBwAh/QcAO/gBgDQ3QCAo3kCANTdAIDY3QCA3N0AgODdAICm0QEApdkBAOTdAICrwQEAqvkBAOjdAIDs3QCAr6EBAK69AQCtvQEArNkBAITdAICCFQAAgeUfAIDlHwDw3QCA9N0AgPjdAID83QCAqAkfAKkJHwCqHR8AqxUfAKwNHwCtcR8ArnEfAK9xHwCwER8AsS0fALIlHwCzyR8AtN0fALXBHwC2wR8At8EfALjFHwC5yR8AutUfALupHwC8uR8AvbkfAL6pHwC/oR8As7UfAADeAIAE3gCACN4AgAzeAIC20R8AtaUfABDeAIC7yR8AuvUfABTeAIAY3gCAvyUfAL45HwC9PR8AvNEfABzeAIAg3gCAJN4AgCjeAIAs3gCA4WAfADDeAIDjtBwANN4AgDjeAIA83gCA7wAdAEDeAIBE3gCASN4AgEzeAICjNR4AUN4AgFTeAIBY3gCAXN4AgKZRHgClJR4AYN4AgKtJHgCqdR4AhKgCAGTeAICvpR4ArrkeAK29HgCsUR4AgE0AAIFVAACCVQAAs8kBAGjeAIC12QEAtskBAGzeAICGoAAAhwQBALrFAQC7rQEAvLUBAL29AQC+tQEAv60BAKiZAQCpmQEAqg0BAKsFAQCsHQEArQUBAK4FAQCvNQEAcN4AgHTeAIB43gCAfN4AgIDeAICE3gCAiN4AgIzeAIC4JQEAuS0BALo5AQC7OQEAvCkBAL0pAQC+3QAAv9UAALBNAQCxJQEAsi0BALMlAQC0PQEAtSUBALYhAQC3HQEAkN4AgJTeAICY3gCAo4kCAJzeAIClmQIApokCAKDeAICk3gCAqN4AgKqFAgCr7QIArPUCAK39AgCu9QIAr+0CAKzeAICw3gCAtN4AgIRAAgC43gCAvN4AgMDeAIDE3gCAgA0AAIEVAACCHQAAyN4AgMzeAIDQ3gCAh7QDAIbcBAC+zAMA2N4AgNzeAIDg3gCA7+gCAOTeAIDo3gCA7N4AgOP8AgDw3gCA4dABAPTeAID43gCA/N4AgADfAIAE3wCAs2EDAAjfAIAM3wCAEN8AgBTfAIC2eQMAtXEDABjfAIC7XQMAul0DABzfAIAg3wCAv+EAAL79AAC9/QAAvP0AALC5AgCxuQIAsgkBALMJAQC0GQEAtQUBALYFAQC3PQEAuAUBALllAQC6bQEAu2UBALxhAQC9YQEAvmEBAL9hAQCFXAcAJN8AgCjfAIAs3wCAFN0AgDDfAIA03wCAON8AgKgxAgCpOQIAqskCAKvJAgCs2QIArdkCAK7JAgCvyQIAhMwFAOGAHgA83wCA47weAOE4HgBA3wCA46AAAL4QBABI3wCATN8AgO8MHgBQ3wCAVN8AgFjfAIBc3wCA73QeAKNhAgCCUQAAgUEAAICRAABg3wCApnkCAKVxAgBk3wCAq10CAKpdAgCGyAQAhzwFAK/hAQCu/QEArf0BAKz9AQCohQYAqY0GAKqFBgCrmQYArIkGAK2JBgCuvQYAr7EGAETfAIBo3wCAbN8AgHDfAIB03wCAeN8AgHzfAICA3wCAuJ0GALmtBgC6pQYAuwkHALwZBwC9GQcAvg0HAL8FBwCw0QYAsdEGALLRBgCz0QYAtLUGALW9BgC2tQYAt60GALMNBgCE3wCAiN8AgIzfAICQ3wCAtgkGALUBBgCU3wCAuxUGALoVBgCY3wCAnN8AgL95BgC+cQYAvQUGALwFBgCg3wCA4aAEAKTfAIDjXAUAgA0AAIE1AACCPQAAqN8AgKzfAICw3wCAhGADAL5sAAC/8AEAhZAAALTfAIDvmAUAo40HAIQIAACGAAwAh4wAALjfAICmiQcApYEHALzfAICrlQcAqpUHAMDfAIDE3wCAr/kHAK7xBwCthQcArIUHAMjfAICz6QYAzN8AgNDfAIC26QYA1N8AgNjfAIC16QYAukUBALtNAQDc3wCA4N8AgL5FAQC/TQEAvFUBAL1NAQCoIQYAqSEGAKolBgCrPQYArCUGAK0tBgCuSQYAr0EGAOTfAIDo3wCA7N8AgPDfAID03wCA+N8AgPzfAIAA4ACAuEkBALlJAQC6WQEAu1EBALx5AQC9eQEAvhkBAL8VAQCwxQEAsc0BALLFAQCz3QEAtMUBALXNAQC2xQEAt3kBAATgAIAI4ACADOAAgKOhBQAQ4ACApaEFAKahBQAU4ACAjyHqAxjgAICqDQIAqwUCAKwdAgCtBQIArg0CAK8FAgCX7RIAlmUSAJVFEQCUnRYAk3EWAJJVFQCReesDkFnqA59hBgCeNQUAnUUaAJxpGgCbVRkAmkUeAJlZHgCYRR0A4WAAABzgAIDjTD4AIOAAgKOxAgCi1QEAobUHAKCJBgCxATgAsAk+ALOVOgCyjToAtbUmALQBJADvaDoAvjAMAKnJNgCowTYAqwEwAKrhNwCtzTMArPUyAK/5PgCuATwAoRkCACjgAICjbQ4Aom0OAKX1CgCkAQgAp4ULAKaZCgCGAA0Ah0QNAIIJ6wODCesDhDHqA4UVFACGORcAh80XAISgDQAs4ACAiiUQAIsNEwCMnRMAjQ0cAI4ZHwCPDR8A1N4AgO8AAwCSbRgAk0kbAJR9GwCVBQQAllkHAJdJBwAw4ACANOAAgJpFBgCbLQAAnFEDAONgAAA44ACA4WwAAIClAQCBAQEAggUBAL4ADAA84ACAQOAAgETgAIDviAEASOAAgOFUBgBM4ACA41QBAFDgAIBU4ACAWOAAgFzgAICz6QIAYOAAgGTgAIBo4ACAbOAAgLadAgC1mQIAcOAAgLuJAgC6vQIAdOAAgHjgAIC/WQIAvlECAL1ZAgC8kQIAoykNAHzgAICA4ACAhOAAgIjgAICmXQ0ApVkNAIzgAICrSQ0Aqn0NAJDgAICY4ACAr5kNAK6RDQCtmQ0ArFENAIBRAACBWQAAgmEAALMtDwCc4ACAtS0PALbJDwCg4ACAhkADAIcIAwC6yQ8Au8UPALzBDwC9wQ8AvsEPAL/BDwAk4ACAlOAAgKTgAICo4ACArOAAgLDgAIC04ACAuOAAgKhFDgCpgQ8AqskPAKvJDwCsyQ8ArSUPAK4tDwCvJQ8AsGEPALFtDwCyeQ8As3kPALRpDwC1aQ8Ath0PALcVDwC4LQ8AuTUPALo1DwC7BQ8AvB0PAL3xAAC+8QAAv/EAAKNhDgC84ACAhMQBAMDgAIDE4ACApoUOAKVhDgDI4ACAq4kOAKqFDgDM4ACA0OAAgK+NDgCujQ4ArY0OAKyNDgDU4ACA2OAAgNzgAIDg4ACA5OAAgOjgAIDs4ACA8OAAgPTgAICCHQAAgR0AAIAdAAD44ACA/OAAgADhAIC+tAEAqK0BAKnVAQCq1QEAqwUBAKwdAQCtBQEArg0BAK8FAQCGgAEAhxgBAAjhAIAM4QCAEOEAgBThAIAY4QCAHOEAgLiFAAC5jQAAuoUAALudAAC8hQAAvY0AAL6FAAC/vQAAsH0BALHhAACy5QAAs/0AALTtAAC13QAAttUAALe9AACzXQIAIOEAgCThAIAo4QCALOEAgLaFAgC1lQIAMOEAgLslAwC6uQIANOEAgDjhAIC/GQMAvikDAL0pAwC8MQMAvswEAKMZAgA84QCAQOEAgKbBAgBE4QCASOEAgKXRAgCq/QIAq2EDAEzhAIBQ4QCArm0DAK9dAwCsdQMArW0DAKgpAwCpKQMAqjkDAKs5AwCsKQMArSkDAK6dAACvlQAAVOEAgFjhAIBc4QCAYOEAgGThAICCqQEAga0BAICtAQC4mQAAua0AALqlAAC7bQAAvHUAAL19AAC+dQAAv20AALDtAACx9QAAsvUAALPFAAC03QAAtb0AALa1AAC3qQAA4XgBAOEcDgDjEAAA4zwOAGjhAIBs4QCAvhQEAHDhAICErAIAeOEAgId4BQCGDAUAfOEAgIDhAIDvvAAA70gOALPxAgCE4QCAiOEAgIzhAICQ4QCAtukCALXhAgCU4QCAu3EBALppAQCY4QCAhKAEAL85AQC+WQEAvVEBALxhAQCc4QCAhIwEAKDhAICEADgApOEAgKjhAICs4QCAsOEAgKqJDgCriQ4AqLkOAKmxDgCu/Q4Ar+EOAKz5DgCt9Q4Asq0OALNlDgCwkQ4AsaUOALZ9DgC3ZQ4AtH0OALV1DgC6XQ4Au+UNALhdDgC5VQ4AvuENAL/pDQC8/Q0AvfUNAKOxBQB04QCAtOEAgLjhAIC84QCApqkFAKWhBQDA4QCAqzEGAKopBgDE4QCAyOEAgK95BgCuGQYArREGAKwhBgDM4QCA0OEAgNThAIDY4QCAgB0AAIEJAACCOQAA3OEAgODhAIDk4QCAhsgAAIcMAwDo4QCA7OEAgPDhAID04QCAqKUHAKm1BwCqvQcAq8kHAKzZBwCt2QcArskHAK/BBwC+oAAA+OEAgPzhAIAA4gCABOIAgAjiAIAM4gCAEOIAgLjNAAC51QAAutUAALvlAAC8/QAAvZUAAL6dAAC/lQAAsIkHALFlBwCyYQcAs30HALRlBwC1bQcAtmUHALf1AACzNQYAFOIAgBjiAIAc4gCAIOIAgLZZBgC1UQYAJOIAgLuhBgC6TQYAKOIAgCziAIC/qQYAvqEGAL2pBgC8tQYAMOIAgDTiAIDv8AUAOOIAgDziAIBA4gCAROIAgEjiAICAPQAAgQkAAIIdAABM4gCA4cgGAFDiAIDjSAQAVOIAgKO1BgBY4gCAhigAAIdAAQBc4gCAptkGAKXRBgBg4gCAqyEGAKrNBgBk4gCAaOIAgK8pBgCuIQYArSkGAKw1BgBs4gCAs70BAHDiAIB04gCAtnkBAHjiAIB84gCAtXkBALpVAQC7XQEAgOIAgITiAIC++QAAv/kAALxFAQC9+QAAqHECAKlxAgCqcQIAq3ECAKy1AgCtvQIArrUCAK+tAgC+rDwAiOIAgIziAICQ4gCAlOIAgJjiAICc4gCAoOIAgLhpAwC5aQMAugkDALsJAwC8HQMAvQUDAL4NAwC/BQMAsNUCALHdAgCy1QIAs2kDALR5AwC1eQMAtmkDALdhAwCk4gCAqOIAgKziAICj9QIAsOIAgKUxAgCmMQIAtOIAgLjiAIC84gCAqh0CAKsVAgCsDQIArbEDAK6xAwCvsQMA7xgCAIIVAACBbQAAgG0AAMDiAIDI4gCAhvg8AIcYAwDM4gCA0OIAgNTiAIDY4gCA42wHAAThAIDhaAEA3OIAgKiFAgCplQIAqpUCAKulAgCsvQIArdUCAK7RAgCv0QIA4OIAgOTiAIDo4gCA7OIAgPDiAID04gCA+OIAgPziAIC4dQEAuX0BALp1AQC7zQEAvNUBAL3dAQC+yQEAv8EBALC1AgCxvQIAsoECALOBAgC0VQEAtV0BALZVAQC3TQEA4bQGAADjAIDj9AYABOMAgIQYPQAI4wCADOMAgBDjAIAU4wCAGOMAgBzjAIAg4wCAJOMAgCjjAIDvWAYALOMAgIF9AACAcQAAMOMAgIIFAAA44wCAPOMAgO+AAQC+VDwA4ZABAEDjAIDjfAYAROMAgEjjAIBM4wCAhtg8AIf0PACjnT0AxOIAgDTjAIBQ4wCAVOMAgKbVPQCltT0AWOMAgKv5PQCq8T0AXOMAgGDjAICvGT4ArhE+AK3VPQCs1T0AZOMAgLOhPgBo4wCAbOMAgLatPgBw4wCAdOMAgLWxPgC6ST8Au0k/AHjjAIB84wCAvkk/AL9JPwC8ST8AvUk/AKhVPgCpZT4Aqm0+AKtlPgCsfT4ArWk+AK65PwCvuT8AgOMAgITjAICI4wCAjOMAgJDjAICU4wCAmOMAgJzjAIC4VT8AuV0/ALpVPwC7bT8AvHU/AL19PwC+dT8Av20/ALDJPwCxyT8Astk/ALPZPwC0yT8Atck/ALZ9PwC3cT8AghUAAKPhPwCAsQEAgbEBAKbtPwCg4wCAvtABAKXxPwCqCT4Aqwk+AITkAQCk4wCArgk+AK8JPgCsCT4ArQk+ALPdPACo4wCAhugAAIfMAQCs4wCAtpU8ALX1PACw4wCAu7k8ALqxPAC04wCAuOMAgL9ZPwC+UT8AvZU8ALyVPACoUT4AqVE+AKptPgCrYT4ArGE+AK1hPgCulQEAr40BAISgAQC84wCAwOMAgMTjAIDI4wCAzOMAgNDjAIDU4wCAuKkBALmpAQC6aQEAu2kBALx5AQC9eQEAvmkBAL9pAQCw/QEAsc0BALLFAQCzrQEAtLkBALW5AQC2rQEAt6UBALPlPQDY4wCA3OMAgODjAIDk4wCAtuE9ALXpPQDo4wCAuwkCALo5AgDs4wCA8OMAgL99AgC+fQIAvXkCALwRAgD04wCAo6E9APjjAID84wCApqU9AADkAIAE5ACApa09AKp9AgCrTQIACOQAgAzkAICuOQIArzkCAKxVAgCtPQIAgOkAAIHpAACCHQAAvsADAO/kAgAQ5ACAh1QDAIY8BADjEAEAGOQAgOH4AQAc5ACAIOQAgCTkAIAo5ACALOQAgDDkAIA05ACAOOQAgLORAwA85ACAtbkDALZ9AwBA5ACAROQAgEjkAIC6WQMAu1kDALxJAwC9SQMAvv0AAL/1AACoRQIAqVUCAKpVAgCrZQIArH0CAK2xAgCusQIAr7ECAIRsBQBM5ACAUOQAgFTkAIBY5ACAXOQAgL5wBQBg5ACAuF0BALltAQC6ZQEAuw0BALwZAQC9GQEAvg0BAL8FAQCw0QIAsdECALLRAgCz0QIAtHUBALV9AQC2dQEAt20BAOFAPwDjvAAA4wg+AOFsPgBk5ACAaOQAgGzkAIBw5ACAdOQAgHjkAIB85ACAgOQAgL5sBwDvVAAA75w+AIjkAICjnQIAgmkAAIFhAACAaQAAjOQAgKZxAgCltQIAkOQAgKtVAgCqVQIAhsgEAIfsBACv+QEArvEBAK1FAgCsRQIAqKUGAKmpBgCquQYAq7kGAKypBgCtqQYArtkGAK/ZBgCE5ACAlOQAgJjkAICc5ACAoOQAgKTkAICo5ACArOQAgLhxBwC5cQcAunUHALvdBwC8xQcAvc0HAL7FBwC//QcAsKkGALG1BgCytQYAs40GALSVBgC1UQcAtlEHALdRBwCzMQYAsOQAgLTkAIC45ACAvOQAgLYpBgC1IQYAwOQAgLtxBgC6bQYAxOQAgMjkAIC/lQcAvlEGAL1ZBgC8YQYAzOQAgKN1BgDQ5ACA1OQAgKZtBgDY5ACA3OQAgKVlBgCqKQYAqzUGAODkAIDk5ACArhUGAK/RBwCsJQYArR0GAIANAACBFQAAgh0AAOjkAIDs5ACA8OQAgITcAQD05ACAhoAAAIcgAQD45ACA/OQAgADlAIAE5QCACOUAgAzlAIAQ5QCA43QEABTlAIDhyAUAGOUAgBzlAIAg5QCAJOUAgCjlAIAs5QCAMOUAgDTlAIA45QCA77QEADzlAIBA5QCAqD0GAKlVBgCqVQYAq6kBAKy5AQCtuQEArqkBAK+pAQCErAEAROUAgEjlAIBM5QCAUOUAgFTlAIBY5QCAXOUAgLhtAQC5BQEAugEBALsBAQC8BQEAvQ0BAL4xAQC/MQEAsNkBALHZAQCybQEAs2UBALR9AQC1ZQEAtmUBALdVAQCBvQMAgL0DALPVBQCCGQAAtTkCAGDlAIC+VAMAtjECAGjlAIBs5QCAuxUCALoVAgC9uQIAvLECAL+pAgC+sQIAcOUAgKZpAgClYQIAhAAMAKONBQB05QCAhvgMAId8AwCv8QIArukCAK3hAgCs6QIAq00CAKpNAgB45QCAfOUAgIDlAICE5QCAiOUAgIzlAIDjIAEAkOUAgOGgAQCU5QCA70ACAJjlAICc5QCAoOUAgKTlAICo5QCArOUAgLDlAICz8QMAtOUAgBTkAIC45QCAvOUAgLbpAwC14QMAwOUAgLu1AwC6tQMAxOUAgMjlAIC/lQMAvpUDAL2lAwC8pQMAqCkCAKkpAgCqOQIAqzkCAKwpAgCtKQIArlkCAK9VAgCAzQEAgQkAAIIZAADM5QCA0OUAgL58DQCHtA0AhhwMALgxAgC5PQIAujUCALvpAgC8+QIAvfkCAL7pAgC/6QIAsDECALExAgCyMQIAszECALQRAgC1EQIAthECALcRAgDY5QCA3OUAgODlAIDk5QCA6OUAgOzlAIDw5QCA79QGAPTlAIDhVAYA+OUAgOOkAACsDBUA/OUAgADmAIAE5gCAo/ECAAjmAIAM5gCAEOYAgBTmAICm6QIApeECABjmAICrtQIAqrUCABzmAIAg5gCAr5UCAK6VAgCtpQIArKUCAKghDgCpIQ4AqkkOAKtZDgCsaQ4ArWkOAK6ZDgCvmQ4A1OUAgCTmAIAo5gCALOYAgDDmAIA05gCAOOYAgDzmAIC49Q4Auf0OALr1DgC7iQ4AvJ0OAL2FDgC+hQ4Av7UOALDpDgCx6Q4Asv0OALPxDgC01Q4Atd0OALbVDgC3zQ4As8EOAIIVAACBtQAAgLUAAEDmAIC26Q4AteEOAL4QAAC7LQ4Aui0OAIRkAwBE5gCAvxkOAL4RDgC9JQ4AvCkOAEjmAICjhQ4AhogAAIdsAwCmrQ4ATOYAgFDmAIClpQ4AqmkOAKtpDgBU5gCAWOYAgK5VDgCvXQ4ArG0OAK1hDgCziQ4AXOYAgGDmAIBk5gCAaOYAgLaBDgC1iQ4AbOYAgLuVDgC6jQ4AcOYAgHTmAIC/+Q4AvvEOAL2FDgC8hQ4AeOYAgHzmAICA5gCAhOYAgOMMDQCI5gCA4RgNAIzmAIDvrAwAkOYAgJTmAICY5gCAnOYAgKDmAICk5gCAqOYAgKgBDgCpAQ4AqgEOAKsBDgCsAQ4ArQEOAK4BDgCvPQ4AgN0AAIEJAACCGQAArOYAgLDmAICEPAEAvnQAALjmAIC4HQ4AuS0OALolDgC76QEAvPkBAL35AQC+6QEAv+kBALBJDgCxUQ4AslEOALNRDgC0NQ4AtT0OALY1DgC3LQ4Ao4kNALzmAICGrAQAhzwDAMDmAICmgQ0ApYkNAMTmAICrlQ0Aqo0NAMjmAIDM5gCAr/kNAK7xDQCthQ0ArIUNANDmAICznQIAhEgDAL5ABAC2VQMA1OYAgNjmAIC1sQIAunEDALt5AwDc5gCA4OYAgL4xAwC/MQMAvFEDAL1RAwCwkQMAsZkDALKhAwCzoQMAtNEDALXRAwC20QMAt9EDALj1AwC5+QMAus0DALvFAwC83QMAvcUDAL7NAwC/xQMA5OYAgOjmAIDs5gCA8OYAgIV8GQD05gCA+OYAgGTlAICoIQIAqTECAKoxAgCrBQIArB0CAK3xAwCu8QMAr/EDAPzmAIAA5wCABOcAgAjnAIDvUAAADOcAgBDnAIAU5wCA44QAABjnAIDh+AEAHOcAgIAVAACBGQAAggUAACDnAICjmQMAKOcAgIZoBACHYAUALOcAgKZRAgCltQMAMOcAgKt9AgCqdQIANOcAgDjnAICvNQIArjUCAK1VAgCsVQIAPOcAgEDnAIBE5wCASOcAgEznAIBQ5wCAVOcAgO/4AQC+bAQA4YAOAFjnAIDjFAEAXOcAgGDnAIBk5wCAaOcAgGznAIBw5wCAdOcAgLPdAQB45wCAtf0BALb1AQB85wCAgOcAgITnAIC6sQEAu4UBALydAQC9NQEAvj0BAL81AQCpBQYAqLkFAKsVBgCqHQYArT0GAKw9BgCvTQYArl0GACTnAICCHQAAgR0AAIAdAACI5wCAjOcAgJDnAICU5wCAuUEHALidBgC7QQcAukkHAL1FBwC8WQcAv0UHAL5FBwCxCQYAsD0GALOpBgCyAQYAtbkGALSxBgC3rQYAtrEGAKORBgCEjAIAhigAAIfAAwCY5wCAprkGAKWxBgCc5wCAq8kGAKr9BgCg5wCApOcAgK95BgCucQYArXkGAKzRBgCo5wCAs5kHAKznAICw5wCAtlEHALTnAIC45wCAtbEHALptBwC7dQcAvOcAgMDnAIC+WQcAv0UHALxtBwC9ZQcAxOcAgMjnAIDM5wCA0OcAgNTnAIDY5wCA3OcAgO+oBQDg5wCA4TQFAOTnAIDjdAUA6OcAgOznAIDw5wCA9OcAgKMdBgCCLQAAgRUAAIAdAAD45wCAptUGAKU1BgD85wCAq/EGAKrpBgAA6ACAhCgBAK/BBgCu3QYAreEGAKzpBgCoxQYAqdUGAKrVBgCr5QYArP0GAK0VBgCuHQYArxUGAL7sAQAI6ACAhggAAIcgAAAM6ACAEOgAgBToAIAY6ACAuH0GALkFBgC6DQYAuwUGALwBBgC9CQYAvjkGAL85BgCwbQYAsXUGALJ9BgCzdQYAtFkGALVFBgC2TQYAt0UGAKiRAgCpmQIAqqECAKuhAgCs0QIArd0CAK7VAgCvyQIAHOgAgCDoAIAk6ACAvyweACjoAIAs6ACAMOgAgDToAIC4VQMAuV0DALppAwC7ZQMAvGEDAL1hAwC+YQMAv2EDALC5AgCxjQIAsoUCALNtAwC0dQMAtX0DALZ1AwC3bQMAOOgAgDzoAICzIQIAQOgAgLVRAgCEiAMAROgAgLZVAgC05gCAvigcALtBAgC6dQIAvbEDALxZAgC/sQMAvrkDAKNpAgBI6ACATOgAgFDoAIBU6ACAph0CAKUZAgBY6ACAqwkCAKo9AgBc6ACAYOgAgK/5AwCu8QMArfkDAKwRAgCopQIAqbUCAKq9AgCrtQIArK0CAK01AQCuPQEArzUBAL4sHABk6ACAaOgAgGzoAIBw6ACAeOgAgIdoHQCGHB0AuIUBALmNAQC6hQEAu50BALyNAQC9vQEAvrUBAL95AACwUQEAsVEBALJRAQCzUQEAtPEBALXxAQC29QEAt+UBAO/YAACCtQAAgaUAAIClAAB86ACAgOgAgIToAIDvxAYAiOgAgOH0BgCM6ACA4zgBAOPMAACQ6ACA4SgBAJToAICY6ACAtuUBALV1AgCEQBwAs2UCAJzoAICg6ACApOgAgL9lAQC+ZQEAvdUBALzVAQC7xQEAusUBAKjoAICs6ACAo7UdAHToAICw6ACAtOgAgLjoAICmNR4ApaUdALzoAICrFR4AqhUeAMDoAIDE6ACAr7UeAK61HgCtBR4ArAUeAMjoAIDM6ACA0OgAgNToAICADQAAgTUAAII9AADY6ACA3OgAgODoAIC1BQAAcRoAgOG0AgCs2AIAtQUAAHUaAICotR8AqRUfAKodHwCrFR8ArDEfAK09HwCuLR8AryEfAOG0AgCs2AIAtQUAAHkaAIDhtAIArNgCALUFAAB9GgCAuNEAALnZAAC64QAAu+EAALyRAAC9kQAAvpEAAL+RAACwIR8AsTEfALIxHwCzMR8AtAkfALUJHwC28QAAt/EAAOG0AgCs3AIA71QdALUdAACBGgCA4bwCAKzQAgC1KQAAoyUBAKKRAwChFR0AoA0dAOGAHgCFGgCA47wdAOHEAgCz1R4AtQkAAKzYAgCJGgCA4bwCALb9HgC1+R4ArOACALu1HgC6pR4AtQUAAI0aAIC/jR4Avo0eAL2lHgC8pR4AoxUeAOG8AgCs0AIAtREAAI9pJQCmPR4ApTkeAJEaAICrdR4AqmUeAOG0AgCseAEAr00eAK5NHgCtZR4ArGUeAJvdFACa5RUAmQEXAJjhEACfcR8AnnkZAJ35GQCcARsAk+UtAJIRLwCRbSkAkG0pAJf5EQCW8REAlYUsAJSZLQC1JQAA4ZQCAILxJgCDjSoAhJUqAIXhLACGHS4Ah3kuAKy0AgCVGgCAilUvAIspEgCMORIAjRkTAI7xFACPHRYAtQUAAJkaAICSVRcAk5EYAJRxGgCV+RoAlvkcAJd9HgCC4AMAkwsAgJpVHgCb2QAAnHUCAIMMAICzDACAuIkKAKwBBACthQYAroEGAMwQAgDMfAMAtgwAgJ0aAIDCDACAxQwAgMgMAIAACwCAgaUyArwMAIAE6ACAmpUGAJtVIwK8kQYAvbEAAL6RBgC/rQYAuOkGALmVBgC6kQYAoRoAgLTBBgC1zQYAts0GALfdBgCw/QYAseUGALKdAACz5QYAhVTHA6UaAICH/AAAuAEKAK0aAIDpDACAsRoAgIyRcwCNpAEAzPACAL4NAIDBDQCAiRQAALgZCgCLDAAAGg4AgFMOAIC5DACAvwwAgBkKAICRwAEAywwAgLhtCgDODACA1AwAgNoMAIDdDACA4AwAgLUaAIAoDQCA5gwAgLkaAIDhpB4AKw0AgONUHgCvIXMAzCgCAO8MAIDsDACA8gwAgPUMAID4DACAzIACAJS4AwD7DACAkhQCAO9gHgCQAAIA/gwAgAoNAIC48QoADQ0AgJ8LAIAQDQCAiSkLABMNAICpGgCAvDABAL/EAQC+7AEAFg0AgMzsAgC4xQoAukQBAK0JAIAZDQCAygYAgN8GAIDyBgCAHA0AgPoGAIAfDQCACgcAgC0HAIAYBwCA9gcAgC8HAICpDQCAOgcAgK8NAIBKBwCAtXkAAGcHAIC3cSoCcgcAgLFhAAB0BwCAsw0pAo0HAIC96QAAoAcAgPoHAICtBwCAuRkrAsMHAIC7WRQCHwgAgFoJAIA8CACALw4AgFsIAIA5AACAgQgAgHEAAIDHCACAKwAAgCAJAIA9AACAXAkAgEMAAIBeCQCARQgAgGoIAIBJAACAAAgAgFMAAIB5CQCAWQAAgCINAIBfAACAuw0iAtANAIDMFDYCHwAAgL9lAAC+EQAAvW0AAOUHAICAaQEAgXUBAIJxAQCD3SEChGkHAIWBBwCGgQcAh3EBAIihAQCJrQEAirUHAIuNBwCMlQcAjaUBAE8AAICPpQEAkOEBAJHtBwCSsSECk/0HAJSNBwCVUQYAlvEBAJfZAQCY0QEAmXUGAJp9BgCb1QEAnGkGAJ2ZFAKeUQYAn1EGAKB1FAKhuQYAokkBAKOFLQKkIQEApS0BAKZ1FAKntQYAqKERAqlRFAKqlQYAsSEAgMy8NQLNPDUCbQAAgKoDAICsAwCArwMAgL0hAIDEIQCA2yEAgOIhAIDJAACADwAAgLihBgC6BgCAtwYAgMwAAIDOIQCAtQMAgN0FAIAYBgCAugUCALvVAgC46QUAuf0FAL7JAgC/5RcCvA0CAL0BAgCy4QUAs+EFALCNBQCxnQUAtuUFALfpBQC09QUAte0FAKo9BQCrwQUAqD0FAKk1BQCuzQUAr/UFAKzNBQCtxQUAoj0FAKMFBQCg1QIAoTkFAKYdBQCnBQUApB0FAKUVBQC/BgCAm8EFAD4GAIBVBgCAnt0FAJ8xBACcUQIAndUFAHIGAICJBgCApAMAgDAiAIDbAACAoAMAgI8HAIDuBwCA8gcAgJAJAIACCACABggAgJYLAICUCQCArwoAgG8HAICLBwCAlwcAgKIHAICqBwCAqgkAgPsOAIASDwCAHw8AgMwEMwLNsDACzCAzAs3gMALMEDACzGgwAsxYMALNjDACzGgxAs0UMQLM1DECzRQ2AsxwIALN0CcCzDA2AswkMQLMDDwCzWg/AswYPwLNND8CzBg9As3AMgLMRDwCzBg5Asw4MgLNqDICzIgyAs34MwLMfDMCzUAzAswoMwLNCDMCzMghAs0kJgLMrCYCzEA4AsyYJQLNyDoCzBwkAs0QJALMhDsCzag7AsysJQLNvDoCzKw4Asz4JwLM4DgCzXQ4AicPAID2BgCAYQ0AgIgNAIDNICoCzBwrAqoGAIAsIgCAzKQgAs2gJwLMOCYCygQAgMw4OgLNPDsCzBA5As1gPgLMoAMAvj0NAL3tLALWBACAu1UjAgQJAIC5PSICzwYAgNkHAIClBACAoA0AgLIEAIBvBQCA9AYAgL4EAIB1BQCAr70MAK6ZLgKtpQwAwgUAgKvFIgIDBgCAxAQAgCMGAIDQBACAyAUAgCkGAIBdBgCAowEYAqAEAIAaBwCAHQcAgJ9dDACeUQwAnUUMACcHAICbWSECrwcAgLEHAIC0BwCAuAcAgCoHAIDOBwCA0AcAgJMtJgLTBwCAbAgAgG8IAICPBQwAjnEMAI1lDAB5CACAi0UgAmAJAICJNS8CYwkAgGcJAIB8CACAcAkAgHMJAIC9AwCAACIAgIFdDACAYQwAgAABAIEYAACCAAQABCIAgIQQBwCFFAYAhuQIAIc8AgCILAUAiaQFAIoAeAAIIgCAjCQAAAwiAIAUIgCAECIAgLgRAACRxHsAkkh6AJNMeQAcIgCAzOgCAJbwCQC4OQAAkMAJACQiAICS8AkAzPgCAJS0CQC4DQAAKCIAgMwcAgC4BQAANCIAgMzkAgC4HQAAOCIAgDwiAIBDIgCAWiIAgKiMCACp5HsAYSIAgKvUBgDM5AIAuA0AAGsiAIDMlAIAbyIAgLGAewC4CQAAuBUAAMz8AgC15AgAcyIAgMzYAgB3IgCAuAUAALqcBQC7XAUAvAB8AL30fwC++H0Av/xyAIAJOgKBDToCggE6AoMFOgKEGToChR06AoYROgKHFToCiCk6AoktOgKKIToCiyU6Aow5OgKNPToCjjE6Ao81OgLM8AIAkekPAIMiAIDMzAIAuBkAAH8iAIDM3AIAl+UPALg1AAC4DQAAjyIAgMz8AgC4BQAAkyIAgMwwAgCXIgCAzNACAJsiAICfIgCAzIgCAKQtDwClVQ8Apl0PAMyUAgCoqToCqa06ArjVAACjIgCAuDUAAKciAIDMUAMAr7U6AswsAwCrIgCAzBgDALMFDwC0HQ8AzyIAgLYJDwC3CQ8Avmh9ALhtAAC4RQAAzDgDALwpDwDTIgCAviUPAMxYAwCH5Q4AzOg6Ari9AQC4yQEAzPA1As2kMwLMgCICzXwlAs2UNgLMBCkCzew7AsxkOgK45QEAuMEBAInVDgCI1Q4Al7EOALgNAACvIgCAsyIAgLciAIC4GQAAuyIAgNciAICfaTsC2yIAgL8iAIC4PQAAzMQCAMz4AgDDIgCAxyIAgLjZAADLIgCA3yIAgLjRAADjIgCAuPEAAMzMMwLnIgCAuMkAAMzoMwLrIgCAuNUAAKllAAC4yQAAzNgCAKq5BgC3TQ0Atk0NALU1DgC0NQ4AuFUAABUjAICxGQ8AsCkOAL/1AwC+UQ0AvVkNALw1DAC7XQ0Aul0NALldDQC4XQ0AgL0KAIHFCgCCFQQAg8kKAMx8BQCF3QoAhtUKAIfNCgDMVAUAifEKAIq5CACLDQgAjBEIAI0VCACOtScCj+UKAJBpCACRbQgAknEIAJNtJALMEAUAlR0IAJaFCgDMEAUAzDQFAJk9CACaiQoAmw0IAJwRCACdFQgAzEgFAMwQAgCgZQoAoW0KAKJlCgC4BQcApLEEAMzoAgCmsQQAuA0HAKiBBADM/AIAqpkIAKtdCgCsuQgArakEALglBwCvNQgAsNEIALHxBADMwAIAs40IALQpKAK1IQoAtiEKALchCgC4IQsAuSUIALhBBwC7KQsAvA0dAr3dDwC+MQsAvzELAIDdCgAZIwCAnKF9ANADAIDpAwCAhRkJAIaZCQCHlQkAiOEJAIklJQICBACAGwQAgC4EAIBBBACAVAQAgGcEAICQrQoAkUkFAJJtBQCTYQUAlGEFAJVtBQCWZQUAlxEFAJg1BQCZPQUAmjUFAJsNBQCcFQUAnR0FAJ4VBQCfCQUAoKkJAKH9BQCi9QUAowEFAKQFBQClDQUApgUFAKc9BQCoBQUAqQ0FAKoFBQCrGQUArIkJAK2pBQCutQkAr/0JALABCQCxfQUAsnUFALMBBQC0aQkAtQEFALYFBQC3PQUAuAUFALnhJQK6AQUAuwEFALzRJQK9PQkAvnkJAL9dCQCDMAUAoXgHAJ+xfgB6BACApHgHAKVIBwCNBACA8wQAgIt8BADdAACAEwEAgIhIBAAcAQCAIAEAgCQBAIAoAQCALAEAgDABAICyAAcAs/wHADQBAIDhAACAtuQHALfwBwDmAACA6wAAgLrgBwC7nAcAvIgHAL2oBwDwAACAs8F+AKPMBAD1AACA+gAAgIMABAD/AACAhXQEAKUgBAAEAQCAiEwEAAkBAIAOAQCAFwEAgK8tBwCNxAcArSEHAKwpBwDNAwCA8AQAgI8FAICwZQcA4gUAgB0GAIBDBgCAWgYAgHcGAICOBgCA0wMAgOwDAIAFBACAHgQAgDEEAIC8fAQAgt0rAoPlKwKA/QoAgfkrAoaZCQCHmQkAhOEKAIXhCgCKiQkAi4kJAIiJCQCJiQkAjoUJAEQEAICM4QgAjY0JAJK5KwKTQScCkJkrApHFCwCWyQsAl3UnApTFDQCV0SQCmskLAJvZKgKYyQsAmXkHAFcEAIBqBACAnP0LAH0EAICQBACA9gQAgKABAICkAQCAqAEAgONkAgCsAQCAsAEAgLQBAIDvvAcAqBEJALgBAIC8AQCAwAEAgMQBAIDIAQCAzAEAgNABAIDUAQCA2AEAgNwBAIDgAQCA5AEAgOgBAIDsAQCA8AEAgPQBAID4AQCA/AEAgAACAICCnH4ABAIAgKD1VAKh2VQCoulUAqP1dQCk7XUApZ12AKaVdgCnvXYAqIV2AKkpfQCqOX0AqwV9AKwdfQCtBX0Arg19AK8FfQCwfX0AsUl+ALJRfgCzUX4AtHV+ALV9fgC2aX4At2l+ALhZfgC5WX4Auil+ALspfgC8IX4AvSF+AL4ZfgC/GX4AkgcAgDkJAIDXBwCATSIAgLQNAAC1NQAAtj0AAKIGAICsBgCArwYAgAMjAIAJIwCAvSV4ALy1WALGMQCALjoAgJkqAIC9KgCAySoAgNkqAIDhKgCA7SoAgPUqAID9KgCACSsAgF0rAIB1KwCAhSsAgJUrAIClKwCAtSsAgNUrAICAeX8AgYF/AIKBfwCDnX8AhI1/AIWxfwCGsX8Ah7F/AIjhfwCJ4X8AiuF/AIv9fwCM5X8Aje1/AI7lfwCP3X8AkKV/AJGtfwCSpX8Ak71/AJSlfwCVrX8Alm1+AJctfgCYFX4AmRl+AJrpfgCb6X4AnPl+AJ35fgCe6X4An+V+AKAdfgChJX4AoiV+AKM9fgCkJX4ApS1+AKYlfgCnXX4AqGV+AKltfgCqZX4Aq31+AKxlfgCtbX4ArmV+AK9dfgCwJX4AsS1+ALIlfgCzPX4AtCV+ALUpfgC2WXcAt9V1ALj9eQC56XUAuvl1ALvZeQC86XUAvdV1AL7RdQC/2XUAgDF2AIE9dgCCSXYAg0V2AIRBdgCFTXYAhvl0AId9dgCIoQIAiU12AIpZdgCLuXoAjEl2AI2degCOsQIAjx16AJCRVgKRKXYAkoF2AJPNdgCU2XYAlel2AJbJdgCX0VkCmKF2AJllWgKa8XYAm01aApzRdgCdYXoAnoFWAp/VdgCgBQIAoY1aAqI1VwKjCXYApCF2AKUtdgCmiVoCp5laAqi5WgKpdXYAql13ANkrAIDdKwCAESwAgDksAIBJLACAUSwAgFUsAIBhLACAfSwAgIEsAICZLACAnSwAgKUsAIC1LACAUS0AgGUtAIClLQCAuS0AgMEtAIDFLQCA1S0AgJl1CgD4LQCAJC4AgDAuAIBQLgCAXC4AgGAuAIBkLgCAgux6AINkewB8LgCAgC4AgIZ0ewCHvHsArC4AgLguAIDALgCAyC4AgNguAIDnLgCA7y4AgBsvAIAfLwCAJy8AgJJwfAArLwCAMy8AgJFMfAA7LwCASy8AgGcvAIDfLwCA8y8AgKvMfACo5HwAqdx8APcvAIB3MACAezAAgI8wAICiwHwAkzAAgJswAICjMACAzEBJAs0ASQLM/EoCzWhLAqswAIC3MACA7TAAgP0wAIARMQCAjjEAgJoxAICqMQCAsqx8ALNAfAC2MQCAwjEAgMoxAIDOMQCAtGx8ALUEfACAlQcAgZ0HAIKVBwCDqQcAhLkHAIW5BwCG2QcAh9kHAIjpBwCJ6QcAivkHAIv5BwCM6QcAjekHAI7RBwCP0QcAkLEHAJGxBwCSSQEAk0kBAJRZAQCVWQEAlkkBAJdJAQCYeQEAmXkBAJpJAQCbSQEAnFkBAJ1ZAQCeSQEAn0kBAKC5AQChuQEAoskBAKPJAQCk2QEApdkBAKbJAQCnyQEAqPkBAKn5AQCqyQEAq8kBAKzZAQCt2QEArskBAK/JAQCwuQEAsbkBALJJAQCzSQEAtFkBALVZAQC2SQEAt0kBALh5AQC5eQEAukkBALtJAQC8WQEAvVkBAL5JAQC/SQEA0jEAgNYxAIDaMQCAkjIAgNoyAIDmMgCA6jIAgO4yAIDyMgCA+jIAgP4yAIASMwCALjMAgDYzAIB2MwCAejMAgIIzAICGMwCAjjMAgJIzAIC2MwCAujMAgNYzAIDaMwCA3jMAgOIzAID2MwCAGjQAgB40AIAiNACARjQAgIY0AICKNACAqjQAgLo0AIDCNACA4jQAgAY1AIBKNQCAUjUAgGY1AIByNQCAejUAgII1AICGNQCAijUAgKI1AICmNQCAwjUAgMo1AIDSNQCA1jUAgOI1AIDqNQCA7jUAgPI1AID6NQCA/jUAgJ42AICyNgCAnoUMAOY2AIDqNgCA8jYAgIC5AwCBuQMAgskDAIPJAwCE2QMAhdkDAIbJAwCHyQMAiPkDAIn5AwCKyQMAi8kDAIzZAwCN2QMAjs0DAI/FAwCQvQMAkQEMAJJJDgCTSQ4AlFkOAJVZDgCWSQ4Al0kOAJh5DgCZeQ4AmkkOAJtJDgCcWQ4AnVkOAJ5JDgCfSQ4AoLkOAKG5DgCiyQ4Ao8kOAKTZDgCl2Q4ApskOAKfJDgCo+Q4AqfkOAKrJDgCryQ4ArNkOAK3ZDgCuyQ4Ar8kOALC5DgCxuQ4AskkOALNJDgC0WQ4AtVkOALZJDgC3SQ4AuHkOALl5DgC6SQ4Au0kOALxZDgC9WQ4AvkkOAL9JDgC8eQQAvXkEAL6JBAC/nQQAuHUEALl9BAC6aQQAu2kEALRxBAC1cQQAtnEEALdxBACwcQQAsXEEALJxBACzcQQArGkEAK1pBACucQQAr3EEAKhBBACpQQQAqkEEAKtBBACknQUApWEEAKZhBACnYQQAoJ0FAKGFBQCijQUAo4UFAJxdBQCdZQUAnm0FAJ9lBQCYXQUAmUUFAJpNBQCbRQUAlB0FAJVlBQCWbQUAl2UFAJAdBQCRBQUAkg0FAJMFBQCMMQcAjTEHAI4xBwCPMQcAiDEHAIkxBwCKMQcAizEHAIQxBwCFMQcAhjEHAIcxBwCAMQcAgTEHAIIxBwCDMQcAJjcAgC43AIA2NwCAcjcAgHY3AIB+NwCAgjcAgIY3AICyNwCAtjcAgL43AIDSNwCA1jcAgPI3AID6NwCA/jcAgCI4AIBCOACAUjgAgFY4AIBeOACAijgAgI44AICeOACAwjgAgM44AIDeOACA9jgAgP44AIACOQCABjkAgAo5AIAWOQCAGjkAgCI5AIA+OQCAQjkAgEY5AIBeOQCAYjkAgGo5AIB+OQCAgjkAgIY5AICOOQCAkjkAgJY5AICaOQCAnjkAgK45AIDGOQCAyjkAgNY5AIDaOQCA3jkAgOI5AIDqOQCA7jkAgPI5AID+OQCABjoAgA46AIASOgCAGjoAgIC5AQCBuQEAgskBAIPJAQCE2QEAhdkBAIbJAQCHyQEAiPkBAIn5AQCKyQEAi8kBAIzZAQCN2QEAjskBAI/JAQCQuQEAkbkBAJIRAACTEQAAlDEAAJUxAAAeOgCAIjoAgCo6AIAyOgCAPSMAgGUsAIBpLACAJSQAgIJgAgCZ4QAAgIAAAIGYAACC5AYAg4gEAITUGwCFlBoAhhgfALMjAICIxB4AiQAQAIqoEwCLrBEAjAAoAI20KwCOuCoAj7wpAOOwAgC+dAIAnlUAAOMUAgCCbAIAtyMAgJkNAAC+RAIAnjUAAIJoAgCZBQAAuyMAgO/MAgC+oAAAgoQAAO/YAgDj7AEA4/QBAL8jAIDjCAMAwyMAgOM4AwDHIwCA44gDAMsjAIDv4AMAzyMAgO+IAwDvPAEA78QDANMjAIDv1AMA4+wDAB43AIDXIwCA4+wDAOPsAwDj5AMA2yMAgOO4AwDvXAMA70wDAN8jAIDvSAMA7/QDAOMjAIDnIwCA7zQDAON8AwDjlAQA6yMAgO8jAIDzIwCA47QEAPcjAID7IwCA/yMAgO9sBAADJACAByQAgO9YBADvUAQACyQAgBYkAIAaJACAvQAAgOP4BADCAACAMSQAgB4kAIBtKQCA45wEAAglAIBrJQCAriUAgO9QBADaJQCABCYAgO88BAApJgCAgAlLAoYcdwC+RAIAgnQCAL5QAgA+JgCAmREBAJkNAQCPrAIAggQCAI1oAQCewQIAi3wBAJ49AQCeKQEAvggCAJfQAgCZXQEAldACAJ5VAQCT0AIAmXUBAJHQAgC+SAIAn7gCAEYmAICdtAIAnk0BAJuwAgCZXQEAmbQCAL6EAgCeqQEApowCAGImAICkgAIAmakBAGomAIChSAIAgqwCAK/kAgCCtAIAglwCAJnlAQC+CAIAgnwCAIIABACopAIAnvkBAL5wAgC1HAQAnoUBAL6oBQCyhAIAtrECAL6sBQC4KQkAuYkCALqZAgCCjAUAu+gEAIKcBQByJgCAuPAEAJ5ZBgCZbQYAnmEGAJl5BgC+fAIAnmEGAIJcAgC+QAIAmVkGAJ5dBgCCYAIAmaUGAL58AgCevQYAghwCAL4UAgCZzQYAvkwCAIJMAgCa3QYAnt0GAJ/FBgDjDAIAgrwCAJn5BgC+ZAIA7/QCAJrxBgCe6QYAn+kGAJ7ZBgCf1QYA4wQCAJklBgCaIQYAgngCAJk9BgDjBAIAgkQCAJolBgC+cAIA75wCAJ4FBgCfFQYA7+gCAJp1BgCZBQYAggQCAL5wAgDjcAIAnnUGAJ8NBgCeAQYAvnwCAOM0AgCZDQYAvmACAIJsAgDv8AIAmTUGAIKQAwDv2AIAniEGAIQmAICbxQcAmeUHAL58AgCe7QcAn8UHAOPsAwCdUAIAnNEHAIJsAgDv1AIAmc0HAIJ8AgC+cAIAmd0HAJ7dBwC+AAIA42gCAJ6tBwCZuQcA42gCAIJ8AgDjDAIAvkgCAJmpBwCCWAIA78QCAJ6ZBwC+bAIA77gCAIKUAgCejQcA77gCALsAAACZeQcAuQwAAJ5xBwC/AAAAglQCAL0EAAC+aAIAs9QDAJmxBgCxcAMAggQCALc4AACeoQYAtTQAAL5wAgCrWAMAnqEGAO9cAgCZqQYArxADAIJQAgCtFAMAmYUHAJlpBgC+WAIAnmEGAL58AgCCaAIApqACAOOQAgCZaQYA43wBAOOYAQDjrAEA49ABAOPoAQC+dAIAno0FAOMwAgDvzAIAgmgCAJnRBQDvlAIA71QBAO9wAQDvJAEA7ygBAL58AgCevQUA4wwCAIJ4AgCZrQIAvnQCAJ6lAgDjNAIAgmACAJkZAAC+YAIA7/wCAJ4NAACClAIA79QCAJAmAIDj/AIAmQkAAL5gAgCYJgCAnh0AAOMAAgCwJSoAglgCAJkNAADv9AIAvmQCAK4mAIDvwAIAnhkAAIIYAgCCOAIA43ACAJkRAACaNQAAmSkBAL50AgDsJgCAnyUAAJ4JAACZ6QEAvrQDAL7gAwCazQEA79gCAJ4RAQCC2AMA/SYAgIHEAgDjsAMAHycAgOP8AwC+/AIAhMQCAIIoAgCGEAIAKicAgIg8AgCeIQAAnw0AAHonAIDvKAMAj3QCAO8sAwCCiAIAmXUAAJoVAACSxAMAldADAJktAACa0QAAjicAgL7IAgCYaAMAm3wDAILEAwCeQQAAnykAALAnAICChAIA45ACAL4IAwC+JwCABigAgJ8ZAACe7QAA49ACAJlxAACaFQAAvhQCAO8wAgCZIQAA71gCABQoAICv7AMAggQCALFMHACwABwAniUAALJMHACeXQAAn2EAAOO8AgCZIQAA+QAAAHEpAIDvlAIAdSkAgL08HACCgB0Av8EfAHkpAIDjtB0AvnQCAJ71HwDj8B0AmQUAAH0pAIC+fAIAngkAAIJgAgCZDQAAiSkAgL5gAgDvzAIAnh0AAOklAIDv3AIA42gCAPkYAIDjPB0AIRoAgP0YAIABGQCAJRoAgCkaAIAtGgCAMRoAgDUaAIA5GgCA76QCAD0aAIDvJB0AQRoAgLHFAAAFGQCAs8UAALLdAAC1yQAAtMEAALcdAAC2wQAAuWUAALhlAAC7zQAAus0AAL3dAAC83QAAv8UAAL7JAAAJGQCADRkAgE0ZAIBhGQCAERkAgBUZAIDvFHgD7wBIA+HYTQPhOKgC41x5A+O0UAOtGQCAsRkAgLUZAIC5GQCAgMkBAIHVAQCC3QEAg20CAITdAQCFcQIAhgEEAIcdBQCIJQUAiTUFAIo9BQCLbQUAjHUFAI1lBQCObQUAj80BAJC1AQCRvQEAkrUBAJNNAwCUVQMAlV0DAJZVAwCXTQMAmHUDAJl9AwCadQMAm00DAJxVAwCdWQMAnkkDAJ9JAwCguQMAobkDAKLBAwCj3QMApMUDAKXNAwCmxQMAp/0DAKjJAwCpyQMAqtEDAKvRAwCsMQMArTEDAK4xAwCvMQMAsFEDALFRAwCyUQMAs1EDALRxAwC1cQMAtnEDALdxAwC4UQMAuVEDALpRAwC7UQMAvDEDAL0xAwC+MQMAvzEDAL0ZAIDBGQCAxRkAgMkZAIDNGQCA0RkAgNUZAIDZGQCA3RkAgOEZAIDwIAIA5RkAgOkZAIDtGQCA8RkAgPUZAICc9TYAnf02APkZAICRkAIA/RkAgKkZAIBFGQCASRkAgEUaAIC6adgASRoAgE0aAIC4sTYAubE2AFEaAIBVGgCAWRoAgF0aAIBRGQCAYRoAgGUaAIBVGQCAWRkAgF0ZAIBlGQCAaRkAgG0ZAIBxGQCAdRkAgHkZAIB9GQCAgRkAgIUZAICJGQCAjRkAgJEZAICVGQCAglgCAJkZAIBpGgCA8FgCAG0aAICdGQCAoRkAgKUZAIABGgCABRoAgJF0AwDhtDsCCRoAgOPYIgINGgCAERoAgBUaAIAZGgCAHRoAgKUqAIBVLQCAqSoAgMEqAICtKgCAljMAgO/IPwK1KgCA4ZTzAuGY0gLjlPcC4xDGAuGUtgLhkJ0C44SiAuMIhwIZGQCAHRkAgO+4swLvOIsCnSoAgOAtAIDvIJcC7+DgAoLkAgBpLQCACAIAgLrF2QAOAgCAFAIAgBoCAIAgAgCAJgIAgCwCAIAyAgCAOAIAgD4CAIBEAgCASgIAgFACAIDhgHgC8OQGAOMUagKCgAgA4aAPAuEIEwLjhA4C4xgeAlYCAIA0AwCA7zQ7Au8wHwI6AwCAQAMAgO8MEgJGAwCAJRkAgCkZAIBMAwCAUgMAgC0ZAIAxGQCAWAMAgF4DAIB2AwCAggMAgIgDAICOAwCAlAMAgJoDAIB8AwCAZAMAgDUZAIA5GQCAbQMAgFwCAIA9GQCAQRkAgHQCAIBoAgCAvAIAgHoCAICYAgCAYgIAgJICAIBuAgCApAIAgNQCAICAUQYAgV0GAIJVBgCDaQYAhHkGAIV5BgCGaQYAh2kGAIhZBgCJoQcAiqUHAIu9BwCMpQcAja0HAI6lBwDyAgCA7AIAgOACAICSCRQAkxUUAJTxBwCV8QcAlvEHAJfxBwCY0QcAmdEHAJo5FACb0QcAnIEHAJ2BBwCefQcAnx0UAJktAQCYLQEAmz0BAJo9AQCdLQEAnC0BACEZAICeVQEAkd0GAJDRBgCTJQEAkiUBAJUtAQCULQEAlx0BAJYdAQCJ8QYAiOkGAIvxBgCK+QYAjbEGAIzpBgCPqQYAjrkGAIHxBgCA7QYAg/EGAIL5BgCF0QYAhOkGAIfRBgCG2QYAua0DALitAwC7vQMAur0DAL2tAwC8rQMAv90DAL7dAwCxrQMAsK0DALO9AwCyvQMAta0DALStAwC3nQMAtp0DAKm5AQCosQEAq3UBAKqxAQCtFQEArBUBAK/dAwCu3QMAobkBAKCpAQCjiQEAorEBAKWZAQCkkQEAp4kBAKaRAQAuAwCAwgIAgM4CAIDmAgCA2gIAgAQDAICwAgCA+AIAgCIDAIAKAwCAngIAgIACAIC2AgCAyAIAgP4CAICGAgCAKAMAgKoCAIAQAwCAjAIAgBYDAIAcAwCACS0AgOsuAIDKNACAhAcAgAYFAIAVBQCAJAUAgDMFAIBCBQCASwUAgPAsOABUBQCAXQUAgGYFAICSBQCA40huA5sFAIDhTG4DpAUAgO/0AQOnBQCAqgUAgK0FAIBGOgCApkwAgNZVAIA2aACAZnEAgJZ6AID2jACAVp8AgIaoAIDtugCAJMQAgFTNAICE1gCAtN8AgDG7AIA6rgCABqUAgPkqAICJKwCAoSoAgOUqAIBBMQCAATEAgE40AIDVLACABjMAgIo3AIBiNACAHSwAgJI0AICeMwCAEjgAgFkrAICFLACA+jEAgCY5AIAdKwCArSsAgJ4xAIC8LgCAySwAgFksAIA4LgCALC4AgJGgBgDuMwCAGSsAgJ43AIB1LACAzS0AgLAFAIDh1D8D4VgaA+PcLwPjUA4D4RTyA+FA0wPjQOoD40DDA7MFAIC2BQCA73jrA+9c8gO5BQCA5QUAgO9E3gPvmCUD4bSLA+E8lwPjfKID45iLA+EwQQDhUKwD4xx/AOOIRgDoBQCA6wUAgO84ewDv4EEA7gUAgPEFAIDvzIoD7yCHA4DBGACB3RgAgikLAIMpCwCE6Q4AhekOAIYZDwCH8RgAiCUPAIntGgCK5RsAiyEdAIw5HQCN5RsAjmkQAI/VGgCQhRsAkU0PAJJFDwCTXQ8AlEUPAJVNDwCWRQ8Al30PAJhFDwCZTQ8AmkUPAJtpGwCcQQ8AnUEPAJ5BDwCfQQ8AoMEPAKHBDwCiwQ8Ao8EPAKS5CwCluQsApqkLAKfNDwCo9Q8Aqf0PAKr1DwCrzQ8ArNkPAK3ZDwCuyQ8Ar8kPALC5DwCxuQ8AsmkPALNpDwC0YQ8AtWEPALY5DwC3OQ8AuBEPALkRDwC66QEAu+kBALz5AQC9+QEAvukBAL/pAQD0BQCA9wUAgPoFAID9BQCAAAYAgCAGAIDhBACAgAUAgNMFAIAOBgCANAYAgEsGAIBoBgCAfwYAgJYGAIDdAwCA9gMAgA8EAIASBwCAQQgAgD4IAIA/BwCAOSQAgHIkAICjJACAyCQAgLkmAIDEJgCAyCYAgMwmAIDQJgCALygAgG4oAICWKACAmigAgL8oAIDHKACA4ygAgPUoAID5KACA/SgAgLrp0wAVKQCAMCkAgEspAIA9JACASiQAgFckAIBkJACAdiQAgIMkAICVJACApyQAgLckAIDMJACA1iQAgOQkAIDuJACA+yQAgAwlAIAWJQCAbyUAgHYlAIAkJQCAgBkDAIEZAwCCKQMAgykDAIQ5AwCFOQMAhikDAIcpAwCIGQMAiRkDAIppAwCLaQMAjHkDAI15AwCOaQMAj2kDAJAZAwCRGQMAkgEEAJMtAwCUNQMAlVUGAJZdBgCXVQYAmG0GAJl1BgCafQYAm3UGAJxtBgCdNQYAnj0GAJ81BgCgzQYAodUGAKLdBgCj1QYApPkDAKX5AwCm6QMAp+kDAKjZAwCp+QYAqikGAKspBgCsOQYArTkGAK7FAwCvPQMAsEUDALFNAwCyRQMAs10DALRFAwC1TQMAtkUDALd9AwC4SQMAuUkDALpZAwC7fQYAvGUGAL1tBgC+ZQYAgCUAgKkVDwCoAQ8Aq00PAKpNDwCtRQ8ArEUPAK+hDQCuqQ0AoXULAKBhCwCj7QsAoqkLAKXlCwCk5QsApzkPAKZZCAC5oQ0AuJkNALuhDQC6qQ0AvaENALy5DQAxJQCAvqkNALGhDQCw2Q0As6ENALKpDQC1oQ0AtLkNALehDQC2qQ0AOCUAgEglAIBbJQCAsiUAgLwlAICRJQCAoSUAgNAlAICB7Q0AgO0NAIP9DQCC/Q0Ahe0NAITtDQCH2Q0AhiEYAJlNDQCYTQ0Am1ENAJpdDQCdeQ0AnHUNAJ9pDQCecQ0AkYkNAJCBDQCTmQ0AkoENAJWJDQCUgQ0Al30NAJaBDQDgJACAICUAgI0lAIDMJQCA3iUAgAgmAIAtJgCAQiYAgPAlAID6JQCADCYAgBkmAIAxJgCATiYAgFgmAIB2JgCASiYAgGYmAIBuJgCAgCYAgIwmAICUJgCAoyYAgN4mAICcJgCAsiYAgKcmAIC9JgCA1CYAgOImAIABJwCAEScAgBsnAIBPJwCAkicAgOcnAIBPKQCAXSkAgGEpAIBlKQCA8CYAgC4nAIA+JwCASCcAgCMnAIBTJwCAYycAgH4nAIBwJwCAlicAgMInAIDJJwCApicAgNMnAIDdJwCAtCcAgBgoAIAKKACA6ycAgCUoAIDyJwCA/CcAgDMoAIBAKACASigAgFQoAIBeKACAcigAgH8oAICGKACAnigAgKUoAICyKACAyygAgNUoAIDnKACAASkAgA4pAIAZKQCAIykAgDQpAIA7KQCAUykAgMMDAIDmBACAhQUAgNgFAIATBgCAOQYAgFAGAIBtBgCAhAYAgJsGAIDjAwCA/AMAgBUEAIAoBACAOwQAgE4EAIBhBACAdAQAgIcEAICaBACAAAUAgA8FAIAeBQCALQUAgDwFAIBjCACAJAgAgMEGAID8BwCAHQkAgOMoEwAzCQCAKggAgC0IAIAxCACAJAcAgNwuAIDKMACA2S0AgLswAIBFMQCAJwkAgO/sEwAGCQCA3A0AgM8IAICDCACAMQcAgEwHAID8BgCACggAgJQIAIAqCQCACQkAgOANAIDsDQCA2wgAgJkIAIAVBwCAhggAgFUHAID/BgCApgcAgJEkAIDwDQCA4ggAgCcIAICcCACAWAgAgBUJAID0DQCA5QgAgBQIAICfCACA6AgAgBcIAIDJCACAoggAgOwIAIAbCACAzAgAgKYIAID3CACA/QgAgIgHAICKCACAWQcAgAMHAIA9CQCAQQkAgEkJAIA2CQCAGAkAgPgNAID0CACALQkAgAwJAIDkDQCA0ggAgI4IAIBdBwCAMAkAgA8JAIDoDQCA1QgAgJEIAIBgBwCArQgAgGMHAIDjSBIA4xQSAOP4EwDjuBMA4+wSAOOgEgDjbBIA43gSAO/ADQDv2A0A73QSAO9QEgDvqBIA79wSAO8oEwDvIBMA6QcAgMwGAIAOCACAEQgAgNgGAIDUBgCAIQgAgAcHAIBnCACADAcAgHYIAIA0BwCANwcAgKoIAIC2CACAuQgAgOPYEADjoBAA46AQAON0EQDjNBAA4wgQAOPkEADj9BAA77wQAO/gEADvzBAA7zgQAO8QEADvcBAA73AQAO9MEADjhBMA4+gTAOMwEADjEBAA42ATAONAEwDjpBMA47QTAO/IEwDvtBMA75gTAO98EwDvXBMA70wTAO8UEwDv6BAAgO08AIH1PACC/TwAg/U8AITtPACFFT0Ahh09AIcVPQCILT0AiTU9AIo9PQCLNT0AjC09AI0VPQCOHT0AjxU9AJBtPQCRdT0Akn09AJN1PQCUbT0AlRU9AJYdPQCXFT0AmC09AJk1PQCaPT0AmzU9AJwtPQCdFT0Anh09AJ8VPQCg7T0AofU9AKL9PQCj9T0ApO09AKUVPQCmHT0ApxU9AKgtPQCpNT0Aqj09AKs1PQCsLT0ArRU9AK4dPQCvFT0AsG09ALF1PQCyfT0As3U9ALRtPQC1FT0AthE9ALcRPQC4MT0AuTE9ALoxPQC7MT0AvBE9AL0RPQC+ET0AvxE9AIDxPACB/TwAgvU8AIMNPwCEFT8AhR0/AIYVPwCHDT8AiDU/AIk9PwCKNT8Aiw0/AIwVPwCNHT8AjhU/AI8NPwCQdT8AkX0/AJJ1PwCTDT8AlBU/AJUZPwCWCT8Alwk/AJg5PwCZOT8Amgk/AJsJPwCcGT8AnRk/AJ4JPwCfCT8AoPk/AKH5PwCiCT8Aowk/AKQZPwClGT8Apgk/AKcJPwCoOT8AqTk/AKoJPwCrCT8ArBk/AK0ZPwCuCT8Arwk/ALB5PwCxeT8Asgk/ALMJPwC0GT8AtRk/ALYJPwC3CT8AuDk/ALk5PwC6CT8Auwk/ALwZPwC9GT8Avgk/AL8JPwCA+TwAgfk8AIJJPQCDST0AhFk9AIVZPQCGST0Ah0k9AIh5PQCJeT0Aikk9AItJPQCMWT0AjVk9AI5JPQCPST0AkDk9AJE5PQCSAQQAk00GAJRVBgCVXQYAllUGAJdNBgCYdQYAmX0GAJp1BgCbTQYAnFUGAJ1dBgCeVQYAn00GAKC1BgChvQYAorUGAKPNBgCk1QYApd0GAKbVBgCnzQYAqPUGAKn9BgCq9QYAq80GAKzVBgCt3QYArtUGAK/NBgCwtQYAsb0GALK1BgCzTQYAtFUGALVdBgC2VQYAt00GALh1BgC5fQYAunUGALtNBgC8VQYAvV0GAL5VBgC/TQYArH0/AK2lPwCurT8Ar6U/AKh9PwCpZT8Aqm0/AKtlPwCkHT8ApUU/AKZNPwCnRT8AoB0/AKEFPwCiDT8AowU/ALydPwC9pT8Avq0/AL+lPwC4nT8AuYU/ALqNPwC7hT8AtN0/ALWlPwC2rT8At6U/ALDdPwCxxT8Ass0/ALPFPwCMZToAjW06AI5lOgCPfToAiEU6AIlNOgCKRToAi306AIRlOgCFbToAhmU6AId9OgCABToAgQ06AIIFOgCDfToAnF04AJ3lPwCe7T8An+U/AJhdOACZRTgAmk04AJtFOACUuTgAlWU4AJZtOACXZTgAkAU6AJENOgCSBToAkwE5AMAIAIDYCACA3ggAgPAIAIB2BwCAIgkAgHkHAICBBwCAVAkAgJ0HAIDLBwCAvQcAgMQGAIDcBACAewUAgM4FAIAJBgCALwYAgEYGAIBjBgCAegYAgJEGAIDXAwCA8AMAgAkEAIAiBACANQQAgEgEAIBbBACAbgQAgIEEAICUBACA+gQAgAkFAIAYBQCAJwUAgDYFAIBFBQCATgUAgFcFAIBgBQCAaQUAgJUFAICeBQCAXQgAgFYOAIBZDgCAOjoAgKwKAIAVCwCANjoAgD46AICcGQAAnRkAAJ45AACfOQAA4wwAgEI6AIB6NwCA8TAAgKI3AIBaMgCAxSoAgLksAICaMDUA7C0AgB0tAIDoLQCA1y8AgJ+ENQDSMwCAnUQpAGI1AICaNgCA1jYAgAo3AIAeOACAdjEAgAIyAICuMgCARjMAgGI2AIBGOACAcjkAgOkqAICNLACAijEAgNIyAICWNgCAwjkAgJQuAIB6MgCAhjYAgBo3AIALMACAvjUAgLSAGgC1hBkAtojmALeM5ACwABwAsZQeALIAGACznBsAvADsAL2k7wC+qO4Av6TtALgA4AC5tOMAurjiALu84QCkwAAApQAMAKbIDgCnAAgA4jYAgAcvAIAFMQCArXwDAKwAEACt5BMArugSAK9gEQCo8AoAqRwJAKr4FgCr/BQAGjIAgB4zAIAqOACAKSsAgMErAIAtLACAczAAgIIxAIDOMgCA8jMAgI42AICmNgCAyjcAgO44AICiOQCAvjkAgC40AIBuNACAvAgAgCY1AIBGNgCAejgAgE43AIChLQCAIy8AgN40AICeNQCAAjMAgDY0AICaNwCA5jgAgJ0tAIBwLgCAejEAgC4yAIBiMgCAFjUAgD41AICmOACAKSwAgJwAAACqNQCAzSsAgMkrAICaNACAKjUAgF42AICuOACAajcAgA8wAIBaNwCA0SoAgEQuAIB7LwCAMjMAgLIzAIBNLACAPjQAgDkrAIBfLwCAsSoAgO4xAICLMACAEjUAgIDpAwCB6QMAgjkvAIP9AwCE5QMAhe0DAIblAwCHfS4AiEEuAIkhAgCKeS8AiyUCAIw9AgCNJQIAjiECAI8dAgCQZQIAkW0CAJJlAgCTfQIAlGUCAJVtAgCWZQIAlx0CAJglAgCZLQIAmiUCAJs9AgCcJQIAnS0CAJ4lAgCfHQIAoOUCAKHtAgCi5QIAo/0CAKTlAgCl7QIApuUCAKdNAgCodQIAqX0CAKqpAQCrqQEArLkBAK25AQCuqQEAr6kBALDZAQCx2QEAsukBALPpAQC0eSIAtf0BALb1AQC37QEAuNUBALndAQC61QEAu60BALy1AQC9uQEAvqkBAL+pAQChLACAjS0AgP4zAIBmNgCAPjcAgLoxAIDmMQCAHzAAgB42AIA/MACArjMAgAUrAICBKwCAxSsAgFYxAID+NACA9jUAgEo3AIBaOACANSwAgOksAIAXLwCApzAAgH4yAIBCNACAljgAgHo5AIDOOQCA5jkAgOkwAICmMQCA7jcAgOMuAIC/LwCA2y8AgGswAIBuMgCAujIAgGozAICONACAMjUAgJY1AIDeNwCAbjYAgAY4AIB+OACA6SsAgBUsAID9LACAqjIAgPY2AIADLwCAcy8AgDcwAICyMQCA2jQAgCYzAIAVKwCAWS0AgKguAIB/LwCAQjMAgF4zAIBuNQCAgFEBAIEBKgCCXQEAg1UBAIRNAQCFdQEAhn0BAId1AQCITQEAiVUBAIqdKwCLWQEAjEkBAI1JAQCOuQEAj7kBAJDJAQCRyQEAktkBAJPZAQCUyQEAlckBAJb5AQCX+QEAmMkBAJnJAQCa2QEAm9kBAJzJAQCdyQEAnrkBAJ+5AQCgSQEAoZUBAKJFAQCjXQEApEUBAKVNAQCmRQEAp30BAKhFAQCpTQEAqnkPAKtBAQCsQQEArUEBAK5BAQCvQQEAsMEDALHBAwCywQMAs8EDALTBAwC1wQMAtsEDALfBAwC4wQMAucEDALrBAwC7wQMAvMEDAL3BAwC+wQMAv8kMAI41AIBiOACA4jgAgPI4AIAuOQCALSsAgII0AIBOOACAyjgAgJcvAIDxKgCAUSsAgEguAIBoLgCAlzAAgMYyAIDOMwCAejYAgBo4AIDZMACAojgAgA0sAIAlMQCAMTEAgBIyAIBKMgCATjMAgKozAIAqNACADjUAgDo5AIDrLwCAsjgAgEErAICMLgCAMjIAgOI3AIBPLwCAny8AgDkxAIC6OACA8SsAgNksAIB4LgCAwjAAgBUxAIBiMQCA9jEAgEozAIC+MwCAWjUAgPo2AIAGNwCA1jgAgF0sAIBOMgCA3SwAgMoyAIBuMwCAijYAgL44AICqOQCA0jkAgC0xAICxOSMAsBEDALMVAwCyFQMAtTUDALQ1AwC3NQMAtjUDALkVAwC4FQMAuxUDALoVAwC9dQMAvHUDAL91AwC+dQMAoZkNAKCRDQCjqQ0AopENAKW5DQCksQ0Ap6kNAKaxDQCpmQ0AqJENAKtpAwCqkQ0ArXkDAKxxAwCvaQMArnEDAJEZDQCQEQ0Aky0NAJIRDQCVPQ0AlD0NAJctDQCWLQ0AmR0NAJgdDQCbbQ0Amm0NAJ15DQCcgQ4An2kNAJ5xDQCBmQ0AgAkjAIOpDQCCkQ0AhbkNAISxDQCHqQ0AhrENAImZDQCIkQ0Ai2kNAIqRDQCNeQ0AjHENAI9pDQCOcQ0AKjIAgMY1AIDGNACA6jQAgBozAICiMgCAZjcAgA0rAIAuNgCA9SsAgOUrAIDzLgCAEzAAgPY0AIA0LgCABjIAgOUwAIDqNwCAqjgAgA8vAIBhKwCANS0AgIktAIDVMACA0SsAgCIzAIDmMwCASjQAgGY0AIBqNACAfjQAgPo4AIDuNACAkjYAgFY3AIAKOACANjgAgE45AIBSOQCAVjkAgLo5AIAuOACAxjgAgDErAIBVKwCAaSsAgCUsAIAxLACAcSwAgCUtAIBBLQCASS0AgIUtAICRLQCAdC4AgIsvAICzLwCAuy8AgJH4EADTLwCAfzAAgK8wAIDdMACAWjEAgIApAQCBKQEAgjkBAIM5AQCEKQEAhSkBAIZZAQCHWQEAiNkoAIltAQCKKSUAi2EBAIxhAQCNYQEAHjIAgDoyAICQGQEAajIAgJIVAQC+MgCA3jIAgJU1AQCWPQEAlzUBAJgNAQCZFQEAmh0BAJsVAQCcDQEAnfUBAJ7dKABSMwCAoAUBADI0AICiAQEAVjQAgFI0AIClGQEApgkBAFo0AIBeNACAdjQAgKo9AQCrNQEArC0BAK0VAQCuHQEArxUBALBtAQCxdQEAsn0BALN1AQC0bQEAtRUBALYdAQC3FQEAuC0BALk1AQC6PQEAuzUBALzZLgC9KQEAvhkBAL8ZAQC6eR4Au3keALjNAgC5eR4AvpUeAL+dHgC8QQIAvZ0eALJ9HgCzRR4AsH0eALF1HgC2XR4At0UeALRdHgC1VR4AqgUeAKsNHgCodR4AqQ0eAHo0AICeNACArBUeAK0NHgCiSR4Ao0keAKBJHgChSR4ApkkeAKf5AgCkSR4ApUkeAJqNHgCblR4AmI0eAJmFHgCeiR4An4keAJyNHgCdhR4AkgUDAJP1AACQCQMAkY05AJaxHgCXFQYAlO0AAJUBHACKvQMAi0EDAIiFAwCJnQMAjkEDAI9JAwCMyTkAjVEDAIIVAgCDHQIAgAUCAIEdAgCGzQMAh7EDAIQFAgCFxQMAs/kFALLxBQCx+QUAsOEFALeZKgC2EQMAtRkDALThBQC7NQMAujUDALklAwC4JQMAvxUDAL4VAwC9JQMAvCUDAKP9BQCi/QUAof0FAKD9BQCnnQUApp0FAKWdBQCknQUAq7kFAKqxBQCpJScAqL0FAK+ZBQCukQUArZkFAKyhBQCTAQUAkvkFAJF1OQCQ9QUAlwEFAJYZBQCVEQUAlBkFAJt5CQCaOQUAmTEFAJg5BQCfHQUAnh0FAJ0dBQCcHQUAg4kFAIKBBQCBiQUAgPEFAIeFBQCGhQUAhZUFAISBJgCLhQUAioUFAIm1BQCItQUAj4UFAI6FBQCNlQUAjJUFAM40AIA6NQCAQjUAgFY1AIB+NQCAzjUAgAI2AIBqNgCAEjcAgCo3AIBeNwCAYjcAgKY3AICqNwCAAjgAgNo4AIAeOQCANjkAgIMvAICQ6gCA5jUAgLkqAIC9KwCAfSsAgCUrAIBlKwCAkSsAgCEsAIA9LACAES0AgCEtAIA9LQCAmS0AgOQtAIDwLQCADC4AgBwuAIALLwCAEy8AgEMvAIBjLwCAky8AgKsvAICbLwCAry8AgO8vAIBHMACAUzAAgFswAICDMACACTEAgB0xAIBeMgCAVjIAgIYyAIAWNACA4jIAgBYzAIBiMwCAfjMAgKIzAIDGMwCAyjMAgOozAICAjQEAgZUBAIKdAQCDlQEAhI0BAIW1AQCGvQEAh7UBAIiNAQCJwR0AipkBAIvBHQCMhQEAjY0BAI6FAQCP/QEAkIUBAJEZHQCSkRQAk4UBAJSdAQCViTIAlk0ZAJc9GwCYsQEAmbEBAJotHACbtQEAnD0cAJ2pAQCemQEAn5kBAKDlHQChbQEAomUBAKN9AQCkZQEApW0BAKbxHQCnYQEAqKEDAKmhAwCqoQMAq6EDAKyhAwCttQEArq0DAK+lAwCwYRkAsdkDALLZAQCz7QMAtPUDALX9AwC29QMAt+0DALjFAQC50QMAumEdALvVAwC82QEAvT0XAL7FAwC/0QEA+jMAgA40AIAKNACAOjQAgLY0AIDmNACAHjUAgE41AIAyNgCAWjYAgM42AIAWNwCAIjcAgEI3AIBGNwCAUjcAgG43AIDmNwCAFjgAgEo4AIBqOACAtjgAgA45AIAqOQCAijkAgCfqAIAi6gCAVOoAgOEpAIAJKgCADSoAgNbqAIAD6wCAe+sAgBY6AIAmOgCARwgAgFIIAIBVCACASggAgE4IAIBXCQCA8Q4AgOIOAIDnDgCA9g4AgOwOAICyNACASw8AgMoPAICBDwCALw8AgFoPAIBnDwCAbw8AgJ0PAIDCDwCAuA8AgL0PAICqDwCAsQ8AgP4OAIADDwCACA8AgIBBAQCBMQMAgk0BAINFAQCEXQEAhUUBAIZNAQCHIQMAiF0fAIl9AQCKaQMAi3EBAIx1AwCNVQEAjlk6AI9ZAQCQKQEAkSkBAJI5AQCTOQEAlCkBAJUpAQCW2QEAl9kBAJjpAQCZ6QEAFQ8AgCIPAIAqDwCAMg8AgDwPAIBBDwCARg8AgFAPAIBVDwCAXQ8AgGoPAIByDwCAdw8AgHwPAICEDwCAiQ8AgJMPAICYDwCAoA8AgKUPAIDFDwCANw8AgBoPAIBiDwCAjg8AgA0PAIDdFgCA5hYAgOkWAIDvFgCA4xYAgOwWAIDgFgCAExcAgBYXAID1FgCA8hYAgPgWAICAmQcAgZkHAPsWAICDrQcAhLUHAAQXAICGsQcAh7EHAIiRBwCJkQcAipEHAIuRBwCM8QcAjfEHAI7xBwCP8QcAkJEHAJGVBwCSnQcAk5kHAJSFBwCVgQcAloEHAJeFBwCYuQcAmb0HAJq1BwCbsQcAnK0HAJ2pBwCemQcAn50HAKBhBwChZQcAom0HAKNpBwCkdQcApXEHAKZxBwCndQcAqEkHAKlNBwCqRQcAq0EHAKxdBwCtWQcArkkHAK9NBwCwMQcAsTUHALI9BwCzOQcAtCUHALUhBwC2IQcAtyUHALgZBwC5HQcAuhUHALsRBwC8DQcAvQkHAL7xAAC/9QAAgAkBAIENAQCCHQEAgxkBAITZAACF3QAAhtUAAIfRAACI8QAAifUAAIr9AACL+QAAjOkAAI3tAACO5QAAj+EAAJCdAACRmQAAkq0AAJOpAACUtQAAlbEAAJaxAACXtQAAmIkAAJmNAACahQAAm4EAAJydAACdmQAAnokAAJ+NAACgdQAAoXEAAKJ9AACjeQAApGlQAqVtUAKmYQAAp2UAAKhZAACpXQAAqlUAAKtRAACsTQAArUkAAK49AwCvOQMAsClQArEtUAIBFwCABxcAgP4WAIANFwCAChcAgBkXAIDZXFICHxcAgCUXAIAiFwCAKBcAgCsXAIA0FwCALhcAgKOhAACipQAAoZEAAKCVAACntQAAprEAAKW9AACkuQAAq40AAKqJAACpgQAAqIUAAK+FAACugQAArYkAAKyNAACz/QAAsvkAALHxAACw9QAAt5kAALadAAC1nQAAtJkAALutAAC6qQAAuaUAALilAAC/ZQEAvmEBAL1tAQC8aQEAHBcAgFcXAIBAFwCAPRcAgEgXAIBOFwCAOhcAgNksUQJLFwCAVBcAgHkWAIDhDwCAMRAAgA4QAIAiEACAHRAAgJNBAAAnEACALBAAgBMQAICXWQAAllUAAJVZAACUXQAAm3EAAJppAACZZQAAmGUAAJ9lAACeYQAAnTFTApxtAAC4gQQAuYEEALqBBAC7gQQAvIEEAFEXAIC+jQQA5g8AgLDdBQCxTQQAskUEALNdBAC0RQQAtU0EALZFBADrDwCAqKEFAKntQQCqrQUAq6UFAKy9BQCtpQUArq0FAK+lBQCgqQUAoZFBAKKpQACjoQUApKEFAKWhBQCmoQUAp6EFAP8PAIAYEACAWBAAgF0QAIBpEACAnVUFAH8QAICfWQUAjhAAgJMQAICeEACAkwUFAJQdBQCVBQUAlg0FAJcFBQC4EACAyxAAgO8QAIAhEQCAJhEAgC4RAIA9EQCATBEAgIBxBQCBcQUAgnEFAINxBQCEUQUAhVEFAIZdBQBREQCAWREAgHwRAICjEQCArxEAgM8RAIDUEQCA2REAgBMSAIAmEgCAMhIAgEoSAIDEEgCAGhMAgDMTAIA4EwCASxMAgFwTAIBuEwCAcxMAgJoTAICiEwCAtxMAgN4TAIDjEwCAPRQAgEIUAIBHFACAUxQAgF8UAIBkFACAbBQAgHgUAICSFACAlxQAgJ8UAICkFACAqRQAgK4UAICzFACAuBQAgMsUAIDQFACA7BQAgAYVAIAgFQCALBUAgEQVAIBJFQCAVhUAgHcVAICaFQCAtBUAgMAVAIDFFQCAzRUAgO4VAIAIFgCAFxYAgDQWAIA5FgCAQRYAgEYWAIBZFgCAXhYAgICtAQCBtQEAgr0BAIO1AQCErQEAhdUBAIbdAQCH1QEAiO0BAIn1AQCK/QEAi/UBAIztAQCN1QEAjt0BAI/VAQCQrQEAkbUBAJK9AQCTtQEAlK0BAJVVAwCWXQMAl1UDAJhtAwCZdQMAmn0DAJt1AwCcbQMAnVUDAJ5dAwCfVQMAoK0DAKG1AwCivQMAo7UDAKStAwCl1QMAphkOAKfZAwCobQ8AqSEOAKrhAwCr4QMArCkOAK3lAwCuGQ4ArxkOALCVAwCxnQMAsgEOALORAwC0HQ4AtQUOALa5AwC3uQMAuDkOALmNAwC6NQ4AuxEOALyBAQC9gQEAvnkBAL95AQCEFgCAkBYAgJwWAICrFgCAyBYAgM0WAIDuEQCA/xEAgHwWAICBAACAiwAAgJUAAICfAACAqQAAgLMAAID1DwCA+g8AgAQQAIB1EACAehAAgIQQAIDlEACA6hAAgBcRAIAzEQCAOBEAgEIRAIBRFQCADRYAgBIWAIAqFgCAoRYAgKYWAIC+FgCA8A8AgAkQAICJEACAHBEAgNcSAIA/FQCALxYAgGMWAIDDFgCARxEAgGQSAICfEgCAshIAgBEUAIAdFACAKRQAgI0TAICSEwCA0RMAgNYTAID9EwCAAhQAgGkSAIBuEgCAtxIAgLwSAIDCEQCAxxEAgJYRAICbEQCApD0DAKVFAwCmTQMAp0UDAKA9AwChJQMAoi0DAKMlAwCsfQMArUUDAK5NAwCvRQMAqH0DAKllAwCqbQMAq2UDALQ9AwC1xQMAts0DALfFAwCwPQMAsSUDALItAwCzJQMAvP0DAL3FAwC+zQMAv8UDALj9AwC55QMAuu0DALvlAwCEBQwAhQ0MAIYFDACHHQwAgI0MAIGpDACCGQwAg1ENAIxhDACNYQwAjmEMAI9hDACIKQwAiRUMAIodDACLFQwAlD0MAJXFAwCWzQMAl8UDAJABDACRAQwAkgEMAJMBDACc/QMAncUDAJ7NAwCfxQMAmP0DAJnlAwCa7QMAm+UDAIBpBACBaQQAgnEEAINxBACEnQQAhYUEAIaNBACHhQQAiL0EAImNBACKhQQAi50EAIyFBACNqQYAjvkEAI/5BACQiQQAkYkEAJKRBACTkQQAlLEEAJWxBACW+QYAl60EAJiVBACZwQYAmmkGAJtpBgCceQYAnXkGAJ7RBgCf/QsAoA0GAKEdCwCiGQYAo0ULAKQFBgClTQsApjUGAKe1BACoEQYAqREGAKoRBgCrNQQArC0EAK0BBACuXQQArx0GALDNBgCxbQYAsnUGALMNBgC0FQYAtR0GALYVBgC3DQYAuDUGALk9BgC6NQYAuw0GALwVBgC9HQYAvhUGAL8NBgCA9QcAgf0HAIL1BwCD9QAAhO0AAIURAwCGEQMAhxEDAIgxAwCJMQMAijEDAIsxAwCMhQcAjRUDAI4dAwCPFQMAkG0DAJGNBwCShQcAk50HAJSFBwCVjQcAloUHAJe9BwCYhQcAmY0HAJqFBwCbnQcAnIUHAJ2NBwCehQcAn4UAAKB9AAChgQMAooEDAKOBAwCkgQMApYEDAKaBAwCngQMAqBUHAKmFAwCqjQMAq4UDAKydAwCtoQMArqEDAK+hAwCwdQcAsXUHALJxBwCzhQUAtM0FALX1BQC2/QUAt8kDALj5AwC5+QMAuqEFALuhBQC8wQMAvcUDAN4RAIDjEQCAhJz7ACYTAIArEwCAYRMAgGYTAIB2EgCAghIAgJUSAICaEgCARRIAgNwSAIBXEwCASxAAgKMQAIC9EACAxBAAgJB1AACRfQAAknEAAJNxAACUAfwAlVX+AJZd/gCXVf4AmG3+AJlp/gCaef4Am3n+AJxp/gCdaf4Anln+AJ9Z/gCgpf4Aoa3+AKKl/gCjof4ApKH+AKWl/gCmrf4Ap6X+AKiZ/gCpmf4Aqun+AKvt/gCs9f4ArfH+AK7x/gCv8f4AsI3+ALGV/gCymf4As5n+ALSJ/gC1if4Atrn+ALe9/gC4hf4AuY3+ALqF/gC7nf4AvIX+AL2B/gC+gf4Av4H+AKbZCACnBQcApMEIAKWZBQCi0QgAo9EIAKCJBQChtQgArgEHAK8BBwCsMQcArTEHAKo9BwCrJQcAqD0HAKk1BwC2fQcAtwUHALR9BwC1dQcAsskFALNlBwCwcQcAsXEHAL4BBwC/AQcAvDEHAL0xBwC6IQcAuyEHALg9BwC5MQcAhjkHAIc5BwCELQcAhTkHAIINBwCDNQcAgBEHAIEFBwCOSQcAj0kHAIxNBwCN1QUAisEFAIvBBQCI1QUAiXEHAJbVBQCX2QgAlE0FAJXdBQCSUQUAk9kFAJD5BQCRoQUAnnEIAJ99CACcYQgAnWEIAJpxCACbeQUAmMUIAJl1BQD0EACA+xAAgAIRAICBEQCAuxEAgLQRAIArEgCAGBIAgB8SAIBWEgCATxIAgF0SAIDJEgCAHxMAgIcSAIB7EgCApBIAgKsSAIA9EwCAUBMAgHgTAIB/EwCAhhMAgKcTAIC8EwCAwxMAgOgTAID2EwCA7xMAgEwUAIB9FACAhBQAgAsVAIAZFQCAEhUAgPEUAIAlFQCAMRUAgHwVAICDFQCAkxUAgFsVAIBpFQCAnxUAgKYVAIBiFQCASxYAgFIWAIDzFQCA+hUAgNkVAIDgFQCAIxYAgBwWAICwFgCAbhAAgLEQAICqEACA3hAAgNcQAIAQEQCACREAgI8RAIBeEQCAgIEBAIGBAQCCgQEAg4EBAISdAQCFhQEAhokBAIeJAQCItQEAib0BAIq1AQCLjQEAjJUBAI2dAQCOlQEAj40BAIgRAIA3EgCAkv0BAJP1AQCU7QEAlZUBAJadAQCXlQEAmKkBAJmpAQCauQEAm7kBAJypAQCdrQEAnqUBAJ+dAQCgZQEAoW0BAKJlAQCjfQEApGUBAKVtAQCmZQEAp90AAKjlAACppQMAqq0DAKulAwCsvQMAraUDAK6tAwCvpQMAsN0DALHlAwCy7QMAs+UDALSpAQC1VQEAtvUDALftAwC41QMAud0DALrVAwC7rQMAvM0DAL3BAwC+vQMAv7UDANASAICOEgCARBMAgP8UAIA4FQCAlRYAgIkWAIC3FgCAuRUAgIsUAIABFgCAyhMAgMQUAIDSFQCArRUAgPgUAIC9FACAZREAgKgRAIBwFQCA0BAAgFgUAIBiEACAPhIAgOcVAIATEwCAcRQAgEIQAIA5EACAihUAgOESAID2EQCArhMAgGsWAIDqEgCA8RIAgGwRAIAEEgCApgMAgA0jAIARIwCAoAYAgMcAAIC1BgCAqyMAgK8jAIC5IQCAtSEAgOMHAIB7CQCAfwkAgEEjAICnIwCANSMAgDkjAIAdIwCAISMAgCUjAIApIwCALSMAgDEjAIDbBwCA3wcAgNEAAICATQEAgVEBAIJRAQCDTQEAhE0DAIUhAwCGRQEAh30BANcAAICiAwCAqAMAgN0HAIDTAACA1QAAgL0GAIB5AACABxQAgH0AAICHAACAkQAAgAwUAICbAACAGBQAgKUAAIAkFACArwAAgDAUAIC5AACANRQAgM8PAIBVEACAmBAAgJsQAIArEQCAVhEAgKARAIDMEQCA6BEAgOsRAIDzEQCADRIAgBASAIBzEgCAwRIAgDATAIBrEwCAlxMAgJ8TAICwpQEAsa0BALKlAQCzvQEAtKUBALWtAQC2pQEAt10BALhlAQC5bQEAumUBALt9AQC8ZQEA2xMAgDoUAIBpFACAgAW5AIHhBgCC4QYAg+EGAIThBgCoBgCAswYAgIfpBgCI2QYAifmxAIr1sQCL8bEAjO2xAI31BgCO+QYAj/0GAJDZBgCR2QYAkvWxAJwUAICUiZIClfEGAJb1BgCX9QYAmNkGAJnVsgCa3bIAm6kGAJy5BgCduQYAnqkGAJ+BBgCgoQcAoaEHAKIhsgCjpQcApIUAAKWNAACmQbMA1RQAgKiNBwCplQcAqp0HAKuVBwBOFQCAyhUAgDYQAIA+FgCAsP0HALGFBwCyjQcAaBYAgLSZBwCBFgCAtpUHALeNBwC4tQcAub0HALq1BwC7jQcAvJUHAL2dBwC+lQcAv40HAIB1BgCBlaACgpmgAoOZoAKEhaAChb2gAoaxoAKHhaACiLmgAomRoAKKnaACi5mgAoyFoAKNjQEAjoEBAI9FBgCQOQYAkT0GAJIxBgCTMQYAlC0GAJXVBgCW2QYAl90GAJjhBgCZ4QYAmu0GAJvpBgCc9QYAnf0GAJ7xBgCf9QYAoAkGAKEJBgCiBQYAowEGAKQdBgClBQYApgkGAKcNBgCoMQYAqTEGAKo9BgCrNQYArCkGAK0pBgCuJQYArx0GALBhBgCxYQYAsm0GALNpBgC0dQYAtX0GALZxBgC3dQYAuEkGALlJBgC6RQYAu0EGALxdBgC9RQYAvkkGAL9NBgCAsQUAgbEFAIK9BQCDuQUAhKUFAIWtBQCGoQUAh6UFAIiZBQCJmQUAipUFAIuRBQCMjQUAjcEFAI7NBQCPyQUAkLUFAJG9BQCSsQUAk7UFAJSpBQCVqQUAlqUFAJehBQCYnQUAmSkCAJolAgCbIQIAnD0CAJ3pAgCe5QIAn+ECAKAdAgChNQIAojkCAKM9AgCkIQIApSECAKYtAgCnKQIAqBUCAKkZAgCqFQIAqxECAKwNAgCteQIArnUCAK8V8ACwafAAsRECALIdAgCzGQIAtAUCALUhAAC2LQAAtyUAALgZAAC54QEAuu0BALvlAQC8+QEA2BQAgN0UAIC/9YYCp2kNAOIUAIDnFACAzwAAgNkAAICzAwCA4QcAgH0JAID7IgCAzNSFAszghQL/IgCAgSkAgDUkAIBuJACAjSQAgLyZBQC9mQUAvqkFAL+ZvAC4mQUAuZkFALqJBQC7iQUAtKEFALXVsQC23bEAt6kFALCxsgCxzQUAssUFALO9BQCfJACAxCQAgMMoAIDfKACA8SgAgIgmAICFKQCAaSkAgCkkAIAtJACA2WSgAoEJAIDZUKAChAkAgI0JAICKCQCAhwkAgOwhAIDvIgCA9CEAgJhlBQCZEbIA/CEAgNkwoAKUOZEClU0FAJZFBQCXXQUAkGkFAJFpBQCSWQUAk1kFAID9vACB1ZwCgmW8AIPFvACEkbwAhZ28AIalvACHjbwAiK2TAonlvACKKZACi7W8AIwRkAKNlbwAji2wAI/FnAKQ6bwAkcHIAJJBkAKT8Z0ClNW8AJXlvACW4bwAl02QAphlkAKZfZACmrm8AJupCgCcbQ8Anb0KAPMiAICfXQ8AoK0PAKElCgCibQoAo2UKAKQNCgClpQ8ApgXUAKepDwComQ8AqZkPAKopDwCrKQ8ArDkPAK05DwCuKQ8ArykPALBZDwCxndEAspXRALOF1gC0sdEAtbHRALbZ1AC32dQAuOnUALnp1AC6+dQAu/nUALzp1AC96dQAvrnUAL+51ACASdUAgUnVAIJZ1QCDWdUAhEnVAIV90ACGddAAh23QAIhV0ACJXdAAinXVAIut1QCMtdUAjb3VAI611QCPQdAAkMHQAJHB0ACSwdAAk8HQAJTB0ACVwdAAlsHQAJfB0ACYwdAAmc3QAJrF0ACb3dAAnOHVAJ3pDgCe2Q4An9kOAKDV2wChwdkAotnZAKPB2QCkxdkApc3ZAKbF2QCnGdkAqGHZAKlh2QCqydkAq8nZAKzZ2QCt2dkArs3ZAK/B2QCwCdkAsRXZALId2QCzrdoAtB3ZALWx2gC2wdwAt93dALjl3QC59d0Auv3dALut3QC8td0AvaXdAL6t3QDwIQCAgvHaAIPx2gD3IgCA5OgAgIYR2ACHEdgAhOHaAIXh2gCKKdgAiynYAK9AEwClKNoAjinYAI8p2ACMKdgAjSnYAJJh2ACTYdgA6egAgO7oAICWZdgAl23YAJR12ACVbdgAml3YAJst2ADz6ACA8FwCALEw3wCR8AIAnCnYALLQAwCiOQ0Ao1GeAqAlDQChOQ0AplUNAIS8AgCkJQ0ApV0NAKptDQCrAQQAqGENAKlRAwCuuQAAp3UAAKxhDQCtxQIA+OgAgIfMAwDwVAIAzFC6AJHYBACb9NsAkRgCAJk02wCddAQAvh0AAJ9gBQCejAUAjOwCAI2sBAD96ACAvfWKAqghvwCpLb8Aqi2/AKs9vwCsKb8ArVW/AK5RvwCvTb8AoBkIAKGlvQCiIb8AozGzAKQ9vwClJb8Apg2zAKclvwC46bMAuc3LALppswC7uQkAvH0IAL2tCQC+QQwAv50JALA5vwCxhb0Asgm/ALPtywC0Gb8AtQW/ALbtswC3Bb8AiDG9AIkxvQCKrQgAiyW9AIwJCQCNvQgAjiW+AI+JDAAC6QCAgQ0JAIKlDACDUQkAhIEIAIWBCACGmQgAh60MAJhhvQCZYb0Amm0JAJsVnQKcxQ8AnQ28AJ7BDwCfcQkAkBW+AJERnwKSNZ8Ckw2fApQJvgCVCb4AlnG9AJdxvQCCuAQAl6UHALnEAwDwWAIAkUwCAJLIAgCErAQAsD0AAAzpAIAH6QCAvQUAABHpAIDwTAIAuhEAAJEkAgCN5AQAkqwCAJasAgC4uAMAudADAJb4AgCvDQAAFukAgPB4AgCRXAIAlrACAK8FAAAb6QCAIOkAgCnpAIAy6QCAP+kAgIX4AwBM6QCAh4ADAIbAAgBZ6QCAZukAgHPpAICW6QCAuzkAAHzpAICf6QCAiekAgL8dAAC+HQAAvR0AALwhAACVwB0AlMQfAJfIGgCWABgAkSAAAJDUAQCT2B4AkgAcAJ3gEgCcABAAn+gRAJ7sEwCZ8BkAmPQbAJv4FwCaABQAnnEBAJ9xAQCABQAArOkAgM0KAICwDACAXg0AgGQNAIBqDQCAdg0AgHkNAIB8DQCAfw0AgIINAICRDQCAlw0AgJoNAICdDQCAICIAgMcNAIDWDQCA/A0AgP8NAIAODgCAEQ4AgB0OAIAYIgCAMg4AgDUOAIDXFgCAEBcAgNoWAIC4ACwAuYwvALqILgC6AwCAhpwXAMx4vACEmC0AhVwXALcDAIDKAwCAiAAoAIksFADtBACAjAUAgN8FAIAaBgCAQAYAgFcGAIB0BgCAiwYAgDgBAIA8AQCAQAEAgEQBAIBIAQCATAEAgKR9AQBQAQCAonUBAKNlAQCggQEAoYEBALxxugC9kbYAvnG6AL+ltgC48bgAuXW6ALqZzgC7dboAtGG6ALVtugC2eboAt3W6ALAZugCxEboAsgm6ALMFugCsUboArXG2AK5RugCvbboAqNG4AKldugCqRbYAq1G6AKRxlgKlYZYCpnGWAqe9ugCgzZsCofG6AKLJugCjxboAnHmaAp0tugCeDc4An4WWApgJugCZtZYCmjm6AJuJtgCUMboA+CEAgJZpugCXrZYCkHm6AJE1ugCSMboAkwG6AIxJzgCN5bYAjhmaAo+hugCIoboAiUG2AIqhugCLdbYAhAG4AIWFugCGac4Ah4W6AICxugCBvboAgqm6AIOlugCAgbkAgQ27AIIVtwCDAbsAhAG7AIUhtwCGAbsAhz27AIgJuwCJAbsAihm7AIsVuwCMcbsAjX27AI5puwCPZbsAkKG5AJEluwCSyc8AkyW7AJQhuwCVwbcAliG7AJf1twCY6c8AmUW3AJq5mwKbAbsAnLm7AJ31uwCe8bsAn8G7AKARuwChCZQCokm7AKONlwKkCbsApbWXAqY5uwCnibcAqFmbAqkNuwCqLc8Aq6WXAqwNmgKtMbsArgm7AK8FuwCw0ZcCscGXArLRlwKzHbsAtFG5ALXduwC2xbcAt9G7ALjxuwC50bcAuvG7ALvNuwC82bsAvdG7AL7JuwC/xbsAgJmkAIEliAKCqaQAgxmoAFsNAICFvaQAhp3QAIcViAKInYUCiaGkAIqZpACLlaQAjCGIAo0xiAKOIYgCj+2kAJDBpgCRTaQAklWoAJNBpACUQaQAlWGoAJZBpACXfaQAmEmkAJlBpACaWaQAm1WkAJwxpACdPaQAnimkAJ8lpACgYaYAoeWkAKIJ0ACj5aQApOGkAKUBqACm4aQApzWoAKgp0ACphagAqnmEAqvBpACseaQArTWkAK4xpACvAaQAsFGkALFJiwKyCaQAs82IArRJpAC19YgCtnmkALfJqAC4GYQCuU2kALpt0AC75YgCvE2FAr1xpAC+SaQAv0WkAIARiQKBAYkCghGJAoPdpQCEkacAhR2lAFQBAICHEaUAiDGlAIkRqQCKMaUAWAEAgFwBAICNEaUAjgmlAI8FpQCQAaUAkQ2lAJIZpQCTFaUAlLGnAGABAICW2dEAlzWlAJgRpQCZ8akAmhGlAJvFqQCc+dEAZAEAgJ6phQKfEaUAoEmlAKEFpQCiAaUAozGlAKQBpQClGYoCplmlAKediQKoOaUAqYWJAqoJpQCruakArEmFAq0dpQCuPdEAr7WJArB9hAKxQaUAsnmlALN1pQC0wYkCtdGJArbBiQK3DaUAuGGnALntpQBoAQCAu+GlALzhpQC9wakAvuGlAGwBAIC3baYAttWGArUpqgC0hdIAs7mqALJtpgCxjaoAsG2mAL8higK+5aYAvaWJAnABAIC7jaYAdAEAgLm5pgC49aYAeAEAgKZ1pgClbaYAfAEAgIABAICiTaYAhAEAgIgBAICvCaYAruXSAIwBAICsjaQAqymmAKolpgCpMaYAkAEAgJc5pgCWNaYAlQ2mAJQxhwKTmYoCkhHSAJExpgCQZYYCn62mAJ65qgCUAQCAnC2kAJthpgCarYoCmb2KApitigKHfaYAhk2mAIVJpgCEBaYAg72mAIIFhgKB+aoAgFXSAI/1qgCORaYAjcmKAox1pgCL8YoCijWmAIl1iQKIbaYAgCmnAIEhpwCCOacAgzWnAIRRpwCYAQCAhkmnAJwBAIDMSIkCzYiJAoqp0wCLRacAjEGnAI2hqwCOQacAj5WrAJDJ0wBFIwCAkpmHApMhpwCUmacAldWnAJbRpwCX4acAmPGnAJnpiAKaqacAm22LApzppwCdVYsCntmnAJ9pqwCgeYcCoS2nAKIN0wCjhYsCpC2GAqURpwCmKacApyWnAKixiwKpoYsCqrGLAqt9pwCsMaUArb2nAK6lqwCvsacAsNGnALHxqwCy0acAs+2nALT5pwC18acAtumnALflpwC4oacAua2nALq5pwC7tacAvBGlAL2VpwC+edMAv5WnAICRoACBiY8CgsmgAIMNjAKEiaAAhTWMAoa5oACHCawAiNmAAomNoACKrdQAiyWMAoyNgQKNsaAAjomgAI+FoACQUYwCkUGMApJRjAKTnaAAlNGiAJVdoACWRawAl1GgAJhxoACZUawAmnGgAJtNoACcWaAAnVGgAJ5JoACfRaAAoMGgAKHNoACi2aAAo9WgAKRxogCl9aAAphnUAKf1oACo0aAAqTGsAKrRoACrBawArDnUAK2VrACuaYACr9GgALAJoACxRaAAskGgALNxoAC0QaAAtVmPArYZoAC33YwCuHmgALnFjAK6SaAAu/msALwJgAK9XaAAvn3UAL/1jAKAvYACgYGhAIK5oQCDtaEAhAGNAoURjQKGAY0Ch82hAIihowCJLaEAijWtAIshoQCMIaEAjQGtAI4hoQCPHaEAkGmhAJFhoQCSeaEAk3WhAJQRoQCVHaEAlgmhAJcFoQCYgaMAmQWhAJrp1QCbBaEAnAGhAJ3hrQCeAaEAn9WtAKAJ1QChpa0AolmBAqPhoQCkWaEApRWhAKYRoQCnIaEAqDGhAKkpjgKqaaEAq62NAqwpoQCtlY0CrhmhAK+prQCwOYECsW2hALJN1QCzxY0CtG2AArVRoQC2aaEAt2WhALjxjQK54Y0CuvGNArs9oQC8caMAvf2hAL7lrQC/8aEAs2miALKF1gCxaaIAsO2gALe5rgC2baIAtY2uALRtogC7TaIAuvWCArkJrgC4pdYAv42iAL69ogC9uaIAvPWiAKNNogCiWa4AoUGiAKDNoACncaIApk2iAKVtrgCkTaIAq1miAKpVogCpTaIAqEWiAK8pogCuJaIArTGiAKw9ogCTla4AkiWiAJGpjgKQFaIAl5mOApYR1gCVMaIAlGWCApsZogCaFaIAmS2iAJgRgwKfYaIAnq2OAp29jgKcrY4Cg2muAIK9ogCBXa4AgL2iAIe9ogCGBYIChfmuAIRV1gCLXaIAim2iAIlpogCIJaIAj/GOAo41ogCNdY0CjG2iAIARowCBMa8AghGjAIMtowCEOaMAhTGjAIYpowCHJaMAiGGjAIltowCKeaMAi3WjAIzRoQCNVaMAjrnXAI9VowCQMaMAkdGvAJIxowCT5a8AlNnXAJV1rwCWiYMClzGjAJipowCZ5aMAmuGjAJvRowCc4aMAnfmMAp65owCffY8CoBmjAKGljwKiKaMAo5mvAKRpgwKlPaMAph3XAKeVjwKoHYICqSGjAKoZowCrFaMArKGPAq2xjwKuoY8Cr22jALBBoQCxzaMAstWvALPBowC0waMAteGvALbBowC3/aMAuMmjALnBowC62aMAu9WjALyxowC9vaMAvqmjAL+lowBnDQCA0QYAgG0NAIDIBwCAcw0AgA8HAICFDQCAlAcAgIsNAICaBwCAuA0AgH0HAIDKDQCAxQcAgAIOAIBPBwCAFA4AgFIHAIAgDgCAkB0AAOEGAIAPJACA4iUAgCguAICtLACAyS0AgKpVAACrKQAAMjcAgAErAIDGMACAsjIAgAEsAIBTLwCAmSsAgJ8wAIDtKwCAGjUAgI43AICtLQCA5SwAgGYyAIADMACALzAAgA44AIAjMACA+y8AgHI0AICAIa4AgaWsAIJJ2ACDpawAhKGsAIVBoACGoawAh3WgAIhp2ACJxaAAiv0AAIsxxgCM7QAAjdEAAI7VAACPyQAAgCmhAIFNFACCIQEAg+G4AoQ5qgCFOaoAhhG9AodRFACIEQEAidW4AorNrQCLLbsCjGEUAI3ZjQKObRQAj2UUAJB5AQCRubgCkkm9ApNFuwKUDRQAlTUUAJYZAQCXqbgCmF2qAJkBFACaIQEAmwUUAJx5vQKdhbgCnnm7Ap+JuAKggb0CoXm4AqKZCQCjlRQApFmuAKWJFACmmQEAp70UAKipAQCpvbsCqrkBAKuJFACsmRQArZkUAK6JFACviRQAsNkBALEJrgCy6QEAs9W7ArTNuwK17RQAtpW8ArfhFAC4oRQAuaEUALrBoQC7pRQAvNkBAL0ZuAK+0aoAv9GqAL9FFwC+RRcAvTUXALxBvwK7KRcAugm4ArkBuAK4PQIAt+2tALY9AgC1HRcAtB0XALMdFwCyHRcAsR0XALAtAgCvWbgCrk0CAK1pFwCsTQIAq00XAKqdrQCpQRcAqE0KAK40AIDRLACApX0XAKR9FwCjoa4Aom2CAqF9ggKgbYICnzmuAJ41rgCdDa4AnDGPApuZggKaEdoAmTGuAJhljgKXtaIAlgWuAJWJggKUNa4Ak7GCApJ1rgCRNYECkC2uAI99rgCOTa4AjUmuAIwFrgCLva4AigWOAon5ogCIVdoAh0miAIadrgCFfaIAhJ2uAIOZrgCCddoAgZmuAIAdrADMqIQCzUyGAswguQLNTLkCzECOAkYyAIDMmIUCzTyEAswQgwLNUIMCzKCDAs2MgwLMMIACzSSAAswYgALNhIACmjMAgAUsAIAxLQCAiSMAgE0jAIBXIwCAayMAgJMjAIB1IwCAnSMAgGEjAIB/IwCAzPC5As2EuQLMULgCzay7AoDNAACB1QAAgt0AAIPVAACEzQAAhfUAAIb9AACH9QAAiM0AAFcvAIDBLACA1SoAgM0qAIDdKgCAuekAgCErAICQZQAAkW0AAKiIKgA1KwCAPSsAgEUrAIBJKwCATSsAgKIAMACjzDMAoOg9AKHsPACm8DYAp/QoAKQANACl/DUAgFERAIHpiAKCXREAg1URAIQpBACF6b0Chhm4AocVvgKIfREAiUURAIppBACL2b0CjA2vAI1REQCOcQQAj1URAJBJuAKRtb0Ckkm+ApO5vQKUUbgClam9ApZJDACXRREAmKmrAJl5EQCaaQQAm00RAJx5BACdbb4CnmkEAJ9ZEQCgqREAoakRAKK5EQCjuREApIkEAKVZqwCmuQQAp4W+Aqi9vgKpnREAquW5AquREQCs8REArfERAK6RpACv9REAsOkEALEpvQKy4a8As+GvALTZuAK1mREAtukEALctvQK4BagAueW+Arq5EQC7AYgCvKURAL2tEQC+wQQAvwG9AoABuQKBDb8CglUQAINtEACEUQUAheG8AoYlrgCHeRAAiGkFAIlNEACKIbkCi928AowxvwKNwbwCjjm5Ao/BvAKQUQ0AkV0QAJKBqgCTURAAlFEFAJV1EACWUQUAl0W/AphxBQCZQRAAmkEQAJtBEACcQRAAnUEQAJ5hBQCfsaoAoKEFAKGdvwKilb8Co7UQAKTduAKlqRAAptkQAKfZEACoiaUAqe0QAKqBBQCrQbwCrJmuAK2ZrgCusbkCr/EQALDxBQCxNbwCsi2pALPNvwK0gRAAtTmJAraNEAC3hRAAuNkFALkZvAK66bkCu+W/ArytEAC9lRAAvrkFAL8JvAK5La0AuC2tALtFEwC6BboCveG/ArwlBgC/GbwCvvmqALEdEwCwabsCs20TALJtEwC1eRMAtB2mALfVvwK2FQYAqXUTAKh1EwCrhakAqlUGAK1JvAKsdQYAr2ETAK5BvAKhQRMAoGUGAKNxvAKiZQYApVUTAKRlBgCnVRMAplUTAJl1vwKYhbwCm3W/ApqNugKdiRMAnIUOAJ+FEwCeVakAkVW/ApDlBgCTzRMAkpGtAJXZEwCU/QYAl0m/Apa1ugKJmRMAiJETAIs1vwKK9QYAjdm8AozVugKPuRMAjoETAIGtEwCA7boCgxm/AoLdBgCF8bwChBGqAIcVigKGrRMAgD2sAIFhEgCCQQcAg2USAIQZuwKF5b4Chhm9AofpvgKIIbsCidm+AopFEgCLXRIAjSkAgM3pAICOzaoAj8mLApCdiwKRpYsCkrGqAJOxqgCU2akAldmpAJb5qQCX+akAmJWqAJmRiwKatYsCm42LApyJqgCdiaoAnvGpAJ/xqQCgIakAoSGpAKJ9qgCjeYsCpE2LAqV1iwKmYaoAp2GqAKgpqQCpKakAqgmpAKsJqQCsRaoArUGLAq5liwKvXYsCsDmqALE5qgCyQakAs0GpALRxqQC1cakAti2qALcpiwK4PYsCuQWLAroRqgC7EaoAvHmpAL15qQC+WakAv1mpAIKJIwBtKwCAcSsAgI0rAIC+6QCAh5kjAJEpAIB5KwCAyOkAgIu5JACpKwCAifkkAI6VIwCPiSMAsSsAgI2JJACSvSMAESsAgLkrAICR4SMAo+sAgJfFIwCU8SMA4SsAgJkpAICbkSMA+SsAgJndIwD9KwCAnwktAAksAICdjdUAogkjAJ0pAIBBLACAofUjAEUsAICnGSMApCUkAG0sAICq7SQAeSwAgKgdIwCpeSQArhUjAK8JIwCsCSQArQkkALI9IwCJLACAsDEjALFhIwC2VSMAt0UjALRxIwC1XSMAulkjALsRIwCRLACAuV0jAL6JLQCVLACAvI0tANzpAICAuSUAgX0iAIKBIgCDmSIAhK0lAIXZJQCGuSIAh5EiAIiVIgCJ8SUAljIAgIuxJQCMgSUAjYElAI6dIgCPgSIAkLkiAJHpIgCStSIAk9EiAJT5IgCV1SIAlt0iAJfNIgCY+SIAmdUiAJrRIgCbmSIAqSwAgLEsAIDh6QCAvSwAgGUAAACh/SIAogEiAKMZIgDFLACApVklAKY5IgCnESIAqBUiAKlxJQDNLACAqzElAKwBJQCtASUArh0iAK8BIgCwOSIAsWkiALI1IgCzUSIAtHkiALVVIgC2XSIAt00iALh5IgC5VSIAulEiALsZIgD1LACA4SwAgO0sAIDxLACAgI0vAIGlLwCCrS8Ag70vAISlLwCFrS8AhqUvAIfdLwCI5S8Aie0vAIrlLwD5LACAAS0AgAUtAIANLQCAFS0AgJCRLwCRkS8AkpEvAJORLwCUsS8AlbEvAJa1LwCXRTMAmE0zAJlVMwCaPTMAmxkzAJyZMwCdiTMAnlUwAJ9JMACgwTAAockwAKLZMACj1TAApM0wAKX9MACm5TAApzUwAKi1MQCpuTEAqu0xAKuxmgCs0ZYArbE6AK61OgAZLQCAsEGUALHNlgCy1ZoAs8GWALTBlgC14ZoAtsGWALf9lgC4yZYAucGWALrZlgC71ZYAvLGWAL29lgC+qZYAv6WWAMUAAAChfSAAooEgACktAICkrScALS0AgDktAICnkSAAXS0AgKnxJwCqZScAq7EnAKyBJwCtgScArp0gAK+BIACwuSAAsekgALK1IABhLQCAtPkgALXVIAC23SAAt80gAEUtAIC51SAATS0AgLuZIACpLQCAcS0AgHUtAIB5LQCAgDknAIH9IACCASAAgxkgAG0tAICFWScAhjkgAIcRIACIFSAAiXEnAIrlJwCLMScAjAEnAI0BJwCOHSAAjwEgAJA5IACRaSAAkjUgAJNRIACUeSAAlVUgAJZdIACXTSAAmHkgAJlVIACaUSAAmxkgAJyFLgCdBdYAnoEuAJ+BLgCArT8AgbU/AIK9PwCDtT8AhK0/AIW5yACG1T8Ah80/AIj1PwCJ/T8AipnIAIvxPwCMATsAjQE7AI6NyACPOQQAkEkEAJFJBACSWQQAk1UEAJRNBACV3TwAlnkEAJd1BACYWQQAmSEEAJohBACbNdQAnCEEAJ3Z5gCeJQQAnx0EAKDpBACh9QQAos0/AKP1BACkFQQApfnUAKYhyACnIcgAqNHUAKktBACqOQQAq03CAKwtBACtdcgArh0EAK95BACwKQQAsTEEALI9BACzOQQAtC0EALX9BQC2qQUAt6kFALiZBQC5mQUAunkFALtFBQC8AQUAvQEFAL4BBQC/AQUAgC0HAIE1BwCCPQcAgzUHAIQtBwCFqQcAhqUHAIdl1QCILQYAiTEGAIoxBgCLDQYAjPnJAI15BgCOWQYAj1UGAJBpyQCRNQYAkj0GAJM1BgCULQYAlcUGAJZdAwCXVQMAmG0DAJl1AwCafQMAm3UDAJxtAwCdET0AnlkDAJ9ZAwCgqQMAoakDAKK5AwCjuQMApKkDAKWpAwCm2QMAp9kDAKjpAwCp6QMAqvkDAKv9AwCs5QMAre0DAK7lAwCvbcMAsKEDALGhAwCyoQMAs6EDALShAwC1zeYAtq0DALelAwC4yeYAuZkDALppAwC7aQMAvHkDAL15AwC+aQMAv2kDAIAAAACBLQCAfS0AgJUtAIDm6QCAsS0AgLUtAIC9LQCA0S0AgPQtAIDr6QCA8OkAgAAuAIAELgCACC4AgPwtAIAQLgCAoSkAgKUpAIAYLgCAIC4AgPXpAIA8LgCAQC4AgEwuAID66QCAVC4AgFguAIA3LwCAqSkAgGwuAICILgCAhC4AgATqAICQLgCACeoAgJwuAICYLgCAoC4AgLAuAIC0LgCArSkAgMQuAIDMLgCA0C4AgNQuAICxKQCADuoAgLUpAID3LgCA+y4AgP8uAIDV6wCAGOoAgNo1AIAvLwCAuSkAgDvqAIAN6wCAPy8AgEcvAIC9KQCAWy8AgGsvAICqIfQAq7U/AKilPwCpzecArkXwAK+hPwCsSfAArTH0AKJl4gCjvT8AoLk/AKG5PwCmlT8Ap50/AKSlPwClnT8Augk8AG8vAIC4CTwAuQk8AHcvAICHLwCAxSkAgMEpAICy3T8AswU9ALBN7wCx1T8Atn3wALe55AC0HT0AtWk8AB3qAICPLwCAoy8AgKcvAIC3LwCAyy8AgMMvAIDHLwCAgrX7AM8vAICA/T8AgfU/AOMvAIDnLwCA/y8AgAcwAICavT8Am/3NAJi9PwCZtT8Anlk/AJ9ZPwCcWT8AnVk/AJKBPwCTaekAkHnkAJGxPwCWgT8Al4H0AJQh5wCVmT8AFzAAgCswAIAs6gCAJzAAgBswAIAzMACAOzAAgE8wAIAx6gCAVzAAgEoAAABLMACAQzAAgMkpAIBfMACAZzAAgG8wAIBjMACAzSkAgIcwAIA26gCAszAAgPUwAIDRMACA2SkAgNUpAIDRKQCAnSsAgKErAID5MACA4TAAgK41AIA9KgCADTEAgCExAIAZMQCAT+oAgN0pAIA1MQCAKTEAgFIxAIBZ6gCAXjEAgD0xAIBmMQCAajEAgG4xAIByMQCAfjEAgF7qAICGMQCA5SkAgJIxAIBj6gCAljEAgOkpAICiMQCArjEAgL4xAIBo6gCA/+kAgG3qAIDeMQCAcuoAgLgJAQC5CQEAuhkBALsZAQC8CQEAvQkBAL45AQC/OQEAsM3FALE1zACymQ4As5kOALSJDgC1iQ4AtjkBALc5AQCo6dkAqckOAKrZDgCrqcUArMUOAK3NDgCuxQ4Ar/kOAKA1DgChPQ4AojUOAKOxxQCk8Q4ApfEOAKbxDgCn8Q4AmGkPAJlpDwCaeQ8Am3kPAJxpDwCdaQ8Ant0OAJ/NDgCQ+eoAkXEPAJJ9DwCTdQ8AlG0PAJVpDwCWWQ8Al1kPAIh5DwCJeQ8AigkPAIsJDwCMGQ8AjRkPAI4NzACPDQ8AgHkPAIF5DwCCSQ8Ag0kPAIRZDwCFWQ8AhkkPAIdJDwCKUQIAi1ECAIj5xgCJQQIAjnECAI/txgCMQQIAjUECAIIVAgCDHQIAgAUCAIEdAgCGdQIAh30CAIQFAgCFfQIAmsUCAJvNAgCYkc8AmYXaAJ7FAgCfzQIAnNUCAJ3NAgCSDQIAkxUCAJANAgCRBQIAlg0CAJf1AgCUDQIAlQUCAKo9AgCrRQIAqD0CAKk1AgCuXQIAr0UCAKxdAgCtVQIAol3GAKMBAgCgNQIAoQ0CAKYBAgCnxdgApBECAKURAgC6OQIAuzkCALg5AgC5OQIAvtkBAL/ZAQC82QEAvdkBALI9AgCzBQIAsD0CALE1AgC2GQIAtxkCALQdAgC16cIA6jEAgPIxAIDiMQCA/jEAgA4yAIAWMgCAIjIAgCYyAIB36gCACjIAgD4yAIBCMgCA7SkAgFIyAIB86gCANjIAgHIyAICB6gCAhuoAgHYyAICKMgCAgjIAgPEpAICOMgCAnjIAgJoyAICmMgCAw+kAgLYyAICL6gCAwjIAgJXqAIDWMgCA9jIAgJrqAIAKMwCADjMAgJ/qAICk6gCAKjMAgDozAID1KQCAPjMAgPkpAIBWMwCAWjMAgGYzAIByMwCA/SkAgIozAICp6gCApjMAgK7qAIAT6gCAwjMAgLPqAIC4AAAAuOoAgL3qAIABKgCABSoAgMfqAIDC6gCAzOoAgIAB3gCB8QcAgvEHAIPxBwCEFQIAhR0CAIYVAgCHEQIAiCXeAIld3gCKOQIAizkCAIwpAgCNKQIAjhkCAI99ygCQTd4AkWECAJJhAgCT7cEAlH0CAJVlAgCWIcAAl2kCAJhZAgCZMcIAmlUCAJstAgCcNQIAnT0CAJ4xAgCfMQIAoNECAKHRAgCi0QIAo9ECAKTxAgCl8QIApvECAKfxAgCo0QIAqdECAKrRAgCr0QIArDECAK0xAgCuMQIArzECALBRAgCxUQIAslECALNRAgC0cQIAtXECALZxAgC3cQIAuFECALlRAgC6+dwAu1UCALxNAgC9NQIAvj0CAL81AgC+7QYAv/UGALztBgC95QYAuskGALvJBgC4xcsAuckGALbtBgC39QYAtO0GALXlBgCyjQYAs/UGALDR3QCxhQYArvEGAK/xBgCs5QYAreEGAKr1BgCr/QYAqMUGAKn9BgCm9QYAp/0GAKTlBgCl/QYAovUGAKP9BgCg+QYAoZ3dAJ75BgCf+QYAnPkGAJ35BgCa+QYAm/kGAJj5BgCZ+QYAlvkGAJf5BgCUcd0AlfkGAJL9BgCT5QYAkP0GAJH1BgCO/QYAj4UGAIz9BgCN9QYAiuEGAIsB3QCI8QYAifEGAIbBBgCHwQYAhPEGAIXxBgCCkccAg+EGAIDpBgCBxcAAgAAAANHqAIACNACABjQAgBI0AIARKgCAFSoAgNvqAIAmNACAGSoAgODqAIDl6gCA6uoAgJY0AIAdKgCAojQAgKY0AIDv6gCA9OoAgL40AIAhKgCA+eoAgNI0AIDWNACAJSoAgP7qAIDyNACAKSoAgAI1AID6NACACjUAgAjrAIAiNQCALSoAgC41AIA2NQCARjUAgDEqAIAS6wCAF+sAgDUqAIAc6wCAXjUAgCHrAIBqNQCAdjUAgCbrAIAr6wCAkjUAgDDrAICaNQCAQOoAgDkqAICyNQCAtjUAgEEqAIC6NQCAFC4AgDXrAIA66wCAReoAgErqAIDeNQCA9jcAgIDNAQCB1QEAgt0BAIPVAQCEzQEAhfUBAIb9AQCH9QEAiM0BAInVAQCK3QEAi/UJAIzJAQCNyQEAjgEcAI89HwCQRR8AkU0fAJJFHwCTXR8AlEUfAJVNHwCWRR8Al30fAJhBxwCZQR8AmkEfAJtBHwCcQR8AnUEfAJ5BHwCfYd8AoL0fAKHFHwCizR8Ao8UfAKTdHwClxR8Aps0fAKfFHwCo/R8AqcUfAKrNHwCrxR8ArN0fAK3FHwCuzR8Ar8UfALC9HwCxRR8Ask0fALNFHwC0/ckAtVkfALZJHwC3SR8AuHkfALl5HwC6SR8Au8XdALxVHwC9XR8AvlUfAL9NHwAKNgCABjYAgA42AIAZLACAEjYAgBY2AIAaNgCAIjYAgD/rAIAmNgCAOjYAgD42AIAqNgCAQjYAgFY2AIA2NgCASjYAgE42AIBSNgCAROsAgE7rAIBJ6wCASSoAgHI2AIB2NgCAfjYAgGLrAICCNgCAU+sAgE0qAIBRKgCAWOsAgF3rAIBVKgCAojYAgKo2AICuNgCAujYAgLY2AIDCNgCAvjYAgMY2AIDKNgCA0jYAgFkqAIDaNgCA3jYAgF0qAIDuNgCAZ+sAgP42AIACNwCAYSoAgA43AICVKQCAbOsAgHHrAIBlKgCAaSoAgDo3AIB26wCAkjcAgJY3AICuNwCAgLUBAIG9AQCCtQEAg80BAITt9ACF0QEAhtEBAIfRAQCI8QEAifEBAIrxAQCL8QEAjNEBAI3RAQCO0QEAj9EBAJB9wwCRBcMAkl35AJO9AQCUpQEAla0BAJalAQCXXQMAmGUDAJltAwCaZQMAm30DAJxlAwCdbQMAnmUDAJ85wwCgoQMAoaEDAKKhAwCjoQMApKEDAKWhAwCmoQMAp6EDAKjhAwCp4QMAquEDAKvhAwCs4QMAreEDAK7hAwCv4QMAsKEDALGhAwCyoQMAs6EDALShAwC1oQMAtqEDALehAwC4YQMAuWEDALphAwC7YQMAvGEDAL1hAwC+pcMAv6HDALo3AICA6wCA0ukAgMY3AIDCNwCAzjcAgNfpAIDaNwCAhesAgIrrAIAmOACAMjgAgDo4AICP6wCAPjgAgGY4AIByOACAdjgAgG44AICCOACAhjgAgJTrAICSOACAbSoAgJo4AICZ6wCAcSoAgNI4AICkLgCA6jgAgJ7rAICo6wCAdSoAgHkqAIASOQCAresAgH0qAICy6wCAMjkAgLfrAIBKOQCAgSoAgFo5AIBmOQCAbjkAgHY5AICFKgCAvOsAgKY5AICyOQCAiSoAgI0qAIC2OQCAwesAgJEqAIDG6wCAy+sAgNDrAICVKgCA9jkAgPo5AIACOgCACjoAgNrrAICQ1QEAkd0BAJLVAQCT7QEAlPUBAJXB+wCW8QEAl/n7AJjNAQCZ1QEAmt0BAJvVAQCcyfsAnckBAEUqAICPAAAAgNkBAIHZAQCC6QEAg+kBAIT5AQCF+QEAhukBAIfpAQCI2QEAidkBAIoJwQCLrQEAjLUBAI29AQCOtQEAj60BAKAAAAChAAAAogAAAKMAAACkAAAApQAAAKYAAACnAAAAqAAAAKkAAACqAAAAqwAAAKwAAACtAAAArgAAAK8AAACwAAAAsQAAALIAAACzAAAAtAAAALUAAAC2AAAAtwAAALgAAAC5AAAAugAAALsAAAC8AAAAvQAAAL4AAAC/AAAAACAAIMyBACDMgwAgzIQAIMyFACDMhgAgzIcAIMyIACDMiMyAACDMiMyBACDMiM2CACDMigAgzIsAIMyTACDMk8yAACDMk8yBACDMk82CACDMlAAgzJTMgAAgzJTMgQAgzJTNggAgzKcAIMyoACDMswAgzYIAIM2FACDZiwAg2YwAINmM2ZEAINmNACDZjdmRACDZjgAg2Y7ZkQAg2Y8AINmP2ZEAINmQACDZkNmRACDZkQAg2ZHZsAAg2ZIAIOOCmQAg44KaACEAISEAIT8AIgAjACQAJQAmACcAKAAoMSkAKDEwKQAoMTEpACgxMikAKDEzKQAoMTQpACgxNSkAKDE2KQAoMTcpACgxOCkAKDE5KQAoMikAKDIwKQAoMykAKDQpACg1KQAoNikAKDcpACg4KQAoOSkAKEEpAChCKQAoQykAKEQpAChFKQAoRikAKEcpAChIKQAoSSkAKEopAChLKQAoTCkAKE0pAChOKQAoTykAKFApAChRKQAoUikAKFMpAChUKQAoVSkAKFYpAChXKQAoWCkAKFkpAChaKQAoYSkAKGIpAChjKQAoZCkAKGUpAChmKQAoZykAKGgpAChpKQAoaikAKGspAChsKQAobSkAKG4pAChvKQAocCkAKHEpAChyKQAocykAKHQpACh1KQAodikAKHcpACh4KQAoeSkAKHopACjhhIApACjhhIIpACjhhIMpACjhhIUpACjhhIYpACjhhIcpACjhhIkpACjhhIspACjhhIwpACjhhI4pACjhhI8pACjhhJApACjhhJEpACjhhJIpACjkuIApACjkuIMpACjkuIkpACjkuZ0pACjkuowpACjkupQpACjku6MpACjkvIEpACjkvJEpACjlhaspACjlha0pACjlirQpACjljYEpACjljZQpACjlkI0pACjlkbwpACjlm5spACjlnJ8pACjlraYpACjml6UpACjmnIgpACjmnIkpACjmnKgpACjmoKopACjmsLQpACjngaspACjnibkpACjnm6MpACjnpL4pACjnpZ0pACjnpa0pACjoh6opACjoh7MpACjosqEpACjos4cpACjph5EpACjqsIApACjrgpgpACjri6QpACjrnbwpACjrp4gpACjrsJQpACjsgqwpACjslYQpACjsmKTsoIQpACjsmKTtm4QpACjsnpApACjso7wpACjssKgpACjsubQpACjtg4ApACjtjIwpACjtlZgpACkAKgArACwALQAuAC4uAC4uLgAvADAAMCwAMC4AMOKBhDMAMOeCuQAxADEsADEuADEwADEwLgAxMOaXpQAxMOaciAAxMOeCuQAxMQAxMS4AMTHml6UAMTHmnIgAMTHngrkAMTIAMTIuADEy5pelADEy5pyIADEy54K5ADEzADEzLgAxM+aXpQAxM+eCuQAxNAAxNC4AMTTml6UAMTTngrkAMTUAMTUuADE15pelADE154K5ADE2ADE2LgAxNuaXpQAxNueCuQAxNwAxNy4AMTfml6UAMTfngrkAMTgAMTguADE45pelADE454K5ADE5ADE5LgAxOeaXpQAxOeeCuQAx4oGEADHigYQxMAAx4oGEMgAx4oGEMwAx4oGENAAx4oGENQAx4oGENgAx4oGENwAx4oGEOAAx4oGEOQAx5pelADHmnIgAMeeCuQAyADIsADIuADIwADIwLgAyMOaXpQAyMOeCuQAyMQAyMeaXpQAyMeeCuQAyMgAyMuaXpQAyMueCuQAyMwAyM+aXpQAyM+eCuQAyNAAyNOaXpQAyNOeCuQAyNQAyNeaXpQAyNgAyNuaXpQAyNwAyN+aXpQAyOAAyOOaXpQAyOQAyOeaXpQAy4oGEMwAy4oGENQAy5pelADLmnIgAMueCuQAzADMsADMuADMwADMw5pelADMxADMx5pelADMyADMzADM0ADM1ADM2ADM3ADM4ADM5ADPigYQ0ADPigYQ1ADPigYQ4ADPml6UAM+aciAAz54K5ADQANCwANC4ANDAANDEANDIANDMANDQANDUANDYANDcANDgANDkANOKBhDUANOaXpQA05pyIADTngrkANQA1LAA1LgA1MAA14oGENgA14oGEOAA15pelADXmnIgANeeCuQA2ADYsADYuADbml6UANuaciAA254K5ADcANywANy4AN+KBhDgAN+aXpQA35pyIADfngrkAOAA4LAA4LgA45pelADjmnIgAOOeCuQA5ADksADkuADnml6UAOeaciAA554K5ADoAOjo9ADsAPAA9AD09AD09PQA+AD8APyEAPz8AQABBAEFVAEHiiJVtAEIAQnEAQwBDRABDby4AQ+KIlWtnAEQAREoARFoARHoARMW9AETFvgBFAEYARkFYAEcAR0IAR0h6AEdQYQBHeQBIAEhQAEhWAEhnAEh6AEkASUkASUlJAElKAElVAElWAElYAEoASwBLQgBLSwBLTQBMAExKAExURABMagBMwrcATQBNQgBNQwBNRABNSHoATVBhAE1WAE1XAE3OqQBOAE5KAE5qAE5vAE8AUABQSABQUE0AUFBWAFBSAFBURQBQYQBRAFIAUnMAUwBTRABTTQBTUwBTdgBUAFRFTABUSHoAVE0AVQBWAFZJAFZJSQBWSUlJAFbiiJVtAFcAV0MAV1oAV2IAWABYSQBYSUkAWQBaAFsAXABdAF4AXwBgAGEAYS5tLgBhL2MAYS9zAGHKvgBiAGJhcgBjAGMvbwBjL3UAY2FsAGNjAGNkAGNtAGNtMgBjbTMAZABkQgBkYQBkbABkbQBkbTIAZG0zAGR6AGTFvgBlAGVWAGVyZwBmAGZmAGZmaQBmZmwAZmkAZmwAZm0AZwBnYWwAaABoUGEAaGEAaQBpaQBpaWkAaWoAaW4AaXYAaXgAagBrAGtBAGtIegBrUGEAa1YAa1cAa2NhbABrZwBrbABrbQBrbTIAa20zAGt0AGvOqQBsAGxqAGxtAGxuAGxvZwBseABswrcAbQBtMgBtMwBtQQBtVgBtVwBtYgBtZwBtaWwAbWwAbW0AbW0yAG1tMwBtb2wAbXMAbeKIlXMAbeKIlXMyAG4AbkEAbkYAblYAblcAbmoAbm0AbnMAbwBvVgBwAHAubS4AcEEAcEYAcFYAcFcAcGMAcHMAcQByAHJhZAByYWTiiJVzAHJhZOKIlXMyAHMAc3IAc3QAdAB1AHYAdmkAdmlpAHZpaWkAdwB4AHhpAHhpaQB5AHoAewB8AH0AwqIAwqMAwqUAwqYAwqwAwrBDAMKwRgDCtwDDgADDgQDDggDDgwDDhADDhQDDhgDDhwDDiADDiQDDigDDiwDDjADDjQDDjgDDjwDDkQDDkgDDkwDDlADDlQDDlgDDmQDDmgDDmwDDnADDnQDDoADDoQDDogDDowDDpADDpQDDpwDDqADDqQDDqgDDqwDDrADDrQDDrgDDrwDDsADDsQDDsgDDswDDtADDtQDDtgDDuQDDugDDuwDDvADDvQDDvwDEgADEgQDEggDEgwDEhADEhQDEhgDEhwDEiADEiQDEigDEiwDEjADEjQDEjgDEjwDEkgDEkwDElADElQDElgDElwDEmADEmQDEmgDEmwDEnADEnQDEngDEnwDEoADEoQDEogDEowDEpADEpQDEpgDEpwDEqADEqQDEqgDEqwDErADErQDErgDErwDEsADEsQDEtADEtQDEtgDEtwDEuQDEugDEuwDEvADEvQDEvgDFgwDFhADFhQDFhgDFhwDFiADFiwDFjADFjQDFjgDFjwDFkADFkQDFkwDFlADFlQDFlgDFlwDFmADFmQDFmgDFmwDFnADFnQDFngDFnwDFoADFoQDFogDFowDFpADFpQDFqADFqQDFqgDFqwDFrADFrQDFrgDFrwDFsADFsQDFsgDFswDFtADFtQDFtgDFtwDFuADFuQDFugDFuwDFvADFvQDFvgDGjgDGkADGoADGoQDGqwDGrwDGsADHjQDHjgDHjwDHkADHkQDHkgDHkwDHlADHlQDHlgDHlwDHmADHmQDHmgDHmwDHnADHngDHnwDHoADHoQDHogDHowDHpgDHpwDHqADHqQDHqgDHqwDHrADHrQDHrgDHrwDHsADHtADHtQDHuADHuQDHugDHuwDHvADHvQDHvgDHvwDIgADIgQDIggDIgwDIhADIhQDIhgDIhwDIiADIiQDIigDIiwDIjADIjQDIjgDIjwDIkADIkQDIkgDIkwDIlADIlQDIlgDIlwDImADImQDImgDImwDIngDInwDIogDIpgDIpwDIqADIqQDIqgDIqwDIrADIrQDIrgDIrwDIsADIsQDIsgDIswDItwDJkADJkQDJkgDJlADJlQDJmQDJmwDJnADJnwDJoQDJowDJpQDJpgDJqADJqQDJqgDJqwDJrQDJrwDJsADJsQDJsgDJswDJtADJtQDJuADJuQDJuwDKgQDKggDKgwDKiQDKigDKiwDKjADKkADKkQDKkgDKlQDKnQDKnwDKuQDKvG4AzIAAzIEAzIjMgQDMkwDOhgDOiADOiQDOigDOjADOjgDOjwDOkADOkQDOkgDOkwDOlADOlQDOlgDOlwDOmADOmQDOmgDOmwDOnADOnQDOngDOnwDOoADOoQDOowDOpADOpQDOpgDOpwDOqADOqQDOqgDOqwDOrADOrQDOrgDOrwDOsADOsQDOsgDOswDOtADOtQDOtgDOtwDOuADOuQDOugDOuwDOvADOvEEAzrxGAM68VgDOvFcAzrxnAM68bADOvG0AzrxzAM69AM6+AM6/AM+AAM+BAM+CAM+DAM+EAM+FAM+GAM+HAM+IAM+JAM+KAM+LAM+MAM+NAM+OAM+cAM+dANCAANCBANCDANCHANCMANCNANCOANCZANC5ANC9ANGKANGMANGQANGRANGTANGXANGcANGdANGeANG2ANG3ANOBANOCANOQANORANOSANOTANOWANOXANOaANObANOcANOdANOeANOfANOiANOjANOkANOlANOmANOnANOqANOrANOsANOtANOuANOvANOwANOxANOyANOzANO0ANO1ANO4ANO5ANWl1oIA1bTVpQDVtNWrANW01a0A1bTVtgDVvtW2ANeQANeQ1rcA15DWuADXkNa8ANeQ15wA15EA15HWvADXkda/ANeSANeS1rwA15MA15PWvADXlADXlNa8ANeV1rkA15XWvADXlta8ANeY1rwA15nWtADXmda8ANea1rwA15sA15vWvADXm9a/ANecANec1rwA150A157WvADXoNa8ANeh1rwA16IA16PWvADXpNa8ANek1r8A16bWvADXp9a8ANeoANeo1rwA16nWvADXqda814EA16nWvNeCANep14EA16nXggDXqgDXqta8ANey1rcA2KEA2KIA2KMA2KQA2KUA2KYA2KbYpwDYptisANim2K0A2KbYrgDYptixANim2LIA2KbZhQDYptmGANim2YcA2KbZiADYptmJANim2YoA2KbbhgDYptuHANim24gA2KbbkADYptuVANinANin2YPYqNixANin2YTZhNmHANin2YsA2KfZtADYqADYqNisANio2K0A2KjYrdmKANio2K4A2KjYrtmKANio2LEA2KjYsgDYqNmFANio2YYA2KjZhwDYqNmJANio2YoA2KkA2KoA2KrYrADYqtis2YUA2KrYrNmJANiq2KzZigDYqtitANiq2K3YrADYqtit2YUA2KrYrgDYqtiu2YUA2KrYrtmJANiq2K7ZigDYqtixANiq2LIA2KrZhQDYqtmF2KwA2KrZhditANiq2YXYrgDYqtmF2YkA2KrZhdmKANiq2YYA2KrZhwDYqtmJANiq2YoA2KsA2KvYrADYq9ixANir2LIA2KvZhQDYq9mGANir2YcA2KvZiQDYq9mKANisANis2K0A2KzYrdmJANis2K3ZigDYrNmEINis2YTYp9mE2YcA2KzZhQDYrNmF2K0A2KzZhdmJANis2YXZigDYrNmJANis2YoA2K0A2K3YrADYrdis2YoA2K3ZhQDYrdmF2YkA2K3ZhdmKANit2YkA2K3ZigDYrgDYrtisANiu2K0A2K7ZhQDYrtmJANiu2YoA2K8A2LAA2LDZsADYsQDYsdiz2YjZhADYsdmwANix24zYp9mEANiyANizANiz2KwA2LPYrNitANiz2KzZiQDYs9itANiz2K3YrADYs9iuANiz2K7ZiQDYs9iu2YoA2LPYsQDYs9mFANiz2YXYrADYs9mF2K0A2LPZhdmFANiz2YcA2LPZiQDYs9mKANi0ANi02KwA2LTYrNmKANi02K0A2LTYrdmFANi02K3ZigDYtNiuANi02LEA2LTZhQDYtNmF2K4A2LTZhdmFANi02YcA2LTZiQDYtNmKANi1ANi12K0A2LXYrditANi12K3ZigDYtdiuANi12LEA2LXZhNi52YUA2LXZhNmJANi12YTZiSDYp9mE2YTZhyDYudmE2YrZhyDZiNiz2YTZhQDYtdmE25IA2LXZhQDYtdmF2YUA2LXZiQDYtdmKANi2ANi22KwA2LbYrQDYttit2YkA2LbYrdmKANi22K4A2LbYrtmFANi22LEA2LbZhQDYttmJANi22YoA2LcA2LfYrQDYt9mFANi32YXYrQDYt9mF2YUA2LfZhdmKANi32YkA2LfZigDYuADYuNmFANi5ANi52KwA2LnYrNmFANi52YTZitmHANi52YUA2LnZhdmFANi52YXZiQDYudmF2YoA2LnZiQDYudmKANi6ANi62KwA2LrZhQDYutmF2YUA2LrZhdmJANi62YXZigDYutmJANi62YoA2YDZiwDZgNmOANmA2Y7ZkQDZgNmPANmA2Y/ZkQDZgNmQANmA2ZDZkQDZgNmRANmA2ZIA2YEA2YHYrADZgditANmB2K4A2YHYrtmFANmB2YUA2YHZhdmKANmB2YkA2YHZigDZggDZgtitANmC2YTbkgDZgtmFANmC2YXYrQDZgtmF2YUA2YLZhdmKANmC2YkA2YLZigDZgwDZg9inANmD2KwA2YPYrQDZg9iuANmD2YQA2YPZhQDZg9mF2YUA2YPZhdmKANmD2YkA2YPZigDZhADZhNiiANmE2KMA2YTYpQDZhNinANmE2KwA2YTYrNisANmE2KzZhQDZhNis2YoA2YTYrQDZhNit2YUA2YTYrdmJANmE2K3ZigDZhNiuANmE2K7ZhQDZhNmFANmE2YXYrQDZhNmF2YoA2YTZhwDZhNmJANmE2YoA2YUA2YXYpwDZhdisANmF2KzYrQDZhdis2K4A2YXYrNmFANmF2KzZigDZhditANmF2K3YrADZhdit2YUA2YXYrdmF2K8A2YXYrdmKANmF2K4A2YXYrtisANmF2K7ZhQDZhdiu2YoA2YXZhQDZhdmF2YoA2YXZiQDZhdmKANmGANmG2KwA2YbYrNitANmG2KzZhQDZhtis2YkA2YbYrNmKANmG2K0A2YbYrdmFANmG2K3ZiQDZhtit2YoA2YbYrgDZhtixANmG2LIA2YbZhQDZhtmF2YkA2YbZhdmKANmG2YYA2YbZhwDZhtmJANmG2YoA2YcA2YfYrADZh9mFANmH2YXYrADZh9mF2YUA2YfZiQDZh9mKANmH2bAA2YgA2YjYs9mE2YUA2YjZtADZiQDZidmwANmKANmK2KwA2YrYrNmKANmK2K0A2YrYrdmKANmK2K4A2YrYsQDZitiyANmK2YUA2YrZhdmFANmK2YXZigDZitmGANmK2YcA2YrZiQDZitmKANmK2bQA2a4A2a8A2bEA2bkA2boA2bsA2b4A2b8A2oAA2oMA2oQA2oYA2ocA2ogA2owA2o0A2o4A2pEA2pgA2qEA2qQA2qYA2qkA2q0A2q8A2rEA2rMA2roA2rsA2r4A24AA24EA24IA24UA24YA24cA24fZtADbiADbiQDbiwDbjADbkADbkgDbkwDgpJXgpLwA4KSW4KS8AOCkl+CkvADgpJzgpLwA4KSh4KS8AOCkouCkvADgpKkA4KSr4KS8AOCkr+CkvADgpLEA4KS0AOCmoeCmvADgpqLgprwA4Kav4Ka8AOCniwDgp4wA4KiW4Ki8AOCol+CovADgqJzgqLwA4Kir4Ki8AOCosuCovADgqLjgqLwA4Kyh4Ky8AOCsouCsvADgrYgA4K2LAOCtjADgrpQA4K+KAOCviwDgr4wA4LGIAOCzgADgs4cA4LOIAOCzigDgs4sA4LWKAOC1iwDgtYwA4LeaAOC3nADgt50A4LeeAOC5jeC4sgDguqvgupkA4Lqr4LqhAOC7jeC6sgDgvIsA4L2A4L61AOC9guC+twDgvYzgvrcA4L2R4L63AOC9luC+twDgvZvgvrcA4L2x4L2yAOC9seC9tADgvbHgvoAA4L6Q4L61AOC+kuC+twDgvpzgvrcA4L6h4L63AOC+puC+twDgvqvgvrcA4L6y4L2x4L6AAOC+suC+gADgvrPgvbHgvoAA4L6z4L6AAOGApgDhg5wA4YSAAOGEgQDhhIIA4YSDAOGEhADhhIUA4YSGAOGEhwDhhIgA4YSJAOGEigDhhIsA4YSMAOGEjQDhhI4A4YSPAOGEkADhhJEA4YSSAOGElADhhJUA4YSaAOGEnADhhJ0A4YSeAOGEoADhhKEA4YSiAOGEowDhhKcA4YSpAOGEqwDhhKwA4YStAOGErgDhhK8A4YSyAOGEtgDhhYAA4YWHAOGFjADhhZcA4YWYAOGFmQDhhaAA4YWhAOGFogDhhaMA4YWkAOGFpQDhhaYA4YWnAOGFqADhhakA4YWqAOGFqwDhhawA4YWtAOGFrgDhha8A4YWwAOGFsQDhhbIA4YWzAOGFtADhhbUA4YaEAOGGhQDhhogA4YaRAOGGkgDhhpQA4YaeAOGGoQDhhqoA4YasAOGGrQDhhrAA4YaxAOGGsgDhhrMA4Ya0AOGGtQDhh4cA4YeIAOGHjADhh44A4YeTAOGHlwDhh5kA4YedAOGHnwDhh7EA4YeyAOGshgDhrIgA4ayKAOGsjADhrI4A4aySAOGsuwDhrL0A4a2AAOGtgQDhrYMA4bSCAOG0lgDhtJcA4bScAOG0nQDhtKUA4bW7AOG2hQDhuIAA4biBAOG4ggDhuIMA4biEAOG4hQDhuIYA4biHAOG4iADhuIkA4biKAOG4iwDhuIwA4biNAOG4jgDhuI8A4biQAOG4kQDhuJIA4biTAOG4lADhuJUA4biWAOG4lwDhuJgA4biZAOG4mgDhuJsA4bicAOG4nQDhuJ4A4bifAOG4oADhuKEA4biiAOG4owDhuKQA4bilAOG4pgDhuKcA4bioAOG4qQDhuKoA4birAOG4rADhuK0A4biuAOG4rwDhuLAA4bixAOG4sgDhuLMA4bi0AOG4tQDhuLYA4bi3AOG4uADhuLkA4bi6AOG4uwDhuLwA4bi9AOG4vgDhuL8A4bmAAOG5gQDhuYIA4bmDAOG5hADhuYUA4bmGAOG5hwDhuYgA4bmJAOG5igDhuYsA4bmMAOG5jQDhuY4A4bmPAOG5kADhuZEA4bmSAOG5kwDhuZQA4bmVAOG5lgDhuZcA4bmYAOG5mQDhuZoA4bmbAOG5nADhuZ0A4bmeAOG5nwDhuaAA4bmhAOG5ogDhuaMA4bmkAOG5pQDhuaYA4bmnAOG5qADhuakA4bmqAOG5qwDhuawA4bmtAOG5rgDhua8A4bmwAOG5sQDhubIA4bmzAOG5tADhubUA4bm2AOG5twDhubgA4bm5AOG5ugDhubsA4bm8AOG5vQDhub4A4bm/AOG6gADhuoEA4bqCAOG6gwDhuoQA4bqFAOG6hgDhuocA4bqIAOG6iQDhuooA4bqLAOG6jADhuo0A4bqOAOG6jwDhupAA4bqRAOG6kgDhupMA4bqUAOG6lQDhupYA4bqXAOG6mADhupkA4bqgAOG6oQDhuqIA4bqjAOG6pADhuqUA4bqmAOG6pwDhuqgA4bqpAOG6qgDhuqsA4bqsAOG6rQDhuq4A4bqvAOG6sADhurEA4bqyAOG6swDhurQA4bq1AOG6tgDhurcA4bq4AOG6uQDhuroA4bq7AOG6vADhur0A4bq+AOG6vwDhu4AA4buBAOG7ggDhu4MA4buEAOG7hQDhu4YA4buHAOG7iADhu4kA4buKAOG7iwDhu4wA4buNAOG7jgDhu48A4buQAOG7kQDhu5IA4buTAOG7lADhu5UA4buWAOG7lwDhu5gA4buZAOG7mgDhu5sA4bucAOG7nQDhu54A4bufAOG7oADhu6EA4buiAOG7owDhu6QA4bulAOG7pgDhu6cA4buoAOG7qQDhu6oA4burAOG7rADhu60A4buuAOG7rwDhu7AA4buxAOG7sgDhu7MA4bu0AOG7tQDhu7YA4bu3AOG7uADhu7kA4byAAOG8gQDhvIIA4byDAOG8hADhvIUA4byGAOG8hwDhvIgA4byJAOG8igDhvIsA4byMAOG8jQDhvI4A4byPAOG8kADhvJEA4bySAOG8kwDhvJQA4byVAOG8mADhvJkA4byaAOG8mwDhvJwA4bydAOG8oADhvKEA4byiAOG8owDhvKQA4bylAOG8pgDhvKcA4byoAOG8qQDhvKoA4byrAOG8rADhvK0A4byuAOG8rwDhvLAA4byxAOG8sgDhvLMA4by0AOG8tQDhvLYA4by3AOG8uADhvLkA4by6AOG8uwDhvLwA4by9AOG8vgDhvL8A4b2AAOG9gQDhvYIA4b2DAOG9hADhvYUA4b2IAOG9iQDhvYoA4b2LAOG9jADhvY0A4b2QAOG9kQDhvZIA4b2TAOG9lADhvZUA4b2WAOG9lwDhvZkA4b2bAOG9nQDhvZ8A4b2gAOG9oQDhvaIA4b2jAOG9pADhvaUA4b2mAOG9pwDhvagA4b2pAOG9qgDhvasA4b2sAOG9rQDhva4A4b2vAOG9sADhvbIA4b20AOG9tgDhvbgA4b26AOG9vADhvoAA4b6BAOG+ggDhvoMA4b6EAOG+hQDhvoYA4b6HAOG+iADhvokA4b6KAOG+iwDhvowA4b6NAOG+jgDhvo8A4b6QAOG+kQDhvpIA4b6TAOG+lADhvpUA4b6WAOG+lwDhvpgA4b6ZAOG+mgDhvpsA4b6cAOG+nQDhvp4A4b6fAOG+oADhvqEA4b6iAOG+owDhvqQA4b6lAOG+pgDhvqcA4b6oAOG+qQDhvqoA4b6rAOG+rADhvq0A4b6uAOG+rwDhvrAA4b6xAOG+sgDhvrMA4b60AOG+tgDhvrcA4b64AOG+uQDhvroA4b68AOG/ggDhv4MA4b+EAOG/hgDhv4cA4b+IAOG/igDhv4wA4b+QAOG/kQDhv5IA4b+WAOG/lwDhv5gA4b+ZAOG/mgDhv6AA4b+hAOG/ogDhv6QA4b+lAOG/pgDhv6cA4b+oAOG/qQDhv6oA4b+sAOG/sgDhv7MA4b+0AOG/tgDhv7cA4b+4AOG/ugDhv7wA4oCQAOKAkwDigJQA4oCy4oCyAOKAsuKAsuKAsgDigLLigLLigLLigLIA4oC14oC1AOKAteKAteKAtQDigqkA4oaQAOKGkQDihpIA4oaTAOKGmgDihpsA4oauAOKHjQDih44A4oePAOKIggDiiIQA4oiHAOKIiQDiiIwA4oiRAOKIkgDiiKQA4oimAOKIq+KIqwDiiKviiKviiKsA4oir4oir4oir4oirAOKIruKIrgDiiK7iiK7iiK4A4omBAOKJhADiiYcA4omJAOKJoADiiaIA4omtAOKJrgDiia8A4omwAOKJsQDiibQA4om1AOKJuADiibkA4oqAAOKKgQDiioQA4oqFAOKKiADiiokA4oqsAOKKrQDiiq4A4oqvAOKLoADii6EA4ouiAOKLowDii6oA4ourAOKLrADii60A4pSCAOKWoADil4sA4qaFAOKmhgDiq53MuADitaEA44CBAOOAggDjgIgA44CJAOOAigDjgIsA44CMAOOAjQDjgI4A44CPAOOAkADjgJEA44CSAOOAlADjgJRT44CVAOOAlOS4ieOAlQDjgJTkuozjgJUA44CU5Yud44CVAOOAlOWuieOAlQDjgJTmiZPjgJUA44CU5pWX44CVAOOAlOacrOOAlQDjgJTngrnjgJUA44CU55uX44CVAOOAlQDjgJYA44CXAOOBjADjgY4A44GQAOOBkgDjgZQA44GWAOOBmADjgZoA44GcAOOBngDjgaAA44GiAOOBpQDjgacA44GpAOOBsADjgbEA44GzAOOBtADjgbYA44G3AOOBuQDjgboA44G744GLAOOBvADjgb0A44KI44KKAOOClADjgpkA44KaAOOCngDjgqEA44KiAOOCouODkeODvOODiADjgqLjg6vjg5XjgqEA44Ki44Oz44Oa44KiAOOCouODvOODqwDjgqMA44KkAOOCpOODi+ODs+OCsADjgqTjg7Pjg4EA44KlAOOCpgDjgqbjgqnjg7MA44KnAOOCqADjgqjjgrnjgq/jg7zjg4kA44Ko44O844Kr44O8AOOCqQDjgqoA44Kq44Oz44K5AOOCquODvOODoADjgqsA44Kr44Kk44OqAOOCq+ODqeODg+ODiADjgqvjg63jg6rjg7wA44KsAOOCrOODreODswDjgqzjg7Pjg54A44KtAOOCreODpeODquODvADjgq3jg60A44Kt44Ot44Kw44Op44OgAOOCreODreODoeODvOODiOODqwDjgq3jg63jg6/jg4Pjg4gA44KuAOOCruOCrADjgq7jg4vjg7wA44Ku44Or44OA44O8AOOCrwDjgq/jg6vjgrzjgqTjg60A44Kv44Ot44O844ONAOOCsADjgrDjg6njg6AA44Kw44Op44Og44OI44OzAOOCsQDjgrHjg7zjgrkA44KyAOOCswDjgrPjgrMA44Kz44OIAOOCs+ODq+ODigDjgrPjg7zjg50A44K0AOOCtQDjgrXjgqTjgq/jg6sA44K144Oz44OB44O844OgAOOCtgDjgrcA44K344Oq44Oz44KwAOOCuADjgrkA44K6AOOCuwDjgrvjg7Pjg4EA44K744Oz44OIAOOCvADjgr0A44K+AOOCvwDjg4AA44OA44O844K5AOODgQDjg4IA44ODAOODhADjg4UA44OGAOODhwDjg4fjgrcA44OIAOODiOODswDjg4kA44OJ44OrAOODigDjg4rjg44A44OLAOODjADjg40A44OOAOODjuODg+ODiADjg48A44OP44Kk44OEAOODkADjg5Djg7zjg6zjg6sA44ORAOODkeODvOOCu+ODs+ODiADjg5Hjg7zjg4QA44OSAOODkwDjg5Pjg6sA44OUAOODlOOCouOCueODiOODqwDjg5Tjgq/jg6sA44OU44KzAOODlQDjg5XjgqHjg6njg4Pjg4kA44OV44Kj44O844OIAOODleODqeODswDjg5YA44OW44OD44K344Kn44OrAOODlwDjg5gA44OY44Kv44K/44O844OrAOODmOODq+ODhADjg5kA44OZ44O844K/AOODmgDjg5rjgr0A44Oa44OL44OSAOODmuODs+OCuQDjg5rjg7zjgrgA44ObAOODm+ODswDjg5vjg7zjg6sA44Ob44O844OzAOODnADjg5zjg6vjg4gA44OdAOODneOCpOODs+ODiADjg53jg7Pjg4kA44OeAOODnuOCpOOCr+ODrQDjg57jgqTjg6sA44Oe44OD44OPAOODnuODq+OCrwDjg57jg7Pjgrfjg6fjg7MA44OfAOODn+OCr+ODreODswDjg5/jg6oA44Of44Oq44OQ44O844OrAOODoADjg6EA44Oh44KsAOODoeOCrOODiOODswDjg6Hjg7zjg4jjg6sA44OiAOODowDjg6QA44Ok44O844OJAOODpOODvOODqwDjg6UA44OmAOODpuOCouODswDjg6cA44OoAOODqQDjg6oA44Oq44OD44OI44OrAOODquODqQDjg6sA44Or44OU44O8AOODq+ODvOODluODqwDjg6wA44Os44OgAOODrOODs+ODiOOCsuODswDjg60A44OvAOODr+ODg+ODiADjg7AA44OxAOODsgDjg7MA44O0AOODtwDjg7gA44O5AOODugDjg7sA44O8AOODvgDjkp4A45K5AOOSuwDjk58A45SVAOObrgDjm7wA456BAOOgrwDjoaIA46G8AOOjhwDjo6MA46ScAOOkugDjqK4A46msAOOrpADjrIgA46yZAOOtiQDjrp0A47CYAOOxjgDjtLMA47aWAOO6rADjurgA47ybAOO/vADkgIgA5ICYAOSAuQDkgYYA5IKWAOSDowDkhK8A5IiCAOSIpwDkiqAA5IyBAOSMtADkjZkA5I+VAOSPmQDkkIsA5JGrAOSUqwDklZ0A5JWhAOSVqwDkl5cA5Je5AOSYtQDkmr4A5JuHAOSmlQDkp6YA5KmuAOSptgDkqrIA5KyzAOSvjgDks44A5LOtAOSzuADktZYA5LiAAOS4gQDkuIMA5LiJAOS4igDkuIsA5LiNAOS4mQDkuKYA5LioAOS4rQDkuLIA5Li2AOS4uADkuLkA5Li9AOS4vwDkuYEA5LmZAOS5nQDkuoIA5LqFAOS6hgDkuowA5LqUAOS6oADkuqQA5LquAOS6ugDku4AA5LuMAOS7pADkvIEA5LyRAOS9oADkvoAA5L6GAOS+iwDkvq4A5L67AOS+vwDlgIIA5YCrAOWBugDlgpkA5YOPAOWDmgDlg6cA5YSqAOWEvwDlhYAA5YWFAOWFjQDlhZQA5YWkAOWFpQDlhacA5YWoAOWFqQDlhasA5YWtAOWFtwDlhoAA5YaCAOWGjQDlhpIA5YaVAOWGlgDlhpcA5YaZAOWGpADlhqsA5YasAOWGtQDlhrcA5YeJAOWHjADlh5wA5YeeAOWHoADlh7UA5YiAAOWIgwDliIcA5YiXAOWInQDliKkA5Yi6AOWIuwDliYYA5YmNAOWJsgDlibcA5YqJAOWKmwDliqMA5YqzAOWKtADli4cA5YuJAOWLkgDli54A5YukAOWLtQDli7kA5Yu6AOWMhQDljIYA5YyVAOWMlwDljJoA5Yy4AOWMuwDljL8A5Y2BAOWNhADljYUA5Y2JAOWNkQDljZQA5Y2aAOWNnADljakA5Y2wAOWNswDljbUA5Y29AOWNvwDljoIA5Y62AOWPgwDlj4gA5Y+KAOWPjADlj58A5Y+jAOWPpQDlj6sA5Y+vAOWPsQDlj7MA5ZCGAOWQiADlkI0A5ZCPAOWQnQDlkLgA5ZC5AOWRggDlkYgA5ZGoAOWSngDlkqIA5ZK9AOWTtgDllJAA5ZWPAOWVkwDllZUA5ZWjAOWWhADllocA5ZaZAOWWnQDllqsA5ZazAOWWtgDll4AA5ZeCAOWXogDlmIYA5ZmRAOWZqADlmbQA5ZuXAOWbmwDlm7kA5ZyWAOWclwDlnJ8A5ZywAOWeiwDln44A5Z+0AOWgjQDloLEA5aCyAOWhgADloZoA5aGeAOWiqADloqwA5aKzAOWjmADlo58A5aOrAOWjrgDlo7AA5aOyAOWjtwDlpIIA5aSGAOWkigDlpJUA5aSaAOWknADlpKIA5aSnAOWkp+atowDlpKkA5aWEAOWliADlpZEA5aWUAOWlogDlpbMA5aeYAOWnrADlqJsA5ainAOWpogDlqaYA5aq1AOWsiADlrKgA5ay+AOWtkADlrZcA5a2mAOWugADlroUA5a6XAOWvgwDlr5gA5a+nAOWvrgDlr7MA5a+4AOWvvwDlsIYA5bCPAOWwogDlsLgA5bC/AOWxoADlsaIA5bGkAOWxpQDlsa4A5bGxAOWyjQDls4AA5bSZAOW1gwDltZAA5bWrAOW1rgDltbwA5bayAOW2ugDlt5sA5behAOW3ogDlt6UA5bemAOW3sQDlt70A5be+AOW4qADluL0A5bmpAOW5sgDlubPmiJAA5bm0AOW5ugDlubwA5bm/AOW6pgDlurAA5bqzAOW6tgDlu4kA5buKAOW7kgDlu5MA5buZAOW7rADlu7QA5bu+AOW8hADlvIsA5byTAOW8ogDlvZAA5b2TAOW9oQDlvaIA5b2pAOW9qwDlvbMA5b6LAOW+jADlvpcA5b6aAOW+qQDlvq0A5b+DAOW/jQDlv5cA5b+1AOW/uQDmgJIA5oCcAOaBtQDmgoEA5oKUAOaDhwDmg5gA5oOhAOaEiADmhYQA5oWIAOaFjADmhY4A5oWgAOaFqADmhboA5oaOAOaGkADmhqQA5oavAOaGsgDmh54A5oeyAOaHtgDmiIAA5oiIAOaIkADmiJsA5oiuAOaItADmiLYA5omLAOaJkwDmiZ0A5oqVAOaKsQDmi4kA5ouPAOaLkwDmi5QA5ou8AOaLvgDmjIcA5oy9AOaNkADmjZUA5o2oAOaNuwDmjoMA5o6gAOaOqQDmj4QA5o+FAOaPpADmkJwA5pCiAOaRkgDmkakA5pG3AOaRvgDmkpoA5pKdAOaThADmlK8A5pS0AOaVjwDmlZYA5pWsAOaVuADmlocA5paXAOaWmQDmlqQA5pawAOaWuQDml4UA5pegAOaXogDml6MA5pelAOaYjuayuwDmmJMA5pigAOaYreWSjADmmYkA5pm0AOaaiADmmpEA5pqcAOaatADmm4YA5puwAOabtADmm7gA5pyAAOaciADmnIkA5pyXAOacmwDmnKEA5pyoAOadjgDmnZMA5p2WAOadngDmnbsA5p6FAOaelwDmn7MA5p+6AOaglwDmoJ8A5qCqAOagquW8j+S8muekvgDmoZIA5qKBAOaihQDmoo4A5qKoAOaklADmpYIA5qajAOanqgDmqIIA5qiTAOaqqADmq5MA5qubAOashADmrKAA5qyhAOatlADmraIA5q2jAOatsgDmrbcA5q25AOaunwDmrq4A5q6zAOauugDmrrsA5q+LAOavjQDmr5QA5q+bAOawjwDmsJQA5rC0AOaxjgDmsacA5rKIAOayvwDms4wA5rONAOazpQDms6gA5rSWAOa0mwDmtJ4A5rS0AOa0vgDmtYEA5rWpAOa1qgDmtbcA5rW4AOa2hQDmt4sA5reaAOa3qgDmt7kA5riaAOa4rwDmua4A5rqAAOa6nADmuroA5ruHAOa7iwDmu5EA5rubAOa8jwDmvJQA5ryiAOa8owDmva4A5r+GAOa/qwDmv74A54CbAOeAngDngLkA54GKAOeBqwDngbAA54G3AOeBvQDngpkA54KtAOeDiADng5kA54ShAOeFhQDnhYkA54WuAOeGnADnh44A54eQAOeIkADniJsA54ioAOeIqgDniKsA54i1AOeItgDniLsA54i/AOeJhwDniZAA54mZAOeJmwDniaIA54m5AOeKgADnipUA54qsAOeKrwDni4AA54u8AOeMqgDnjbUA5426AOeOhADnjocA546JAOeOiwDnjqUA546yAOePngDnkIYA55CJAOeQogDnkYcA55GcAOeRqQDnkbEA55KFAOeSiQDnkpgA55OKAOeTnADnk6YA55SGAOeUmADnlJ8A55SkAOeUqADnlLAA55SyAOeUswDnlLcA55S7AOeUvgDnlZkA55WlAOeVsADnlosA55aSAOeXogDnmJAA55idAOeYnwDnmYIA55mpAOeZtgDnmb0A55quAOeavwDnm4oA55ubAOebowDnm6cA55uuAOebtADnnIEA55yeAOecnwDnnYAA552KAOeeiwDnnqcA55+bAOefogDnn7MA56GOAOehqwDnoowA56KRAOejigDno4wA56O7AOekqgDnpLoA56S8AOekvgDnpYgA56WJAOelkADnpZYA56WdAOelngDnpaUA56W/AOemgQDnpo0A56aOAOemjwDnpq4A56a4AOemvgDnp4oA56eYAOenqwDnqJwA56mAAOepigDnqY8A56m0AOepugDnqoEA56qxAOeriwDnq64A56u5AOesoADnro8A56+AAOevhgDnr4kA57C+AOexoADnsbMA57G7AOeykgDnsr4A57OSAOezlgDns6MA57OnAOezqADns7gA57SAAOe0kADntKIA57SvAOe1ggDntZsA57WjAOe2oADntr4A57eHAOe3tADnuIIA57iJAOe4twDnuYEA57mFAOe8tgDnvL4A572RAOe9sgDnvbkA5726AOe+hQDnvooA576VAOe+mgDnvr0A57+6AOiAgQDogIUA6ICMAOiAkgDogLMA6IGGAOiBoADoga8A6IGwAOiBvgDogb8A6IKJAOiCiwDogq0A6IKyAOiEgwDohL4A6IeYAOiHowDoh6gA6IeqAOiHrQDoh7MA6Ie8AOiIgQDoiIQA6IiMAOiImADoiJsA6IifAOiJrgDoia8A6ImyAOiJuADoibkA6IqLAOiKkQDoip0A6IqxAOiKswDoir0A6IulAOiLpgDojJ0A6IyjAOiMtgDojZIA6I2TAOiNowDojq0A6I69AOiPiQDoj4oA6I+MAOiPnADoj6cA6I+vAOiPsQDokL0A6JGJAOiRlwDok64A6JOxAOiTswDok7wA6JSWAOiVpADol40A6Je6AOiYhgDomJIA6JitAOiYvwDomY0A6JmQAOiZnADomacA6JmpAOiZqwDomogA6JqpAOibogDonI4A6JyoAOidqwDonbkA6J6GAOieugDon6EA6KCBAOignwDooYAA6KGMAOihoADooaMA6KOCAOijjwDoo5cA6KOeAOijoQDoo7gA6KO6AOikkADopYEA6KWkAOilvgDopoYA6KaLAOimlgDop5IA6KejAOiogADoqqAA6KqqAOiqvwDoq4sA6KuSAOirlgDoq60A6Ku4AOirvgDorIEA6Ky5AOitmADoroAA6K6KAOiwtwDosYYA6LGIAOixlQDosbgA6LKdAOiyoQDosqkA6LKrAOizgQDos4IA6LOHAOiziADos5MA6LSIAOi0mwDotaQA6LWwAOi1twDotrMA6La8AOi3iwDot68A6LewAOi6qwDou4oA6LuUAOi8pgDovKoA6Ly4AOi8uwDovaIA6L6bAOi+ngDovrAA6L61AOi+tgDpgKMA6YC4AOmBigDpgakA6YGyAOmBvADpgo8A6YKRAOmClADpg44A6YOeAOmDsQDpg70A6YSRAOmEmwDphYkA6YWqAOmGmQDphrQA6YeGAOmHjADph48A6YeRAOmItADpiLgA6Ym2AOmJvADpi5cA6YuYAOmMhADpjYoA6Y+5AOmQlQDplbcA6ZaAAOmWiwDplq0A6Za3AOmYnADpmK4A6ZmLAOmZjQDpmbUA6Zm4AOmZvADpmoYA6ZqjAOmatgDpmrcA6Zq4AOmauQDpm4MA6ZuiAOmbowDpm6gA6Zu2AOmbtwDpnKMA6ZyyAOmdiADpnZEA6Z2WAOmdngDpnaIA6Z2pAOmfiwDpn5sA6Z+gAOmfrQDpn7MA6Z+/AOmggQDpoIUA6aCLAOmgmADpoKkA6aC7AOmhngDpoqgA6aObAOmjnwDpo6IA6aOvAOmjvADppKgA6aSpAOmmlgDpppkA6aanAOmmrADpp4IA6aexAOmnvgDpqaoA6aqoAOmrmADpq58A6aySAOmspQDprK8A6ayyAOmsvADprZoA6a2vAOmxgADpsZcA6bOlAOmzvQDptacA6ba0AOm3ugDpuJ4A6bm1AOm5vwDpupcA6bqfAOm6pQDpursA6buDAOm7jQDpu44A6buRAOm7uQDpu70A6bu+AOm8hQDpvI4A6byPAOm8kwDpvJYA6bygAOm8uwDpvYMA6b2KAOm9kgDpvo0A6b6OAOm+nADpvp8A6b6gAOqcpwDqna8A6qy3AOqtkgDqsIAA6rCBAOqwggDqsIMA6rCEAOqwhQDqsIYA6rCHAOqwiADqsIkA6rCKAOqwiwDqsIwA6rCNAOqwjgDqsI8A6rCQAOqwkQDqsJIA6rCTAOqwlADqsJUA6rCWAOqwlwDqsJgA6rCZAOqwmgDqsJsA6rCcAOqwnQDqsJ4A6rCfAOqwoADqsKEA6rCiAOqwowDqsKQA6rClAOqwpgDqsKcA6rCoAOqwqQDqsKoA6rCrAOqwrADqsK0A6rCuAOqwrwDqsLAA6rCxAOqwsgDqsLMA6rC0AOqwtQDqsLYA6rC3AOqwuADqsLkA6rC6AOqwuwDqsLwA6rC9AOqwvgDqsL8A6rGAAOqxgQDqsYIA6rGDAOqxhADqsYUA6rGGAOqxhwDqsYgA6rGJAOqxigDqsYsA6rGMAOqxjQDqsY4A6rGPAOqxkADqsZEA6rGSAOqxkwDqsZQA6rGVAOqxlgDqsZcA6rGYAOqxmQDqsZoA6rGbAOqxnADqsZ0A6rGeAOqxnwDqsaAA6rGhAOqxogDqsaMA6rGkAOqxpQDqsaYA6rGnAOqxqADqsakA6rGqAOqxqwDqsawA6rGtAOqxrgDqsa8A6rGwAOqxsQDqsbIA6rGzAOqxtADqsbUA6rG2AOqxtwDqsbgA6rG5AOqxugDqsbsA6rG8AOqxvQDqsb4A6rG/AOqygADqsoEA6rKCAOqygwDqsoQA6rKFAOqyhgDqsocA6rKIAOqyiQDqsooA6rKLAOqyjADqso0A6rKOAOqyjwDqspAA6rKRAOqykgDqspMA6rKUAOqylQDqspYA6rKXAOqymADqspkA6rKaAOqymwDqspwA6rKdAOqyngDqsp8A6rKgAOqyoQDqsqIA6rKjAOqypADqsqUA6rKmAOqypwDqsqgA6rKpAOqyqgDqsqsA6rKsAOqyrQDqsq4A6rKvAOqysADqsrEA6rKyAOqyswDqsrQA6rK1AOqytgDqsrcA6rK4AOqyuQDqsroA6rK7AOqyvADqsr0A6rK+AOqyvwDqs4AA6rOBAOqzggDqs4MA6rOEAOqzhQDqs4YA6rOHAOqziADqs4kA6rOKAOqziwDqs4wA6rONAOqzjgDqs48A6rOQAOqzkQDqs5IA6rOTAOqzlADqs5UA6rOWAOqzlwDqs5gA6rOZAOqzmgDqs5sA6rOcAOqznQDqs54A6rOfAOqzoADqs6EA6rOiAOqzowDqs6QA6rOlAOqzpgDqs6cA6rOoAOqzqQDqs6oA6rOrAOqzrADqs60A6rOuAOqzrwDqs7AA6rOxAOqzsgDqs7MA6rO0AOqztQDqs7YA6rO3AOqzuADqs7kA6rO6AOqzuwDqs7wA6rO9AOqzvgDqs78A6rSAAOq0gQDqtIIA6rSDAOq0hADqtIUA6rSGAOq0hwDqtIgA6rSJAOq0igDqtIsA6rSMAOq0jQDqtI4A6rSPAOq0kADqtJEA6rSSAOq0kwDqtJQA6rSVAOq0lgDqtJcA6rSYAOq0mQDqtJoA6rSbAOq0nADqtJ0A6rSeAOq0nwDqtKAA6rShAOq0ogDqtKMA6rSkAOq0pQDqtKYA6rSnAOq0qADqtKkA6rSqAOq0qwDqtKwA6rStAOq0rgDqtK8A6rSwAOq0sQDqtLIA6rSzAOq0tADqtLUA6rS2AOq0twDqtLgA6rS5AOq0ugDqtLsA6rS8AOq0vQDqtL4A6rS/AOq1gADqtYEA6rWCAOq1gwDqtYQA6rWFAOq1hgDqtYcA6rWIAOq1iQDqtYoA6rWLAOq1jADqtY0A6rWOAOq1jwDqtZAA6rWRAOq1kgDqtZMA6rWUAOq1lQDqtZYA6rWXAOq1mADqtZkA6rWaAOq1mwDqtZwA6rWdAOq1ngDqtZ8A6rWgAOq1oQDqtaIA6rWjAOq1pADqtaUA6rWmAOq1pwDqtagA6rWpAOq1qgDqtasA6rWsAOq1rQDqta4A6rWvAOq1sADqtbEA6rWyAOq1swDqtbQA6rW1AOq1tgDqtbcA6rW4AOq1uQDqtboA6rW7AOq1vADqtb0A6rW+AOq1vwDqtoAA6raBAOq2ggDqtoMA6raEAOq2hQDqtoYA6raHAOq2iADqtokA6raKAOq2iwDqtowA6raNAOq2jgDqto8A6raQAOq2kQDqtpIA6raTAOq2lADqtpUA6raWAOq2lwDqtpgA6raZAOq2mgDqtpsA6racAOq2nQDqtp4A6rafAOq2oADqtqEA6raiAOq2owDqtqQA6ralAOq2pgDqtqcA6raoAOq2qQDqtqoA6rarAOq2rADqtq0A6rauAOq2rwDqtrAA6raxAOq2sgDqtrMA6ra0AOq2tQDqtrYA6ra3AOq2uADqtrkA6ra6AOq2uwDqtrwA6ra9AOq2vgDqtr8A6reAAOq3gQDqt4IA6reDAOq3hADqt4UA6reGAOq3hwDqt4gA6reJAOq3igDqt4sA6reMAOq3jQDqt44A6rePAOq3kADqt5EA6reSAOq3kwDqt5QA6reVAOq3lgDqt5cA6reYAOq3mQDqt5oA6rebAOq3nADqt50A6reeAOq3nwDqt6AA6rehAOq3ogDqt6MA6rekAOq3pQDqt6YA6renAOq3qADqt6kA6reqAOq3qwDqt6wA6retAOq3rgDqt68A6rewAOq3sQDqt7IA6rezAOq3tADqt7UA6re2AOq3twDqt7gA6re5AOq3ugDqt7sA6re8AOq3vQDqt74A6re/AOq4gADquIEA6riCAOq4gwDquIQA6riFAOq4hgDquIcA6riIAOq4iQDquIoA6riLAOq4jADquI0A6riOAOq4jwDquJAA6riRAOq4kgDquJMA6riUAOq4lQDquJYA6riXAOq4mADquJkA6riaAOq4mwDquJwA6ridAOq4ngDquJ8A6rigAOq4oQDquKIA6rijAOq4pADquKUA6rimAOq4pwDquKgA6ripAOq4qgDquKsA6risAOq4rQDquK4A6rivAOq4sADquLEA6riyAOq4swDquLQA6ri1AOq4tgDquLcA6ri4AOq4uQDquLoA6ri7AOq4vADquL0A6ri+AOq4vwDquYAA6rmBAOq5ggDquYMA6rmEAOq5hQDquYYA6rmHAOq5iADquYkA6rmKAOq5iwDquYwA6rmNAOq5jgDquY8A6rmQAOq5kQDquZIA6rmTAOq5lADquZUA6rmWAOq5lwDquZgA6rmZAOq5mgDquZsA6rmcAOq5nQDquZ4A6rmfAOq5oADquaEA6rmiAOq5owDquaQA6rmlAOq5pgDquacA6rmoAOq5qQDquaoA6rmrAOq5rADqua0A6rmuAOq5rwDqubAA6rmxAOq5sgDqubMA6rm0AOq5tQDqubYA6rm3AOq5uADqubkA6rm6AOq5uwDqubwA6rm9AOq5vgDqub8A6rqAAOq6gQDquoIA6rqDAOq6hADquoUA6rqGAOq6hwDquogA6rqJAOq6igDquosA6rqMAOq6jQDquo4A6rqPAOq6kADqupEA6rqSAOq6kwDqupQA6rqVAOq6lgDqupcA6rqYAOq6mQDqupoA6rqbAOq6nADqup0A6rqeAOq6nwDquqAA6rqhAOq6ogDquqMA6rqkAOq6pQDquqYA6rqnAOq6qADquqkA6rqqAOq6qwDquqwA6rqtAOq6rgDquq8A6rqwAOq6sQDqurIA6rqzAOq6tADqurUA6rq2AOq6twDqurgA6rq5AOq6ugDqursA6rq8AOq6vQDqur4A6rq/AOq7gADqu4EA6ruCAOq7gwDqu4QA6ruFAOq7hgDqu4cA6ruIAOq7iQDqu4oA6ruLAOq7jADqu40A6ruOAOq7jwDqu5AA6ruRAOq7kgDqu5MA6ruUAOq7lQDqu5YA6ruXAOq7mADqu5kA6ruaAOq7mwDqu5wA6rudAOq7ngDqu58A6rugAOq7oQDqu6IA6rujAOq7pADqu6UA6rumAOq7pwDqu6gA6rupAOq7qgDqu6sA6rusAOq7rQDqu64A6ruvAOq7sADqu7EA6ruyAOq7swDqu7QA6ru1AOq7tgDqu7cA6ru4AOq7uQDqu7oA6ru7AOq7vADqu70A6ru+AOq7vwDqvIAA6ryBAOq8ggDqvIMA6ryEAOq8hQDqvIYA6ryHAOq8iADqvIkA6ryKAOq8iwDqvIwA6ryNAOq8jgDqvI8A6ryQAOq8kQDqvJIA6ryTAOq8lADqvJUA6ryWAOq8lwDqvJgA6ryZAOq8mgDqvJsA6rycAOq8nQDqvJ4A6ryfAOq8oADqvKEA6ryiAOq8owDqvKQA6rylAOq8pgDqvKcA6ryoAOq8qQDqvKoA6ryrAOq8rADqvK0A6ryuAOq8rwDqvLAA6ryxAOq8sgDqvLMA6ry0AOq8tQDqvLYA6ry3AOq8uADqvLkA6ry6AOq8uwDqvLwA6ry9AOq8vgDqvL8A6r2AAOq9gQDqvYIA6r2DAOq9hADqvYUA6r2GAOq9hwDqvYgA6r2JAOq9igDqvYsA6r2MAOq9jQDqvY4A6r2PAOq9kADqvZEA6r2SAOq9kwDqvZQA6r2VAOq9lgDqvZcA6r2YAOq9mQDqvZoA6r2bAOq9nADqvZ0A6r2eAOq9nwDqvaAA6r2hAOq9ogDqvaMA6r2kAOq9pQDqvaYA6r2nAOq9qADqvakA6r2qAOq9qwDqvawA6r2tAOq9rgDqva8A6r2wAOq9sQDqvbIA6r2zAOq9tADqvbUA6r22AOq9twDqvbgA6r25AOq9ugDqvbsA6r28AOq9vQDqvb4A6r2/AOq+gADqvoEA6r6CAOq+gwDqvoQA6r6FAOq+hgDqvocA6r6IAOq+iQDqvooA6r6LAOq+jADqvo0A6r6OAOq+jwDqvpAA6r6RAOq+kgDqvpMA6r6UAOq+lQDqvpYA6r6XAOq+mADqvpkA6r6aAOq+mwDqvpwA6r6dAOq+ngDqvp8A6r6gAOq+oQDqvqIA6r6jAOq+pADqvqUA6r6mAOq+pwDqvqgA6r6pAOq+qgDqvqsA6r6sAOq+rQDqvq4A6r6vAOq+sADqvrEA6r6yAOq+swDqvrQA6r61AOq+tgDqvrcA6r64AOq+uQDqvroA6r67AOq+vADqvr0A6r6+AOq+vwDqv4AA6r+BAOq/ggDqv4MA6r+EAOq/hQDqv4YA6r+HAOq/iADqv4kA6r+KAOq/iwDqv4wA6r+NAOq/jgDqv48A6r+QAOq/kQDqv5IA6r+TAOq/lADqv5UA6r+WAOq/lwDqv5gA6r+ZAOq/mgDqv5sA6r+cAOq/nQDqv54A6r+fAOq/oADqv6EA6r+iAOq/owDqv6QA6r+lAOq/pgDqv6cA6r+oAOq/qQDqv6oA6r+rAOq/rADqv60A6r+uAOq/rwDqv7AA6r+xAOq/sgDqv7MA6r+0AOq/tQDqv7YA6r+3AOq/uADqv7kA6r+6AOq/uwDqv7wA6r+9AOq/vgDqv78A64CAAOuAgQDrgIIA64CDAOuAhADrgIUA64CGAOuAhwDrgIgA64CJAOuAigDrgIsA64CMAOuAjQDrgI4A64CPAOuAkADrgJEA64CSAOuAkwDrgJQA64CVAOuAlgDrgJcA64CYAOuAmQDrgJoA64CbAOuAnADrgJ0A64CeAOuAnwDrgKAA64ChAOuAogDrgKMA64CkAOuApQDrgKYA64CnAOuAqADrgKkA64CqAOuAqwDrgKwA64CtAOuArgDrgK8A64CwAOuAsQDrgLIA64CzAOuAtADrgLUA64C2AOuAtwDrgLgA64C5AOuAugDrgLsA64C8AOuAvQDrgL4A64C/AOuBgADrgYEA64GCAOuBgwDrgYQA64GFAOuBhgDrgYcA64GIAOuBiQDrgYoA64GLAOuBjADrgY0A64GOAOuBjwDrgZAA64GRAOuBkgDrgZMA64GUAOuBlQDrgZYA64GXAOuBmADrgZkA64GaAOuBmwDrgZwA64GdAOuBngDrgZ8A64GgAOuBoQDrgaIA64GjAOuBpADrgaUA64GmAOuBpwDrgagA64GpAOuBqgDrgasA64GsAOuBrQDrga4A64GvAOuBsADrgbEA64GyAOuBswDrgbQA64G1AOuBtgDrgbcA64G4AOuBuQDrgboA64G7AOuBvADrgb0A64G+AOuBvwDrgoAA64KBAOuCggDrgoMA64KEAOuChQDrgoYA64KHAOuCiADrgokA64KKAOuCiwDrgowA64KNAOuCjgDrgo8A64KQAOuCkQDrgpIA64KTAOuClADrgpUA64KWAOuClwDrgpgA64KZAOuCmgDrgpsA64KcAOuCnQDrgp4A64KfAOuCoADrgqEA64KiAOuCowDrgqQA64KlAOuCpgDrgqcA64KoAOuCqQDrgqoA64KrAOuCrADrgq0A64KuAOuCrwDrgrAA64KxAOuCsgDrgrMA64K0AOuCtQDrgrYA64K3AOuCuADrgrkA64K6AOuCuwDrgrwA64K9AOuCvgDrgr8A64OAAOuDgQDrg4IA64ODAOuDhADrg4UA64OGAOuDhwDrg4gA64OJAOuDigDrg4sA64OMAOuDjQDrg44A64OPAOuDkADrg5EA64OSAOuDkwDrg5QA64OVAOuDlgDrg5cA64OYAOuDmQDrg5oA64ObAOuDnADrg50A64OeAOuDnwDrg6AA64OhAOuDogDrg6MA64OkAOuDpQDrg6YA64OnAOuDqADrg6kA64OqAOuDqwDrg6wA64OtAOuDrgDrg68A64OwAOuDsQDrg7IA64OzAOuDtADrg7UA64O2AOuDtwDrg7gA64O5AOuDugDrg7sA64O8AOuDvQDrg74A64O/AOuEgADrhIEA64SCAOuEgwDrhIQA64SFAOuEhgDrhIcA64SIAOuEiQDrhIoA64SLAOuEjADrhI0A64SOAOuEjwDrhJAA64SRAOuEkgDrhJMA64SUAOuElQDrhJYA64SXAOuEmADrhJkA64SaAOuEmwDrhJwA64SdAOuEngDrhJ8A64SgAOuEoQDrhKIA64SjAOuEpADrhKUA64SmAOuEpwDrhKgA64SpAOuEqgDrhKsA64SsAOuErQDrhK4A64SvAOuEsADrhLEA64SyAOuEswDrhLQA64S1AOuEtgDrhLcA64S4AOuEuQDrhLoA64S7AOuEvADrhL0A64S+AOuEvwDrhYAA64WBAOuFggDrhYMA64WEAOuFhQDrhYYA64WHAOuFiADrhYkA64WKAOuFiwDrhYwA64WNAOuFjgDrhY8A64WQAOuFkQDrhZIA64WTAOuFlADrhZUA64WWAOuFlwDrhZgA64WZAOuFmgDrhZsA64WcAOuFnQDrhZ4A64WfAOuFoADrhaEA64WiAOuFowDrhaQA64WlAOuFpgDrhacA64WoAOuFqQDrhaoA64WrAOuFrADrha0A64WuAOuFrwDrhbAA64WxAOuFsgDrhbMA64W0AOuFtQDrhbYA64W3AOuFuADrhbkA64W6AOuFuwDrhbwA64W9AOuFvgDrhb8A64aAAOuGgQDrhoIA64aDAOuGhADrhoUA64aGAOuGhwDrhogA64aJAOuGigDrhosA64aMAOuGjQDrho4A64aPAOuGkADrhpEA64aSAOuGkwDrhpQA64aVAOuGlgDrhpcA64aYAOuGmQDrhpoA64abAOuGnADrhp0A64aeAOuGnwDrhqAA64ahAOuGogDrhqMA64akAOuGpQDrhqYA64anAOuGqADrhqkA64aqAOuGqwDrhqwA64atAOuGrgDrhq8A64awAOuGsQDrhrIA64azAOuGtADrhrUA64a2AOuGtwDrhrgA64a5AOuGugDrhrsA64a8AOuGvQDrhr4A64a/AOuHgADrh4EA64eCAOuHgwDrh4QA64eFAOuHhgDrh4cA64eIAOuHiQDrh4oA64eLAOuHjADrh40A64eOAOuHjwDrh5AA64eRAOuHkgDrh5MA64eUAOuHlQDrh5YA64eXAOuHmADrh5kA64eaAOuHmwDrh5wA64edAOuHngDrh58A64egAOuHoQDrh6IA64ejAOuHpADrh6UA64emAOuHpwDrh6gA64epAOuHqgDrh6sA64esAOuHrQDrh64A64evAOuHsADrh7EA64eyAOuHswDrh7QA64e1AOuHtgDrh7cA64e4AOuHuQDrh7oA64e7AOuHvADrh70A64e+AOuHvwDriIAA64iBAOuIggDriIMA64iEAOuIhQDriIYA64iHAOuIiADriIkA64iKAOuIiwDriIwA64iNAOuIjgDriI8A64iQAOuIkQDriJIA64iTAOuIlADriJUA64iWAOuIlwDriJgA64iZAOuImgDriJsA64icAOuInQDriJ4A64ifAOuIoADriKEA64iiAOuIowDriKQA64ilAOuIpgDriKcA64ioAOuIqQDriKoA64irAOuIrADriK0A64iuAOuIrwDriLAA64ixAOuIsgDriLMA64i0AOuItQDriLYA64i3AOuIuADriLkA64i6AOuIuwDriLwA64i9AOuIvgDriL8A64mAAOuJgQDriYIA64mDAOuJhADriYUA64mGAOuJhwDriYgA64mJAOuJigDriYsA64mMAOuJjQDriY4A64mPAOuJkADriZEA64mSAOuJkwDriZQA64mVAOuJlgDriZcA64mYAOuJmQDriZoA64mbAOuJnADriZ0A64meAOuJnwDriaAA64mhAOuJogDriaMA64mkAOuJpQDriaYA64mnAOuJqADriakA64mqAOuJqwDriawA64mtAOuJrgDria8A64mwAOuJsQDribIA64mzAOuJtADribUA64m2AOuJtwDribgA64m5AOuJugDribsA64m8AOuJvQDrib4A64m/AOuKgADrioEA64qCAOuKgwDrioQA64qFAOuKhgDriocA64qIAOuKiQDriooA64qLAOuKjADrio0A64qOAOuKjwDripAA64qRAOuKkgDripMA64qUAOuKlQDripYA64qXAOuKmADripkA64qaAOuKmwDripwA64qdAOuKngDrip8A64qgAOuKoQDriqIA64qjAOuKpADriqUA64qmAOuKpwDriqgA64qpAOuKqgDriqsA64qsAOuKrQDriq4A64qvAOuKsADrirEA64qyAOuKswDrirQA64q1AOuKtgDrircA64q4AOuKuQDriroA64q7AOuKvADrir0A64q+AOuKvwDri4AA64uBAOuLggDri4MA64uEAOuLhQDri4YA64uHAOuLiADri4kA64uKAOuLiwDri4wA64uNAOuLjgDri48A64uQAOuLkQDri5IA64uTAOuLlADri5UA64uWAOuLlwDri5gA64uZAOuLmgDri5sA64ucAOuLnQDri54A64ufAOuLoADri6EA64uiAOuLowDri6QA64ulAOuLpgDri6cA64uoAOuLqQDri6oA64urAOuLrADri60A64uuAOuLrwDri7AA64uxAOuLsgDri7MA64u0AOuLtQDri7YA64u3AOuLuADri7kA64u6AOuLuwDri7wA64u9AOuLvgDri78A64yAAOuMgQDrjIIA64yDAOuMhADrjIUA64yGAOuMhwDrjIgA64yJAOuMigDrjIsA64yMAOuMjQDrjI4A64yPAOuMkADrjJEA64ySAOuMkwDrjJQA64yVAOuMlgDrjJcA64yYAOuMmQDrjJoA64ybAOuMnADrjJ0A64yeAOuMnwDrjKAA64yhAOuMogDrjKMA64ykAOuMpQDrjKYA64ynAOuMqADrjKkA64yqAOuMqwDrjKwA64ytAOuMrgDrjK8A64ywAOuMsQDrjLIA64yzAOuMtADrjLUA64y2AOuMtwDrjLgA64y5AOuMugDrjLsA64y8AOuMvQDrjL4A64y/AOuNgADrjYEA642CAOuNgwDrjYQA642FAOuNhgDrjYcA642IAOuNiQDrjYoA642LAOuNjADrjY0A642OAOuNjwDrjZAA642RAOuNkgDrjZMA642UAOuNlQDrjZYA642XAOuNmADrjZkA642aAOuNmwDrjZwA642dAOuNngDrjZ8A642gAOuNoQDrjaIA642jAOuNpADrjaUA642mAOuNpwDrjagA642pAOuNqgDrjasA642sAOuNrQDrja4A642vAOuNsADrjbEA642yAOuNswDrjbQA6421AOuNtgDrjbcA6424AOuNuQDrjboA6427AOuNvADrjb0A642+AOuNvwDrjoAA646BAOuOggDrjoMA646EAOuOhQDrjoYA646HAOuOiADrjokA646KAOuOiwDrjowA646NAOuOjgDrjo8A646QAOuOkQDrjpIA646TAOuOlADrjpUA646WAOuOlwDrjpgA646ZAOuOmgDrjpsA646cAOuOnQDrjp4A646fAOuOoADrjqEA646iAOuOowDrjqQA646lAOuOpgDrjqcA646oAOuOqQDrjqoA646rAOuOrADrjq0A646uAOuOrwDrjrAA646xAOuOsgDrjrMA6460AOuOtQDrjrYA6463AOuOuADrjrkA6466AOuOuwDrjrwA6469AOuOvgDrjr8A64+AAOuPgQDrj4IA64+DAOuPhADrj4UA64+GAOuPhwDrj4gA64+JAOuPigDrj4sA64+MAOuPjQDrj44A64+PAOuPkADrj5EA64+SAOuPkwDrj5QA64+VAOuPlgDrj5cA64+YAOuPmQDrj5oA64+bAOuPnADrj50A64+eAOuPnwDrj6AA64+hAOuPogDrj6MA64+kAOuPpQDrj6YA64+nAOuPqADrj6kA64+qAOuPqwDrj6wA64+tAOuPrgDrj68A64+wAOuPsQDrj7IA64+zAOuPtADrj7UA64+2AOuPtwDrj7gA64+5AOuPugDrj7sA64+8AOuPvQDrj74A64+/AOuQgADrkIEA65CCAOuQgwDrkIQA65CFAOuQhgDrkIcA65CIAOuQiQDrkIoA65CLAOuQjADrkI0A65COAOuQjwDrkJAA65CRAOuQkgDrkJMA65CUAOuQlQDrkJYA65CXAOuQmADrkJkA65CaAOuQmwDrkJwA65CdAOuQngDrkJ8A65CgAOuQoQDrkKIA65CjAOuQpADrkKUA65CmAOuQpwDrkKgA65CpAOuQqgDrkKsA65CsAOuQrQDrkK4A65CvAOuQsADrkLEA65CyAOuQswDrkLQA65C1AOuQtgDrkLcA65C4AOuQuQDrkLoA65C7AOuQvADrkL0A65C+AOuQvwDrkYAA65GBAOuRggDrkYMA65GEAOuRhQDrkYYA65GHAOuRiADrkYkA65GKAOuRiwDrkYwA65GNAOuRjgDrkY8A65GQAOuRkQDrkZIA65GTAOuRlADrkZUA65GWAOuRlwDrkZgA65GZAOuRmgDrkZsA65GcAOuRnQDrkZ4A65GfAOuRoADrkaEA65GiAOuRowDrkaQA65GlAOuRpgDrkacA65GoAOuRqQDrkaoA65GrAOuRrADrka0A65GuAOuRrwDrkbAA65GxAOuRsgDrkbMA65G0AOuRtQDrkbYA65G3AOuRuADrkbkA65G6AOuRuwDrkbwA65G9AOuRvgDrkb8A65KAAOuSgQDrkoIA65KDAOuShADrkoUA65KGAOuShwDrkogA65KJAOuSigDrkosA65KMAOuSjQDrko4A65KPAOuSkADrkpEA65KSAOuSkwDrkpQA65KVAOuSlgDrkpcA65KYAOuSmQDrkpoA65KbAOuSnADrkp0A65KeAOuSnwDrkqAA65KhAOuSogDrkqMA65KkAOuSpQDrkqYA65KnAOuSqADrkqkA65KqAOuSqwDrkqwA65KtAOuSrgDrkq8A65KwAOuSsQDrkrIA65KzAOuStADrkrUA65K2AOuStwDrkrgA65K5AOuSugDrkrsA65K8AOuSvQDrkr4A65K/AOuTgADrk4EA65OCAOuTgwDrk4QA65OFAOuThgDrk4cA65OIAOuTiQDrk4oA65OLAOuTjADrk40A65OOAOuTjwDrk5AA65ORAOuTkgDrk5MA65OUAOuTlQDrk5YA65OXAOuTmADrk5kA65OaAOuTmwDrk5wA65OdAOuTngDrk58A65OgAOuToQDrk6IA65OjAOuTpADrk6UA65OmAOuTpwDrk6gA65OpAOuTqgDrk6sA65OsAOuTrQDrk64A65OvAOuTsADrk7EA65OyAOuTswDrk7QA65O1AOuTtgDrk7cA65O4AOuTuQDrk7oA65O7AOuTvADrk70A65O+AOuTvwDrlIAA65SBAOuUggDrlIMA65SEAOuUhQDrlIYA65SHAOuUiADrlIkA65SKAOuUiwDrlIwA65SNAOuUjgDrlI8A65SQAOuUkQDrlJIA65STAOuUlADrlJUA65SWAOuUlwDrlJgA65SZAOuUmgDrlJsA65ScAOuUnQDrlJ4A65SfAOuUoADrlKEA65SiAOuUowDrlKQA65SlAOuUpgDrlKcA65SoAOuUqQDrlKoA65SrAOuUrADrlK0A65SuAOuUrwDrlLAA65SxAOuUsgDrlLMA65S0AOuUtQDrlLYA65S3AOuUuADrlLkA65S6AOuUuwDrlLwA65S9AOuUvgDrlL8A65WAAOuVgQDrlYIA65WDAOuVhADrlYUA65WGAOuVhwDrlYgA65WJAOuVigDrlYsA65WMAOuVjQDrlY4A65WPAOuVkADrlZEA65WSAOuVkwDrlZQA65WVAOuVlgDrlZcA65WYAOuVmQDrlZoA65WbAOuVnADrlZ0A65WeAOuVnwDrlaAA65WhAOuVogDrlaMA65WkAOuVpQDrlaYA65WnAOuVqADrlakA65WqAOuVqwDrlawA65WtAOuVrgDrla8A65WwAOuVsQDrlbIA65WzAOuVtADrlbUA65W2AOuVtwDrlbgA65W5AOuVugDrlbsA65W8AOuVvQDrlb4A65W/AOuWgADrloEA65aCAOuWgwDrloQA65aFAOuWhgDrlocA65aIAOuWiQDrlooA65aLAOuWjADrlo0A65aOAOuWjwDrlpAA65aRAOuWkgDrlpMA65aUAOuWlQDrlpYA65aXAOuWmADrlpkA65aaAOuWmwDrlpwA65adAOuWngDrlp8A65agAOuWoQDrlqIA65ajAOuWpADrlqUA65amAOuWpwDrlqgA65apAOuWqgDrlqsA65asAOuWrQDrlq4A65avAOuWsADrlrEA65ayAOuWswDrlrQA65a1AOuWtgDrlrcA65a4AOuWuQDrlroA65a7AOuWvADrlr0A65a+AOuWvwDrl4AA65eBAOuXggDrl4MA65eEAOuXhQDrl4YA65eHAOuXiADrl4kA65eKAOuXiwDrl4wA65eNAOuXjgDrl48A65eQAOuXkQDrl5IA65eTAOuXlADrl5UA65eWAOuXlwDrl5gA65eZAOuXmgDrl5sA65ecAOuXnQDrl54A65efAOuXoADrl6EA65eiAOuXowDrl6QA65elAOuXpgDrl6cA65eoAOuXqQDrl6oA65erAOuXrADrl60A65euAOuXrwDrl7AA65exAOuXsgDrl7MA65e0AOuXtQDrl7YA65e3AOuXuADrl7kA65e6AOuXuwDrl7wA65e9AOuXvgDrl78A65iAAOuYgQDrmIIA65iDAOuYhADrmIUA65iGAOuYhwDrmIgA65iJAOuYigDrmIsA65iMAOuYjQDrmI4A65iPAOuYkADrmJEA65iSAOuYkwDrmJQA65iVAOuYlgDrmJcA65iYAOuYmQDrmJoA65ibAOuYnADrmJ0A65ieAOuYnwDrmKAA65ihAOuYogDrmKMA65ikAOuYpQDrmKYA65inAOuYqADrmKkA65iqAOuYqwDrmKwA65itAOuYrgDrmK8A65iwAOuYsQDrmLIA65izAOuYtADrmLUA65i2AOuYtwDrmLgA65i5AOuYugDrmLsA65i8AOuYvQDrmL4A65i/AOuZgADrmYEA65mCAOuZgwDrmYQA65mFAOuZhgDrmYcA65mIAOuZiQDrmYoA65mLAOuZjADrmY0A65mOAOuZjwDrmZAA65mRAOuZkgDrmZMA65mUAOuZlQDrmZYA65mXAOuZmADrmZkA65maAOuZmwDrmZwA65mdAOuZngDrmZ8A65mgAOuZoQDrmaIA65mjAOuZpADrmaUA65mmAOuZpwDrmagA65mpAOuZqgDrmasA65msAOuZrQDrma4A65mvAOuZsADrmbEA65myAOuZswDrmbQA65m1AOuZtgDrmbcA65m4AOuZuQDrmboA65m7AOuZvADrmb0A65m+AOuZvwDrmoAA65qBAOuaggDrmoMA65qEAOuahQDrmoYA65qHAOuaiADrmokA65qKAOuaiwDrmowA65qNAOuajgDrmo8A65qQAOuakQDrmpIA65qTAOualADrmpUA65qWAOualwDrmpgA65qZAOuamgDrmpsA65qcAOuanQDrmp4A65qfAOuaoADrmqEA65qiAOuaowDrmqQA65qlAOuapgDrmqcA65qoAOuaqQDrmqoA65qrAOuarADrmq0A65quAOuarwDrmrAA65qxAOuasgDrmrMA65q0AOuatQDrmrYA65q3AOuauADrmrkA65q6AOuauwDrmrwA65q9AOuavgDrmr8A65uAAOubgQDrm4IA65uDAOubhADrm4UA65uGAOubhwDrm4gA65uJAOubigDrm4sA65uMAOubjQDrm44A65uPAOubkADrm5EA65uSAOubkwDrm5QA65uVAOublgDrm5cA65uYAOubmQDrm5oA65ubAOubnADrm50A65ueAOubnwDrm6AA65uhAOubogDrm6MA65ukAOubpQDrm6YA65unAOubqADrm6kA65uqAOubqwDrm6wA65utAOubrgDrm68A65uwAOubsQDrm7IA65uzAOubtADrm7UA65u2AOubtwDrm7gA65u5AOubugDrm7sA65u8AOubvQDrm74A65u/AOucgADrnIEA65yCAOucgwDrnIQA65yFAOuchgDrnIcA65yIAOuciQDrnIoA65yLAOucjADrnI0A65yOAOucjwDrnJAA65yRAOuckgDrnJMA65yUAOuclQDrnJYA65yXAOucmADrnJkA65yaAOucmwDrnJwA65ydAOucngDrnJ8A65ygAOucoQDrnKIA65yjAOucpADrnKUA65ymAOucpwDrnKgA65ypAOucqgDrnKsA65ysAOucrQDrnK4A65yvAOucsADrnLEA65yyAOucswDrnLQA65y1AOuctgDrnLcA65y4AOucuQDrnLoA65y7AOucvADrnL0A65y+AOucvwDrnYAA652BAOudggDrnYMA652EAOudhQDrnYYA652HAOudiADrnYkA652KAOudiwDrnYwA652NAOudjgDrnY8A652QAOudkQDrnZIA652TAOudlADrnZUA652WAOudlwDrnZgA652ZAOudmgDrnZsA652cAOudnQDrnZ4A652fAOudoADrnaEA652iAOudowDrnaQA652lAOudpgDrnacA652oAOudqQDrnaoA652rAOudrADrna0A652uAOudrwDrnbAA652xAOudsgDrnbMA6520AOudtQDrnbYA6523AOuduADrnbkA6526AOuduwDrnbwA6529AOudvgDrnb8A656AAOuegQDrnoIA656DAOuehADrnoUA656GAOuehwDrnogA656JAOueigDrnosA656MAOuejQDrno4A656PAOuekADrnpEA656SAOuekwDrnpQA656VAOuelgDrnpcA656YAOuemQDrnpoA656bAOuenADrnp0A656eAOuenwDrnqAA656hAOueogDrnqMA656kAOuepQDrnqYA656nAOueqADrnqkA656qAOueqwDrnqwA656tAOuergDrnq8A656wAOuesQDrnrIA656zAOuetADrnrUA6562AOuetwDrnrgA6565AOueugDrnrsA6568AOuevQDrnr4A656/AOufgADrn4EA65+CAOufgwDrn4QA65+FAOufhgDrn4cA65+IAOufiQDrn4oA65+LAOufjADrn40A65+OAOufjwDrn5AA65+RAOufkgDrn5MA65+UAOuflQDrn5YA65+XAOufmADrn5kA65+aAOufmwDrn5wA65+dAOufngDrn58A65+gAOufoQDrn6IA65+jAOufpADrn6UA65+mAOufpwDrn6gA65+pAOufqgDrn6sA65+sAOufrQDrn64A65+vAOufsADrn7EA65+yAOufswDrn7QA65+1AOuftgDrn7cA65+4AOufuQDrn7oA65+7AOufvADrn70A65++AOufvwDroIAA66CBAOugggDroIMA66CEAOughQDroIYA66CHAOugiADroIkA66CKAOugiwDroIwA66CNAOugjgDroI8A66CQAOugkQDroJIA66CTAOuglADroJUA66CWAOuglwDroJgA66CZAOugmgDroJsA66CcAOugnQDroJ4A66CfAOugoADroKEA66CiAOugowDroKQA66ClAOugpgDroKcA66CoAOugqQDroKoA66CrAOugrADroK0A66CuAOugrwDroLAA66CxAOugsgDroLMA66C0AOugtQDroLYA66C3AOuguADroLkA66C6AOuguwDroLwA66C9AOugvgDroL8A66GAAOuhgQDroYIA66GDAOuhhADroYUA66GGAOuhhwDroYgA66GJAOuhigDroYsA66GMAOuhjQDroY4A66GPAOuhkADroZEA66GSAOuhkwDroZQA66GVAOuhlgDroZcA66GYAOuhmQDroZoA66GbAOuhnADroZ0A66GeAOuhnwDroaAA66GhAOuhogDroaMA66GkAOuhpQDroaYA66GnAOuhqADroakA66GqAOuhqwDroawA66GtAOuhrgDroa8A66GwAOuhsQDrobIA66GzAOuhtADrobUA66G2AOuhtwDrobgA66G5AOuhugDrobsA66G8AOuhvQDrob4A66G/AOuigADrooEA66KCAOuigwDrooQA66KFAOuihgDroocA66KIAOuiiQDroooA66KLAOuijADroo0A66KOAOuijwDropAA66KRAOuikgDropMA66KUAOuilQDropYA66KXAOuimADropkA66KaAOuimwDropwA66KdAOuingDrop8A66KgAOuioQDroqIA66KjAOuipADroqUA66KmAOuipwDroqgA66KpAOuiqgDroqsA66KsAOuirQDroq4A66KvAOuisADrorEA66KyAOuiswDrorQA66K1AOuitgDrorcA66K4AOuiuQDroroA66K7AOuivADror0A66K+AOuivwDro4AA66OBAOujggDro4MA66OEAOujhQDro4YA66OHAOujiADro4kA66OKAOujiwDro4wA66ONAOujjgDro48A66OQAOujkQDro5IA66OTAOujlADro5UA66OWAOujlwDro5gA66OZAOujmgDro5sA66OcAOujnQDro54A66OfAOujoADro6EA66OiAOujowDro6QA66OlAOujpgDro6cA66OoAOujqQDro6oA66OrAOujrADro60A66OuAOujrwDro7AA66OxAOujsgDro7MA66O0AOujtQDro7YA66O3AOujuADro7kA66O6AOujuwDro7wA66O9AOujvgDro78A66SAAOukgQDrpIIA66SDAOukhADrpIUA66SGAOukhwDrpIgA66SJAOukigDrpIsA66SMAOukjQDrpI4A66SPAOukkADrpJEA66SSAOukkwDrpJQA66SVAOuklgDrpJcA66SYAOukmQDrpJoA66SbAOuknADrpJ0A66SeAOuknwDrpKAA66ShAOukogDrpKMA66SkAOukpQDrpKYA66SnAOukqADrpKkA66SqAOukqwDrpKwA66StAOukrgDrpK8A66SwAOuksQDrpLIA66SzAOuktADrpLUA66S2AOuktwDrpLgA66S5AOukugDrpLsA66S8AOukvQDrpL4A66S/AOulgADrpYEA66WCAOulgwDrpYQA66WFAOulhgDrpYcA66WIAOuliQDrpYoA66WLAOuljADrpY0A66WOAOuljwDrpZAA66WRAOulkgDrpZMA66WUAOullQDrpZYA66WXAOulmADrpZkA66WaAOulmwDrpZwA66WdAOulngDrpZ8A66WgAOuloQDrpaIA66WjAOulpADrpaUA66WmAOulpwDrpagA66WpAOulqgDrpasA66WsAOulrQDrpa4A66WvAOulsADrpbEA66WyAOulswDrpbQA66W1AOultgDrpbcA66W4AOuluQDrpboA66W7AOulvADrpb0A66W+AOulvwDrpoAA66aBAOumggDrpoMA66aEAOumhQDrpoYA66aHAOumiADrpokA66aKAOumiwDrpowA66aNAOumjgDrpo8A66aQAOumkQDrppIA66aTAOumlADrppUA66aWAOumlwDrppgA66aZAOummgDrppsA66acAOumnQDrpp4A66afAOumoADrpqEA66aiAOumowDrpqQA66alAOumpgDrpqcA66aoAOumqQDrpqoA66arAOumrADrpq0A66auAOumrwDrprAA66axAOumsgDrprMA66a0AOumtQDrprYA66a3AOumuADrprkA66a6AOumuwDrprwA66a9AOumvgDrpr8A66eAAOungQDrp4IA66eDAOunhADrp4UA66eGAOunhwDrp4gA66eJAOunigDrp4sA66eMAOunjQDrp44A66ePAOunkADrp5EA66eSAOunkwDrp5QA66eVAOunlgDrp5cA66eYAOunmQDrp5oA66ebAOunnADrp50A66eeAOunnwDrp6AA66ehAOunogDrp6MA66ekAOunpQDrp6YA66enAOunqADrp6kA66eqAOunqwDrp6wA66etAOunrgDrp68A66ewAOunsQDrp7IA66ezAOuntADrp7UA66e2AOuntwDrp7gA66e5AOunugDrp7sA66e8AOunvQDrp74A66e/AOuogADrqIEA66iCAOuogwDrqIQA66iFAOuohgDrqIcA66iIAOuoiQDrqIoA66iLAOuojADrqI0A66iOAOuojwDrqJAA66iRAOuokgDrqJMA66iUAOuolQDrqJYA66iXAOuomADrqJkA66iaAOuomwDrqJwA66idAOuongDrqJ8A66igAOuooQDrqKIA66ijAOuopADrqKUA66imAOuopwDrqKgA66ipAOuoqgDrqKsA66isAOuorQDrqK4A66ivAOuosADrqLEA66iyAOuoswDrqLQA66i1AOuotgDrqLcA66i4AOuouQDrqLoA66i7AOuovADrqL0A66i+AOuovwDrqYAA66mBAOupggDrqYMA66mEAOuphQDrqYYA66mHAOupiADrqYkA66mKAOupiwDrqYwA66mNAOupjgDrqY8A66mQAOupkQDrqZIA66mTAOuplADrqZUA66mWAOuplwDrqZgA66mZAOupmgDrqZsA66mcAOupnQDrqZ4A66mfAOupoADrqaEA66miAOupowDrqaQA66mlAOuppgDrqacA66moAOupqQDrqaoA66mrAOuprADrqa0A66muAOuprwDrqbAA66mxAOupsgDrqbMA66m0AOuptQDrqbYA66m3AOupuADrqbkA66m6AOupuwDrqbwA66m9AOupvgDrqb8A66qAAOuqgQDrqoIA66qDAOuqhADrqoUA66qGAOuqhwDrqogA66qJAOuqigDrqosA66qMAOuqjQDrqo4A66qPAOuqkADrqpEA66qSAOuqkwDrqpQA66qVAOuqlgDrqpcA66qYAOuqmQDrqpoA66qbAOuqnADrqp0A66qeAOuqnwDrqqAA66qhAOuqogDrqqMA66qkAOuqpQDrqqYA66qnAOuqqADrqqkA66qqAOuqqwDrqqwA66qtAOuqrgDrqq8A66qwAOuqsQDrqrIA66qzAOuqtADrqrUA66q2AOuqtwDrqrgA66q5AOuqugDrqrsA66q8AOuqvQDrqr4A66q/AOurgADrq4EA66uCAOurgwDrq4QA66uFAOurhgDrq4cA66uIAOuriQDrq4oA66uLAOurjADrq40A66uOAOurjwDrq5AA66uRAOurkgDrq5MA66uUAOurlQDrq5YA66uXAOurmADrq5kA66uaAOurmwDrq5wA66udAOurngDrq58A66ugAOuroQDrq6IA66ujAOurpADrq6UA66umAOurpwDrq6gA66upAOurqgDrq6sA66usAOurrQDrq64A66uvAOursADrq7EA66uyAOurswDrq7QA66u1AOurtgDrq7cA66u4AOuruQDrq7oA66u7AOurvADrq70A66u+AOurvwDrrIAA66yBAOusggDrrIMA66yEAOushQDrrIYA66yHAOusiADrrIkA66yKAOusiwDrrIwA66yNAOusjgDrrI8A66yQAOuskQDrrJIA66yTAOuslADrrJUA66yWAOuslwDrrJgA66yZAOusmgDrrJsA66ycAOusnQDrrJ4A66yfAOusoADrrKEA66yiAOusowDrrKQA66ylAOuspgDrrKcA66yoAOusqQDrrKoA66yrAOusrADrrK0A66yuAOusrwDrrLAA66yxAOussgDrrLMA66y0AOustQDrrLYA66y3AOusuADrrLkA66y6AOusuwDrrLwA66y9AOusvgDrrL8A662AAOutgQDrrYIA662DAOuthADrrYUA662GAOuthwDrrYgA662JAOutigDrrYsA662MAOutjQDrrY4A662PAOutkADrrZEA662SAOutkwDrrZQA662VAOutlgDrrZcA662YAOutmQDrrZoA662bAOutnADrrZ0A662eAOutnwDrraAA662hAOutogDrraMA662kAOutpQDrraYA662nAOutqADrrakA662qAOutqwDrrawA662tAOutrgDrra8A662wAOutsQDrrbIA662zAOuttADrrbUA6622AOuttwDrrbgA6625AOutugDrrbsA6628AOutvQDrrb4A662/AOuugADrroEA666CAOuugwDrroQA666FAOuuhgDrrocA666IAOuuiQDrrooA666LAOuujADrro0A666OAOuujwDrrpAA666RAOuukgDrrpMA666UAOuulQDrrpYA666XAOuumADrrpkA666aAOuumwDrrpwA666dAOuungDrrp8A666gAOuuoQDrrqIA666jAOuupADrrqUA666mAOuupwDrrqgA666pAOuuqgDrrqsA666sAOuurQDrrq4A666vAOuusADrrrEA666yAOuuswDrrrQA6661AOuutgDrrrcA6664AOuuuQDrrroA6667AOuuvADrrr0A666+AOuuvwDrr4AA66+BAOuvggDrr4MA66+EAOuvhQDrr4YA66+HAOuviADrr4kA66+KAOuviwDrr4wA66+NAOuvjgDrr48A66+QAOuvkQDrr5IA66+TAOuvlADrr5UA66+WAOuvlwDrr5gA66+ZAOuvmgDrr5sA66+cAOuvnQDrr54A66+fAOuvoADrr6EA66+iAOuvowDrr6QA66+lAOuvpgDrr6cA66+oAOuvqQDrr6oA66+rAOuvrADrr60A66+uAOuvrwDrr7AA66+xAOuvsgDrr7MA66+0AOuvtQDrr7YA66+3AOuvuADrr7kA66+6AOuvuwDrr7wA66+9AOuvvgDrr78A67CAAOuwgQDrsIIA67CDAOuwhADrsIUA67CGAOuwhwDrsIgA67CJAOuwigDrsIsA67CMAOuwjQDrsI4A67CPAOuwkADrsJEA67CSAOuwkwDrsJQA67CVAOuwlgDrsJcA67CYAOuwmQDrsJoA67CbAOuwnADrsJ0A67CeAOuwnwDrsKAA67ChAOuwogDrsKMA67CkAOuwpQDrsKYA67CnAOuwqADrsKkA67CqAOuwqwDrsKwA67CtAOuwrgDrsK8A67CwAOuwsQDrsLIA67CzAOuwtADrsLUA67C2AOuwtwDrsLgA67C5AOuwugDrsLsA67C8AOuwvQDrsL4A67C/AOuxgADrsYEA67GCAOuxgwDrsYQA67GFAOuxhgDrsYcA67GIAOuxiQDrsYoA67GLAOuxjADrsY0A67GOAOuxjwDrsZAA67GRAOuxkgDrsZMA67GUAOuxlQDrsZYA67GXAOuxmADrsZkA67GaAOuxmwDrsZwA67GdAOuxngDrsZ8A67GgAOuxoQDrsaIA67GjAOuxpADrsaUA67GmAOuxpwDrsagA67GpAOuxqgDrsasA67GsAOuxrQDrsa4A67GvAOuxsADrsbEA67GyAOuxswDrsbQA67G1AOuxtgDrsbcA67G4AOuxuQDrsboA67G7AOuxvADrsb0A67G+AOuxvwDrsoAA67KBAOuyggDrsoMA67KEAOuyhQDrsoYA67KHAOuyiADrsokA67KKAOuyiwDrsowA67KNAOuyjgDrso8A67KQAOuykQDrspIA67KTAOuylADrspUA67KWAOuylwDrspgA67KZAOuymgDrspsA67KcAOuynQDrsp4A67KfAOuyoADrsqEA67KiAOuyowDrsqQA67KlAOuypgDrsqcA67KoAOuyqQDrsqoA67KrAOuyrADrsq0A67KuAOuyrwDrsrAA67KxAOuysgDrsrMA67K0AOuytQDrsrYA67K3AOuyuADrsrkA67K6AOuyuwDrsrwA67K9AOuyvgDrsr8A67OAAOuzgQDrs4IA67ODAOuzhADrs4UA67OGAOuzhwDrs4gA67OJAOuzigDrs4sA67OMAOuzjQDrs44A67OPAOuzkADrs5EA67OSAOuzkwDrs5QA67OVAOuzlgDrs5cA67OYAOuzmQDrs5oA67ObAOuznADrs50A67OeAOuznwDrs6AA67OhAOuzogDrs6MA67OkAOuzpQDrs6YA67OnAOuzqADrs6kA67OqAOuzqwDrs6wA67OtAOuzrgDrs68A67OwAOuzsQDrs7IA67OzAOuztADrs7UA67O2AOuztwDrs7gA67O5AOuzugDrs7sA67O8AOuzvQDrs74A67O/AOu0gADrtIEA67SCAOu0gwDrtIQA67SFAOu0hgDrtIcA67SIAOu0iQDrtIoA67SLAOu0jADrtI0A67SOAOu0jwDrtJAA67SRAOu0kgDrtJMA67SUAOu0lQDrtJYA67SXAOu0mADrtJkA67SaAOu0mwDrtJwA67SdAOu0ngDrtJ8A67SgAOu0oQDrtKIA67SjAOu0pADrtKUA67SmAOu0pwDrtKgA67SpAOu0qgDrtKsA67SsAOu0rQDrtK4A67SvAOu0sADrtLEA67SyAOu0swDrtLQA67S1AOu0tgDrtLcA67S4AOu0uQDrtLoA67S7AOu0vADrtL0A67S+AOu0vwDrtYAA67WBAOu1ggDrtYMA67WEAOu1hQDrtYYA67WHAOu1iADrtYkA67WKAOu1iwDrtYwA67WNAOu1jgDrtY8A67WQAOu1kQDrtZIA67WTAOu1lADrtZUA67WWAOu1lwDrtZgA67WZAOu1mgDrtZsA67WcAOu1nQDrtZ4A67WfAOu1oADrtaEA67WiAOu1owDrtaQA67WlAOu1pgDrtacA67WoAOu1qQDrtaoA67WrAOu1rADrta0A67WuAOu1rwDrtbAA67WxAOu1sgDrtbMA67W0AOu1tQDrtbYA67W3AOu1uADrtbkA67W6AOu1uwDrtbwA67W9AOu1vgDrtb8A67aAAOu2gQDrtoIA67aDAOu2hADrtoUA67aGAOu2hwDrtogA67aJAOu2igDrtosA67aMAOu2jQDrto4A67aPAOu2kADrtpEA67aSAOu2kwDrtpQA67aVAOu2lgDrtpcA67aYAOu2mQDrtpoA67abAOu2nADrtp0A67aeAOu2nwDrtqAA67ahAOu2ogDrtqMA67akAOu2pQDrtqYA67anAOu2qADrtqkA67aqAOu2qwDrtqwA67atAOu2rgDrtq8A67awAOu2sQDrtrIA67azAOu2tADrtrUA67a2AOu2twDrtrgA67a5AOu2ugDrtrsA67a8AOu2vQDrtr4A67a/AOu3gADrt4EA67eCAOu3gwDrt4QA67eFAOu3hgDrt4cA67eIAOu3iQDrt4oA67eLAOu3jADrt40A67eOAOu3jwDrt5AA67eRAOu3kgDrt5MA67eUAOu3lQDrt5YA67eXAOu3mADrt5kA67eaAOu3mwDrt5wA67edAOu3ngDrt58A67egAOu3oQDrt6IA67ejAOu3pADrt6UA67emAOu3pwDrt6gA67epAOu3qgDrt6sA67esAOu3rQDrt64A67evAOu3sADrt7EA67eyAOu3swDrt7QA67e1AOu3tgDrt7cA67e4AOu3uQDrt7oA67e7AOu3vADrt70A67e+AOu3vwDruIAA67iBAOu4ggDruIMA67iEAOu4hQDruIYA67iHAOu4iADruIkA67iKAOu4iwDruIwA67iNAOu4jgDruI8A67iQAOu4kQDruJIA67iTAOu4lADruJUA67iWAOu4lwDruJgA67iZAOu4mgDruJsA67icAOu4nQDruJ4A67ifAOu4oADruKEA67iiAOu4owDruKQA67ilAOu4pgDruKcA67ioAOu4qQDruKoA67irAOu4rADruK0A67iuAOu4rwDruLAA67ixAOu4sgDruLMA67i0AOu4tQDruLYA67i3AOu4uADruLkA67i6AOu4uwDruLwA67i9AOu4vgDruL8A67mAAOu5gQDruYIA67mDAOu5hADruYUA67mGAOu5hwDruYgA67mJAOu5igDruYsA67mMAOu5jQDruY4A67mPAOu5kADruZEA67mSAOu5kwDruZQA67mVAOu5lgDruZcA67mYAOu5mQDruZoA67mbAOu5nADruZ0A67meAOu5nwDruaAA67mhAOu5ogDruaMA67mkAOu5pQDruaYA67mnAOu5qADruakA67mqAOu5qwDruawA67mtAOu5rgDrua8A67mwAOu5sQDrubIA67mzAOu5tADrubUA67m2AOu5twDrubgA67m5AOu5ugDrubsA67m8AOu5vQDrub4A67m/AOu6gADruoEA67qCAOu6gwDruoQA67qFAOu6hgDruocA67qIAOu6iQDruooA67qLAOu6jADruo0A67qOAOu6jwDrupAA67qRAOu6kgDrupMA67qUAOu6lQDrupYA67qXAOu6mADrupkA67qaAOu6mwDrupwA67qdAOu6ngDrup8A67qgAOu6oQDruqIA67qjAOu6pADruqUA67qmAOu6pwDruqgA67qpAOu6qgDruqsA67qsAOu6rQDruq4A67qvAOu6sADrurEA67qyAOu6swDrurQA67q1AOu6tgDrurcA67q4AOu6uQDruroA67q7AOu6vADrur0A67q+AOu6vwDru4AA67uBAOu7ggDru4MA67uEAOu7hQDru4YA67uHAOu7iADru4kA67uKAOu7iwDru4wA67uNAOu7jgDru48A67uQAOu7kQDru5IA67uTAOu7lADru5UA67uWAOu7lwDru5gA67uZAOu7mgDru5sA67ucAOu7nQDru54A67ufAOu7oADru6EA67uiAOu7owDru6QA67ulAOu7pgDru6cA67uoAOu7qQDru6oA67urAOu7rADru60A67uuAOu7rwDru7AA67uxAOu7sgDru7MA67u0AOu7tQDru7YA67u3AOu7uADru7kA67u6AOu7uwDru7wA67u9AOu7vgDru78A67yAAOu8gQDrvIIA67yDAOu8hADrvIUA67yGAOu8hwDrvIgA67yJAOu8igDrvIsA67yMAOu8jQDrvI4A67yPAOu8kADrvJEA67ySAOu8kwDrvJQA67yVAOu8lgDrvJcA67yYAOu8mQDrvJoA67ybAOu8nADrvJ0A67yeAOu8nwDrvKAA67yhAOu8ogDrvKMA67ykAOu8pQDrvKYA67ynAOu8qADrvKkA67yqAOu8qwDrvKwA67ytAOu8rgDrvK8A67ywAOu8sQDrvLIA67yzAOu8tADrvLUA67y2AOu8twDrvLgA67y5AOu8ugDrvLsA67y8AOu8vQDrvL4A67y/AOu9gADrvYEA672CAOu9gwDrvYQA672FAOu9hgDrvYcA672IAOu9iQDrvYoA672LAOu9jADrvY0A672OAOu9jwDrvZAA672RAOu9kgDrvZMA672UAOu9lQDrvZYA672XAOu9mADrvZkA672aAOu9mwDrvZwA672dAOu9ngDrvZ8A672gAOu9oQDrvaIA672jAOu9pADrvaUA672mAOu9pwDrvagA672pAOu9qgDrvasA672sAOu9rQDrva4A672vAOu9sADrvbEA672yAOu9swDrvbQA6721AOu9tgDrvbcA6724AOu9uQDrvboA6727AOu9vADrvb0A672+AOu9vwDrvoAA676BAOu+ggDrvoMA676EAOu+hQDrvoYA676HAOu+iADrvokA676KAOu+iwDrvowA676NAOu+jgDrvo8A676QAOu+kQDrvpIA676TAOu+lADrvpUA676WAOu+lwDrvpgA676ZAOu+mgDrvpsA676cAOu+nQDrvp4A676fAOu+oADrvqEA676iAOu+owDrvqQA676lAOu+pgDrvqcA676oAOu+qQDrvqoA676rAOu+rADrvq0A676uAOu+rwDrvrAA676xAOu+sgDrvrMA6760AOu+tQDrvrYA6763AOu+uADrvrkA6766AOu+uwDrvrwA6769AOu+vgDrvr8A67+AAOu/gQDrv4IA67+DAOu/hADrv4UA67+GAOu/hwDrv4gA67+JAOu/igDrv4sA67+MAOu/jQDrv44A67+PAOu/kADrv5EA67+SAOu/kwDrv5QA67+VAOu/lgDrv5cA67+YAOu/mQDrv5oA67+bAOu/nADrv50A67+eAOu/nwDrv6AA67+hAOu/ogDrv6MA67+kAOu/pQDrv6YA67+nAOu/qADrv6kA67+qAOu/qwDrv6wA67+tAOu/rgDrv68A67+wAOu/sQDrv7IA67+zAOu/tADrv7UA67+2AOu/twDrv7gA67+5AOu/ugDrv7sA67+8AOu/vQDrv74A67+/AOyAgADsgIEA7ICCAOyAgwDsgIQA7ICFAOyAhgDsgIcA7ICIAOyAiQDsgIoA7ICLAOyAjADsgI0A7ICOAOyAjwDsgJAA7ICRAOyAkgDsgJMA7ICUAOyAlQDsgJYA7ICXAOyAmADsgJkA7ICaAOyAmwDsgJwA7ICdAOyAngDsgJ8A7ICgAOyAoQDsgKIA7ICjAOyApADsgKUA7ICmAOyApwDsgKgA7ICpAOyAqgDsgKsA7ICsAOyArQDsgK4A7ICvAOyAsADsgLEA7ICyAOyAswDsgLQA7IC1AOyAtgDsgLcA7IC4AOyAuQDsgLoA7IC7AOyAvADsgL0A7IC+AOyAvwDsgYAA7IGBAOyBggDsgYMA7IGEAOyBhQDsgYYA7IGHAOyBiADsgYkA7IGKAOyBiwDsgYwA7IGNAOyBjgDsgY8A7IGQAOyBkQDsgZIA7IGTAOyBlADsgZUA7IGWAOyBlwDsgZgA7IGZAOyBmgDsgZsA7IGcAOyBnQDsgZ4A7IGfAOyBoADsgaEA7IGiAOyBowDsgaQA7IGlAOyBpgDsgacA7IGoAOyBqQDsgaoA7IGrAOyBrADsga0A7IGuAOyBrwDsgbAA7IGxAOyBsgDsgbMA7IG0AOyBtQDsgbYA7IG3AOyBuADsgbkA7IG6AOyBuwDsgbwA7IG9AOyBvgDsgb8A7IKAAOyCgQDsgoIA7IKDAOyChADsgoUA7IKGAOyChwDsgogA7IKJAOyCigDsgosA7IKMAOyCjQDsgo4A7IKPAOyCkADsgpEA7IKSAOyCkwDsgpQA7IKVAOyClgDsgpcA7IKYAOyCmQDsgpoA7IKbAOyCnADsgp0A7IKeAOyCnwDsgqAA7IKhAOyCogDsgqMA7IKkAOyCpQDsgqYA7IKnAOyCqADsgqkA7IKqAOyCqwDsgqwA7IKtAOyCrgDsgq8A7IKwAOyCsQDsgrIA7IKzAOyCtADsgrUA7IK2AOyCtwDsgrgA7IK5AOyCugDsgrsA7IK8AOyCvQDsgr4A7IK/AOyDgADsg4EA7IOCAOyDgwDsg4QA7IOFAOyDhgDsg4cA7IOIAOyDiQDsg4oA7IOLAOyDjADsg40A7IOOAOyDjwDsg5AA7IORAOyDkgDsg5MA7IOUAOyDlQDsg5YA7IOXAOyDmADsg5kA7IOaAOyDmwDsg5wA7IOdAOyDngDsg58A7IOgAOyDoQDsg6IA7IOjAOyDpADsg6UA7IOmAOyDpwDsg6gA7IOpAOyDqgDsg6sA7IOsAOyDrQDsg64A7IOvAOyDsADsg7EA7IOyAOyDswDsg7QA7IO1AOyDtgDsg7cA7IO4AOyDuQDsg7oA7IO7AOyDvADsg70A7IO+AOyDvwDshIAA7ISBAOyEggDshIMA7ISEAOyEhQDshIYA7ISHAOyEiADshIkA7ISKAOyEiwDshIwA7ISNAOyEjgDshI8A7ISQAOyEkQDshJIA7ISTAOyElADshJUA7ISWAOyElwDshJgA7ISZAOyEmgDshJsA7IScAOyEnQDshJ4A7ISfAOyEoADshKEA7ISiAOyEowDshKQA7ISlAOyEpgDshKcA7ISoAOyEqQDshKoA7ISrAOyErADshK0A7ISuAOyErwDshLAA7ISxAOyEsgDshLMA7IS0AOyEtQDshLYA7IS3AOyEuADshLkA7IS6AOyEuwDshLwA7IS9AOyEvgDshL8A7IWAAOyFgQDshYIA7IWDAOyFhADshYUA7IWGAOyFhwDshYgA7IWJAOyFigDshYsA7IWMAOyFjQDshY4A7IWPAOyFkADshZEA7IWSAOyFkwDshZQA7IWVAOyFlgDshZcA7IWYAOyFmQDshZoA7IWbAOyFnADshZ0A7IWeAOyFnwDshaAA7IWhAOyFogDshaMA7IWkAOyFpQDshaYA7IWnAOyFqADshakA7IWqAOyFqwDshawA7IWtAOyFrgDsha8A7IWwAOyFsQDshbIA7IWzAOyFtADshbUA7IW2AOyFtwDshbgA7IW5AOyFugDshbsA7IW8AOyFvQDshb4A7IW/AOyGgADshoEA7IaCAOyGgwDshoQA7IaFAOyGhgDshocA7IaIAOyGiQDshooA7IaLAOyGjADsho0A7IaOAOyGjwDshpAA7IaRAOyGkgDshpMA7IaUAOyGlQDshpYA7IaXAOyGmADshpkA7IaaAOyGmwDshpwA7IadAOyGngDshp8A7IagAOyGoQDshqIA7IajAOyGpADshqUA7IamAOyGpwDshqgA7IapAOyGqgDshqsA7IasAOyGrQDshq4A7IavAOyGsADshrEA7IayAOyGswDshrQA7Ia1AOyGtgDshrcA7Ia4AOyGuQDshroA7Ia7AOyGvADshr0A7Ia+AOyGvwDsh4AA7IeBAOyHggDsh4MA7IeEAOyHhQDsh4YA7IeHAOyHiADsh4kA7IeKAOyHiwDsh4wA7IeNAOyHjgDsh48A7IeQAOyHkQDsh5IA7IeTAOyHlADsh5UA7IeWAOyHlwDsh5gA7IeZAOyHmgDsh5sA7IecAOyHnQDsh54A7IefAOyHoADsh6EA7IeiAOyHowDsh6QA7IelAOyHpgDsh6cA7IeoAOyHqQDsh6oA7IerAOyHrADsh60A7IeuAOyHrwDsh7AA7IexAOyHsgDsh7MA7Ie0AOyHtQDsh7YA7Ie3AOyHuADsh7kA7Ie6AOyHuwDsh7wA7Ie9AOyHvgDsh78A7IiAAOyIgQDsiIIA7IiDAOyIhADsiIUA7IiGAOyIhwDsiIgA7IiJAOyIigDsiIsA7IiMAOyIjQDsiI4A7IiPAOyIkADsiJEA7IiSAOyIkwDsiJQA7IiVAOyIlgDsiJcA7IiYAOyImQDsiJoA7IibAOyInADsiJ0A7IieAOyInwDsiKAA7IihAOyIogDsiKMA7IikAOyIpQDsiKYA7IinAOyIqADsiKkA7IiqAOyIqwDsiKwA7IitAOyIrgDsiK8A7IiwAOyIsQDsiLIA7IizAOyItADsiLUA7Ii2AOyItwDsiLgA7Ii5AOyIugDsiLsA7Ii8AOyIvQDsiL4A7Ii/AOyJgADsiYEA7ImCAOyJgwDsiYQA7ImFAOyJhgDsiYcA7ImIAOyJiQDsiYoA7ImLAOyJjADsiY0A7ImOAOyJjwDsiZAA7ImRAOyJkgDsiZMA7ImUAOyJlQDsiZYA7ImXAOyJmADsiZkA7ImaAOyJmwDsiZwA7ImdAOyJngDsiZ8A7ImgAOyJoQDsiaIA7ImjAOyJpADsiaUA7ImmAOyJpwDsiagA7ImpAOyJqgDsiasA7ImsAOyJrQDsia4A7ImvAOyJsADsibEA7ImyAOyJswDsibQA7Im1AOyJtgDsibcA7Im4AOyJuQDsiboA7Im7AOyJvADsib0A7Im+AOyJvwDsioAA7IqBAOyKggDsioMA7IqEAOyKhQDsioYA7IqHAOyKiADsiokA7IqKAOyKiwDsiowA7IqNAOyKjgDsio8A7IqQAOyKkQDsipIA7IqTAOyKlADsipUA7IqWAOyKlwDsipgA7IqZAOyKmgDsipsA7IqcAOyKnQDsip4A7IqfAOyKoADsiqEA7IqiAOyKowDsiqQA7IqlAOyKpgDsiqcA7IqoAOyKqQDsiqoA7IqrAOyKrADsiq0A7IquAOyKrwDsirAA7IqxAOyKsgDsirMA7Iq0AOyKtQDsirYA7Iq3AOyKuADsirkA7Iq6AOyKuwDsirwA7Iq9AOyKvgDsir8A7IuAAOyLgQDsi4IA7IuDAOyLhADsi4UA7IuGAOyLhwDsi4gA7IuJAOyLigDsi4sA7IuMAOyLjQDsi44A7IuPAOyLkADsi5EA7IuSAOyLkwDsi5QA7IuVAOyLlgDsi5cA7IuYAOyLmQDsi5oA7IubAOyLnADsi50A7IueAOyLnwDsi6AA7IuhAOyLogDsi6MA7IukAOyLpQDsi6YA7IunAOyLqADsi6kA7IuqAOyLqwDsi6wA7IutAOyLrgDsi68A7IuwAOyLsQDsi7IA7IuzAOyLtADsi7UA7Iu2AOyLtwDsi7gA7Iu5AOyLugDsi7sA7Iu8AOyLvQDsi74A7Iu/AOyMgADsjIEA7IyCAOyMgwDsjIQA7IyFAOyMhgDsjIcA7IyIAOyMiQDsjIoA7IyLAOyMjADsjI0A7IyOAOyMjwDsjJAA7IyRAOyMkgDsjJMA7IyUAOyMlQDsjJYA7IyXAOyMmADsjJkA7IyaAOyMmwDsjJwA7IydAOyMngDsjJ8A7IygAOyMoQDsjKIA7IyjAOyMpADsjKUA7IymAOyMpwDsjKgA7IypAOyMqgDsjKsA7IysAOyMrQDsjK4A7IyvAOyMsADsjLEA7IyyAOyMswDsjLQA7Iy1AOyMtgDsjLcA7Iy4AOyMuQDsjLoA7Iy7AOyMvADsjL0A7Iy+AOyMvwDsjYAA7I2BAOyNggDsjYMA7I2EAOyNhQDsjYYA7I2HAOyNiADsjYkA7I2KAOyNiwDsjYwA7I2NAOyNjgDsjY8A7I2QAOyNkQDsjZIA7I2TAOyNlADsjZUA7I2WAOyNlwDsjZgA7I2ZAOyNmgDsjZsA7I2cAOyNnQDsjZ4A7I2fAOyNoADsjaEA7I2iAOyNowDsjaQA7I2lAOyNpgDsjacA7I2oAOyNqQDsjaoA7I2rAOyNrADsja0A7I2uAOyNrwDsjbAA7I2xAOyNsgDsjbMA7I20AOyNtQDsjbYA7I23AOyNuADsjbkA7I26AOyNuwDsjbwA7I29AOyNvgDsjb8A7I6AAOyOgQDsjoIA7I6DAOyOhADsjoUA7I6GAOyOhwDsjogA7I6JAOyOigDsjosA7I6MAOyOjQDsjo4A7I6PAOyOkADsjpEA7I6SAOyOkwDsjpQA7I6VAOyOlgDsjpcA7I6YAOyOmQDsjpoA7I6bAOyOnADsjp0A7I6eAOyOnwDsjqAA7I6hAOyOogDsjqMA7I6kAOyOpQDsjqYA7I6nAOyOqADsjqkA7I6qAOyOqwDsjqwA7I6tAOyOrgDsjq8A7I6wAOyOsQDsjrIA7I6zAOyOtADsjrUA7I62AOyOtwDsjrgA7I65AOyOugDsjrsA7I68AOyOvQDsjr4A7I6/AOyPgADsj4EA7I+CAOyPgwDsj4QA7I+FAOyPhgDsj4cA7I+IAOyPiQDsj4oA7I+LAOyPjADsj40A7I+OAOyPjwDsj5AA7I+RAOyPkgDsj5MA7I+UAOyPlQDsj5YA7I+XAOyPmADsj5kA7I+aAOyPmwDsj5wA7I+dAOyPngDsj58A7I+gAOyPoQDsj6IA7I+jAOyPpADsj6UA7I+mAOyPpwDsj6gA7I+pAOyPqgDsj6sA7I+sAOyPrQDsj64A7I+vAOyPsADsj7EA7I+yAOyPswDsj7QA7I+1AOyPtgDsj7cA7I+4AOyPuQDsj7oA7I+7AOyPvADsj70A7I++AOyPvwDskIAA7JCBAOyQggDskIMA7JCEAOyQhQDskIYA7JCHAOyQiADskIkA7JCKAOyQiwDskIwA7JCNAOyQjgDskI8A7JCQAOyQkQDskJIA7JCTAOyQlADskJUA7JCWAOyQlwDskJgA7JCZAOyQmgDskJsA7JCcAOyQnQDskJ4A7JCfAOyQoADskKEA7JCiAOyQowDskKQA7JClAOyQpgDskKcA7JCoAOyQqQDskKoA7JCrAOyQrADskK0A7JCuAOyQrwDskLAA7JCxAOyQsgDskLMA7JC0AOyQtQDskLYA7JC3AOyQuADskLkA7JC6AOyQuwDskLwA7JC9AOyQvgDskL8A7JGAAOyRgQDskYIA7JGDAOyRhADskYUA7JGGAOyRhwDskYgA7JGJAOyRigDskYsA7JGMAOyRjQDskY4A7JGPAOyRkADskZEA7JGSAOyRkwDskZQA7JGVAOyRlgDskZcA7JGYAOyRmQDskZoA7JGbAOyRnADskZ0A7JGeAOyRnwDskaAA7JGhAOyRogDskaMA7JGkAOyRpQDskaYA7JGnAOyRqADskakA7JGqAOyRqwDskawA7JGtAOyRrgDska8A7JGwAOyRsQDskbIA7JGzAOyRtADskbUA7JG2AOyRtwDskbgA7JG5AOyRugDskbsA7JG8AOyRvQDskb4A7JG/AOySgADskoEA7JKCAOySgwDskoQA7JKFAOyShgDskocA7JKIAOySiQDskooA7JKLAOySjADsko0A7JKOAOySjwDskpAA7JKRAOySkgDskpMA7JKUAOySlQDskpYA7JKXAOySmADskpkA7JKaAOySmwDskpwA7JKdAOySngDskp8A7JKgAOySoQDskqIA7JKjAOySpADskqUA7JKmAOySpwDskqgA7JKpAOySqgDskqsA7JKsAOySrQDskq4A7JKvAOySsADskrEA7JKyAOySswDskrQA7JK1AOyStgDskrcA7JK4AOySuQDskroA7JK7AOySvADskr0A7JK+AOySvwDsk4AA7JOBAOyTggDsk4MA7JOEAOyThQDsk4YA7JOHAOyTiADsk4kA7JOKAOyTiwDsk4wA7JONAOyTjgDsk48A7JOQAOyTkQDsk5IA7JOTAOyTlADsk5UA7JOWAOyTlwDsk5gA7JOZAOyTmgDsk5sA7JOcAOyTnQDsk54A7JOfAOyToADsk6EA7JOiAOyTowDsk6QA7JOlAOyTpgDsk6cA7JOoAOyTqQDsk6oA7JOrAOyTrADsk60A7JOuAOyTrwDsk7AA7JOxAOyTsgDsk7MA7JO0AOyTtQDsk7YA7JO3AOyTuADsk7kA7JO6AOyTuwDsk7wA7JO9AOyTvgDsk78A7JSAAOyUgQDslIIA7JSDAOyUhADslIUA7JSGAOyUhwDslIgA7JSJAOyUigDslIsA7JSMAOyUjQDslI4A7JSPAOyUkADslJEA7JSSAOyUkwDslJQA7JSVAOyUlgDslJcA7JSYAOyUmQDslJoA7JSbAOyUnADslJ0A7JSeAOyUnwDslKAA7JShAOyUogDslKMA7JSkAOyUpQDslKYA7JSnAOyUqADslKkA7JSqAOyUqwDslKwA7JStAOyUrgDslK8A7JSwAOyUsQDslLIA7JSzAOyUtADslLUA7JS2AOyUtwDslLgA7JS5AOyUugDslLsA7JS8AOyUvQDslL4A7JS/AOyVgADslYEA7JWCAOyVgwDslYQA7JWFAOyVhgDslYcA7JWIAOyViQDslYoA7JWLAOyVjADslY0A7JWOAOyVjwDslZAA7JWRAOyVkgDslZMA7JWUAOyVlQDslZYA7JWXAOyVmADslZkA7JWaAOyVmwDslZwA7JWdAOyVngDslZ8A7JWgAOyVoQDslaIA7JWjAOyVpADslaUA7JWmAOyVpwDslagA7JWpAOyVqgDslasA7JWsAOyVrQDsla4A7JWvAOyVsADslbEA7JWyAOyVswDslbQA7JW1AOyVtgDslbcA7JW4AOyVuQDslboA7JW7AOyVvADslb0A7JW+AOyVvwDsloAA7JaBAOyWggDsloMA7JaEAOyWhQDsloYA7JaHAOyWiADslokA7JaKAOyWiwDslowA7JaNAOyWjgDslo8A7JaQAOyWkQDslpIA7JaTAOyWlADslpUA7JaWAOyWlwDslpgA7JaZAOyWmgDslpsA7JacAOyWnQDslp4A7JafAOyWoADslqEA7JaiAOyWowDslqQA7JalAOyWpgDslqcA7JaoAOyWqQDslqoA7JarAOyWrADslq0A7JauAOyWrwDslrAA7JaxAOyWsgDslrMA7Ja0AOyWtQDslrYA7Ja3AOyWuADslrkA7Ja6AOyWuwDslrwA7Ja9AOyWvgDslr8A7JeAAOyXgQDsl4IA7JeDAOyXhADsl4UA7JeGAOyXhwDsl4gA7JeJAOyXigDsl4sA7JeMAOyXjQDsl44A7JePAOyXkADsl5EA7JeSAOyXkwDsl5QA7JeVAOyXlgDsl5cA7JeYAOyXmQDsl5oA7JebAOyXnADsl50A7JeeAOyXnwDsl6AA7JehAOyXogDsl6MA7JekAOyXpQDsl6YA7JenAOyXqADsl6kA7JeqAOyXqwDsl6wA7JetAOyXrgDsl68A7JewAOyXsQDsl7IA7JezAOyXtADsl7UA7Je2AOyXtwDsl7gA7Je5AOyXugDsl7sA7Je8AOyXvQDsl74A7Je/AOyYgADsmIEA7JiCAOyYgwDsmIQA7JiFAOyYhgDsmIcA7JiIAOyYiQDsmIoA7JiLAOyYjADsmI0A7JiOAOyYjwDsmJAA7JiRAOyYkgDsmJMA7JiUAOyYlQDsmJYA7JiXAOyYmADsmJkA7JiaAOyYmwDsmJwA7JidAOyYngDsmJ8A7JigAOyYoQDsmKIA7JijAOyYpADsmKUA7JimAOyYpwDsmKgA7JipAOyYqgDsmKsA7JisAOyYrQDsmK4A7JivAOyYsADsmLEA7JiyAOyYswDsmLQA7Ji1AOyYtgDsmLcA7Ji4AOyYuQDsmLoA7Ji7AOyYvADsmL0A7Ji+AOyYvwDsmYAA7JmBAOyZggDsmYMA7JmEAOyZhQDsmYYA7JmHAOyZiADsmYkA7JmKAOyZiwDsmYwA7JmNAOyZjgDsmY8A7JmQAOyZkQDsmZIA7JmTAOyZlADsmZUA7JmWAOyZlwDsmZgA7JmZAOyZmgDsmZsA7JmcAOyZnQDsmZ4A7JmfAOyZoADsmaEA7JmiAOyZowDsmaQA7JmlAOyZpgDsmacA7JmoAOyZqQDsmaoA7JmrAOyZrADsma0A7JmuAOyZrwDsmbAA7JmxAOyZsgDsmbMA7Jm0AOyZtQDsmbYA7Jm3AOyZuADsmbkA7Jm6AOyZuwDsmbwA7Jm9AOyZvgDsmb8A7JqAAOyagQDsmoIA7JqDAOyahADsmoUA7JqGAOyahwDsmogA7JqJAOyaigDsmosA7JqMAOyajQDsmo4A7JqPAOyakADsmpEA7JqSAOyakwDsmpQA7JqVAOyalgDsmpcA7JqYAOyamQDsmpoA7JqbAOyanADsmp0A7JqeAOyanwDsmqAA7JqhAOyaogDsmqMA7JqkAOyapQDsmqYA7JqnAOyaqADsmqkA7JqqAOyaqwDsmqwA7JqtAOyargDsmq8A7JqwAOyasQDsmrIA7JqzAOyatADsmrUA7Jq2AOyatwDsmrgA7Jq5AOyaugDsmrsA7Jq8AOyavQDsmr4A7Jq/AOybgADsm4EA7JuCAOybgwDsm4QA7JuFAOybhgDsm4cA7JuIAOybiQDsm4oA7JuLAOybjADsm40A7JuOAOybjwDsm5AA7JuRAOybkgDsm5MA7JuUAOyblQDsm5YA7JuXAOybmADsm5kA7JuaAOybmwDsm5wA7JudAOybngDsm58A7JugAOyboQDsm6IA7JujAOybpADsm6UA7JumAOybpwDsm6gA7JupAOybqgDsm6sA7JusAOybrQDsm64A7JuvAOybsADsm7EA7JuyAOybswDsm7QA7Ju1AOybtgDsm7cA7Ju4AOybuQDsm7oA7Ju7AOybvADsm70A7Ju+AOybvwDsnIAA7JyBAOycggDsnIMA7JyEAOychQDsnIYA7JyHAOyciADsnIkA7JyKAOyciwDsnIwA7JyNAOycjgDsnI8A7JyQAOyckQDsnJIA7JyTAOyclADsnJUA7JyWAOyclwDsnJgA7JyZAOycmgDsnJsA7JycAOycnQDsnJ4A7JyfAOycoADsnKEA7JyiAOycowDsnKQA7JylAOycpgDsnKcA7JyoAOycqQDsnKoA7JyrAOycrADsnK0A7JyuAOycrwDsnLAA7JyxAOycsgDsnLMA7Jy0AOyctQDsnLYA7Jy3AOycuADsnLkA7Jy6AOycuwDsnLwA7Jy9AOycvgDsnL8A7J2AAOydgQDsnYIA7J2DAOydhADsnYUA7J2GAOydhwDsnYgA7J2JAOydigDsnYsA7J2MAOydjQDsnY4A7J2PAOydkADsnZEA7J2SAOydkwDsnZQA7J2VAOydlgDsnZcA7J2YAOydmQDsnZoA7J2bAOydnADsnZ0A7J2eAOydnwDsnaAA7J2hAOydogDsnaMA7J2kAOydpQDsnaYA7J2nAOydqADsnakA7J2qAOydqwDsnawA7J2tAOydrgDsna8A7J2wAOydsQDsnbIA7J2zAOydtADsnbUA7J22AOydtwDsnbgA7J25AOydugDsnbsA7J28AOydvQDsnb4A7J2/AOyegADsnoEA7J6CAOyegwDsnoQA7J6FAOyehgDsnocA7J6IAOyeiQDsnooA7J6LAOyejADsno0A7J6OAOyejwDsnpAA7J6RAOyekgDsnpMA7J6UAOyelQDsnpYA7J6XAOyemADsnpkA7J6aAOyemwDsnpwA7J6dAOyengDsnp8A7J6gAOyeoQDsnqIA7J6jAOyepADsnqUA7J6mAOyepwDsnqgA7J6pAOyeqgDsnqsA7J6sAOyerQDsnq4A7J6vAOyesADsnrEA7J6yAOyeswDsnrQA7J61AOyetgDsnrcA7J64AOyeuQDsnroA7J67AOyevADsnr0A7J6+AOyevwDsn4AA7J+BAOyfggDsn4MA7J+EAOyfhQDsn4YA7J+HAOyfiADsn4kA7J+KAOyfiwDsn4wA7J+NAOyfjgDsn48A7J+QAOyfkQDsn5IA7J+TAOyflADsn5UA7J+WAOyflwDsn5gA7J+ZAOyfmgDsn5sA7J+cAOyfnQDsn54A7J+fAOyfoADsn6EA7J+iAOyfowDsn6QA7J+lAOyfpgDsn6cA7J+oAOyfqQDsn6oA7J+rAOyfrADsn60A7J+uAOyfrwDsn7AA7J+xAOyfsgDsn7MA7J+0AOyftQDsn7YA7J+3AOyfuADsn7kA7J+6AOyfuwDsn7wA7J+9AOyfvgDsn78A7KCAAOyggQDsoIIA7KCDAOyghADsoIUA7KCGAOyghwDsoIgA7KCJAOygigDsoIsA7KCMAOygjQDsoI4A7KCPAOygkADsoJEA7KCSAOygkwDsoJQA7KCVAOyglgDsoJcA7KCYAOygmQDsoJoA7KCbAOygnADsoJ0A7KCeAOygnwDsoKAA7KChAOygogDsoKMA7KCkAOygpQDsoKYA7KCnAOygqADsoKkA7KCqAOygqwDsoKwA7KCtAOygrgDsoK8A7KCwAOygsQDsoLIA7KCzAOygtADsoLUA7KC2AOygtwDsoLgA7KC5AOygugDsoLsA7KC8AOygvQDsoL4A7KC/AOyhgADsoYEA7KGCAOyhgwDsoYQA7KGFAOyhhgDsoYcA7KGIAOyhiQDsoYoA7KGLAOyhjADsoY0A7KGOAOyhjwDsoZAA7KGRAOyhkgDsoZMA7KGUAOyhlQDsoZYA7KGXAOyhmADsoZkA7KGaAOyhmwDsoZwA7KGdAOyhngDsoZ8A7KGgAOyhoQDsoaIA7KGjAOyhpADsoaUA7KGmAOyhpwDsoagA7KGpAOyhqgDsoasA7KGsAOyhrQDsoa4A7KGvAOyhsADsobEA7KGyAOyhswDsobQA7KG1AOyhtgDsobcA7KG4AOyhuQDsoboA7KG7AOyhvADsob0A7KG+AOyhvwDsooAA7KKBAOyiggDsooMA7KKEAOyihQDsooYA7KKHAOyiiADsookA7KKKAOyiiwDsoowA7KKNAOyijgDsoo8A7KKQAOyikQDsopIA7KKTAOyilADsopUA7KKWAOyilwDsopgA7KKZAOyimgDsopsA7KKcAOyinQDsop4A7KKfAOyioADsoqEA7KKiAOyiowDsoqQA7KKlAOyipgDsoqcA7KKoAOyiqQDsoqoA7KKrAOyirADsoq0A7KKuAOyirwDsorAA7KKxAOyisgDsorMA7KK0AOyitQDsorYA7KK3AOyiuADsorkA7KK6AOyiuwDsorwA7KK9AOyivgDsor8A7KOAAOyjgQDso4IA7KODAOyjhADso4UA7KOGAOyjhwDso4gA7KOJAOyjigDso4sA7KOMAOyjjQDso44A7KOPAOyjkADso5EA7KOSAOyjkwDso5QA7KOVAOyjlgDso5cA7KOYAOyjmQDso5oA7KObAOyjnADso50A7KOeAOyjnwDso6AA7KOhAOyjogDso6MA7KOkAOyjpQDso6YA7KOnAOyjqADso6kA7KOqAOyjqwDso6wA7KOtAOyjrgDso68A7KOwAOyjsQDso7IA7KOzAOyjtADso7UA7KO2AOyjtwDso7gA7KO5AOyjugDso7sA7KO8AOyjvOydmADso70A7KO+AOyjvwDspIAA7KSBAOykggDspIMA7KSEAOykhQDspIYA7KSHAOykiADspIkA7KSKAOykiwDspIwA7KSNAOykjgDspI8A7KSQAOykkQDspJIA7KSTAOyklADspJUA7KSWAOyklwDspJgA7KSZAOykmgDspJsA7KScAOyknQDspJ4A7KSfAOykoADspKEA7KSiAOykowDspKQA7KSlAOykpgDspKcA7KSoAOykqQDspKoA7KSrAOykrADspK0A7KSuAOykrwDspLAA7KSxAOyksgDspLMA7KS0AOyktQDspLYA7KS3AOykuADspLkA7KS6AOykuwDspLwA7KS9AOykvgDspL8A7KWAAOylgQDspYIA7KWDAOylhADspYUA7KWGAOylhwDspYgA7KWJAOyligDspYsA7KWMAOyljQDspY4A7KWPAOylkADspZEA7KWSAOylkwDspZQA7KWVAOyllgDspZcA7KWYAOylmQDspZoA7KWbAOylnADspZ0A7KWeAOylnwDspaAA7KWhAOylogDspaMA7KWkAOylpQDspaYA7KWnAOylqADspakA7KWqAOylqwDspawA7KWtAOylrgDspa8A7KWwAOylsQDspbIA7KWzAOyltADspbUA7KW2AOyltwDspbgA7KW5AOylugDspbsA7KW8AOylvQDspb4A7KW/AOymgADspoEA7KaCAOymgwDspoQA7KaFAOymhgDspocA7KaIAOymiQDspooA7KaLAOymjADspo0A7KaOAOymjwDsppAA7KaRAOymkgDsppMA7KaUAOymlQDsppYA7KaXAOymmADsppkA7KaaAOymmwDsppwA7KadAOymngDspp8A7KagAOymoQDspqIA7KajAOympADspqUA7KamAOympwDspqgA7KapAOymqgDspqsA7KasAOymrQDspq4A7KavAOymsADsprEA7KayAOymswDsprQA7Ka1AOymtgDsprcA7Ka4AOymuQDsproA7Ka7AOymvADspr0A7Ka+AOymvwDsp4AA7KeBAOynggDsp4MA7KeEAOynhQDsp4YA7KeHAOyniADsp4kA7KeKAOyniwDsp4wA7KeNAOynjgDsp48A7KeQAOynkQDsp5IA7KeTAOynlADsp5UA7KeWAOynlwDsp5gA7KeZAOynmgDsp5sA7KecAOynnQDsp54A7KefAOynoADsp6EA7KeiAOynowDsp6QA7KelAOynpgDsp6cA7KeoAOynqQDsp6oA7KerAOynrADsp60A7KeuAOynrwDsp7AA7KexAOynsgDsp7MA7Ke0AOyntQDsp7YA7Ke3AOynuADsp7kA7Ke6AOynuwDsp7wA7Ke9AOynvgDsp78A7KiAAOyogQDsqIIA7KiDAOyohADsqIUA7KiGAOyohwDsqIgA7KiJAOyoigDsqIsA7KiMAOyojQDsqI4A7KiPAOyokADsqJEA7KiSAOyokwDsqJQA7KiVAOyolgDsqJcA7KiYAOyomQDsqJoA7KibAOyonADsqJ0A7KieAOyonwDsqKAA7KihAOyoogDsqKMA7KikAOyopQDsqKYA7KinAOyoqADsqKkA7KiqAOyoqwDsqKwA7KitAOyorgDsqK8A7KiwAOyosQDsqLIA7KizAOyotADsqLUA7Ki2AOyotwDsqLgA7Ki5AOyougDsqLsA7Ki8AOyovQDsqL4A7Ki/AOypgADsqYEA7KmCAOypgwDsqYQA7KmFAOyphgDsqYcA7KmIAOypiQDsqYoA7KmLAOypjADsqY0A7KmOAOypjwDsqZAA7KmRAOypkgDsqZMA7KmUAOyplQDsqZYA7KmXAOypmADsqZkA7KmaAOypmwDsqZwA7KmdAOypngDsqZ8A7KmgAOypoQDsqaIA7KmjAOyppADsqaUA7KmmAOyppwDsqagA7KmpAOypqgDsqasA7KmsAOyprQDsqa4A7KmvAOypsADsqbEA7KmyAOypswDsqbQA7Km1AOyptgDsqbcA7Km4AOypuQDsqboA7Km7AOypvADsqb0A7Km+AOypvwDsqoAA7KqBAOyqggDsqoMA7KqEAOyqhQDsqoYA7KqHAOyqiADsqokA7KqKAOyqiwDsqowA7KqNAOyqjgDsqo8A7KqQAOyqkQDsqpIA7KqTAOyqlADsqpUA7KqWAOyqlwDsqpgA7KqZAOyqmgDsqpsA7KqcAOyqnQDsqp4A7KqfAOyqoADsqqEA7KqiAOyqowDsqqQA7KqlAOyqpgDsqqcA7KqoAOyqqQDsqqoA7KqrAOyqrADsqq0A7KquAOyqrwDsqrAA7KqxAOyqsgDsqrMA7Kq0AOyqtQDsqrYA7Kq3AOyquADsqrkA7Kq6AOyquwDsqrwA7Kq9AOyqvgDsqr8A7KuAAOyrgQDsq4IA7KuDAOyrhADsq4UA7KuGAOyrhwDsq4gA7KuJAOyrigDsq4sA7KuMAOyrjQDsq44A7KuPAOyrkADsq5EA7KuSAOyrkwDsq5QA7KuVAOyrlgDsq5cA7KuYAOyrmQDsq5oA7KubAOyrnADsq50A7KueAOyrnwDsq6AA7KuhAOyrogDsq6MA7KukAOyrpQDsq6YA7KunAOyrqADsq6kA7KuqAOyrqwDsq6wA7KutAOyrrgDsq68A7KuwAOyrsQDsq7IA7KuzAOyrtADsq7UA7Ku2AOyrtwDsq7gA7Ku5AOyrugDsq7sA7Ku8AOyrvQDsq74A7Ku/AOysgADsrIEA7KyCAOysgwDsrIQA7KyFAOyshgDsrIcA7KyIAOysiQDsrIoA7KyLAOysjADsrI0A7KyOAOysjwDsrJAA7KyRAOyskgDsrJMA7KyUAOyslQDsrJYA7KyXAOysmADsrJkA7KyaAOysmwDsrJwA7KydAOysngDsrJ8A7KygAOysoQDsrKIA7KyjAOyspADsrKUA7KymAOyspwDsrKgA7KypAOysqgDsrKsA7KysAOysrQDsrK4A7KyvAOyssADsrLEA7KyyAOysswDsrLQA7Ky1AOystgDsrLcA7Ky4AOysuQDsrLoA7Ky7AOysvADsrL0A7Ky+AOysvwDsrYAA7K2BAOytggDsrYMA7K2EAOythQDsrYYA7K2HAOytiADsrYkA7K2KAOytiwDsrYwA7K2NAOytjgDsrY8A7K2QAOytkQDsrZIA7K2TAOytlADsrZUA7K2WAOytlwDsrZgA7K2ZAOytmgDsrZsA7K2cAOytnQDsrZ4A7K2fAOytoADsraEA7K2iAOytowDsraQA7K2lAOytpgDsracA7K2oAOytqQDsraoA7K2rAOytrADsra0A7K2uAOytrwDsrbAA7K2xAOytsgDsrbMA7K20AOyttQDsrbYA7K23AOytuADsrbkA7K26AOytuwDsrbwA7K29AOytvgDsrb8A7K6AAOyugQDsroIA7K6DAOyuhADsroUA7K6GAOyuhwDsrogA7K6JAOyuigDsrosA7K6MAOyujQDsro4A7K6PAOyukADsrpEA7K6SAOyukwDsrpQA7K6VAOyulgDsrpcA7K6YAOyumQDsrpoA7K6bAOyunADsrp0A7K6eAOyunwDsrqAA7K6hAOyuogDsrqMA7K6kAOyupQDsrqYA7K6nAOyuqADsrqkA7K6qAOyuqwDsrqwA7K6tAOyurgDsrq8A7K6wAOyusQDsrrIA7K6zAOyutADsrrUA7K62AOyutwDsrrgA7K65AOyuugDsrrsA7K68AOyuvQDsrr4A7K6/AOyvgADsr4EA7K+CAOyvgwDsr4QA7K+FAOyvhgDsr4cA7K+IAOyviQDsr4oA7K+LAOyvjADsr40A7K+OAOyvjwDsr5AA7K+RAOyvkgDsr5MA7K+UAOyvlQDsr5YA7K+XAOyvmADsr5kA7K+aAOyvmwDsr5wA7K+dAOyvngDsr58A7K+gAOyvoQDsr6IA7K+jAOyvpADsr6UA7K+mAOyvpwDsr6gA7K+pAOyvqgDsr6sA7K+sAOyvrQDsr64A7K+vAOyvsADsr7EA7K+yAOyvswDsr7QA7K+1AOyvtgDsr7cA7K+4AOyvuQDsr7oA7K+7AOyvvADsr70A7K++AOyvvwDssIAA7LCBAOywggDssIMA7LCEAOywhQDssIYA7LCHAOywiADssIkA7LCKAOywiwDssIwA7LCNAOywjgDssI8A7LCQAOywkQDssJIA7LCTAOywlADssJUA7LCWAOywlwDssJgA7LCZAOywmgDssJsA7LCcAOywnQDssJ4A7LCfAOywoADssKEA7LCiAOywowDssKQA7LClAOywpgDssKcA7LCoAOywqQDssKoA7LCrAOywrADssK0A7LCuAOywrwDssLAA7LCxAOywsgDssLMA7LC0AOywtQDssLYA7LC3AOywuADssLjqs6AA7LC5AOywugDssLsA7LC8AOywvQDssL4A7LC/AOyxgADssYEA7LGCAOyxgwDssYQA7LGFAOyxhgDssYcA7LGIAOyxiQDssYoA7LGLAOyxjADssY0A7LGOAOyxjwDssZAA7LGRAOyxkgDssZMA7LGUAOyxlQDssZYA7LGXAOyxmADssZkA7LGaAOyxmwDssZwA7LGdAOyxngDssZ8A7LGgAOyxoQDssaIA7LGjAOyxpADssaUA7LGmAOyxpwDssagA7LGpAOyxqgDssasA7LGsAOyxrQDssa4A7LGvAOyxsADssbEA7LGyAOyxswDssbQA7LG1AOyxtgDssbcA7LG4AOyxuQDssboA7LG7AOyxvADssb0A7LG+AOyxvwDssoAA7LKBAOyyggDssoMA7LKEAOyyhQDssoYA7LKHAOyyiADssokA7LKKAOyyiwDssowA7LKNAOyyjgDsso8A7LKQAOyykQDsspIA7LKTAOyylADsspUA7LKWAOyylwDsspgA7LKZAOyymgDsspsA7LKcAOyynQDssp4A7LKfAOyyoADssqEA7LKiAOyyowDssqQA7LKlAOyypgDssqcA7LKoAOyyqQDssqoA7LKrAOyyrADssq0A7LKuAOyyrwDssrAA7LKxAOyysgDssrMA7LK0AOyytQDssrYA7LK3AOyyuADssrkA7LK6AOyyuwDssrwA7LK9AOyyvgDssr8A7LOAAOyzgQDss4IA7LODAOyzhADss4UA7LOGAOyzhwDss4gA7LOJAOyzigDss4sA7LOMAOyzjQDss44A7LOPAOyzkADss5EA7LOSAOyzkwDss5QA7LOVAOyzlgDss5cA7LOYAOyzmQDss5oA7LObAOyznADss50A7LOeAOyznwDss6AA7LOhAOyzogDss6MA7LOkAOyzpQDss6YA7LOnAOyzqADss6kA7LOqAOyzqwDss6wA7LOtAOyzrgDss68A7LOwAOyzsQDss7IA7LOzAOyztADss7UA7LO2AOyztwDss7gA7LO5AOyzugDss7sA7LO8AOyzvQDss74A7LO/AOy0gADstIEA7LSCAOy0gwDstIQA7LSFAOy0hgDstIcA7LSIAOy0iQDstIoA7LSLAOy0jADstI0A7LSOAOy0jwDstJAA7LSRAOy0kgDstJMA7LSUAOy0lQDstJYA7LSXAOy0mADstJkA7LSaAOy0mwDstJwA7LSdAOy0ngDstJ8A7LSgAOy0oQDstKIA7LSjAOy0pADstKUA7LSmAOy0pwDstKgA7LSpAOy0qgDstKsA7LSsAOy0rQDstK4A7LSvAOy0sADstLEA7LSyAOy0swDstLQA7LS1AOy0tgDstLcA7LS4AOy0uQDstLoA7LS7AOy0vADstL0A7LS+AOy0vwDstYAA7LWBAOy1ggDstYMA7LWEAOy1hQDstYYA7LWHAOy1iADstYkA7LWKAOy1iwDstYwA7LWNAOy1jgDstY8A7LWQAOy1kQDstZIA7LWTAOy1lADstZUA7LWWAOy1lwDstZgA7LWZAOy1mgDstZsA7LWcAOy1nQDstZ4A7LWfAOy1oADstaEA7LWiAOy1owDstaQA7LWlAOy1pgDstacA7LWoAOy1qQDstaoA7LWrAOy1rADsta0A7LWuAOy1rwDstbAA7LWxAOy1sgDstbMA7LW0AOy1tQDstbYA7LW3AOy1uADstbkA7LW6AOy1uwDstbwA7LW9AOy1vgDstb8A7LaAAOy2gQDstoIA7LaDAOy2hADstoUA7LaGAOy2hwDstogA7LaJAOy2igDstosA7LaMAOy2jQDsto4A7LaPAOy2kADstpEA7LaSAOy2kwDstpQA7LaVAOy2lgDstpcA7LaYAOy2mQDstpoA7LabAOy2nADstp0A7LaeAOy2nwDstqAA7LahAOy2ogDstqMA7LakAOy2pQDstqYA7LanAOy2qADstqkA7LaqAOy2qwDstqwA7LatAOy2rgDstq8A7LawAOy2sQDstrIA7LazAOy2tADstrUA7La2AOy2twDstrgA7La5AOy2ugDstrsA7La8AOy2vQDstr4A7La/AOy3gADst4EA7LeCAOy3gwDst4QA7LeFAOy3hgDst4cA7LeIAOy3iQDst4oA7LeLAOy3jADst40A7LeOAOy3jwDst5AA7LeRAOy3kgDst5MA7LeUAOy3lQDst5YA7LeXAOy3mADst5kA7LeaAOy3mwDst5wA7LedAOy3ngDst58A7LegAOy3oQDst6IA7LejAOy3pADst6UA7LemAOy3pwDst6gA7LepAOy3qgDst6sA7LesAOy3rQDst64A7LevAOy3sADst7EA7LeyAOy3swDst7QA7Le1AOy3tgDst7cA7Le4AOy3uQDst7oA7Le7AOy3vADst70A7Le+AOy3vwDsuIAA7LiBAOy4ggDsuIMA7LiEAOy4hQDsuIYA7LiHAOy4iADsuIkA7LiKAOy4iwDsuIwA7LiNAOy4jgDsuI8A7LiQAOy4kQDsuJIA7LiTAOy4lADsuJUA7LiWAOy4lwDsuJgA7LiZAOy4mgDsuJsA7LicAOy4nQDsuJ4A7LifAOy4oADsuKEA7LiiAOy4owDsuKQA7LilAOy4pgDsuKcA7LioAOy4qQDsuKoA7LirAOy4rADsuK0A7LiuAOy4rwDsuLAA7LixAOy4sgDsuLMA7Li0AOy4tQDsuLYA7Li3AOy4uADsuLkA7Li6AOy4uwDsuLwA7Li9AOy4vgDsuL8A7LmAAOy5gQDsuYIA7LmDAOy5hADsuYUA7LmGAOy5hwDsuYgA7LmJAOy5igDsuYsA7LmMAOy5jQDsuY4A7LmPAOy5kADsuZEA7LmSAOy5kwDsuZQA7LmVAOy5lgDsuZcA7LmYAOy5mQDsuZoA7LmbAOy5nADsuZ0A7LmeAOy5nwDsuaAA7LmhAOy5ogDsuaMA7LmkAOy5pQDsuaYA7LmnAOy5qADsuakA7LmqAOy5qwDsuawA7LmtAOy5rgDsua8A7LmwAOy5sQDsubIA7LmzAOy5tADsubUA7Lm2AOy5twDsubgA7Lm5AOy5ugDsubsA7Lm8AOy5vQDsub4A7Lm/AOy6gADsuoEA7LqCAOy6gwDsuoQA7LqFAOy6hgDsuocA7LqIAOy6iQDsuooA7LqLAOy6jADsuo0A7LqOAOy6jwDsupAA7LqRAOy6kgDsupMA7LqUAOy6lQDsupYA7LqXAOy6mADsupkA7LqaAOy6mwDsupwA7LqdAOy6ngDsup8A7LqgAOy6oQDsuqIA7LqjAOy6pADsuqUA7LqmAOy6pwDsuqgA7LqpAOy6qgDsuqsA7LqsAOy6rQDsuq4A7LqvAOy6sADsurEA7LqyAOy6swDsurQA7Lq1AOy6tgDsurcA7Lq4AOy6uQDsuroA7Lq7AOy6vADsur0A7Lq+AOy6vwDsu4AA7LuBAOy7ggDsu4MA7LuEAOy7hQDsu4YA7LuHAOy7iADsu4kA7LuKAOy7iwDsu4wA7LuNAOy7jgDsu48A7LuQAOy7kQDsu5IA7LuTAOy7lADsu5UA7LuWAOy7lwDsu5gA7LuZAOy7mgDsu5sA7LucAOy7nQDsu54A7LufAOy7oADsu6EA7LuiAOy7owDsu6QA7LulAOy7pgDsu6cA7LuoAOy7qQDsu6oA7LurAOy7rADsu60A7LuuAOy7rwDsu7AA7LuxAOy7sgDsu7MA7Lu0AOy7tQDsu7YA7Lu3AOy7uADsu7kA7Lu6AOy7uwDsu7wA7Lu9AOy7vgDsu78A7LyAAOy8gQDsvIIA7LyDAOy8hADsvIUA7LyGAOy8hwDsvIgA7LyJAOy8igDsvIsA7LyMAOy8jQDsvI4A7LyPAOy8kADsvJEA7LySAOy8kwDsvJQA7LyVAOy8lgDsvJcA7LyYAOy8mQDsvJoA7LybAOy8nADsvJ0A7LyeAOy8nwDsvKAA7LyhAOy8ogDsvKMA7LykAOy8pQDsvKYA7LynAOy8qADsvKkA7LyqAOy8qwDsvKwA7LytAOy8rgDsvK8A7LywAOy8sQDsvLIA7LyzAOy8tADsvLUA7Ly2AOy8twDsvLgA7Ly5AOy8ugDsvLsA7Ly8AOy8vQDsvL4A7Ly/AOy9gADsvYEA7L2CAOy9gwDsvYQA7L2FAOy9hgDsvYcA7L2IAOy9iQDsvYoA7L2LAOy9jADsvY0A7L2OAOy9jwDsvZAA7L2RAOy9kgDsvZMA7L2UAOy9lQDsvZYA7L2XAOy9mADsvZkA7L2aAOy9mwDsvZwA7L2dAOy9ngDsvZ8A7L2gAOy9oQDsvaIA7L2jAOy9pADsvaUA7L2mAOy9pwDsvagA7L2pAOy9qgDsvasA7L2sAOy9rQDsva4A7L2vAOy9sADsvbEA7L2yAOy9swDsvbQA7L21AOy9tgDsvbcA7L24AOy9uQDsvboA7L27AOy9vADsvb0A7L2+AOy9vwDsvoAA7L6BAOy+ggDsvoMA7L6EAOy+hQDsvoYA7L6HAOy+iADsvokA7L6KAOy+iwDsvowA7L6NAOy+jgDsvo8A7L6QAOy+kQDsvpIA7L6TAOy+lADsvpUA7L6WAOy+lwDsvpgA7L6ZAOy+mgDsvpsA7L6cAOy+nQDsvp4A7L6fAOy+oADsvqEA7L6iAOy+owDsvqQA7L6lAOy+pgDsvqcA7L6oAOy+qQDsvqoA7L6rAOy+rADsvq0A7L6uAOy+rwDsvrAA7L6xAOy+sgDsvrMA7L60AOy+tQDsvrYA7L63AOy+uADsvrkA7L66AOy+uwDsvrwA7L69AOy+vgDsvr8A7L+AAOy/gQDsv4IA7L+DAOy/hADsv4UA7L+GAOy/hwDsv4gA7L+JAOy/igDsv4sA7L+MAOy/jQDsv44A7L+PAOy/kADsv5EA7L+SAOy/kwDsv5QA7L+VAOy/lgDsv5cA7L+YAOy/mQDsv5oA7L+bAOy/nADsv50A7L+eAOy/nwDsv6AA7L+hAOy/ogDsv6MA7L+kAOy/pQDsv6YA7L+nAOy/qADsv6kA7L+qAOy/qwDsv6wA7L+tAOy/rgDsv68A7L+wAOy/sQDsv7IA7L+zAOy/tADsv7UA7L+2AOy/twDsv7gA7L+5AOy/ugDsv7sA7L+8AOy/vQDsv74A7L+/AO2AgADtgIEA7YCCAO2AgwDtgIQA7YCFAO2AhgDtgIcA7YCIAO2AiQDtgIoA7YCLAO2AjADtgI0A7YCOAO2AjwDtgJAA7YCRAO2AkgDtgJMA7YCUAO2AlQDtgJYA7YCXAO2AmADtgJkA7YCaAO2AmwDtgJwA7YCdAO2AngDtgJ8A7YCgAO2AoQDtgKIA7YCjAO2ApADtgKUA7YCmAO2ApwDtgKgA7YCpAO2AqgDtgKsA7YCsAO2ArQDtgK4A7YCvAO2AsADtgLEA7YCyAO2AswDtgLQA7YC1AO2AtgDtgLcA7YC4AO2AuQDtgLoA7YC7AO2AvADtgL0A7YC+AO2AvwDtgYAA7YGBAO2BggDtgYMA7YGEAO2BhQDtgYYA7YGHAO2BiADtgYkA7YGKAO2BiwDtgYwA7YGNAO2BjgDtgY8A7YGQAO2BkQDtgZIA7YGTAO2BlADtgZUA7YGWAO2BlwDtgZgA7YGZAO2BmgDtgZsA7YGcAO2BnQDtgZ4A7YGfAO2BoADtgaEA7YGiAO2BowDtgaQA7YGlAO2BpgDtgacA7YGoAO2BqQDtgaoA7YGrAO2BrADtga0A7YGuAO2BrwDtgbAA7YGxAO2BsgDtgbMA7YG0AO2BtQDtgbYA7YG3AO2BuADtgbkA7YG6AO2BuwDtgbwA7YG9AO2BvgDtgb8A7YKAAO2CgQDtgoIA7YKDAO2ChADtgoUA7YKGAO2ChwDtgogA7YKJAO2CigDtgosA7YKMAO2CjQDtgo4A7YKPAO2CkADtgpEA7YKSAO2CkwDtgpQA7YKVAO2ClgDtgpcA7YKYAO2CmQDtgpoA7YKbAO2CnADtgp0A7YKeAO2CnwDtgqAA7YKhAO2CogDtgqMA7YKkAO2CpQDtgqYA7YKnAO2CqADtgqkA7YKqAO2CqwDtgqwA7YKtAO2CrgDtgq8A7YKwAO2CsQDtgrIA7YKzAO2CtADtgrUA7YK2AO2CtwDtgrgA7YK5AO2CugDtgrsA7YK8AO2CvQDtgr4A7YK/AO2DgADtg4EA7YOCAO2DgwDtg4QA7YOFAO2DhgDtg4cA7YOIAO2DiQDtg4oA7YOLAO2DjADtg40A7YOOAO2DjwDtg5AA7YORAO2DkgDtg5MA7YOUAO2DlQDtg5YA7YOXAO2DmADtg5kA7YOaAO2DmwDtg5wA7YOdAO2DngDtg58A7YOgAO2DoQDtg6IA7YOjAO2DpADtg6UA7YOmAO2DpwDtg6gA7YOpAO2DqgDtg6sA7YOsAO2DrQDtg64A7YOvAO2DsADtg7EA7YOyAO2DswDtg7QA7YO1AO2DtgDtg7cA7YO4AO2DuQDtg7oA7YO7AO2DvADtg70A7YO+AO2DvwDthIAA7YSBAO2EggDthIMA7YSEAO2EhQDthIYA7YSHAO2EiADthIkA7YSKAO2EiwDthIwA7YSNAO2EjgDthI8A7YSQAO2EkQDthJIA7YSTAO2ElADthJUA7YSWAO2ElwDthJgA7YSZAO2EmgDthJsA7YScAO2EnQDthJ4A7YSfAO2EoADthKEA7YSiAO2EowDthKQA7YSlAO2EpgDthKcA7YSoAO2EqQDthKoA7YSrAO2ErADthK0A7YSuAO2ErwDthLAA7YSxAO2EsgDthLMA7YS0AO2EtQDthLYA7YS3AO2EuADthLkA7YS6AO2EuwDthLwA7YS9AO2EvgDthL8A7YWAAO2FgQDthYIA7YWDAO2FhADthYUA7YWGAO2FhwDthYgA7YWJAO2FigDthYsA7YWMAO2FjQDthY4A7YWPAO2FkADthZEA7YWSAO2FkwDthZQA7YWVAO2FlgDthZcA7YWYAO2FmQDthZoA7YWbAO2FnADthZ0A7YWeAO2FnwDthaAA7YWhAO2FogDthaMA7YWkAO2FpQDthaYA7YWnAO2FqADthakA7YWqAO2FqwDthawA7YWtAO2FrgDtha8A7YWwAO2FsQDthbIA7YWzAO2FtADthbUA7YW2AO2FtwDthbgA7YW5AO2FugDthbsA7YW8AO2FvQDthb4A7YW/AO2GgADthoEA7YaCAO2GgwDthoQA7YaFAO2GhgDthocA7YaIAO2GiQDthooA7YaLAO2GjADtho0A7YaOAO2GjwDthpAA7YaRAO2GkgDthpMA7YaUAO2GlQDthpYA7YaXAO2GmADthpkA7YaaAO2GmwDthpwA7YadAO2GngDthp8A7YagAO2GoQDthqIA7YajAO2GpADthqUA7YamAO2GpwDthqgA7YapAO2GqgDthqsA7YasAO2GrQDthq4A7YavAO2GsADthrEA7YayAO2GswDthrQA7Ya1AO2GtgDthrcA7Ya4AO2GuQDthroA7Ya7AO2GvADthr0A7Ya+AO2GvwDth4AA7YeBAO2HggDth4MA7YeEAO2HhQDth4YA7YeHAO2HiADth4kA7YeKAO2HiwDth4wA7YeNAO2HjgDth48A7YeQAO2HkQDth5IA7YeTAO2HlADth5UA7YeWAO2HlwDth5gA7YeZAO2HmgDth5sA7YecAO2HnQDth54A7YefAO2HoADth6EA7YeiAO2HowDth6QA7YelAO2HpgDth6cA7YeoAO2HqQDth6oA7YerAO2HrADth60A7YeuAO2HrwDth7AA7YexAO2HsgDth7MA7Ye0AO2HtQDth7YA7Ye3AO2HuADth7kA7Ye6AO2HuwDth7wA7Ye9AO2HvgDth78A7YiAAO2IgQDtiIIA7YiDAO2IhADtiIUA7YiGAO2IhwDtiIgA7YiJAO2IigDtiIsA7YiMAO2IjQDtiI4A7YiPAO2IkADtiJEA7YiSAO2IkwDtiJQA7YiVAO2IlgDtiJcA7YiYAO2ImQDtiJoA7YibAO2InADtiJ0A7YieAO2InwDtiKAA7YihAO2IogDtiKMA7YikAO2IpQDtiKYA7YinAO2IqADtiKkA7YiqAO2IqwDtiKwA7YitAO2IrgDtiK8A7YiwAO2IsQDtiLIA7YizAO2ItADtiLUA7Yi2AO2ItwDtiLgA7Yi5AO2IugDtiLsA7Yi8AO2IvQDtiL4A7Yi/AO2JgADtiYEA7YmCAO2JgwDtiYQA7YmFAO2JhgDtiYcA7YmIAO2JiQDtiYoA7YmLAO2JjADtiY0A7YmOAO2JjwDtiZAA7YmRAO2JkgDtiZMA7YmUAO2JlQDtiZYA7YmXAO2JmADtiZkA7YmaAO2JmwDtiZwA7YmdAO2JngDtiZ8A7YmgAO2JoQDtiaIA7YmjAO2JpADtiaUA7YmmAO2JpwDtiagA7YmpAO2JqgDtiasA7YmsAO2JrQDtia4A7YmvAO2JsADtibEA7YmyAO2JswDtibQA7Ym1AO2JtgDtibcA7Ym4AO2JuQDtiboA7Ym7AO2JvADtib0A7Ym+AO2JvwDtioAA7YqBAO2KggDtioMA7YqEAO2KhQDtioYA7YqHAO2KiADtiokA7YqKAO2KiwDtiowA7YqNAO2KjgDtio8A7YqQAO2KkQDtipIA7YqTAO2KlADtipUA7YqWAO2KlwDtipgA7YqZAO2KmgDtipsA7YqcAO2KnQDtip4A7YqfAO2KoADtiqEA7YqiAO2KowDtiqQA7YqlAO2KpgDtiqcA7YqoAO2KqQDtiqoA7YqrAO2KrADtiq0A7YquAO2KrwDtirAA7YqxAO2KsgDtirMA7Yq0AO2KtQDtirYA7Yq3AO2KuADtirkA7Yq6AO2KuwDtirwA7Yq9AO2KvgDtir8A7YuAAO2LgQDti4IA7YuDAO2LhADti4UA7YuGAO2LhwDti4gA7YuJAO2LigDti4sA7YuMAO2LjQDti44A7YuPAO2LkADti5EA7YuSAO2LkwDti5QA7YuVAO2LlgDti5cA7YuYAO2LmQDti5oA7YubAO2LnADti50A7YueAO2LnwDti6AA7YuhAO2LogDti6MA7YukAO2LpQDti6YA7YunAO2LqADti6kA7YuqAO2LqwDti6wA7YutAO2LrgDti68A7YuwAO2LsQDti7IA7YuzAO2LtADti7UA7Yu2AO2LtwDti7gA7Yu5AO2LugDti7sA7Yu8AO2LvQDti74A7Yu/AO2MgADtjIEA7YyCAO2MgwDtjIQA7YyFAO2MhgDtjIcA7YyIAO2MiQDtjIoA7YyLAO2MjADtjI0A7YyOAO2MjwDtjJAA7YyRAO2MkgDtjJMA7YyUAO2MlQDtjJYA7YyXAO2MmADtjJkA7YyaAO2MmwDtjJwA7YydAO2MngDtjJ8A7YygAO2MoQDtjKIA7YyjAO2MpADtjKUA7YymAO2MpwDtjKgA7YypAO2MqgDtjKsA7YysAO2MrQDtjK4A7YyvAO2MsADtjLEA7YyyAO2MswDtjLQA7Yy1AO2MtgDtjLcA7Yy4AO2MuQDtjLoA7Yy7AO2MvADtjL0A7Yy+AO2MvwDtjYAA7Y2BAO2NggDtjYMA7Y2EAO2NhQDtjYYA7Y2HAO2NiADtjYkA7Y2KAO2NiwDtjYwA7Y2NAO2NjgDtjY8A7Y2QAO2NkQDtjZIA7Y2TAO2NlADtjZUA7Y2WAO2NlwDtjZgA7Y2ZAO2NmgDtjZsA7Y2cAO2NnQDtjZ4A7Y2fAO2NoADtjaEA7Y2iAO2NowDtjaQA7Y2lAO2NpgDtjacA7Y2oAO2NqQDtjaoA7Y2rAO2NrADtja0A7Y2uAO2NrwDtjbAA7Y2xAO2NsgDtjbMA7Y20AO2NtQDtjbYA7Y23AO2NuADtjbkA7Y26AO2NuwDtjbwA7Y29AO2NvgDtjb8A7Y6AAO2OgQDtjoIA7Y6DAO2OhADtjoUA7Y6GAO2OhwDtjogA7Y6JAO2OigDtjosA7Y6MAO2OjQDtjo4A7Y6PAO2OkADtjpEA7Y6SAO2OkwDtjpQA7Y6VAO2OlgDtjpcA7Y6YAO2OmQDtjpoA7Y6bAO2OnADtjp0A7Y6eAO2OnwDtjqAA7Y6hAO2OogDtjqMA7Y6kAO2OpQDtjqYA7Y6nAO2OqADtjqkA7Y6qAO2OqwDtjqwA7Y6tAO2OrgDtjq8A7Y6wAO2OsQDtjrIA7Y6zAO2OtADtjrUA7Y62AO2OtwDtjrgA7Y65AO2OugDtjrsA7Y68AO2OvQDtjr4A7Y6/AO2PgADtj4EA7Y+CAO2PgwDtj4QA7Y+FAO2PhgDtj4cA7Y+IAO2PiQDtj4oA7Y+LAO2PjADtj40A7Y+OAO2PjwDtj5AA7Y+RAO2PkgDtj5MA7Y+UAO2PlQDtj5YA7Y+XAO2PmADtj5kA7Y+aAO2PmwDtj5wA7Y+dAO2PngDtj58A7Y+gAO2PoQDtj6IA7Y+jAO2PpADtj6UA7Y+mAO2PpwDtj6gA7Y+pAO2PqgDtj6sA7Y+sAO2PrQDtj64A7Y+vAO2PsADtj7EA7Y+yAO2PswDtj7QA7Y+1AO2PtgDtj7cA7Y+4AO2PuQDtj7oA7Y+7AO2PvADtj70A7Y++AO2PvwDtkIAA7ZCBAO2QggDtkIMA7ZCEAO2QhQDtkIYA7ZCHAO2QiADtkIkA7ZCKAO2QiwDtkIwA7ZCNAO2QjgDtkI8A7ZCQAO2QkQDtkJIA7ZCTAO2QlADtkJUA7ZCWAO2QlwDtkJgA7ZCZAO2QmgDtkJsA7ZCcAO2QnQDtkJ4A7ZCfAO2QoADtkKEA7ZCiAO2QowDtkKQA7ZClAO2QpgDtkKcA7ZCoAO2QqQDtkKoA7ZCrAO2QrADtkK0A7ZCuAO2QrwDtkLAA7ZCxAO2QsgDtkLMA7ZC0AO2QtQDtkLYA7ZC3AO2QuADtkLkA7ZC6AO2QuwDtkLwA7ZC9AO2QvgDtkL8A7ZGAAO2RgQDtkYIA7ZGDAO2RhADtkYUA7ZGGAO2RhwDtkYgA7ZGJAO2RigDtkYsA7ZGMAO2RjQDtkY4A7ZGPAO2RkADtkZEA7ZGSAO2RkwDtkZQA7ZGVAO2RlgDtkZcA7ZGYAO2RmQDtkZoA7ZGbAO2RnADtkZ0A7ZGeAO2RnwDtkaAA7ZGhAO2RogDtkaMA7ZGkAO2RpQDtkaYA7ZGnAO2RqADtkakA7ZGqAO2RqwDtkawA7ZGtAO2RrgDtka8A7ZGwAO2RsQDtkbIA7ZGzAO2RtADtkbUA7ZG2AO2RtwDtkbgA7ZG5AO2RugDtkbsA7ZG8AO2RvQDtkb4A7ZG/AO2SgADtkoEA7ZKCAO2SgwDtkoQA7ZKFAO2ShgDtkocA7ZKIAO2SiQDtkooA7ZKLAO2SjADtko0A7ZKOAO2SjwDtkpAA7ZKRAO2SkgDtkpMA7ZKUAO2SlQDtkpYA7ZKXAO2SmADtkpkA7ZKaAO2SmwDtkpwA7ZKdAO2SngDtkp8A7ZKgAO2SoQDtkqIA7ZKjAO2SpADtkqUA7ZKmAO2SpwDtkqgA7ZKpAO2SqgDtkqsA7ZKsAO2SrQDtkq4A7ZKvAO2SsADtkrEA7ZKyAO2SswDtkrQA7ZK1AO2StgDtkrcA7ZK4AO2SuQDtkroA7ZK7AO2SvADtkr0A7ZK+AO2SvwDtk4AA7ZOBAO2TggDtk4MA7ZOEAO2ThQDtk4YA7ZOHAO2TiADtk4kA7ZOKAO2TiwDtk4wA7ZONAO2TjgDtk48A7ZOQAO2TkQDtk5IA7ZOTAO2TlADtk5UA7ZOWAO2TlwDtk5gA7ZOZAO2TmgDtk5sA7ZOcAO2TnQDtk54A7ZOfAO2ToADtk6EA7ZOiAO2TowDtk6QA7ZOlAO2TpgDtk6cA7ZOoAO2TqQDtk6oA7ZOrAO2TrADtk60A7ZOuAO2TrwDtk7AA7ZOxAO2TsgDtk7MA7ZO0AO2TtQDtk7YA7ZO3AO2TuADtk7kA7ZO6AO2TuwDtk7wA7ZO9AO2TvgDtk78A7ZSAAO2UgQDtlIIA7ZSDAO2UhADtlIUA7ZSGAO2UhwDtlIgA7ZSJAO2UigDtlIsA7ZSMAO2UjQDtlI4A7ZSPAO2UkADtlJEA7ZSSAO2UkwDtlJQA7ZSVAO2UlgDtlJcA7ZSYAO2UmQDtlJoA7ZSbAO2UnADtlJ0A7ZSeAO2UnwDtlKAA7ZShAO2UogDtlKMA7ZSkAO2UpQDtlKYA7ZSnAO2UqADtlKkA7ZSqAO2UqwDtlKwA7ZStAO2UrgDtlK8A7ZSwAO2UsQDtlLIA7ZSzAO2UtADtlLUA7ZS2AO2UtwDtlLgA7ZS5AO2UugDtlLsA7ZS8AO2UvQDtlL4A7ZS/AO2VgADtlYEA7ZWCAO2VgwDtlYQA7ZWFAO2VhgDtlYcA7ZWIAO2ViQDtlYoA7ZWLAO2VjADtlY0A7ZWOAO2VjwDtlZAA7ZWRAO2VkgDtlZMA7ZWUAO2VlQDtlZYA7ZWXAO2VmADtlZkA7ZWaAO2VmwDtlZwA7ZWdAO2VngDtlZ8A7ZWgAO2VoQDtlaIA7ZWjAO2VpADtlaUA7ZWmAO2VpwDtlagA7ZWpAO2VqgDtlasA7ZWsAO2VrQDtla4A7ZWvAO2VsADtlbEA7ZWyAO2VswDtlbQA7ZW1AO2VtgDtlbcA7ZW4AO2VuQDtlboA7ZW7AO2VvADtlb0A7ZW+AO2VvwDtloAA7ZaBAO2WggDtloMA7ZaEAO2WhQDtloYA7ZaHAO2WiADtlokA7ZaKAO2WiwDtlowA7ZaNAO2WjgDtlo8A7ZaQAO2WkQDtlpIA7ZaTAO2WlADtlpUA7ZaWAO2WlwDtlpgA7ZaZAO2WmgDtlpsA7ZacAO2WnQDtlp4A7ZafAO2WoADtlqEA7ZaiAO2WowDtlqQA7ZalAO2WpgDtlqcA7ZaoAO2WqQDtlqoA7ZarAO2WrADtlq0A7ZauAO2WrwDtlrAA7ZaxAO2WsgDtlrMA7Za0AO2WtQDtlrYA7Za3AO2WuADtlrkA7Za6AO2WuwDtlrwA7Za9AO2WvgDtlr8A7ZeAAO2XgQDtl4IA7ZeDAO2XhADtl4UA7ZeGAO2XhwDtl4gA7ZeJAO2XigDtl4sA7ZeMAO2XjQDtl44A7ZePAO2XkADtl5EA7ZeSAO2XkwDtl5QA7ZeVAO2XlgDtl5cA7ZeYAO2XmQDtl5oA7ZebAO2XnADtl50A7ZeeAO2XnwDtl6AA7ZehAO2XogDtl6MA7ZekAO2XpQDtl6YA7ZenAO2XqADtl6kA7ZeqAO2XqwDtl6wA7ZetAO2XrgDtl68A7ZewAO2XsQDtl7IA7ZezAO2XtADtl7UA7Ze2AO2XtwDtl7gA7Ze5AO2XugDtl7sA7Ze8AO2XvQDtl74A7Ze/AO2YgADtmIEA7ZiCAO2YgwDtmIQA7ZiFAO2YhgDtmIcA7ZiIAO2YiQDtmIoA7ZiLAO2YjADtmI0A7ZiOAO2YjwDtmJAA7ZiRAO2YkgDtmJMA7ZiUAO2YlQDtmJYA7ZiXAO2YmADtmJkA7ZiaAO2YmwDtmJwA7ZidAO2YngDtmJ8A7ZigAO2YoQDtmKIA7ZijAO2YpADtmKUA7ZimAO2YpwDtmKgA7ZipAO2YqgDtmKsA7ZisAO2YrQDtmK4A7ZivAO2YsADtmLEA7ZiyAO2YswDtmLQA7Zi1AO2YtgDtmLcA7Zi4AO2YuQDtmLoA7Zi7AO2YvADtmL0A7Zi+AO2YvwDtmYAA7ZmBAO2ZggDtmYMA7ZmEAO2ZhQDtmYYA7ZmHAO2ZiADtmYkA7ZmKAO2ZiwDtmYwA7ZmNAO2ZjgDtmY8A7ZmQAO2ZkQDtmZIA7ZmTAO2ZlADtmZUA7ZmWAO2ZlwDtmZgA7ZmZAO2ZmgDtmZsA7ZmcAO2ZnQDtmZ4A7ZmfAO2ZoADtmaEA7ZmiAO2ZowDtmaQA7ZmlAO2ZpgDtmacA7ZmoAO2ZqQDtmaoA7ZmrAO2ZrADtma0A7ZmuAO2ZrwDtmbAA7ZmxAO2ZsgDtmbMA7Zm0AO2ZtQDtmbYA7Zm3AO2ZuADtmbkA7Zm6AO2ZuwDtmbwA7Zm9AO2ZvgDtmb8A7ZqAAO2agQDtmoIA7ZqDAO2ahADtmoUA7ZqGAO2ahwDtmogA7ZqJAO2aigDtmosA7ZqMAO2ajQDtmo4A7ZqPAO2akADtmpEA7ZqSAO2akwDtmpQA7ZqVAO2algDtmpcA7ZqYAO2amQDtmpoA7ZqbAO2anADtmp0A7ZqeAO2anwDtmqAA7ZqhAO2aogDtmqMA7ZqkAO2apQDtmqYA7ZqnAO2aqADtmqkA7ZqqAO2aqwDtmqwA7ZqtAO2argDtmq8A7ZqwAO2asQDtmrIA7ZqzAO2atADtmrUA7Zq2AO2atwDtmrgA7Zq5AO2augDtmrsA7Zq8AO2avQDtmr4A7Zq/AO2bgADtm4EA7ZuCAO2bgwDtm4QA7ZuFAO2bhgDtm4cA7ZuIAO2biQDtm4oA7ZuLAO2bjADtm40A7ZuOAO2bjwDtm5AA7ZuRAO2bkgDtm5MA7ZuUAO2blQDtm5YA7ZuXAO2bmADtm5kA7ZuaAO2bmwDtm5wA7ZudAO2bngDtm58A7ZugAO2boQDtm6IA7ZujAO2bpADtm6UA7ZumAO2bpwDtm6gA7ZupAO2bqgDtm6sA7ZusAO2brQDtm64A7ZuvAO2bsADtm7EA7ZuyAO2bswDtm7QA7Zu1AO2btgDtm7cA7Zu4AO2buQDtm7oA7Zu7AO2bvADtm70A7Zu+AO2bvwDtnIAA7ZyBAO2cggDtnIMA7ZyEAO2chQDtnIYA7ZyHAO2ciADtnIkA7ZyKAO2ciwDtnIwA7ZyNAO2cjgDtnI8A7ZyQAO2ckQDtnJIA7ZyTAO2clADtnJUA7ZyWAO2clwDtnJgA7ZyZAO2cmgDtnJsA7ZycAO2cnQDtnJ4A7ZyfAO2coADtnKEA7ZyiAO2cowDtnKQA7ZylAO2cpgDtnKcA7ZyoAO2cqQDtnKoA7ZyrAO2crADtnK0A7ZyuAO2crwDtnLAA7ZyxAO2csgDtnLMA7Zy0AO2ctQDtnLYA7Zy3AO2cuADtnLkA7Zy6AO2cuwDtnLwA7Zy9AO2cvgDtnL8A7Z2AAO2dgQDtnYIA7Z2DAO2dhADtnYUA7Z2GAO2dhwDtnYgA7Z2JAO2digDtnYsA7Z2MAO2djQDtnY4A7Z2PAO2dkADtnZEA7Z2SAO2dkwDtnZQA7Z2VAO2dlgDtnZcA7Z2YAO2dmQDtnZoA7Z2bAO2dnADtnZ0A7Z2eAO2dnwDtnaAA7Z2hAO2dogDtnaMA7Z2kAO2dpQDtnaYA7Z2nAO2dqADtnakA7Z2qAO2dqwDtnawA7Z2tAO2drgDtna8A7Z2wAO2dsQDtnbIA7Z2zAO2dtADtnbUA7Z22AO2dtwDtnbgA7Z25AO2dugDtnbsA7Z28AO2dvQDtnb4A7Z2/AO2egADtnoEA7Z6CAO2egwDtnoQA7Z6FAO2ehgDtnocA7Z6IAO2eiQDtnooA7Z6LAO2ejADtno0A7Z6OAO2ejwDtnpAA7Z6RAO2ekgDtnpMA7Z6UAO2elQDtnpYA7Z6XAO2emADtnpkA7Z6aAO2emwDtnpwA7Z6dAO2engDtnp8A7Z6gAO2eoQDtnqIA7Z6jAPCRgpoA8JGCnADwkYKrAPCRhK4A8JGErwDwkY2LAPCRjYwA8JGSuwDwkZK8APCRkr4A8JGWugDwkZa7APCdhZfwnYWlAPCdhZjwnYWlAPCdhZjwnYWl8J2FrgDwnYWY8J2FpfCdha8A8J2FmPCdhaXwnYWwAPCdhZjwnYWl8J2FsQDwnYWY8J2FpfCdhbIA8J2GufCdhaUA8J2GufCdhaXwnYWuAPCdhrnwnYWl8J2FrwDwnYa68J2FpQDwnYa68J2FpfCdha4A8J2GuvCdhaXwnYWvAPCghKIA8KCUnADwoJSlAPCglYsA8KCYugDwoKCEAPCgo54A8KCorADwoK2jAPChk6QA8KGaqADwoZuqAPChp4gA8KGsmADwobSLAPCht6QA8KG3pgDwooaDAPCihp8A8KKMsQDwopuUAPCioYQA8KKhigDwoqyMAPCir7EA8KOAigDwo4q4APCjjZ8A8KOOkwDwo46cAPCjj4MA8KOPlQDwo5GtAPCjmqMA8KOipwDwo6qNAPCjq7oA8KOyvADwo7SeAPCju5EA8KO9ngDwo76OAPCkiaMA8KSLrgDwpI6rAPCkmIgA8KSctQDwpKCUAPCksLYA8KSykgDwpL6hAPCkvrgA8KWBhADwpYOyAPClg7MA8KWEmQDwpYSzAPCliYkA8KWQnQDwpZimAPClmpoA8KWbhQDwpaW8APClqqcA8KWuqwDwpbKAAPCls5AA8KW+hgDwpoeaAPCmiKgA8KaJhwDwpouZAPCmjL4A8KaTmgDwppSjAPCmlqgA8KaepwDwpp61APCmrLwA8KawtgDwprOVAPCmtasA8Ka8rADwpr6xAPCng5IA8KePigDwp5mnAPCnoq4A8KelpgDwp7KoAPCnu5MA8Ke8rwDwqJeSAPCol60A8KicrgDwqK+6APCotbcA8KmFhQDwqYefAPCpiJoA8KmQigDwqZKWAPCplrYA8KmssADwqoOOAPCqhIUA8KqIjgDwqoqRAPCqjpIA8KqYgAA=" + }, + { + "type": "Replace", + "pattern": { + "Regex": " {2,}" + }, + "content": " " + } + ] + }, + "pre_tokenizer": { + "type": "Metaspace", + "replacement": "▁", + "add_prefix_space": true + }, + "post_processor": { + "type": "TemplateProcessing", + "single": [ + { + "Sequence": { + "id": "A", + "type_id": 0 + } + }, + { + "SpecialToken": { + "id": "", + "type_id": 0 + } + } + ], + "pair": [ + { + "Sequence": { + "id": "A", + "type_id": 0 + } + }, + { + "Sequence": { + "id": "B", + "type_id": 0 + } + }, + { + "SpecialToken": { + "id": "", + "type_id": 0 + } + } + ], + "special_tokens": { + "": { + "id": "", + "ids": [ + 1 + ], + "tokens": [ + "" + ] + } + } + }, + "decoder": { + "type": "Metaspace", + "replacement": "▁", + "add_prefix_space": true + }, + "model": { + "type": "Unigram", + "unk_id": 105, + "vocab": [ + [ + "", + 0.0 + ], + [ + "", + 0.0 + ], + [ + "", + 0.0 + ], + [ + "", + 0.0 + ], + [ + "", + -100.0 + ], + [ + "", + -100.0 + ], + [ + "", + -100.0 + ], + [ + "", + -100.0 + ], + [ + "", + -100.0 + ], + [ + "", + -100.0 + ], + [ + "", + -100.0 + ], + [ + "", + -100.0 + ], + [ + "", + -100.0 + ], + [ + "", + -100.0 + ], + [ + "", + -100.0 + ], + [ + "", + -100.0 + ], + [ + "", + -100.0 + ], + [ + "", + -100.0 + ], + [ + "", + -100.0 + ], + [ + "", + -100.0 + ], + [ + "", + -100.0 + ], + [ + "", + -100.0 + ], + [ + "", + -100.0 + ], + [ + "", + -100.0 + ], + [ + "", + -100.0 + ], + [ + "", + -100.0 + ], + [ + "", + -100.0 + ], + [ + "", + -100.0 + ], + [ + "", + -100.0 + ], + [ + "", + -100.0 + ], + [ + "", + -100.0 + ], + [ + "", + -100.0 + ], + [ + "", + -100.0 + ], + [ + "", + -100.0 + ], + [ + "", + -100.0 + ], + [ + "", + -100.0 + ], + [ + "", + -100.0 + ], + [ + "", + -100.0 + ], + [ + "", + -100.0 + ], + [ + "", + -100.0 + ], + [ + "", + -100.0 + ], + [ + "", + -100.0 + ], + [ + "", + -100.0 + ], + [ + "", + -100.0 + ], + [ + "", + -100.0 + ], + [ + "", + -100.0 + ], + [ + "", + -100.0 + ], + [ + "", + -100.0 + ], + [ + "", + -100.0 + ], + [ + "", + -100.0 + ], + [ + "", + -100.0 + ], + [ + "", + -100.0 + ], + [ + "", + -100.0 + ], + [ + "", + -100.0 + ], + [ + "", + -100.0 + ], + [ + "", + -100.0 + ], + [ + "", + -100.0 + ], + [ + "", + -100.0 + ], + [ + "", + -100.0 + ], + [ + "", + -100.0 + ], + [ + "", + -100.0 + ], + [ + "", + -100.0 + ], + [ + "", + -100.0 + ], + [ + "", + -100.0 + ], + [ + "", + -100.0 + ], + [ + "", + -100.0 + ], + [ + "", + -100.0 + ], + [ + "", + -100.0 + ], + [ + "", + -100.0 + ], + [ + "", + -100.0 + ], + [ + "", + -100.0 + ], + [ + "", + -100.0 + ], + [ + "", + -100.0 + ], + [ + "", + -100.0 + ], + [ + "", + -100.0 + ], + [ + "", + -100.0 + ], + [ + "", + -100.0 + ], + [ + "", + -100.0 + ], + [ + "", + -100.0 + ], + [ + "", + -100.0 + ], + [ + "", + -100.0 + ], + [ + "", + -100.0 + ], + [ + "", + -100.0 + ], + [ + "", + -100.0 + ], + [ + "", + -100.0 + ], + [ + "", + -100.0 + ], + [ + "", + -100.0 + ], + [ + "", + -100.0 + ], + [ + "", + -100.0 + ], + [ + "", + -100.0 + ], + [ + "", + -100.0 + ], + [ + "", + -100.0 + ], + [ + "", + -100.0 + ], + [ + "", + -100.0 + ], + [ + "", + -100.0 + ], + [ + "", + -100.0 + ], + [ + "", + -100.0 + ], + [ + "", + -100.0 + ], + [ + "", + -100.0 + ], + [ + "", + -100.0 + ], + [ + "", + -100.0 + ], + [ + "", + -100.0 + ], + [ + "", + -100.0 + ], + [ + "", + -100.0 + ], + [ + "", + -100.0 + ], + [ + "", + 0.0 + ], + [ + "", + 0.0 + ], + [ + ".", + -3.1310248374938965 + ], + [ + ",", + -3.3096930980682373 + ], + [ + "▁the", + -3.329261541366577 + ], + [ + "▁", + -3.71622633934021 + ], + [ + "▁and", + -3.7503232955932617 + ], + [ + "▁to", + -3.8084170818328857 + ], + [ + "▁of", + -3.947807788848877 + ], + [ + "▁a", + -4.054682731628418 + ], + [ + "▁in", + -4.340486526489258 + ], + [ + "s", + -4.450276851654053 + ], + [ + "▁is", + -4.6409502029418945 + ], + [ + "▁for", + -4.738903999328613 + ], + [ + "▁you", + -4.900545597076416 + ], + [ + "▁that", + -4.957766532897949 + ], + [ + "-", + -4.9944891929626465 + ], + [ + "▁with", + -5.030882358551025 + ], + [ + "’", + -5.101049900054932 + ], + [ + "▁on", + -5.133164405822754 + ], + [ + "▁I", + -5.223630905151367 + ], + [ + "▁it", + -5.293469429016113 + ], + [ + "▁are", + -5.301150321960449 + ], + [ + "▁your", + -5.400738716125488 + ], + [ + "▁be", + -5.4154863357543945 + ], + [ + "▁as", + -5.503668785095215 + ], + [ + "'", + -5.531991481781006 + ], + [ + "▁or", + -5.606969833374023 + ], + [ + "▁have", + -5.638710975646973 + ], + [ + "▁at", + -5.668367385864258 + ], + [ + "▁from", + -5.690201282501221 + ], + [ + "▁this", + -5.707475185394287 + ], + [ + "▁can", + -5.715296268463135 + ], + [ + "▁will", + -5.736892223358154 + ], + [ + "▁The", + -5.760174751281738 + ], + [ + "▁was", + -5.787508964538574 + ], + [ + "▁by", + -5.7888922691345215 + ], + [ + "▁an", + -5.899631500244141 + ], + [ + "▁(", + -5.9247822761535645 + ], + [ + "t", + -5.987702369689941 + ], + [ + "▁we", + -6.008418560028076 + ], + [ + "▁not", + -6.010701656341553 + ], + [ + "!", + -6.073370933532715 + ], + [ + "▁has", + -6.112986087799072 + ], + [ + "▁all", + -6.145323276519775 + ], + [ + "▁our", + -6.172176361083984 + ], + [ + ":", + -6.200052261352539 + ], + [ + "?", + -6.233884811401367 + ], + [ + "▁their", + -6.249642372131348 + ], + [ + "▁more", + -6.250922203063965 + ], + [ + "▁but", + -6.291007995605469 + ], + [ + "▁one", + -6.3344645500183105 + ], + [ + "▁they", + -6.338380336761475 + ], + [ + ")", + -6.369032382965088 + ], + [ + "The", + -6.370370864868164 + ], + [ + "▁about", + -6.416199684143066 + ], + [ + "▁my", + -6.441829681396484 + ], + [ + "▁which", + -6.478437900543213 + ], + [ + "▁also", + -6.492162227630615 + ], + [ + "▁up", + -6.499144077301025 + ], + [ + "▁out", + -6.5046491622924805 + ], + [ + "▁time", + -6.52347993850708 + ], + [ + "▁so", + -6.537102699279785 + ], + [ + "▁It", + -6.704108238220215 + ], + [ + "▁his", + -6.705111503601074 + ], + [ + "▁who", + -6.707167148590088 + ], + [ + "▁do", + -6.717360019683838 + ], + [ + "▁like", + -6.723618507385254 + ], + [ + "▁when", + -6.729841232299805 + ], + [ + "▁been", + -6.74003791809082 + ], + [ + "▁if", + -6.7455220222473145 + ], + [ + "▁other", + -6.759890556335449 + ], + [ + "▁new", + -6.765444755554199 + ], + [ + "▁he", + -6.7865681648254395 + ], + [ + "▁get", + -6.794158458709717 + ], + [ + "▁what", + -6.802104949951172 + ], + [ + "▁some", + -6.826183795928955 + ], + [ + "▁This", + -6.83860445022583 + ], + [ + "▁them", + -6.8505167961120605 + ], + [ + "▁We", + -6.85291862487793 + ], + [ + "▁“", + -6.858825206756592 + ], + [ + "▁there", + -6.865011215209961 + ], + [ + "I", + -6.8684492111206055 + ], + [ + "▁just", + -6.874081134796143 + ], + [ + "▁any", + -6.879689693450928 + ], + [ + "▁into", + -6.887314319610596 + ], + [ + "/", + -6.896563529968262 + ], + [ + "▁would", + -6.8974289894104 + ], + [ + "▁make", + -6.906951904296875 + ], + [ + "\"", + -6.912654876708984 + ], + [ + "▁were", + -6.934229373931885 + ], + [ + "▁had", + -6.952000141143799 + ], + [ + "▁than", + -6.96122407913208 + ], + [ + "▁\"", + -6.969889163970947 + ], + [ + "▁how", + -6.981604099273682 + ], + [ + "▁people", + -6.992509841918945 + ], + [ + "▁work", + -7.00425910949707 + ], + [ + "▁A", + -7.005988597869873 + ], + [ + "▁its", + -7.008430480957031 + ], + [ + "▁over", + -7.009399890899658 + ], + [ + "▁most", + -7.033555507659912 + ], + [ + ";", + -7.038615703582764 + ], + [ + "▁use", + -7.047380447387695 + ], + [ + "m", + -7.050930500030518 + ], + [ + "▁only", + -7.051677703857422 + ], + [ + "▁well", + -7.055868148803711 + ], + [ + "▁first", + -7.056195259094238 + ], + [ + "▁–", + -7.0657758712768555 + ], + [ + "▁me", + -7.068888187408447 + ], + [ + "▁us", + -7.0706787109375 + ], + [ + "▁her", + -7.072997093200684 + ], + [ + "re", + -7.0779924392700195 + ], + [ + "▁need", + -7.094850540161133 + ], + [ + "▁may", + -7.1019368171691895 + ], + [ + "▁these", + -7.131898880004883 + ], + [ + "▁no", + -7.1435546875 + ], + [ + "▁very", + -7.169593334197998 + ], + [ + "▁In", + -7.17523193359375 + ], + [ + "▁many", + -7.184239864349365 + ], + [ + "▁through", + -7.192859649658203 + ], + [ + "▁help", + -7.199311256408691 + ], + [ + "▁You", + -7.202390193939209 + ], + [ + "”", + -7.216441631317139 + ], + [ + "▁two", + -7.224501132965088 + ], + [ + "▁best", + -7.22633695602417 + ], + [ + "▁way", + -7.228824615478516 + ], + [ + "▁years", + -7.249144554138184 + ], + [ + "▁year", + -7.277033805847168 + ], + [ + "▁-", + -7.302977085113525 + ], + [ + "▁good", + -7.311716079711914 + ], + [ + "▁know", + -7.319109916687012 + ], + [ + "▁see", + -7.327856063842773 + ], + [ + "▁then", + -7.33629846572876 + ], + [ + "▁home", + -7.347983360290527 + ], + [ + "▁now", + -7.351974964141846 + ], + [ + "▁If", + -7.352500915527344 + ], + [ + "▁where", + -7.359532833099365 + ], + [ + "▁day", + -7.368444442749023 + ], + [ + "▁said", + -7.372145175933838 + ], + [ + "▁after", + -7.37817907333374 + ], + [ + "▁want", + -7.381801605224609 + ], + [ + "▁should", + -7.388603687286377 + ], + [ + "▁back", + -7.389666080474853 + ], + [ + "▁take", + -7.396261215209961 + ], + [ + "▁much", + -7.399851322174072 + ], + [ + ").", + -7.404089450836182 + ], + [ + "A", + -7.411473751068115 + ], + [ + "d", + -7.413090705871582 + ], + [ + "▁such", + -7.415567874908447 + ], + [ + "▁even", + -7.4157514572143555 + ], + [ + "▁great", + -7.419434070587158 + ], + [ + "▁could", + -7.421172142028809 + ], + [ + "▁information", + -7.432606220245361 + ], + [ + "▁find", + -7.43942928314209 + ], + [ + "▁&", + -7.440021514892578 + ], + [ + "▁business", + -7.483234882354736 + ], + [ + "ve", + -7.488013744354248 + ], + [ + "▁because", + -7.488485336303711 + ], + [ + "▁used", + -7.493058204650879 + ], + [ + "▁here", + -7.495416641235352 + ], + [ + "▁she", + -7.49976921081543 + ], + [ + "▁made", + -7.50059175491333 + ], + [ + "ll", + -7.515738487243652 + ], + [ + "▁right", + -7.532498359680176 + ], + [ + "▁before", + -7.539369583129883 + ], + [ + "▁being", + -7.5465850830078125 + ], + [ + "▁life", + -7.563371181488037 + ], + [ + "▁don", + -7.567350387573242 + ], + [ + "ing", + -7.568863391876221 + ], + [ + "▁those", + -7.5763349533081055 + ], + [ + "▁go", + -7.581284999847412 + ], + [ + "▁each", + -7.583556652069092 + ], + [ + "▁while", + -7.619012832641602 + ], + [ + "▁world", + -7.623234272003174 + ], + [ + "▁around", + -7.625234603881836 + ], + [ + "▁2", + -7.626479625701904 + ], + [ + "▁high", + -7.633934020996094 + ], + [ + "▁own", + -7.635804176330566 + ], + [ + "S", + -7.648947715759277 + ], + [ + "We", + -7.664306163787842 + ], + [ + "▁He", + -7.6673583984375 + ], + [ + "▁look", + -7.691705703735352 + ], + [ + "This", + -7.700477123260498 + ], + [ + "▁really", + -7.702106952667236 + ], + [ + "▁last", + -7.706178665161133 + ], + [ + "▁every", + -7.709034442901611 + ], + [ + "▁different", + -7.710362911224365 + ], + [ + "▁service", + -7.710605621337891 + ], + [ + "▁available", + -7.715913772583008 + ], + [ + "▁free", + -7.718165874481201 + ], + [ + "▁place", + -7.72369384765625 + ], + [ + "▁3", + -7.724313735961914 + ], + [ + "▁part", + -7.724812507629395 + ], + [ + "▁love", + -7.725207328796387 + ], + [ + "▁off", + -7.72635555267334 + ], + [ + "▁long", + -7.733267307281494 + ], + [ + "▁company", + -7.735748767852783 + ], + [ + "▁both", + -7.737212657928467 + ], + [ + "▁using", + -7.742841243743896 + ], + [ + "a", + -7.744221210479736 + ], + [ + "▁1", + -7.749725341796875 + ], + [ + "▁experience", + -7.750367164611816 + ], + [ + "th", + -7.757729053497315 + ], + [ + "▁down", + -7.760585784912109 + ], + [ + "▁still", + -7.777933597564697 + ], + [ + "▁same", + -7.777952194213867 + ], + [ + "▁think", + -7.787189960479736 + ], + [ + "),", + -7.793578624725342 + ], + [ + "▁going", + -7.799764156341553 + ], + [ + "▁too", + -7.803317070007324 + ], + [ + "In", + -7.805799961090088 + ], + [ + "ed", + -7.810286998748779 + ], + [ + "▁between", + -7.821091175079346 + ], + [ + "▁services", + -7.8221845626831055 + ], + [ + "▁provide", + -7.822526931762695 + ], + [ + "▁team", + -7.823488712310791 + ], + [ + "▁For", + -7.824619770050049 + ], + [ + "▁They", + -7.829378128051758 + ], + [ + "▁set", + -7.834484100341797 + ], + [ + "▁few", + -7.837801456451416 + ], + [ + "▁And", + -7.840814113616943 + ], + [ + "e", + -7.841697692871094 + ], + [ + "▁system", + -7.852316856384277 + ], + [ + "▁family", + -7.855905532836914 + ], + [ + "▁always", + -7.857081413269043 + ], + [ + "▁including", + -7.867188930511475 + ], + [ + "▁come", + -7.899563312530518 + ], + [ + "▁little", + -7.9062042236328125 + ], + [ + "▁during", + -7.910624027252197 + ], + [ + "▁sure", + -7.911512851715088 + ], + [ + "▁data", + -7.914026260375977 + ], + [ + "▁water", + -7.917076110839844 + ], + [ + "▁support", + -7.917360305786133 + ], + [ + "▁online", + -7.920180797576904 + ], + [ + "▁three", + -7.921014785766602 + ], + [ + "▁better", + -7.923113822937012 + ], + [ + "▁things", + -7.926352500915527 + ], + [ + "▁him", + -7.943122863769531 + ], + [ + "▁But", + -7.94437313079834 + ], + [ + "▁number", + -7.948531150817871 + ], + [ + "▁area", + -7.949511528015137 + ], + [ + "▁am", + -7.950676441192627 + ], + [ + "▁without", + -7.954408168792725 + ], + [ + "▁quality", + -7.956590175628662 + ], + [ + "▁top", + -7.962404251098633 + ], + [ + "▁able", + -7.965260505676269 + ], + [ + "▁New", + -7.966537952423096 + ], + [ + "▁next", + -7.971044540405273 + ], + [ + "▁There", + -7.971127033233643 + ], + [ + "▁design", + -7.974674224853516 + ], + [ + "▁must", + -7.984644412994385 + ], + [ + "▁important", + -7.987626075744629 + ], + [ + "▁full", + -7.989880084991455 + ], + [ + "▁does", + -7.998542308807373 + ], + [ + "If", + -8.000590324401855 + ], + [ + "▁small", + -8.004314422607422 + ], + [ + "▁give", + -8.005414962768555 + ], + [ + "It", + -8.009657859802246 + ], + [ + "com", + -8.01388931274414 + ], + [ + "▁something", + -8.015584945678711 + ], + [ + "▁under", + -8.020474433898926 + ], + [ + "▁process", + -8.024904251098633 + ], + [ + "▁lot", + -8.031489372253418 + ], + [ + "▁did", + -8.03785514831543 + ], + [ + "▁offer", + -8.044572830200195 + ], + [ + "▁end", + -8.04595947265625 + ], + [ + "▁5", + -8.050633430480957 + ], + [ + "▁another", + -8.054558753967285 + ], + [ + "▁within", + -8.062564849853516 + ], + [ + "▁found", + -8.065214157104492 + ], + [ + "▁working", + -8.066254615783691 + ], + [ + "▁keep", + -8.07094955444336 + ], + [ + "▁10", + -8.071211814880371 + ], + [ + "▁site", + -8.07218074798584 + ], + [ + "▁products", + -8.074247360229492 + ], + [ + "▁today", + -8.074755668640137 + ], + [ + "▁since", + -8.078740119934082 + ], + [ + "▁might", + -8.08227825164795 + ], + [ + "▁looking", + -8.086539268493652 + ], + [ + "▁4", + -8.092743873596191 + ], + [ + "▁order", + -8.096660614013672 + ], + [ + "in", + -8.09752368927002 + ], + [ + "▁website", + -8.098860740661621 + ], + [ + "▁start", + -8.099067687988281 + ], + [ + "▁game", + -8.110054969787598 + ], + [ + "▁days", + -8.110576629638672 + ], + [ + "▁local", + -8.12161636352539 + ], + [ + "▁students", + -8.129379272460938 + ], + [ + "▁feel", + -8.130245208740234 + ], + [ + "▁never", + -8.141186714172363 + ], + [ + "▁making", + -8.142308235168457 + ], + [ + "▁week", + -8.149123191833496 + ], + [ + "▁needs", + -8.151945114135742 + ], + [ + "▁As", + -8.155682563781738 + ], + [ + "▁school", + -8.159008026123047 + ], + [ + "▁easy", + -8.169631958007812 + ], + [ + "...", + -8.169824600219727 + ], + [ + "▁‘", + -8.174454689025879 + ], + [ + "▁show", + -8.183157920837402 + ], + [ + "▁children", + -8.183238983154297 + ], + [ + "▁project", + -8.188772201538086 + ], + [ + "▁care", + -8.189933776855469 + ], + [ + "▁market", + -8.196416854858398 + ], + [ + "▁money", + -8.199808120727539 + ], + [ + "▁Our", + -8.199830055236816 + ], + [ + "▁book", + -8.203202247619629 + ], + [ + "▁change", + -8.21865177154541 + ], + [ + "▁So", + -8.221673965454102 + ], + [ + "▁To", + -8.223464965820312 + ], + [ + "▁put", + -8.226777076721191 + ], + [ + "y", + -8.230263710021973 + ], + [ + "▁say", + -8.230818748474121 + ], + [ + "You", + -8.235950469970703 + ], + [ + "▁room", + -8.236367225646973 + ], + [ + "▁got", + -8.236542701721191 + ], + [ + "er", + -8.238554000854492 + ], + [ + "▁create", + -8.238569259643555 + ], + [ + "▁course", + -8.245872497558594 + ], + [ + "▁large", + -8.246334075927734 + ], + [ + "▁together", + -8.247201919555664 + ], + [ + "▁food", + -8.258245468139648 + ], + [ + "▁health", + -8.259581565856934 + ], + [ + "▁community", + -8.26923656463623 + ], + [ + "▁open", + -8.270891189575195 + ], + [ + "▁away", + -8.27224063873291 + ], + [ + "▁until", + -8.275766372680664 + ], + [ + "▁program", + -8.276126861572266 + ], + [ + "▁often", + -8.284207344055176 + ], + [ + "▁possible", + -8.287511825561523 + ], + [ + "▁When", + -8.290070533752441 + ], + [ + "▁again", + -8.290444374084473 + ], + [ + "▁All", + -8.290567398071289 + ], + [ + "▁case", + -8.2905912399292 + ], + [ + "▁page", + -8.298100471496582 + ], + [ + "▁car", + -8.30151653289795 + ], + [ + "▁real", + -8.30361270904541 + ], + [ + "▁With", + -8.30585765838623 + ], + [ + "▁name", + -8.306732177734375 + ], + [ + "▁call", + -8.310717582702637 + ], + [ + "▁include", + -8.31357479095459 + ], + [ + "ly", + -8.3138427734375 + ], + [ + "▁per", + -8.318714141845703 + ], + [ + "▁why", + -8.322693824768066 + ], + [ + "▁product", + -8.32348918914795 + ], + [ + "▁state", + -8.325530052185059 + ], + [ + "▁post", + -8.32573127746582 + ], + [ + "▁based", + -8.327101707458496 + ], + [ + "▁She", + -8.335611343383789 + ], + [ + "▁second", + -8.340707778930664 + ], + [ + "n", + -8.348139762878418 + ], + [ + "▁event", + -8.349672317504883 + ], + [ + "▁group", + -8.355369567871094 + ], + [ + "i", + -8.356607437133789 + ], + [ + "▁having", + -8.358033180236816 + ], + [ + "▁old", + -8.366349220275879 + ], + [ + "▁become", + -8.367206573486328 + ], + [ + "▁big", + -8.36790657043457 + ], + [ + "▁play", + -8.368231773376465 + ], + [ + "▁What", + -8.368507385253906 + ], + [ + "▁against", + -8.373008728027344 + ], + [ + "▁person", + -8.377306938171387 + ], + [ + "▁along", + -8.377911567687988 + ], + [ + "▁list", + -8.37870979309082 + ], + [ + "“", + -8.379605293273926 + ], + [ + "▁price", + -8.380281448364258 + ], + [ + "D", + -8.381325721740723 + ], + [ + "▁contact", + -8.382407188415527 + ], + [ + "▁comes", + -8.382603645324707 + ], + [ + "▁research", + -8.382624626159668 + ], + [ + "▁thing", + -8.383493423461914 + ], + [ + "▁U", + -8.388687133789062 + ], + [ + "▁level", + -8.390752792358398 + ], + [ + "▁side", + -8.391456604003906 + ], + [ + "▁less", + -8.392041206359863 + ], + [ + "▁done", + -8.392279624938965 + ], + [ + "▁house", + -8.395618438720703 + ], + [ + "▁public", + -8.399389266967773 + ], + [ + "▁across", + -8.401331901550293 + ], + [ + ",”", + -8.401877403259277 + ], + [ + "▁power", + -8.404821395874023 + ], + [ + "▁That", + -8.406052589416504 + ], + [ + "▁development", + -8.406698226928711 + ], + [ + "▁below", + -8.408527374267578 + ], + [ + "▁times", + -8.41074275970459 + ], + [ + "▁access", + -8.411165237426758 + ], + [ + "or", + -8.41163158416748 + ], + [ + "▁point", + -8.412212371826172 + ], + [ + "▁—", + -8.41431713104248 + ], + [ + "▁makes", + -8.41592025756836 + ], + [ + "▁job", + -8.416211128234863 + ], + [ + "▁means", + -8.417153358459473 + ], + [ + ".\"", + -8.417852401733398 + ], + [ + "to", + -8.4223051071167 + ], + [ + "▁live", + -8.42379379272461 + ], + [ + "▁range", + -8.424534797668457 + ], + [ + "▁several", + -8.426468849182129 + ], + [ + "▁space", + -8.427942276000977 + ], + [ + "▁University", + -8.433019638061523 + ], + [ + "▁industry", + -8.435643196105957 + ], + [ + "▁offers", + -8.43648624420166 + ], + [ + "▁enough", + -8.437776565551758 + ], + [ + "▁already", + -8.441006660461426 + ], + [ + "▁These", + -8.441560745239258 + ], + [ + "▁try", + -8.441743850708008 + ], + [ + "▁getting", + -8.44401741027832 + ], + [ + "▁personal", + -8.446427345275879 + ], + [ + "▁plan", + -8.448685646057129 + ], + [ + "▁perfect", + -8.451140403747559 + ], + [ + "▁body", + -8.454229354858398 + ], + [ + "▁hard", + -8.455275535583496 + ], + [ + "▁form", + -8.46046257019043 + ], + [ + "▁read", + -8.461481094360352 + ], + [ + "▁city", + -8.470338821411133 + ], + [ + "▁left", + -8.472179412841797 + ], + [ + "▁cost", + -8.472900390625 + ], + [ + "▁S", + -8.473122596740723 + ], + [ + "▁ever", + -8.473933219909668 + ], + [ + "2", + -8.475369453430176 + ], + [ + "▁light", + -8.477889060974121 + ], + [ + "▁companies", + -8.480267524719238 + ], + [ + "▁social", + -8.482386589050293 + ], + [ + "and", + -8.483469009399414 + ], + [ + "▁customers", + -8.485298156738281 + ], + [ + "▁please", + -8.486449241638184 + ], + [ + "C", + -8.490277290344238 + ], + [ + "▁6", + -8.4917573928833 + ], + [ + "▁country", + -8.49443531036377 + ], + [ + "▁i", + -8.495920181274414 + ], + [ + "▁future", + -8.497748374938965 + ], + [ + "▁music", + -8.498245239257812 + ], + [ + "▁add", + -8.498602867126465 + ], + [ + "▁others", + -8.499848365783691 + ], + [ + "▁share", + -8.50073528289795 + ], + [ + "▁let", + -8.501670837402344 + ], + [ + "▁hours", + -8.501974105834961 + ], + [ + "▁line", + -8.502188682556152 + ], + [ + "▁four", + -8.51021671295166 + ], + [ + "▁minutes", + -8.511435508728027 + ], + [ + "▁learn", + -8.51347541809082 + ], + [ + "the", + -8.515169143676758 + ], + [ + "▁video", + -8.518858909606934 + ], + [ + "▁fun", + -8.522723197937012 + ], + [ + "▁started", + -8.523714065551758 + ], + [ + "▁special", + -8.52413558959961 + ], + [ + "▁members", + -8.525784492492676 + ], + [ + "▁run", + -8.526727676391602 + ], + [ + "r", + -8.529671669006348 + ], + [ + "▁technology", + -8.532273292541504 + ], + [ + "▁check", + -8.532812118530273 + ], + [ + "o", + -8.532858848571777 + ], + [ + "▁past", + -8.536928176879883 + ], + [ + "▁features", + -8.539444923400879 + ], + [ + "▁doing", + -8.539698600769043 + ], + [ + "▁visit", + -8.54074478149414 + ], + [ + "▁once", + -8.542430877685547 + ], + [ + "—", + -8.547511100769043 + ], + [ + "▁hand", + -8.553688049316406 + ], + [ + "▁control", + -8.55370044708252 + ], + [ + "▁building", + -8.555005073547363 + ], + [ + "▁value", + -8.555305480957031 + ], + [ + "▁night", + -8.557099342346191 + ], + [ + "▁No", + -8.558977127075195 + ], + [ + "What", + -8.560403823852539 + ], + [ + "▁called", + -8.566706657409668 + ], + [ + "▁training", + -8.570247650146484 + ], + [ + "▁professional", + -8.570328712463379 + ], + [ + "▁far", + -8.572444915771484 + ], + [ + "▁God", + -8.573610305786133 + ], + [ + "▁complete", + -8.581742286682129 + ], + [ + "▁questions", + -8.590280532836914 + ], + [ + "▁problem", + -8.591117858886719 + ], + [ + "▁won", + -8.593725204467773 + ], + [ + "▁though", + -8.594154357910156 + ], + [ + "▁season", + -8.594377517700195 + ], + [ + "▁everything", + -8.594948768615723 + ], + [ + "▁low", + -8.595890998840332 + ], + [ + "For", + -8.597628593444824 + ], + [ + "▁current", + -8.59793758392334 + ], + [ + "▁least", + -8.598852157592773 + ], + [ + "▁story", + -8.599130630493164 + ], + [ + "▁beautiful", + -8.599903106689453 + ], + [ + "▁simple", + -8.601421356201172 + ], + [ + "▁example", + -8.601912498474121 + ], + [ + "▁bit", + -8.602218627929688 + ], + [ + "▁actually", + -8.60239028930664 + ], + [ + "▁months", + -8.60717487335205 + ], + [ + "▁doesn", + -8.607365608215332 + ], + [ + "▁provides", + -8.609465599060059 + ], + [ + "▁property", + -8.612061500549316 + ], + [ + "▁friends", + -8.613401412963867 + ], + [ + "▁didn", + -8.616750717163086 + ], + [ + "▁B", + -8.617932319641113 + ], + [ + "▁C", + -8.621614456176758 + ], + [ + "▁enjoy", + -8.623465538024902 + ], + [ + "▁20", + -8.6243314743042 + ], + [ + "▁My", + -8.625374794006348 + ], + [ + "▁content", + -8.631168365478516 + ], + [ + "▁results", + -8.637327194213867 + ], + [ + "▁management", + -8.637876510620117 + ], + [ + "▁million", + -8.63830280303955 + ], + [ + "As", + -8.638511657714844 + ], + [ + "▁known", + -8.640451431274414 + ], + [ + "▁above", + -8.640816688537598 + ], + [ + "▁8", + -8.643412590026855 + ], + [ + "▁non", + -8.643502235412598 + ], + [ + "▁yet", + -8.64928913116455 + ], + [ + "▁However", + -8.650386810302734 + ], + [ + "▁single", + -8.650899887084961 + ], + [ + "▁short", + -8.653928756713867 + ], + [ + "▁One", + -8.654900550842285 + ], + [ + "▁ensure", + -8.655611038208008 + ], + [ + "▁early", + -8.655922889709473 + ], + [ + "▁fact", + -8.657227516174316 + ], + [ + "▁issues", + -8.657938957214355 + ], + [ + "▁type", + -8.658736228942871 + ], + [ + "▁unique", + -8.658904075622559 + ], + [ + "There", + -8.662323951721191 + ], + [ + "▁living", + -8.663537979125977 + ], + [ + "▁various", + -8.665393829345703 + ], + [ + "▁7", + -8.666431427001953 + ], + [ + "▁month", + -8.667030334472656 + ], + [ + "▁pay", + -8.667912483215332 + ], + [ + "▁M", + -8.668265342712402 + ], + [ + "▁size", + -8.668610572814941 + ], + [ + "▁office", + -8.668834686279297 + ], + [ + "▁understand", + -8.670031547546387 + ], + [ + "▁buy", + -8.671445846557617 + ], + [ + "▁choose", + -8.673722267150879 + ], + [ + "▁areas", + -8.674372673034668 + ], + [ + "▁given", + -8.681473731994629 + ], + [ + "▁took", + -8.681658744812012 + ], + [ + "▁media", + -8.684259414672852 + ], + [ + "▁performance", + -8.685129165649414 + ], + [ + "▁designed", + -8.685369491577148 + ], + [ + "▁customer", + -8.690478324890137 + ], + [ + "▁due", + -8.691640853881836 + ], + [ + "▁idea", + -8.69194507598877 + ], + [ + "▁came", + -8.692439079284668 + ], + [ + "▁email", + -8.692550659179688 + ], + [ + "▁energy", + -8.692963600158691 + ], + [ + "▁following", + -8.69970989227295 + ], + [ + "▁taking", + -8.700371742248535 + ], + [ + "▁someone", + -8.70041561126709 + ], + [ + "▁staff", + -8.704477310180664 + ], + [ + "▁says", + -8.704545021057129 + ], + [ + "▁bring", + -8.704769134521484 + ], + [ + "▁On", + -8.706055641174316 + ], + [ + "▁women", + -8.707350730895996 + ], + [ + "▁mind", + -8.708806037902832 + ], + [ + "▁At", + -8.710515975952148 + ], + [ + "▁American", + -8.71088695526123 + ], + [ + "▁required", + -8.712048530578613 + ], + [ + "▁government", + -8.714275360107422 + ], + [ + "▁clients", + -8.717752456665039 + ], + [ + "▁works", + -8.724774360656738 + ], + [ + "▁kind", + -8.724949836730957 + ], + [ + "on", + -8.725707054138184 + ], + [ + "▁key", + -8.726762771606445 + ], + [ + "▁addition", + -8.729994773864746 + ], + [ + "▁whole", + -8.73404312133789 + ], + [ + "▁12", + -8.735607147216797 + ], + [ + "▁thought", + -8.737224578857422 + ], + [ + "▁child", + -8.73930835723877 + ], + [ + "▁five", + -8.741908073425293 + ], + [ + "▁style", + -8.742426872253418 + ], + [ + "▁meet", + -8.7449312210083 + ], + [ + "▁options", + -8.744941711425781 + ], + [ + "▁City", + -8.745487213134766 + ], + [ + "▁Your", + -8.747692108154297 + ], + [ + "▁main", + -8.748741149902344 + ], + [ + "▁ideas", + -8.750164031982422 + ], + [ + "When", + -8.751725196838379 + ], + [ + "▁30", + -8.755098342895508 + ], + [ + "▁later", + -8.755724906921387 + ], + [ + "▁series", + -8.756606101989746 + ], + [ + "▁software", + -8.756613731384277 + ], + [ + "▁yourself", + -8.758259773254395 + ], + [ + "▁whether", + -8.75875186920166 + ], + [ + "▁front", + -8.760543823242188 + ], + [ + "▁seen", + -8.761364936828613 + ], + [ + "▁phone", + -8.761407852172852 + ], + [ + "▁close", + -8.767147064208984 + ], + [ + "▁went", + -8.773189544677734 + ], + [ + "▁everyone", + -8.773709297180176 + ], + [ + "▁history", + -8.776589393615723 + ], + [ + "▁needed", + -8.77776050567627 + ], + [ + "▁art", + -8.778430938720703 + ], + [ + "▁study", + -8.779533386230469 + ], + [ + "▁head", + -8.78136157989502 + ], + [ + "▁air", + -8.782264709472656 + ], + [ + "▁white", + -8.782979965209961 + ], + [ + "▁move", + -8.783723831176758 + ], + [ + "▁believe", + -8.783974647521973 + ], + [ + "▁major", + -8.784621238708496 + ], + [ + "▁E", + -8.787566184997559 + ], + [ + "▁view", + -8.788816452026367 + ], + [ + "▁further", + -8.789299964904785 + ], + [ + "▁events", + -8.790008544921875 + ], + [ + "▁details", + -8.79029655456543 + ], + [ + "▁especially", + -8.79155445098877 + ], + [ + "▁simply", + -8.792705535888672 + ], + [ + "▁United", + -8.792872428894043 + ], + [ + "▁either", + -8.795005798339844 + ], + [ + "▁quite", + -8.795449256896973 + ], + [ + "▁includes", + -8.796135902404785 + ], + [ + "▁natural", + -8.797107696533203 + ], + [ + "▁result", + -8.799500465393066 + ], + [ + "▁web", + -8.800081253051758 + ], + [ + "▁amount", + -8.801153182983398 + ], + [ + "▁D", + -8.801957130432129 + ], + [ + "▁hope", + -8.808331489562988 + ], + [ + "▁insurance", + -8.811552047729492 + ], + [ + "▁added", + -8.813457489013672 + ], + [ + "▁de", + -8.81393814086914 + ], + [ + "▁receive", + -8.8145170211792 + ], + [ + "▁throughout", + -8.817765235900879 + ], + [ + "▁After", + -8.81965160369873 + ], + [ + "▁How", + -8.820748329162598 + ], + [ + "▁application", + -8.820927619934082 + ], + [ + "▁writing", + -8.821414947509766 + ], + [ + "▁search", + -8.823315620422363 + ], + [ + "3", + -8.823563575744629 + ], + [ + "▁games", + -8.824029922485352 + ], + [ + "▁account", + -8.824139595031738 + ], + [ + "▁man", + -8.824563026428223 + ], + [ + "▁opportunity", + -8.82780933380127 + ], + [ + "▁report", + -8.829124450683594 + ], + [ + "▁created", + -8.829667091369629 + ], + [ + "▁etc", + -8.82994556427002 + ], + [ + "▁ready", + -8.830066680908203 + ], + [ + "▁provided", + -8.83117389678955 + ], + [ + "▁build", + -8.835588455200195 + ], + [ + "To", + -8.840737342834473 + ], + [ + "▁15", + -8.841056823730469 + ], + [ + "▁specific", + -8.842687606811523 + ], + [ + "1", + -8.846052169799805 + ], + [ + "(", + -8.847412109375 + ], + [ + "▁anything", + -8.84786319732666 + ], + [ + "▁problems", + -8.848278999328613 + ], + [ + "▁almost", + -8.848941802978516 + ], + [ + ",\"", + -8.848979949951172 + ], + [ + "▁located", + -8.849791526794434 + ], + [ + "▁systems", + -8.85130786895752 + ], + [ + "▁financial", + -8.854772567749023 + ], + [ + "▁face", + -8.855401992797852 + ], + [ + "▁security", + -8.855586051940918 + ], + [ + "▁half", + -8.858562469482422 + ], + [ + "▁card", + -8.860523223876953 + ], + [ + "▁stay", + -8.860800743103027 + ], + [ + "▁ago", + -8.86223316192627 + ], + [ + "▁class", + -8.863239288330078 + ], + [ + "▁lead", + -8.865066528320312 + ], + [ + "x", + -8.866487503051758 + ], + [ + "▁young", + -8.867810249328613 + ], + [ + "&", + -8.869599342346191 + ], + [ + "▁School", + -8.871227264404297 + ], + [ + "▁learning", + -8.872227668762207 + ], + [ + "▁oil", + -8.87280559539795 + ], + [ + "▁allow", + -8.873347282409668 + ], + [ + "▁field", + -8.875032424926758 + ], + [ + "▁National", + -8.875052452087402 + ], + [ + "▁skills", + -8.877705574035645 + ], + [ + "▁currently", + -8.877791404724121 + ], + [ + "up", + -8.879448890686035 + ], + [ + "▁skin", + -8.883238792419434 + ], + [ + "▁likely", + -8.886331558227539 + ], + [ + "▁ways", + -8.886456489562988 + ], + [ + "es", + -8.886765480041504 + ], + [ + "▁heart", + -8.887955665588379 + ], + [ + "▁happy", + -8.888766288757324 + ], + [ + "▁law", + -8.889339447021484 + ], + [ + "▁third", + -8.889482498168945 + ], + [ + "▁focus", + -8.890401840209961 + ], + [ + "▁color", + -8.890971183776855 + ], + [ + "▁age", + -8.890972137451172 + ], + [ + "▁users", + -8.895500183105469 + ], + [ + "▁T", + -8.896495819091797 + ], + [ + "▁forward", + -8.896827697753906 + ], + [ + "▁soon", + -8.897915840148926 + ], + [ + "▁taken", + -8.899215698242188 + ], + [ + "▁popular", + -8.89972972869873 + ], + [ + "▁clear", + -8.899882316589355 + ], + [ + "▁US", + -8.900382995605469 + ], + [ + "B", + -8.901542663574219 + ], + [ + "▁brand", + -8.902568817138672 + ], + [ + "▁among", + -8.903935432434082 + ], + [ + "▁treatment", + -8.904376029968262 + ], + [ + "▁coming", + -8.905299186706543 + ], + [ + "▁South", + -8.905774116516113 + ], + [ + "▁store", + -8.907940864562988 + ], + [ + "▁turn", + -8.90888500213623 + ], + [ + "▁date", + -8.909137725830078 + ], + [ + "▁issue", + -8.910526275634766 + ], + [ + "▁education", + -8.910872459411621 + ], + [ + "▁present", + -8.912420272827148 + ], + [ + "▁paper", + -8.913366317749023 + ], + [ + "▁continue", + -8.913426399230957 + ], + [ + "▁however", + -8.913522720336914 + ], + [ + "▁save", + -8.914637565612793 + ], + [ + "▁test", + -8.91720962524414 + ], + [ + "▁image", + -8.91730785369873 + ], + [ + "▁strong", + -8.918907165527344 + ], + [ + "▁latest", + -8.920565605163574 + ], + [ + "▁private", + -8.920843124389648 + ], + [ + "▁variety", + -8.921234130859375 + ], + [ + "▁black", + -8.922979354858398 + ], + [ + "▁kids", + -8.92323112487793 + ], + [ + "So", + -8.923332214355469 + ], + [ + "▁self", + -8.92359733581543 + ], + [ + "▁choice", + -8.92402458190918 + ], + [ + "▁increase", + -8.924145698547363 + ], + [ + "▁State", + -8.924439430236816 + ], + [ + "▁activities", + -8.92678165435791 + ], + [ + "▁deal", + -8.927753448486328 + ], + [ + "▁individual", + -8.92797565460205 + ], + [ + "▁interest", + -8.929634094238281 + ], + [ + "▁blog", + -8.9298095703125 + ], + [ + "Our", + -8.929862022399902 + ], + [ + "▁tell", + -8.931259155273438 + ], + [ + "▁version", + -8.931310653686523 + ], + [ + "▁knowledge", + -8.932472229003906 + ], + [ + "▁table", + -8.932650566101074 + ], + [ + "▁wide", + -8.932659149169922 + ], + [ + "▁near", + -8.934755325317383 + ], + [ + "▁party", + -8.935462951660156 + ], + [ + "▁common", + -8.935980796813965 + ], + [ + "▁easily", + -8.938100814819336 + ], + [ + "▁usually", + -8.939117431640625 + ], + [ + "▁outside", + -8.939471244812012 + ], + [ + "▁marketing", + -8.93984317779541 + ], + [ + "▁sales", + -8.941242218017578 + ], + [ + "▁built", + -8.941800117492676 + ], + [ + "▁percent", + -8.942456245422363 + ], + [ + "g", + -8.943798065185547 + ], + [ + "▁takes", + -8.944527626037598 + ], + [ + "▁R", + -8.944595336914062 + ], + [ + "▁matter", + -8.944963455200195 + ], + [ + "▁Do", + -8.945013046264648 + ], + [ + "▁items", + -8.945489883422852 + ], + [ + "▁projects", + -8.945586204528809 + ], + [ + "▁address", + -8.945998191833496 + ], + [ + "▁practice", + -8.946027755737305 + ], + [ + "▁trying", + -8.946415901184082 + ], + [ + "▁pretty", + -8.9465970993042 + ], + [ + "▁environment", + -8.947281837463379 + ], + [ + "▁running", + -8.949472427368164 + ], + [ + "▁file", + -8.950657844543457 + ], + [ + "▁changes", + -8.95258903503418 + ], + [ + "▁additional", + -8.953200340270996 + ], + [ + "▁ask", + -8.95376968383789 + ], + [ + "▁member", + -8.95561695098877 + ], + [ + "▁original", + -8.956013679504395 + ], + [ + "▁follow", + -8.957947731018066 + ], + [ + "▁leave", + -8.958440780639648 + ], + [ + "▁York", + -8.959409713745117 + ], + [ + "▁e", + -8.95975399017334 + ], + [ + "▁model", + -8.960509300231934 + ], + [ + "▁user", + -8.965814590454102 + ], + [ + "▁step", + -8.965836524963379 + ], + [ + "▁probably", + -8.967220306396484 + ], + [ + "▁inside", + -8.967582702636719 + ], + [ + "▁potential", + -8.969286918640137 + ], + [ + "▁download", + -8.969303131103516 + ], + [ + "▁role", + -8.970100402832031 + ], + [ + "▁wanted", + -8.970849990844727 + ], + [ + "▁reason", + -8.97148609161377 + ], + [ + "▁allows", + -8.971899032592773 + ], + [ + "▁rate", + -8.97201156616211 + ], + [ + "▁St", + -8.974040985107422 + ], + [ + "▁growth", + -8.975920677185059 + ], + [ + "▁isn", + -8.97617244720459 + ], + [ + "▁providing", + -8.976178169250488 + ], + [ + "▁amazing", + -8.977059364318848 + ], + [ + "▁certain", + -8.977330207824707 + ], + [ + "▁via", + -8.977396965026855 + ], + [ + "▁rather", + -8.979070663452148 + ], + [ + "▁P", + -8.981762886047363 + ], + [ + "▁equipment", + -8.982707977294922 + ], + [ + "▁human", + -8.9829683303833 + ], + [ + "▁points", + -8.983405113220215 + ], + [ + "▁cover", + -8.983735084533691 + ], + [ + "▁held", + -8.986278533935547 + ], + [ + "▁risk", + -8.98660659790039 + ], + [ + "▁option", + -8.989980697631836 + ], + [ + "▁production", + -8.990348815917969 + ], + [ + "▁quickly", + -8.991655349731445 + ], + [ + "▁p", + -8.991721153259277 + ], + [ + "▁North", + -8.992506980895996 + ], + [ + "▁behind", + -8.994646072387695 + ], + [ + "▁World", + -8.99557876586914 + ], + [ + "▁longer", + -8.997027397155762 + ], + [ + "▁film", + -8.999271392822266 + ], + [ + "M", + -9.000236511230469 + ], + [ + "▁told", + -9.001049995422363 + ], + [ + "▁weeks", + -9.001425743103027 + ], + [ + "▁Center", + -9.00243854522705 + ], + [ + "▁click", + -9.003296852111816 + ], + [ + "▁higher", + -9.003859519958496 + ], + [ + "▁Please", + -9.005452156066895 + ], + [ + "▁location", + -9.005966186523438 + ], + [ + "▁travel", + -9.006172180175781 + ], + [ + "▁question", + -9.006987571716309 + ], + [ + "▁J", + -9.007912635803224 + ], + [ + "▁period", + -9.008030891418455 + ], + [ + "▁recent", + -9.009512901306152 + ], + [ + "▁credit", + -9.012911796569824 + ], + [ + "▁extra", + -9.014187812805176 + ], + [ + "▁purchase", + -9.014617919921877 + ], + [ + "▁May", + -9.014866828918455 + ], + [ + "4", + -9.0150728225708 + ], + [ + "▁received", + -9.016094207763672 + ], + [ + "▁total", + -9.018630981445312 + ], + [ + "▁materials", + -9.01911449432373 + ], + [ + "▁action", + -9.019588470458984 + ], + [ + "▁drive", + -9.020418167114258 + ], + [ + "▁re", + -9.0209321975708 + ], + [ + "▁true", + -9.022054672241213 + ], + [ + "▁summer", + -9.025042533874512 + ], + [ + "▁stop", + -9.025452613830566 + ], + [ + "▁success", + -9.026233673095703 + ], + [ + "▁sale", + -9.026857376098633 + ], + [ + "▁UK", + -9.027408599853516 + ], + [ + "▁improve", + -9.02920150756836 + ], + [ + "▁favorite", + -9.029309272766112 + ], + [ + "▁code", + -9.029489517211914 + ], + [ + "T", + -9.031166076660156 + ], + [ + "▁2018", + -9.032273292541504 + ], + [ + "▁couple", + -9.034724235534668 + ], + [ + "▁review", + -9.035015106201172 + ], + [ + "▁County", + -9.036612510681152 + ], + [ + "▁return", + -9.037851333618164 + ], + [ + "based", + -9.03791618347168 + ], + [ + "How", + -9.039952278137209 + ], + [ + "▁recently", + -9.040114402770996 + ], + [ + "▁shows", + -9.040854454040527 + ], + [ + "_", + -9.040928840637209 + ], + [ + "▁medical", + -9.04203987121582 + ], + [ + "▁international", + -9.042813301086426 + ], + [ + "▁/", + -9.043288230895996 + ], + [ + "▁mobile", + -9.043302536010742 + ], + [ + "▁solutions", + -9.043858528137209 + ], + [ + "▁modern", + -9.045321464538574 + ], + [ + "▁worked", + -9.047015190124512 + ], + [ + "▁nice", + -9.047977447509766 + ], + [ + "▁collection", + -9.04828643798828 + ], + [ + "▁9", + -9.048710823059082 + ], + [ + "▁solution", + -9.048749923706056 + ], + [ + "▁network", + -9.04929256439209 + ], + [ + "▁included", + -9.050390243530272 + ], + [ + "▁entire", + -9.050850868225098 + ], + [ + "But", + -9.051969528198242 + ], + [ + "▁general", + -9.052306175231934 + ], + [ + "▁effective", + -9.0543794631958 + ], + [ + "▁computer", + -9.05479907989502 + ], + [ + "▁G", + -9.055571556091309 + ], + [ + "▁April", + -9.057588577270508 + ], + [ + "▁reading", + -9.057947158813477 + ], + [ + "▁programs", + -9.058039665222168 + ], + [ + "▁safe", + -9.058367729187012 + ], + [ + "▁leading", + -9.058565139770508 + ], + [ + "▁lives", + -9.05942726135254 + ], + [ + "▁anyone", + -9.06020736694336 + ], + [ + "▁cannot", + -9.060442924499512 + ], + [ + "▁kitchen", + -9.060599327087402 + ], + [ + "P", + -9.062978744506836 + ], + [ + "▁particular", + -9.06344509124756 + ], + [ + "▁standard", + -9.063654899597168 + ], + [ + "▁parts", + -9.066191673278809 + ], + [ + "▁costs", + -9.069206237792969 + ], + [ + "▁article", + -9.069786071777344 + ], + [ + "▁position", + -9.071045875549316 + ], + [ + "▁final", + -9.072073936462402 + ], + [ + "▁tools", + -9.072898864746094 + ], + [ + "▁looks", + -9.074307441711426 + ], + [ + "▁impact", + -9.076008796691896 + ], + [ + "▁student", + -9.077422142028809 + ], + [ + "▁Park", + -9.078987121582031 + ], + [ + "▁Dr", + -9.07900047302246 + ], + [ + "▁An", + -9.079806327819824 + ], + [ + "▁similar", + -9.080866813659668 + ], + [ + "▁related", + -9.081357955932615 + ], + [ + "▁ability", + -9.081427574157717 + ], + [ + "▁highly", + -9.081758499145508 + ], + [ + "▁meeting", + -9.082496643066406 + ], + [ + "▁words", + -9.083226203918455 + ], + [ + "▁news", + -9.08547019958496 + ], + [ + "▁fast", + -9.086585998535156 + ], + [ + "▁according", + -9.08803653717041 + ], + [ + "▁necessary", + -9.08924961090088 + ], + [ + "▁excellent", + -9.091692924499512 + ], + [ + "▁benefits", + -9.09267520904541 + ], + [ + "And", + -9.093510627746582 + ], + [ + "▁else", + -9.094104766845703 + ], + [ + "▁app", + -9.094550132751465 + ], + [ + "▁cut", + -9.095458030700684 + ], + [ + "▁goal", + -9.096965789794922 + ], + [ + "▁material", + -9.098736763000488 + ], + [ + "▁talk", + -9.100778579711914 + ], + [ + "▁clean", + -9.100994110107422 + ], + [ + "▁rest", + -9.102072715759276 + ], + [ + "E", + -9.102229118347168 + ], + [ + "▁His", + -9.103106498718262 + ], + [ + "▁cause", + -9.103181838989258 + ], + [ + "▁safety", + -9.103330612182615 + ], + [ + "▁hair", + -9.103680610656738 + ], + [ + "▁career", + -9.10439109802246 + ], + [ + "▁difficult", + -9.10509204864502 + ], + [ + "▁chance", + -9.1076078414917 + ], + [ + "▁States", + -9.109415054321287 + ], + [ + "▁approach", + -9.1095609664917 + ], + [ + "▁nothing", + -9.10962963104248 + ], + [ + "▁digital", + -9.109781265258787 + ], + [ + "▁plans", + -9.10995388031006 + ], + [ + "▁road", + -9.11147117614746 + ], + [ + "year", + -9.112391471862791 + ], + [ + "▁types", + -9.11311149597168 + ], + [ + "▁mean", + -9.11530590057373 + ], + [ + "▁fit", + -9.116071701049805 + ], + [ + "▁win", + -9.118023872375488 + ], + [ + "▁men", + -9.121715545654297 + ], + [ + "▁bad", + -9.122437477111816 + ], + [ + "▁x", + -9.122769355773926 + ], + [ + "▁Some", + -9.124670028686523 + ], + [ + "K", + -9.125080108642578 + ], + [ + "▁six", + -9.125518798828123 + ], + [ + "▁floor", + -9.125666618347168 + ], + [ + "▁books", + -9.126091957092283 + ], + [ + "▁Now", + -9.126760482788086 + ], + [ + "▁link", + -9.126943588256836 + ], + [ + "▁'", + -9.127501487731934 + ], + [ + "▁tax", + -9.128698348999023 + ], + [ + "▁daily", + -9.12881565093994 + ], + [ + "▁consider", + -9.129351615905762 + ], + [ + "▁piece", + -9.131295204162598 + ], + [ + "▁morning", + -9.133667945861816 + ], + [ + "▁resources", + -9.133819580078123 + ], + [ + "▁While", + -9.134456634521484 + ], + [ + "▁board", + -9.134913444519045 + ], + [ + "▁Home", + -9.13818645477295 + ], + [ + "▁patients", + -9.139657020568848 + ], + [ + "▁seems", + -9.14179801940918 + ], + [ + "▁K", + -9.142311096191406 + ], + [ + "▁conditions", + -9.14273738861084 + ], + [ + "▁feature", + -9.14331340789795 + ], + [ + "▁asked", + -9.144075393676758 + ], + [ + "▁weight", + -9.14465045928955 + ], + [ + "▁March", + -9.145047187805176 + ], + [ + "k", + -9.14742374420166 + ], + [ + "▁send", + -9.150863647460938 + ], + [ + "▁L", + -9.151713371276855 + ], + [ + "▁images", + -9.153392791748049 + ], + [ + "▁sound", + -9.153644561767578 + ], + [ + "▁decision", + -9.15371799468994 + ], + [ + "▁Google", + -9.154807090759276 + ], + [ + "▁door", + -9.155550956726074 + ], + [ + "▁By", + -9.15566349029541 + ], + [ + "▁100", + -9.156330108642578 + ], + [ + "▁planning", + -9.156681060791016 + ], + [ + "▁Here", + -9.1573486328125 + ], + [ + "G", + -9.15839958190918 + ], + [ + "▁involved", + -9.15932559967041 + ], + [ + "▁Day", + -9.159483909606934 + ], + [ + "▁policy", + -9.159859657287598 + ], + [ + "▁prices", + -9.160503387451172 + ], + [ + "▁fully", + -9.160601615905762 + ], + [ + "▁develop", + -9.161020278930664 + ], + [ + "▁upon", + -9.161510467529297 + ], + [ + "▁directly", + -9.161568641662598 + ], + [ + "▁11", + -9.162260055541992 + ], + [ + "▁lower", + -9.162874221801758 + ], + [ + "▁wall", + -9.16359519958496 + ], + [ + "▁box", + -9.168008804321287 + ], + [ + "▁average", + -9.16814422607422 + ], + [ + "▁From", + -9.169859886169434 + ], + [ + "▁multiple", + -9.169919967651367 + ], + [ + "▁players", + -9.170605659484863 + ], + [ + "▁photos", + -9.170828819274902 + ], + [ + "▁picture", + -9.171344757080078 + ], + [ + "▁sense", + -9.17337131500244 + ], + [ + "▁John", + -9.175950050354004 + ], + [ + "▁require", + -9.176244735717772 + ], + [ + "▁America", + -9.177779197692873 + ], + [ + "▁House", + -9.178332328796388 + ], + [ + "▁instead", + -9.178505897521973 + ], + [ + "▁Not", + -9.179887771606444 + ], + [ + "▁attention", + -9.180248260498049 + ], + [ + "▁F", + -9.1802978515625 + ], + [ + "▁worth", + -9.182486534118652 + ], + [ + "▁record", + -9.182689666748049 + ], + [ + "▁write", + -9.184625625610352 + ], + [ + "▁late", + -9.185016632080078 + ], + [ + "▁requirements", + -9.185047149658203 + ], + [ + "He", + -9.185209274291992 + ], + [ + "▁businesses", + -9.18594455718994 + ], + [ + "▁levels", + -9.186119079589844 + ], + [ + "]", + -9.188353538513184 + ], + [ + "▁N", + -9.188691139221191 + ], + [ + "▁walk", + -9.191417694091797 + ], + [ + "▁track", + -9.192421913146973 + ], + [ + "▁center", + -9.192838668823242 + ], + [ + "▁countries", + -9.193312644958496 + ], + [ + "▁gives", + -9.193424224853516 + ], + [ + "▁helps", + -9.193753242492676 + ], + [ + "▁red", + -9.194440841674805 + ], + [ + "*", + -9.194546699523926 + ], + [ + "▁itself", + -9.196451187133787 + ], + [ + "▁reach", + -9.196941375732422 + ], + [ + "▁storage", + -9.1973295211792 + ], + [ + "▁traditional", + -9.197717666625977 + ], + [ + "al", + -9.199090003967283 + ], + [ + "With", + -9.199440002441406 + ], + [ + "▁source", + -9.199467658996582 + ], + [ + "▁trip", + -9.199599266052246 + ], + [ + "▁themselves", + -9.200769424438477 + ], + [ + "▁parents", + -9.200770378112791 + ], + [ + "▁town", + -9.200998306274414 + ], + [ + "man", + -9.201421737670898 + ], + [ + "▁global", + -9.204296112060549 + ], + [ + "▁playing", + -9.204689979553224 + ], + [ + "▁huge", + -9.206341743469238 + ], + [ + "▁creating", + -9.208115577697754 + ], + [ + "▁[", + -9.208853721618652 + ], + [ + "▁completely", + -9.208928108215332 + ], + [ + "▁device", + -9.21014404296875 + ], + [ + "ers", + -9.211604118347168 + ], + [ + "▁terms", + -9.21205997467041 + ], + [ + "▁release", + -9.212292671203612 + ], + [ + "▁giving", + -9.213119506835938 + ], + [ + "▁pre", + -9.214103698730469 + ], + [ + "▁organization", + -9.215381622314451 + ], + [ + "▁loss", + -9.215450286865234 + ], + [ + "▁hot", + -9.21657371520996 + ], + [ + "▁hold", + -9.21741008758545 + ], + [ + "▁apply", + -9.219775199890137 + ], + [ + "time", + -9.222823143005373 + ], + [ + "▁answer", + -9.223997116088867 + ], + [ + "▁O", + -9.225193977355955 + ], + [ + "▁International", + -9.225231170654297 + ], + [ + "▁vehicle", + -9.225537300109863 + ], + [ + "▁India", + -9.22681999206543 + ], + [ + "▁cases", + -9.228256225585938 + ], + [ + "▁national", + -9.228574752807615 + ], + [ + "▁successful", + -9.228918075561523 + ], + [ + "▁saw", + -9.230380058288574 + ], + [ + "▁50", + -9.231193542480469 + ], + [ + "▁myself", + -9.23149871826172 + ], + [ + "▁friend", + -9.231599807739258 + ], + [ + "c", + -9.232640266418455 + ], + [ + "▁photo", + -9.233963966369627 + ], + [ + "▁interesting", + -9.234264373779297 + ], + [ + "▁posted", + -9.234309196472168 + ], + [ + "R", + -9.235191345214844 + ], + [ + "▁machine", + -9.23708152770996 + ], + [ + "▁written", + -9.237899780273438 + ], + [ + "▁decided", + -9.23883819580078 + ], + [ + "▁applications", + -9.23983097076416 + ], + [ + "▁interested", + -9.2401762008667 + ], + [ + "▁commercial", + -9.240805625915527 + ], + [ + "▁fresh", + -9.240854263305664 + ], + [ + "▁employees", + -9.241742134094238 + ], + [ + "▁legal", + -9.243992805480955 + ], + [ + "▁lost", + -9.244497299194336 + ], + [ + "▁West", + -9.24544906616211 + ], + [ + "▁goes", + -9.24565315246582 + ], + [ + "▁London", + -9.246331214904783 + ], + [ + "▁opportunities", + -9.247490882873535 + ], + [ + "▁moment", + -9.25163745880127 + ], + [ + "▁word", + -9.252359390258787 + ], + [ + "▁remember", + -9.254194259643556 + ], + [ + "▁Christmas", + -9.254562377929688 + ], + [ + "▁client", + -9.25473403930664 + ], + [ + "▁H", + -9.25647258758545 + ], + [ + "▁tool", + -9.257564544677734 + ], + [ + "▁spend", + -9.258164405822754 + ], + [ + "▁Of", + -9.258246421813965 + ], + [ + "▁TV", + -9.25828456878662 + ], + [ + ".”", + -9.262378692626951 + ], + [ + "▁25", + -9.262384414672852 + ], + [ + "▁watch", + -9.263062477111816 + ], + [ + "▁developed", + -9.263222694396973 + ], + [ + "▁June", + -9.263778686523438 + ], + [ + "▁High", + -9.26442813873291 + ], + [ + "▁construction", + -9.26449966430664 + ], + [ + "▁English", + -9.266347885131836 + ], + [ + "On", + -9.26873779296875 + ], + [ + "▁green", + -9.26896858215332 + ], + [ + "l", + -9.269753456115724 + ], + [ + "▁offering", + -9.27163028717041 + ], + [ + "▁wonderful", + -9.272048950195312 + ], + [ + "▁hit", + -9.272587776184082 + ], + [ + "▁16", + -9.273627281188965 + ], + [ + "▁sites", + -9.27378749847412 + ], + [ + "▁Friday", + -9.27441120147705 + ], + [ + "–", + -9.276825904846191 + ], + [ + "All", + -9.278800010681152 + ], + [ + "▁healthy", + -9.279529571533203 + ], + [ + "▁section", + -9.279763221740724 + ], + [ + "▁24", + -9.281908988952637 + ], + [ + "▁goals", + -9.282225608825684 + ], + [ + "▁18", + -9.284729957580566 + ], + [ + "▁Just", + -9.285815238952637 + ], + [ + "▁heat", + -9.28666877746582 + ], + [ + "My", + -9.28768253326416 + ], + [ + "▁Facebook", + -9.289240837097168 + ], + [ + "▁regular", + -9.289523124694824 + ], + [ + "At", + -9.294232368469238 + ], + [ + "▁groups", + -9.29566478729248 + ], + [ + "▁San", + -9.297327995300291 + ], + [ + "▁begin", + -9.298177719116213 + ], + [ + "▁expected", + -9.298547744750977 + ], + [ + "▁starting", + -9.298710823059082 + ], + [ + "▁wish", + -9.300169944763184 + ], + [ + "▁base", + -9.301396369934082 + ], + [ + "▁moving", + -9.301743507385254 + ], + [ + "▁began", + -9.301767349243164 + ], + [ + "▁subject", + -9.301849365234377 + ], + [ + "▁hotel", + -9.302014350891112 + ], + [ + "▁growing", + -9.302616119384766 + ], + [ + "F", + -9.302973747253418 + ], + [ + "▁China", + -9.303224563598633 + ], + [ + "▁significant", + -9.304999351501465 + ], + [ + "▁fine", + -9.305570602416992 + ], + [ + "en", + -9.305706977844238 + ], + [ + "://", + -9.305923461914062 + ], + [ + "▁co", + -9.306883811950684 + ], + [ + "▁ground", + -9.30872631072998 + ], + [ + "▁2019", + -9.30994987487793 + ], + [ + "▁hear", + -9.31001091003418 + ], + [ + "▁hands", + -9.310657501220703 + ], + [ + "▁thinking", + -9.310911178588867 + ], + [ + "▁quick", + -9.310988426208496 + ], + [ + "▁screen", + -9.311211585998535 + ], + [ + "▁investment", + -9.311466217041016 + ], + [ + "▁Inc", + -9.313434600830078 + ], + [ + "▁towards", + -9.313884735107422 + ], + [ + "L", + -9.313899993896484 + ], + [ + "▁land", + -9.31560516357422 + ], + [ + "!!", + -9.315702438354492 + ], + [ + "▁sign", + -9.319091796875 + ], + [ + "▁entry", + -9.3204984664917 + ], + [ + "▁guide", + -9.32083511352539 + ], + [ + "▁pain", + -9.321303367614746 + ], + [ + "▁nature", + -9.321732521057127 + ], + [ + "▁grow", + -9.321905136108398 + ], + [ + "▁Then", + -9.32273292541504 + ], + [ + "▁limited", + -9.323657989501951 + ], + [ + "▁fall", + -9.324983596801758 + ], + [ + "▁families", + -9.325305938720703 + ], + [ + "▁recommend", + -9.325501441955566 + ], + [ + "▁sometimes", + -9.325647354125977 + ], + [ + "▁Service", + -9.325807571411133 + ], + [ + "▁...", + -9.326738357543944 + ], + [ + "▁became", + -9.326862335205078 + ], + [ + "▁platform", + -9.32953643798828 + ], + [ + "▁positive", + -9.330193519592283 + ], + [ + "▁Group", + -9.331836700439451 + ], + [ + "▁language", + -9.333261489868164 + ], + [ + "▁places", + -9.334182739257812 + ], + [ + "▁Mr", + -9.33748722076416 + ], + [ + "▁definitely", + -9.338895797729492 + ], + [ + "▁14", + -9.339701652526855 + ], + [ + "▁touch", + -9.341796875 + ], + [ + "▁experienced", + -9.34355926513672 + ], + [ + "▁January", + -9.345343589782717 + ], + [ + "▁hour", + -9.346231460571287 + ], + [ + "▁exactly", + -9.346713066101074 + ], + [ + "b", + -9.34726619720459 + ], + [ + "▁bed", + -9.347460746765137 + ], + [ + "▁individuals", + -9.348721504211426 + ], + [ + "▁cool", + -9.34878635406494 + ], + [ + "▁wedding", + -9.3493070602417 + ], + [ + "▁President", + -9.34974479675293 + ], + [ + "▁wood", + -9.350672721862791 + ], + [ + "▁serve", + -9.35133934020996 + ], + [ + "▁stock", + -9.352561950683594 + ], + [ + "▁benefit", + -9.352648735046388 + ], + [ + "▁stand", + -9.35302734375 + ], + [ + "▁shop", + -9.353446006774902 + ], + [ + "▁gift", + -9.35414981842041 + ], + [ + "▁internet", + -9.35609245300293 + ], + [ + "▁message", + -9.357561111450195 + ], + [ + "▁term", + -9.357789039611816 + ], + [ + "One", + -9.357958793640137 + ], + [ + "▁situation", + -9.357965469360352 + ], + [ + "▁relationship", + -9.358084678649902 + ], + [ + "▁bar", + -9.358241081237791 + ], + [ + "▁released", + -9.358471870422363 + ], + [ + "▁Free", + -9.358901023864746 + ], + [ + "▁pick", + -9.359139442443848 + ], + [ + "▁easier", + -9.359533309936523 + ], + [ + "▁break", + -9.359766006469728 + ], + [ + "▁dog", + -9.360187530517578 + ], + [ + "▁pictures", + -9.360305786132812 + ], + [ + "▁effect", + -9.361112594604492 + ], + [ + "▁published", + -9.36138153076172 + ], + [ + "▁Health", + -9.363022804260254 + ], + [ + "▁understanding", + -9.363285064697266 + ], + [ + "▁advice", + -9.363608360290527 + ], + [ + "▁damage", + -9.364266395568848 + ], + [ + "▁ones", + -9.364673614501951 + ], + [ + "▁join", + -9.368640899658203 + ], + [ + "▁plant", + -9.368759155273438 + ], + [ + "▁July", + -9.370817184448242 + ], + [ + "▁Also", + -9.37125015258789 + ], + [ + "▁speed", + -9.3717041015625 + ], + [ + "▁California", + -9.37186336517334 + ], + [ + "▁match", + -9.37197208404541 + ], + [ + "▁physical", + -9.371978759765623 + ], + [ + "of", + -9.372115135192873 + ], + [ + "▁loved", + -9.372647285461426 + ], + [ + "▁--", + -9.373116493225098 + ], + [ + "▁fire", + -9.374103546142578 + ], + [ + "▁custom", + -9.374317169189451 + ], + [ + "▁Department", + -9.376538276672363 + ], + [ + "▁former", + -9.377802848815918 + ], + [ + "▁request", + -9.377985000610352 + ], + [ + "an", + -9.37818717956543 + ], + [ + "▁region", + -9.38011360168457 + ], + [ + "▁death", + -9.381324768066406 + ], + [ + "▁eye", + -9.381951332092283 + ], + [ + "▁cash", + -9.382421493530272 + ], + [ + "▁2017", + -9.382437705993652 + ], + [ + "▁Saturday", + -9.383275985717772 + ], + [ + "▁V", + -9.383785247802734 + ], + [ + "▁reduce", + -9.3840913772583 + ], + [ + "▁highest", + -9.38424301147461 + ], + [ + "▁previous", + -9.38568115234375 + ], + [ + "st", + -9.385714530944824 + ], + [ + "▁furniture", + -9.385736465454102 + ], + [ + "▁seem", + -9.385844230651855 + ], + [ + "▁wait", + -9.38609218597412 + ], + [ + "After", + -9.388423919677734 + ], + [ + "▁expect", + -9.389175415039062 + ], + [ + "▁September", + -9.38943099975586 + ], + [ + "▁weekend", + -9.389897346496582 + ], + [ + "▁offered", + -9.39202117919922 + ], + [ + "▁considered", + -9.39202880859375 + ], + [ + "▁Sunday", + -9.392271995544434 + ], + [ + "5", + -9.392281532287598 + ], + [ + "▁round", + -9.392657279968262 + ], + [ + "▁glass", + -9.39278507232666 + ], + [ + "▁X", + -9.395626068115234 + ], + [ + "▁difference", + -9.396002769470217 + ], + [ + "▁stage", + -9.396950721740724 + ], + [ + "▁budget", + -9.39728832244873 + ], + [ + "▁October", + -9.39906406402588 + ], + [ + "▁note", + -9.39993667602539 + ], + [ + "▁text", + -9.401155471801758 + ], + [ + "▁feeling", + -9.403990745544434 + ], + [ + "▁W", + -9.407418251037598 + ], + [ + "▁deep", + -9.40750789642334 + ], + [ + "▁method", + -9.411478996276855 + ], + [ + "▁stories", + -9.413996696472168 + ], + [ + "▁led", + -9.41649055480957 + ], + [ + "▁comfortable", + -9.417373657226562 + ], + [ + "▁helping", + -9.4175386428833 + ], + [ + "▁pages", + -9.418639183044434 + ], + [ + "▁baby", + -9.41962718963623 + ], + [ + "▁spent", + -9.42013168334961 + ], + [ + "▁sell", + -9.421378135681152 + ], + [ + "▁finish", + -9.422001838684082 + ], + [ + "▁delivery", + -9.422094345092772 + ], + [ + "▁pressure", + -9.42214012145996 + ], + [ + "▁largest", + -9.422673225402832 + ], + [ + "▁College", + -9.422943115234377 + ], + [ + "▁schools", + -9.42410659790039 + ], + [ + "▁active", + -9.424616813659668 + ], + [ + "▁rates", + -9.424646377563477 + ], + [ + "▁felt", + -9.425179481506348 + ], + [ + "▁setting", + -9.425440788269045 + ], + [ + "▁devices", + -9.42546272277832 + ], + [ + "▁supply", + -9.427017211914062 + ], + [ + "▁feet", + -9.42717170715332 + ], + [ + "▁culture", + -9.427889823913574 + ], + [ + "p", + -9.428995132446287 + ], + [ + "▁overall", + -9.429547309875488 + ], + [ + "▁display", + -9.429656982421877 + ], + [ + "▁analysis", + -9.42977809906006 + ], + [ + "▁activity", + -9.431283950805664 + ], + [ + "@", + -9.433197021484377 + ], + [ + "▁existing", + -9.433402061462402 + ], + [ + "▁Most", + -9.433568954467772 + ], + [ + "▁ideal", + -9.433656692504885 + ], + [ + "▁truly", + -9.436214447021484 + ], + [ + "▁paid", + -9.436792373657228 + ], + [ + "▁Services", + -9.437063217163086 + ], + [ + "▁happen", + -9.43779754638672 + ], + [ + "▁creative", + -9.43816375732422 + ], + [ + "▁degree", + -9.438589096069336 + ], + [ + "▁double", + -9.43886375427246 + ], + [ + "▁charge", + -9.438940048217772 + ], + [ + "▁purpose", + -9.438961029052734 + ], + [ + "▁movie", + -9.440091133117676 + ], + [ + "▁Co", + -9.440963745117188 + ], + [ + "▁repair", + -9.442566871643066 + ], + [ + "N", + -9.443626403808594 + ], + [ + "▁wrong", + -9.444265365600586 + ], + [ + "▁selection", + -9.444687843322754 + ], + [ + "▁weather", + -9.444908142089844 + ], + [ + "▁Windows", + -9.444998741149902 + ], + [ + "▁avoid", + -9.445609092712402 + ], + [ + "▁sent", + -9.447586059570312 + ], + [ + "▁response", + -9.448476791381836 + ], + [ + "▁December", + -9.448850631713867 + ], + [ + "▁regarding", + -9.449363708496094 + ], + [ + "▁November", + -9.450337409973145 + ], + [ + "▁Street", + -9.450349807739258 + ], + [ + "▁basic", + -9.451077461242676 + ], + [ + "▁completed", + -9.45240306854248 + ], + [ + "▁Don", + -9.452458381652832 + ], + [ + "O", + -9.454659461975098 + ], + [ + "▁college", + -9.455010414123535 + ], + [ + "▁wasn", + -9.45542335510254 + ], + [ + "it", + -9.455877304077148 + ], + [ + "▁firm", + -9.456120491027832 + ], + [ + "▁rights", + -9.456374168395996 + ], + [ + "▁played", + -9.45673656463623 + ], + [ + "▁gave", + -9.457432746887209 + ], + [ + "▁Business", + -9.460956573486328 + ], + [ + "▁tried", + -9.461268424987791 + ], + [ + "▁lots", + -9.463912010192873 + ], + [ + "▁|", + -9.46494483947754 + ], + [ + "▁beginning", + -9.465808868408203 + ], + [ + "▁13", + -9.46591091156006 + ], + [ + "▁files", + -9.467326164245604 + ], + [ + "▁coffee", + -9.467455863952637 + ], + [ + "able", + -9.46786880493164 + ], + [ + "▁estate", + -9.467877388000488 + ], + [ + "▁achieve", + -9.470016479492188 + ], + [ + "▁function", + -9.470524787902832 + ], + [ + "That", + -9.471174240112305 + ], + [ + "▁condition", + -9.471182823181152 + ], + [ + "▁window", + -9.47199535369873 + ], + [ + "▁Best", + -9.472371101379396 + ], + [ + "▁More", + -9.472900390625 + ], + [ + "▁Black", + -9.47372817993164 + ], + [ + "▁effort", + -9.47416877746582 + ], + [ + "▁essential", + -9.474902153015137 + ], + [ + "▁direct", + -9.47547435760498 + ], + [ + "▁basis", + -9.476029396057127 + ], + [ + "▁East", + -9.476155281066896 + ], + [ + "▁player", + -9.477067947387695 + ], + [ + "®", + -9.477227210998535 + ], + [ + "▁2016", + -9.478067398071287 + ], + [ + "▁produce", + -9.478964805603027 + ], + [ + "▁annual", + -9.48001480102539 + ], + [ + "▁unit", + -9.480341911315918 + ], + [ + "▁select", + -9.481358528137209 + ], + [ + "▁Or", + -9.481724739074709 + ], + [ + "▁beyond", + -9.482691764831545 + ], + [ + "▁heard", + -9.483516693115234 + ], + [ + "▁trade", + -9.483901977539062 + ], + [ + "▁brought", + -9.487058639526367 + ], + [ + "▁blood", + -9.48835563659668 + ], + [ + "▁challenge", + -9.488667488098145 + ], + [ + "▁gold", + -9.488919258117676 + ], + [ + "▁eat", + -9.490545272827148 + ], + [ + "▁court", + -9.492839813232422 + ], + [ + "▁homes", + -9.493577003479004 + ], + [ + "▁Be", + -9.493727684020996 + ], + [ + "▁Europe", + -9.494354248046877 + ], + [ + "▁40", + -9.49464225769043 + ], + [ + "h", + -9.495165824890137 + ], + [ + "▁certainly", + -9.495409965515137 + ], + [ + "▁Internet", + -9.495996475219728 + ], + [ + "▁responsible", + -9.49778938293457 + ], + [ + "▁protection", + -9.49825954437256 + ], + [ + "▁bottom", + -9.49835968017578 + ], + [ + "▁tour", + -9.498982429504396 + ], + [ + "▁payment", + -9.499096870422363 + ], + [ + "▁button", + -9.499442100524902 + ], + [ + "▁gets", + -9.500204086303713 + ], + [ + "▁finally", + -9.500773429870604 + ], + [ + "▁Many", + -9.500823974609377 + ], + [ + "▁pieces", + -9.502817153930664 + ], + [ + "▁protect", + -9.502911567687988 + ], + [ + "▁uses", + -9.506143569946287 + ], + [ + "▁complex", + -9.509228706359863 + ], + [ + "as", + -9.51053524017334 + ], + [ + "▁garden", + -9.511312484741213 + ], + [ + "▁First", + -9.513148307800291 + ], + [ + "▁journey", + -9.5132474899292 + ], + [ + "▁announced", + -9.51373291015625 + ], + [ + "▁political", + -9.514009475708008 + ], + [ + "▁European", + -9.51457405090332 + ], + [ + "▁blue", + -9.515680313110352 + ], + [ + "▁Monday", + -9.516149520874023 + ], + [ + "▁Australia", + -9.516664505004885 + ], + [ + "▁Canada", + -9.516871452331545 + ], + [ + "▁surface", + -9.517046928405762 + ], + [ + "▁plus", + -9.520615577697754 + ], + [ + "▁cleaning", + -9.523825645446776 + ], + [ + "▁experts", + -9.523940086364746 + ], + [ + "▁useful", + -9.524060249328612 + ], + [ + "▁mother", + -9.524256706237791 + ], + [ + "▁economic", + -9.525444984436035 + ], + [ + "▁immediately", + -9.52652645111084 + ], + [ + "▁served", + -9.527725219726562 + ], + [ + "▁gas", + -9.528145790100098 + ], + [ + "▁Get", + -9.528911590576172 + ], + [ + "▁cold", + -9.529155731201172 + ], + [ + "▁extremely", + -9.52927589416504 + ], + [ + "▁engine", + -9.530349731445312 + ], + [ + "▁August", + -9.53062629699707 + ], + [ + "▁Great", + -9.530994415283203 + ], + [ + "▁character", + -9.531364440917969 + ], + [ + "▁deliver", + -9.532485008239746 + ], + [ + "▁powerful", + -9.533278465270996 + ], + [ + "▁Even", + -9.534539222717283 + ], + [ + "▁dry", + -9.534649848937988 + ], + [ + "▁warm", + -9.535271644592283 + ], + [ + "▁thanks", + -9.536304473876951 + ], + [ + "▁nearly", + -9.536701202392578 + ], + [ + "▁teams", + -9.537108421325684 + ], + [ + "▁cards", + -9.537829399108888 + ], + [ + "▁strategy", + -9.539118766784668 + ], + [ + "▁effects", + -9.539161682128906 + ], + [ + "▁schedule", + -9.539876937866213 + ], + [ + "▁reasons", + -9.541766166687012 + ], + [ + "am", + -9.542279243469238 + ], + [ + "▁eyes", + -9.542311668395996 + ], + [ + "▁Can", + -9.542736053466797 + ], + [ + "▁tips", + -9.542884826660156 + ], + [ + "▁driving", + -9.543195724487305 + ], + [ + "▁camera", + -9.543204307556152 + ], + [ + "▁appropriate", + -9.546771049499512 + ], + [ + "▁item", + -9.547248840332031 + ], + [ + "▁patient", + -9.547982215881348 + ], + [ + "▁particularly", + -9.549318313598633 + ], + [ + "▁Association", + -9.550564765930176 + ], + [ + "▁holiday", + -9.55191135406494 + ], + [ + "▁pool", + -9.552292823791504 + ], + [ + "▁sports", + -9.554478645324709 + ], + [ + "▁February", + -9.555649757385254 + ], + [ + "▁professionals", + -9.55609130859375 + ], + [ + "▁steel", + -9.55723476409912 + ], + [ + "▁campaign", + -9.560546875 + ], + [ + "▁sharing", + -9.56116008758545 + ], + [ + "▁helped", + -9.561368942260742 + ], + [ + "▁wine", + -9.561784744262695 + ], + [ + "▁changed", + -9.56346607208252 + ], + [ + "▁multi", + -9.563505172729492 + ], + [ + "▁Each", + -9.56357192993164 + ], + [ + "▁dedicated", + -9.565587043762209 + ], + [ + "▁stuff", + -9.565796852111816 + ], + [ + "▁steps", + -9.566490173339844 + ], + [ + "▁White", + -9.568072319030762 + ], + [ + "▁turned", + -9.568376541137695 + ], + [ + "▁shopping", + -9.57016658782959 + ], + [ + "▁finished", + -9.570771217346191 + ], + [ + "▁Company", + -9.572437286376951 + ], + [ + "▁maybe", + -9.572532653808594 + ], + [ + "▁structure", + -9.574026107788086 + ], + [ + "▁reviews", + -9.574248313903809 + ], + [ + "Do", + -9.57544231414795 + ], + [ + "▁title", + -9.576057434082031 + ], + [ + "▁super", + -9.577320098876951 + ], + [ + "▁increased", + -9.57791519165039 + ], + [ + "▁Art", + -9.578374862670898 + ], + [ + "▁police", + -9.578409194946287 + ], + [ + "▁wear", + -9.578807830810549 + ], + [ + "▁pass", + -9.579103469848633 + ], + [ + "▁miles", + -9.57939910888672 + ], + [ + "▁disease", + -9.57973861694336 + ], + [ + "▁lines", + -9.579766273498535 + ], + [ + "▁Design", + -9.580902099609377 + ], + [ + "▁official", + -9.581975936889648 + ], + [ + "co", + -9.582801818847656 + ], + [ + "▁ahead", + -9.583975791931152 + ], + [ + "▁reports", + -9.584073066711426 + ], + [ + "▁sold", + -9.58436107635498 + ], + [ + "▁welcome", + -9.584776878356934 + ], + [ + "”.", + -9.584975242614746 + ], + [ + "▁science", + -9.585053443908691 + ], + [ + "us", + -9.58577823638916 + ], + [ + "▁race", + -9.586462020874023 + ], + [ + "▁models", + -9.586918830871582 + ], + [ + "▁winter", + -9.586928367614746 + ], + [ + "▁Council", + -9.587838172912598 + ], + [ + "▁Office", + -9.58836841583252 + ], + [ + "▁prevent", + -9.5900297164917 + ], + [ + "▁numbers", + -9.590102195739746 + ], + [ + "H", + -9.590798377990724 + ], + [ + "▁church", + -9.591985702514648 + ], + [ + "▁associated", + -9.592263221740724 + ], + [ + "▁woman", + -9.593303680419922 + ], + [ + "▁print", + -9.593550682067873 + ], + [ + "mm", + -9.59454345703125 + ], + [ + "▁Let", + -9.59486961364746 + ], + [ + "V", + -9.596312522888184 + ], + [ + "▁assist", + -9.5963716506958 + ], + [ + "▁un", + -9.596570014953612 + ], + [ + "▁update", + -9.59666633605957 + ], + [ + "▁owner", + -9.596931457519531 + ], + [ + "▁larger", + -9.59840202331543 + ], + [ + "▁alone", + -9.599892616271973 + ], + [ + "▁son", + -9.600626945495604 + ], + [ + "These", + -9.600630760192873 + ], + [ + "▁Once", + -9.600937843322754 + ], + [ + "▁band", + -9.60177516937256 + ], + [ + "▁Air", + -9.602371215820312 + ], + [ + "▁knew", + -9.604732513427734 + ], + [ + "▁soft", + -9.604869842529297 + ], + [ + "▁allowed", + -9.605019569396973 + ], + [ + "▁saying", + -9.606547355651855 + ], + [ + "▁views", + -9.60719108581543 + ], + [ + "▁technical", + -9.607715606689451 + ], + [ + "▁secure", + -9.608376502990724 + ], + [ + "▁colors", + -9.609798431396484 + ], + [ + "▁established", + -9.61026096343994 + ], + [ + "▁friendly", + -9.610455513000488 + ], + [ + "▁21", + -9.611369132995604 + ], + [ + "▁session", + -9.611504554748535 + ], + [ + "▁manage", + -9.611647605895996 + ], + [ + "▁traffic", + -9.611897468566896 + ], + [ + "▁prior", + -9.612889289855955 + ], + [ + "▁guests", + -9.613263130187988 + ], + [ + "▁covered", + -9.61362361907959 + ], + [ + "old", + -9.61380386352539 + ], + [ + "▁middle", + -9.614612579345703 + ], + [ + "▁methods", + -9.61493682861328 + ], + [ + "▁greater", + -9.61565113067627 + ], + [ + "▁partner", + -9.616110801696776 + ], + [ + "▁challenges", + -9.616345405578612 + ], + [ + "W", + -9.616400718688965 + ], + [ + "▁advanced", + -9.618142127990724 + ], + [ + "▁facilities", + -9.618330955505373 + ], + [ + "▁requires", + -9.619723320007324 + ], + [ + "▁Thanks", + -9.620017051696776 + ], + [ + "▁maintain", + -9.620308876037598 + ], + [ + "▁carry", + -9.620874404907228 + ], + [ + "▁organizations", + -9.621511459350586 + ], + [ + "▁rooms", + -9.623456001281738 + ], + [ + "pm", + -9.623662948608398 + ], + [ + "▁remove", + -9.623964309692385 + ], + [ + "▁spot", + -9.624571800231934 + ], + [ + "While", + -9.625238418579102 + ], + [ + "▁handle", + -9.625520706176758 + ], + [ + "▁income", + -9.625614166259766 + ], + [ + "▁normal", + -9.625862121582031 + ], + [ + "▁efforts", + -9.626192092895508 + ], + [ + "▁enter", + -9.628043174743652 + ], + [ + "▁standards", + -9.628570556640623 + ], + [ + "▁advantage", + -9.628853797912598 + ], + [ + "▁song", + -9.629796028137209 + ], + [ + "▁trust", + -9.629867553710938 + ], + [ + "▁serious", + -9.6300048828125 + ], + [ + "▁moved", + -9.630642890930176 + ], + [ + "▁states", + -9.63071060180664 + ], + [ + "▁connection", + -9.631019592285156 + ], + [ + "day", + -9.631065368652344 + ], + [ + "▁onto", + -9.631653785705566 + ], + [ + "▁maintenance", + -9.63178253173828 + ], + [ + "▁installation", + -9.63440990447998 + ], + [ + "is", + -9.635242462158203 + ], + [ + "▁communication", + -9.635458946228027 + ], + [ + "▁listed", + -9.637130737304688 + ], + [ + "nd", + -9.637298583984377 + ], + [ + "▁finding", + -9.63781452178955 + ], + [ + "Please", + -9.63844871520996 + ], + [ + "▁jobs", + -9.639135360717772 + ], + [ + "▁club", + -9.639554023742676 + ], + [ + "No", + -9.640379905700684 + ], + [ + "▁reported", + -9.64065933227539 + ], + [ + "▁park", + -9.641616821289062 + ], + [ + "▁although", + -9.642623901367188 + ], + [ + "▁opening", + -9.6437406539917 + ], + [ + "▁outdoor", + -9.643854141235352 + ], + [ + "▁shown", + -9.64437198638916 + ], + [ + "▁shape", + -9.64523696899414 + ], + [ + "▁aren", + -9.645596504211426 + ], + [ + "▁met", + -9.646209716796877 + ], + [ + "▁bathroom", + -9.646653175354004 + ], + [ + "▁earlier", + -9.648459434509276 + ], + [ + "▁bank", + -9.649700164794922 + ], + [ + "▁2015", + -9.650338172912598 + ], + [ + "▁tree", + -9.651007652282717 + ], + [ + "▁metal", + -9.651537895202637 + ], + [ + "▁studies", + -9.652143478393556 + ], + [ + "▁audience", + -9.652231216430664 + ], + [ + "▁Since", + -9.65353775024414 + ], + [ + "▁remain", + -9.653741836547852 + ], + [ + "▁plenty", + -9.654547691345217 + ], + [ + "▁background", + -9.654820442199709 + ], + [ + "▁17", + -9.655872344970703 + ], + [ + "▁developing", + -9.656001091003418 + ], + [ + "▁dining", + -9.65670394897461 + ], + [ + "▁shared", + -9.657160758972168 + ], + [ + "▁discuss", + -9.657547950744627 + ], + [ + "▁Jesus", + -9.661703109741213 + ], + [ + "▁cancer", + -9.662184715270996 + ], + [ + "▁rules", + -9.66236686706543 + ], + [ + "▁explore", + -9.66242504119873 + ], + [ + "▁shall", + -9.663179397583008 + ], + [ + "▁appear", + -9.6633939743042 + ], + [ + "▁dark", + -9.663690567016602 + ], + [ + "▁loan", + -9.664766311645508 + ], + [ + "▁competition", + -9.6648588180542 + ], + [ + "▁teaching", + -9.666093826293944 + ], + [ + "term", + -9.668041229248049 + ], + [ + "▁restaurant", + -9.668500900268556 + ], + [ + "▁Are", + -9.670561790466309 + ], + [ + "▁mix", + -9.67104721069336 + ], + [ + "▁primary", + -9.67132568359375 + ], + [ + "▁evening", + -9.673425674438477 + ], + [ + "▁critical", + -9.673566818237305 + ], + [ + "▁compared", + -9.674169540405272 + ], + [ + "▁driver", + -9.67489242553711 + ], + [ + "▁host", + -9.675336837768556 + ], + [ + "▁Red", + -9.675418853759766 + ], + [ + "▁biggest", + -9.67615032196045 + ], + [ + "▁balance", + -9.676202774047852 + ], + [ + "6", + -9.67655086517334 + ], + [ + "▁Club", + -9.67687702178955 + ], + [ + "▁visitors", + -9.67752742767334 + ], + [ + "They", + -9.678492546081545 + ], + [ + "▁owners", + -9.679210662841797 + ], + [ + "▁billion", + -9.679349899291992 + ], + [ + "▁born", + -9.679458618164062 + ], + [ + "▁communities", + -9.680331230163574 + ], + [ + "▁leaders", + -9.681350708007812 + ], + [ + "▁Board", + -9.682011604309082 + ], + [ + "▁keeping", + -9.68267822265625 + ], + [ + "▁wants", + -9.683038711547852 + ], + [ + "▁named", + -9.683388710021973 + ], + [ + "▁fans", + -9.684121131896973 + ], + [ + "▁fish", + -9.684432983398438 + ], + [ + "▁cars", + -9.684661865234377 + ], + [ + "▁contains", + -9.684975624084473 + ], + [ + "▁followed", + -9.685798645019531 + ], + [ + "▁determine", + -9.687294960021973 + ], + [ + "▁statement", + -9.687559127807615 + ], + [ + "▁plants", + -9.688888549804688 + ], + [ + "▁fill", + -9.689062118530272 + ], + [ + "▁techniques", + -9.689952850341797 + ], + [ + "▁looked", + -9.690873146057127 + ], + [ + "▁Washington", + -9.691383361816406 + ], + [ + "Now", + -9.69294548034668 + ], + [ + "▁stress", + -9.6936674118042 + ], + [ + "▁Pro", + -9.694134712219238 + ], + [ + "▁classes", + -9.694393157958984 + ], + [ + "▁properties", + -9.695011138916016 + ], + [ + "▁experiences", + -9.695246696472168 + ], + [ + "▁notice", + -9.695459365844728 + ], + [ + "▁seeing", + -9.695502281188965 + ], + [ + "▁wife", + -9.6957368850708 + ], + [ + "▁heavy", + -9.695806503295898 + ], + [ + "▁beauty", + -9.69584846496582 + ], + [ + "▁drop", + -9.696200370788574 + ], + [ + "+", + -9.697113990783691 + ], + [ + "▁mission", + -9.697712898254396 + ], + [ + "▁sleep", + -9.697850227355955 + ], + [ + "▁comfort", + -9.698175430297852 + ], + [ + "▁director", + -9.6996431350708 + ], + [ + "ness", + -9.701571464538574 + ], + [ + "▁ball", + -9.701859474182127 + ], + [ + "▁seven", + -9.702041625976562 + ], + [ + "▁target", + -9.702289581298828 + ], + [ + "▁David", + -9.70233917236328 + ], + [ + "▁Management", + -9.702488899230955 + ], + [ + "free", + -9.70263957977295 + ], + [ + "▁expert", + -9.702898979187012 + ], + [ + "▁talking", + -9.702922821044922 + ], + [ + "▁#", + -9.703628540039062 + ], + [ + "▁Road", + -9.704426765441896 + ], + [ + "▁comments", + -9.705025672912598 + ], + [ + "▁coverage", + -9.705472946166992 + ], + [ + "z", + -9.705754280090332 + ], + [ + "▁voice", + -9.70586395263672 + ], + [ + "▁classic", + -9.7064790725708 + ], + [ + "▁French", + -9.706490516662598 + ], + [ + "▁testing", + -9.707233428955078 + ], + [ + "▁beach", + -9.707477569580078 + ], + [ + "▁task", + -9.707611083984377 + ], + [ + "▁adding", + -9.707649230957031 + ], + [ + "▁0", + -9.70770263671875 + ], + [ + "▁fan", + -9.707709312438965 + ], + [ + "▁author", + -9.707965850830078 + ], + [ + "▁buying", + -9.708484649658203 + ], + [ + "▁links", + -9.709518432617188 + ], + [ + "▁shot", + -9.709891319274902 + ], + [ + "▁haven", + -9.71022605895996 + ], + [ + "▁act", + -9.710594177246094 + ], + [ + "▁produced", + -9.711122512817385 + ], + [ + "▁Thursday", + -9.711284637451172 + ], + [ + "▁60", + -9.7116117477417 + ], + [ + "▁package", + -9.711685180664062 + ], + [ + "▁conference", + -9.712011337280272 + ], + [ + "org", + -9.7123441696167 + ], + [ + "▁correct", + -9.713985443115234 + ], + [ + "▁war", + -9.714902877807615 + ], + [ + "▁sun", + -9.71562957763672 + ], + [ + "▁IT", + -9.717309951782228 + ], + [ + "▁perform", + -9.717642784118652 + ], + [ + "▁speak", + -9.721288681030272 + ], + [ + "▁learned", + -9.72146987915039 + ], + [ + "▁letter", + -9.72204303741455 + ], + [ + "▁father", + -9.722103118896484 + ], + [ + "line", + -9.723265647888184 + ], + [ + "no", + -9.723795890808104 + ], + [ + "▁fee", + -9.724028587341309 + ], + [ + "▁demand", + -9.724392890930176 + ], + [ + "▁Why", + -9.725290298461914 + ], + [ + "▁famous", + -9.725381851196287 + ], + [ + "▁copy", + -9.725383758544922 + ], + [ + "▁Research", + -9.726136207580566 + ], + [ + "▁elements", + -9.726508140563965 + ], + [ + "▁evidence", + -9.726765632629396 + ], + [ + "▁generally", + -9.72691249847412 + ], + [ + "▁Apple", + -9.72790241241455 + ], + [ + "▁movement", + -9.72825050354004 + ], + [ + "▁British", + -9.728570938110352 + ], + [ + "▁spring", + -9.7289400100708 + ], + [ + "▁award", + -9.729060173034668 + ], + [ + "▁Make", + -9.729447364807127 + ], + [ + "▁connect", + -9.730429649353027 + ], + [ + "▁Institute", + -9.730724334716797 + ], + [ + "▁sweet", + -9.731188774108888 + ], + [ + "▁artist", + -9.731243133544922 + ], + [ + "▁Texas", + -9.732037544250488 + ], + [ + "▁De", + -9.733283996582031 + ], + [ + "▁couldn", + -9.735137939453123 + ], + [ + "▁sector", + -9.735323905944824 + ], + [ + "▁placed", + -9.737306594848633 + ], + [ + "▁parties", + -9.738622665405272 + ], + [ + "▁gain", + -9.7393798828125 + ], + [ + "▁prepared", + -9.73943328857422 + ], + [ + "▁selected", + -9.739680290222168 + ], + [ + "▁press", + -9.741368293762209 + ], + [ + "▁map", + -9.741464614868164 + ], + [ + "▁THE", + -9.742254257202148 + ], + [ + "▁residents", + -9.742650032043455 + ], + [ + "▁funds", + -9.742850303649902 + ], + [ + "▁waiting", + -9.743049621582031 + ], + [ + "▁designs", + -9.74375820159912 + ], + [ + "▁server", + -9.744004249572754 + ], + [ + "▁workers", + -9.744333267211914 + ], + [ + "▁Tuesday", + -9.74527072906494 + ], + [ + "▁whose", + -9.746014595031738 + ], + [ + "▁claim", + -9.746628761291504 + ], + [ + "▁exciting", + -9.747182846069336 + ], + [ + "by", + -9.747695922851562 + ], + [ + "▁himself", + -9.747797012329102 + ], + [ + "▁presented", + -9.7479829788208 + ], + [ + "An", + -9.748499870300291 + ], + [ + "▁perhaps", + -9.74867343902588 + ], + [ + "▁sort", + -9.75228786468506 + ], + [ + "▁combination", + -9.753460884094238 + ], + [ + "•", + -9.753462791442873 + ], + [ + "▁decide", + -9.75477695465088 + ], + [ + "▁exercise", + -9.755488395690918 + ], + [ + "▁bag", + -9.755518913269045 + ], + [ + "▁anti", + -9.755555152893066 + ], + [ + "u", + -9.755844116210938 + ], + [ + "▁Go", + -9.756141662597656 + ], + [ + "▁Thank", + -9.756390571594238 + ], + [ + "▁forget", + -9.757062911987305 + ], + [ + "▁relevant", + -9.7572603225708 + ], + [ + "▁capital", + -9.757465362548828 + ], + [ + "▁album", + -9.757500648498535 + ], + [ + "▁capacity", + -9.758272171020508 + ], + [ + "▁numerous", + -9.758685111999512 + ], + [ + "▁kept", + -9.75889778137207 + ], + [ + "▁figure", + -9.759246826171877 + ], + [ + "▁recipe", + -9.759810447692873 + ], + [ + "▁straight", + -9.760791778564451 + ], + [ + "▁gone", + -9.760801315307615 + ], + [ + "▁changing", + -9.762125015258787 + ], + [ + "▁thousands", + -9.762141227722168 + ], + [ + "▁affordable", + -9.762221336364746 + ], + [ + "▁operations", + -9.763029098510742 + ], + [ + "▁Green", + -9.76308250427246 + ], + [ + "▁+", + -9.764981269836426 + ], + [ + "▁forms", + -9.765085220336914 + ], + [ + "ie", + -9.765289306640623 + ], + [ + "X", + -9.765482902526855 + ], + [ + "▁strength", + -9.765612602233888 + ], + [ + "▁efficient", + -9.765913009643556 + ], + [ + "▁See", + -9.76671028137207 + ], + [ + "▁excited", + -9.769336700439451 + ], + [ + "Q", + -9.76966381072998 + ], + [ + "▁install", + -9.769927024841309 + ], + [ + "▁Church", + -9.76994514465332 + ], + [ + "▁bedroom", + -9.77025032043457 + ], + [ + "▁rich", + -9.770559310913086 + ], + [ + "▁essay", + -9.770681381225586 + ], + [ + "▁cross", + -9.771037101745604 + ], + [ + "▁Web", + -9.771636962890623 + ], + [ + "▁concept", + -9.771726608276367 + ], + [ + "▁Well", + -9.772619247436523 + ], + [ + "▁practices", + -9.77320384979248 + ], + [ + "▁husband", + -9.773404121398926 + ], + [ + "for", + -9.77342128753662 + ], + [ + "­", + -9.774024963378906 + ], + [ + "▁contract", + -9.774650573730469 + ], + [ + "▁Wednesday", + -9.77471923828125 + ], + [ + "▁operating", + -9.77505874633789 + ], + [ + "▁century", + -9.7753324508667 + ], + [ + "▁videos", + -9.775354385375977 + ], + [ + "▁Lake", + -9.775564193725586 + ], + [ + "▁lack", + -9.775681495666504 + ], + [ + "▁aware", + -9.776291847229004 + ], + [ + "▁solid", + -9.77642059326172 + ], + [ + "▁helpful", + -9.77679443359375 + ], + [ + "▁stone", + -9.777379989624023 + ], + [ + "▁separate", + -9.779024124145508 + ], + [ + "▁Her", + -9.779025077819824 + ], + [ + "▁General", + -9.779204368591309 + ], + [ + "▁street", + -9.77955722808838 + ], + [ + "▁older", + -9.779828071594238 + ], + [ + "▁taste", + -9.78081226348877 + ], + [ + "▁actual", + -9.780831336975098 + ], + [ + "▁sea", + -9.782020568847656 + ], + [ + "▁characters", + -9.78297233581543 + ], + [ + "▁leader", + -9.784523010253906 + ], + [ + "▁ingredients", + -9.786253929138184 + ], + [ + "▁dinner", + -9.787384033203123 + ], + [ + "▁Africa", + -9.78745460510254 + ], + [ + "▁therefore", + -9.787524223327637 + ], + [ + "▁selling", + -9.787714958190918 + ], + [ + "▁19", + -9.787808418273926 + ], + [ + "▁Check", + -9.789351463317873 + ], + [ + "▁proper", + -9.78954792022705 + ], + [ + "▁values", + -9.790157318115234 + ], + [ + "▁comment", + -9.790238380432127 + ], + [ + "▁Life", + -9.790535926818848 + ], + [ + "▁expensive", + -9.790797233581545 + ], + [ + "▁status", + -9.791051864624023 + ], + [ + "▁corporate", + -9.79209804534912 + ], + [ + "▁smaller", + -9.7924222946167 + ], + [ + "▁becoming", + -9.79245662689209 + ], + [ + "▁path", + -9.792954444885254 + ], + [ + "▁force", + -9.79338550567627 + ], + [ + "▁plastic", + -9.794053077697754 + ], + [ + "▁installed", + -9.794219970703123 + ], + [ + "▁artists", + -9.794279098510742 + ], + [ + "www", + -9.79526138305664 + ], + [ + "▁vision", + -9.795483589172363 + ], + [ + "▁menu", + -9.7962007522583 + ], + [ + "▁facility", + -9.796375274658203 + ], + [ + "▁expertise", + -9.797107696533203 + ], + [ + "▁La", + -9.79763126373291 + ], + [ + "▁fashion", + -9.797795295715332 + ], + [ + "▁population", + -9.797832489013672 + ], + [ + "▁fantastic", + -9.798367500305176 + ], + [ + "▁Chinese", + -9.798453330993652 + ], + [ + "▁River", + -9.799756050109863 + ], + [ + "▁Good", + -9.799918174743652 + ], + [ + "▁2014", + -9.800718307495115 + ], + [ + "7", + -9.801284790039062 + ], + [ + "▁transfer", + -9.801340103149414 + ], + [ + "▁identify", + -9.80187702178955 + ], + [ + "▁focused", + -9.802200317382812 + ], + [ + "▁factors", + -9.802252769470217 + ], + [ + "▁memory", + -9.802552223205566 + ], + [ + "▁minute", + -9.80327033996582 + ], + [ + "▁medium", + -9.803653717041016 + ], + [ + "▁core", + -9.805671691894531 + ], + [ + "▁opened", + -9.806583404541016 + ], + [ + "▁names", + -9.806706428527832 + ], + [ + "▁eight", + -9.80671501159668 + ], + [ + "Here", + -9.807106971740724 + ], + [ + "▁Florida", + -9.807785987854004 + ], + [ + "▁economy", + -9.807857513427734 + ], + [ + "▁Click", + -9.808161735534668 + ], + [ + "▁Director", + -9.808168411254885 + ], + [ + "▁flow", + -9.808924674987791 + ], + [ + "▁temperature", + -9.809189796447754 + ], + [ + "▁passed", + -9.809526443481444 + ], + [ + "▁progress", + -9.813366889953612 + ], + [ + "▁Court", + -9.814471244812012 + ], + [ + "▁train", + -9.815282821655272 + ], + [ + "▁president", + -9.81638240814209 + ], + [ + "▁ride", + -9.816941261291504 + ], + [ + "2.", + -9.817376136779783 + ], + [ + "▁reality", + -9.818071365356444 + ], + [ + "▁War", + -9.819402694702148 + ], + [ + "▁sugar", + -9.822135925292969 + ], + [ + "▁theme", + -9.822306632995604 + ], + [ + "▁Today", + -9.822609901428224 + ], + [ + "▁100%", + -9.82300090789795 + ], + [ + "▁showing", + -9.823929786682127 + ], + [ + "▁interior", + -9.82452392578125 + ], + [ + "▁Education", + -9.824673652648926 + ], + [ + "▁agree", + -9.824695587158203 + ], + [ + "▁awesome", + -9.826555252075195 + ], + [ + "▁independent", + -9.827253341674805 + ], + [ + "out", + -9.82758617401123 + ], + [ + "▁decisions", + -9.827872276306152 + ], + [ + "▁processes", + -9.828213691711426 + ], + [ + "▁lovely", + -9.828411102294922 + ], + [ + "▁society", + -9.82988166809082 + ], + [ + "J", + -9.83016586303711 + ], + [ + "▁Use", + -9.83072566986084 + ], + [ + "▁paint", + -9.83072566986084 + ], + [ + "8", + -9.83115005493164 + ], + [ + "▁Trump", + -9.83145809173584 + ], + [ + "▁military", + -9.831894874572754 + ], + [ + "▁ice", + -9.832497596740724 + ], + [ + "▁maximum", + -9.83267307281494 + ], + [ + "▁frame", + -9.832806587219238 + ], + [ + "▁Foundation", + -9.83436679840088 + ], + [ + "rd", + -9.83533763885498 + ], + [ + "▁windows", + -9.835516929626465 + ], + [ + "▁direction", + -9.83636474609375 + ], + [ + "▁documents", + -9.836482048034668 + ], + [ + "▁detail", + -9.838356971740724 + ], + [ + "▁runs", + -9.838677406311035 + ], + [ + "▁happens", + -9.838861465454102 + ], + [ + "▁Re", + -9.839279174804688 + ], + [ + "▁injury", + -9.839621543884276 + ], + [ + "▁Bay", + -9.840411186218262 + ], + [ + "▁courses", + -9.841236114501951 + ], + [ + "one", + -9.842029571533203 + ], + [ + "▁lose", + -9.842893600463867 + ], + [ + "▁bought", + -9.843059539794922 + ], + [ + "▁wrote", + -9.844070434570312 + ], + [ + "▁units", + -9.84422206878662 + ], + [ + "▁properly", + -9.844473838806152 + ], + [ + "▁Year", + -9.84484577178955 + ], + [ + "▁Online", + -9.845321655273438 + ], + [ + "▁enjoyed", + -9.845691680908203 + ], + [ + "▁spending", + -9.846301078796388 + ], + [ + "▁distance", + -9.846444129943848 + ], + [ + "▁treat", + -9.847392082214355 + ], + [ + "▁innovative", + -9.847457885742188 + ], + [ + "▁manager", + -9.848349571228027 + ], + [ + "▁happened", + -9.848566055297852 + ], + [ + "▁updated", + -9.849329948425291 + ], + [ + "▁foot", + -9.849364280700684 + ], + [ + "ton", + -9.849528312683104 + ], + [ + "▁serving", + -9.84958553314209 + ], + [ + "▁brain", + -9.850089073181152 + ], + [ + "▁proud", + -9.850723266601562 + ], + [ + "▁Bank", + -9.850964546203612 + ], + [ + "▁Paul", + -9.850987434387209 + ], + [ + "▁thank", + -9.85161304473877 + ], + [ + "▁www", + -9.853279113769531 + ], + [ + "▁federal", + -9.853561401367188 + ], + [ + "▁walking", + -9.853767395019531 + ], + [ + "▁daughter", + -9.854098320007324 + ], + [ + "▁Act", + -9.854238510131836 + ], + [ + "▁sounds", + -9.854536056518556 + ], + [ + "▁King", + -9.855706214904783 + ], + [ + "▁alternative", + -9.856255531311035 + ], + [ + "▁meaning", + -9.856751441955566 + ], + [ + "▁sit", + -9.857479095458984 + ], + [ + "▁becomes", + -9.857515335083008 + ], + [ + "▁brings", + -9.858118057250977 + ], + [ + "▁rock", + -9.858406066894531 + ], + [ + "▁flat", + -9.858877182006836 + ], + [ + "▁central", + -9.859800338745115 + ], + [ + "▁assistance", + -9.86008644104004 + ], + [ + "▁discover", + -9.86044979095459 + ], + [ + "▁continued", + -9.861607551574709 + ], + [ + "▁centre", + -9.861738204956056 + ], + [ + "▁initial", + -9.86229419708252 + ], + [ + "▁stores", + -9.862792015075684 + ], + [ + "▁allowing", + -9.863147735595703 + ], + [ + "▁connected", + -9.863417625427246 + ], + [ + "▁dream", + -9.864299774169922 + ], + [ + "▁format", + -9.864495277404783 + ], + [ + "▁detailed", + -9.864834785461426 + ], + [ + "▁absolutely", + -9.865620613098145 + ], + [ + "▁ten", + -9.865674018859863 + ], + [ + "▁vehicles", + -9.86582851409912 + ], + [ + "▁leadership", + -9.86620807647705 + ], + [ + "▁length", + -9.86751651763916 + ], + [ + "f", + -9.867721557617188 + ], + [ + "▁relationships", + -9.868123054504396 + ], + [ + "v", + -9.868294715881348 + ], + [ + "▁whatever", + -9.868916511535645 + ], + [ + "Your", + -9.869111061096191 + ], + [ + "▁tickets", + -9.86923122406006 + ], + [ + "▁managed", + -9.871294975280762 + ], + [ + "▁master", + -9.8714599609375 + ], + [ + "▁locations", + -9.872097969055176 + ], + [ + "▁teachers", + -9.872284889221191 + ], + [ + "▁fees", + -9.872455596923828 + ], + [ + "▁concerns", + -9.872714042663574 + ], + [ + "▁remains", + -9.873414039611816 + ], + [ + "▁cheap", + -9.87351417541504 + ], + [ + "▁recommended", + -9.87381362915039 + ], + [ + "▁station", + -9.874034881591797 + ], + [ + "▁provider", + -9.87459945678711 + ], + [ + "▁reliable", + -9.875452995300291 + ], + [ + "▁partners", + -9.876503944396973 + ], + [ + "▁girl", + -9.876877784729004 + ], + [ + "▁automatically", + -9.878005981445312 + ], + [ + "▁fight", + -9.879064559936523 + ], + [ + "▁websites", + -9.879168510437012 + ], + [ + "▁leaving", + -9.879322052001951 + ], + [ + "less", + -9.879517555236816 + ], + [ + "▁Island", + -9.87967300415039 + ], + [ + "▁markets", + -9.88006591796875 + ], + [ + "▁suitable", + -9.880075454711914 + ], + [ + "▁calls", + -9.880178451538086 + ], + [ + "▁agency", + -9.881035804748535 + ], + [ + "▁smart", + -9.881049156188965 + ], + [ + "▁mid", + -9.88122844696045 + ], + [ + "▁block", + -9.881354331970217 + ], + [ + "▁USA", + -9.881806373596191 + ], + [ + "▁Amazon", + -9.88182544708252 + ], + [ + "▁drug", + -9.88184642791748 + ], + [ + "!!!", + -9.88218593597412 + ], + [ + "▁Because", + -9.882245063781738 + ], + [ + "▁poor", + -9.882274627685549 + ], + [ + "▁Beach", + -9.882418632507324 + ], + [ + "▁Although", + -9.88254165649414 + ], + [ + "▁cities", + -9.883902549743652 + ], + [ + "▁trees", + -9.883910179138184 + ], + [ + "▁scale", + -9.884228706359863 + ], + [ + "▁busy", + -9.88425064086914 + ], + [ + "▁teacher", + -9.884454727172852 + ], + [ + "▁minimum", + -9.884882926940918 + ], + [ + "▁sets", + -9.88543701171875 + ], + [ + "▁Whether", + -9.885499954223633 + ], + [ + "▁filled", + -9.885517120361328 + ], + [ + "▁senior", + -9.886075019836426 + ], + [ + "▁parking", + -9.88625144958496 + ], + [ + "▁records", + -9.886652946472168 + ], + [ + "▁Science", + -9.88690185546875 + ], + [ + "▁closed", + -9.887356758117676 + ], + [ + "▁Indian", + -9.888056755065918 + ], + [ + "▁shipping", + -9.88817024230957 + ], + [ + "at", + -9.888579368591309 + ], + [ + "▁posts", + -9.888633728027344 + ], + [ + "▁respect", + -9.889056205749512 + ], + [ + "▁James", + -9.889129638671877 + ], + [ + "like", + -9.890249252319336 + ], + [ + "▁score", + -9.890374183654783 + ], + [ + "▁corner", + -9.891843795776367 + ], + [ + "▁mentioned", + -9.892739295959473 + ], + [ + "▁continues", + -9.893671989440918 + ], + [ + "▁sources", + -9.894118309020996 + ], + [ + "▁applied", + -9.894641876220703 + ], + [ + "▁panel", + -9.894715309143066 + ], + [ + "▁colour", + -9.895240783691406 + ], + [ + "▁edge", + -9.895943641662598 + ], + [ + "▁Law", + -9.89617156982422 + ], + [ + "▁caused", + -9.89625072479248 + ], + [ + "▁encourage", + -9.89682674407959 + ], + [ + "▁cream", + -9.89690399169922 + ], + [ + "▁operation", + -9.896931648254396 + ], + [ + "▁funding", + -9.899097442626951 + ], + [ + "▁technologies", + -9.89941692352295 + ], + [ + "▁square", + -9.899911880493164 + ], + [ + "▁category", + -9.900338172912598 + ], + [ + "▁toward", + -9.901463508605955 + ], + [ + "▁policies", + -9.901703834533691 + ], + [ + "▁info", + -9.902100563049316 + ], + [ + "▁tea", + -9.903270721435549 + ], + [ + "▁delicious", + -9.90354824066162 + ], + [ + "▁agreement", + -9.903608322143556 + ], + [ + "▁England", + -9.904478073120115 + ], + [ + "▁waste", + -9.905412673950195 + ], + [ + "▁eating", + -9.905545234680176 + ], + [ + "▁topic", + -9.905771255493164 + ], + [ + "▁leaves", + -9.905887603759766 + ], + [ + "▁brands", + -9.905922889709473 + ], + [ + "▁animals", + -9.906571388244627 + ], + [ + "▁scene", + -9.907354354858398 + ], + [ + "▁Microsoft", + -9.90738296508789 + ], + [ + "▁22", + -9.907774925231934 + ], + [ + "▁Valley", + -9.908906936645508 + ], + [ + "▁launch", + -9.9095458984375 + ], + [ + "▁starts", + -9.909819602966309 + ], + [ + "▁Community", + -9.910063743591309 + ], + [ + "▁Program", + -9.910962104797363 + ], + [ + "▁department", + -9.91107940673828 + ], + [ + "▁strategies", + -9.91202163696289 + ], + [ + "▁shower", + -9.91203498840332 + ], + [ + "▁wouldn", + -9.912579536437988 + ], + [ + "▁Central", + -9.912836074829102 + ], + [ + "▁prepare", + -9.91297721862793 + ], + [ + "▁Michael", + -9.9132080078125 + ], + [ + "▁System", + -9.913317680358888 + ], + [ + "▁joined", + -9.913326263427734 + ], + [ + "▁doors", + -9.913444519042969 + ], + [ + "▁People", + -9.91379737854004 + ], + [ + "▁Music", + -9.914129257202148 + ], + [ + "▁increasing", + -9.915572166442873 + ], + [ + "▁star", + -9.915777206420898 + ], + [ + "▁pair", + -9.916510581970217 + ], + [ + "▁Have", + -9.916580200195312 + ], + [ + "▁watching", + -9.917221069335938 + ], + [ + "▁2013", + -9.918241500854492 + ], + [ + "1.", + -9.918349266052246 + ], + [ + "▁putting", + -9.918972969055176 + ], + [ + "▁deals", + -9.921978950500488 + ], + [ + "▁songs", + -9.922675132751465 + ], + [ + "▁processing", + -9.923733711242676 + ], + [ + "▁Android", + -9.92388153076172 + ], + [ + "▁majority", + -9.9238862991333 + ], + [ + "▁document", + -9.924271583557127 + ], + [ + "▁committed", + -9.924432754516602 + ], + [ + "▁cell", + -9.925066947937012 + ], + [ + "▁miss", + -9.92587184906006 + ], + [ + "▁practical", + -9.925885200500488 + ], + [ + "3.", + -9.926000595092772 + ], + [ + "▁advance", + -9.926000595092772 + ], + [ + "▁peace", + -9.92607879638672 + ], + [ + "▁Open", + -9.926237106323242 + ], + [ + "▁PC", + -9.926549911499023 + ], + [ + "▁dress", + -9.926766395568848 + ], + [ + "▁presence", + -9.92756462097168 + ], + [ + "▁combined", + -9.928105354309082 + ], + [ + "▁depending", + -9.928960800170898 + ], + [ + "▁Call", + -9.929381370544434 + ], + [ + "▁doctor", + -9.929874420166016 + ], + [ + "▁flowers", + -9.931280136108398 + ], + [ + "▁approximately", + -9.933385848999023 + ], + [ + "▁accept", + -9.933449745178224 + ], + [ + "▁Top", + -9.933836936950684 + ], + [ + "▁visiting", + -9.933987617492676 + ], + [ + "▁girls", + -9.934155464172363 + ], + [ + "▁battery", + -9.934258460998535 + ], + [ + "▁typically", + -9.93434238433838 + ], + [ + "▁Love", + -9.935359954833984 + ], + [ + "▁Blue", + -9.93549919128418 + ], + [ + "▁Development", + -9.936376571655272 + ], + [ + "▁promote", + -9.937639236450195 + ], + [ + "▁importance", + -9.938420295715332 + ], + [ + "▁Add", + -9.93854808807373 + ], + [ + "Thanks", + -9.939058303833008 + ], + [ + "▁feedback", + -9.93992042541504 + ], + [ + "▁http", + -9.940061569213867 + ], + [ + "▁academic", + -9.94192123413086 + ], + [ + "▁generation", + -9.942660331726074 + ], + [ + "▁lighting", + -9.943795204162598 + ], + [ + "apos", + -9.94389820098877 + ], + [ + "▁seat", + -9.944262504577637 + ], + [ + "▁slightly", + -9.944439888000488 + ], + [ + "▁bus", + -9.944854736328123 + ], + [ + "She", + -9.945093154907228 + ], + [ + "▁anywhere", + -9.945578575134276 + ], + [ + "▁hospital", + -9.945799827575684 + ], + [ + "▁claims", + -9.945978164672852 + ], + [ + "▁roof", + -9.946496963500977 + ], + [ + "▁raised", + -9.946929931640623 + ], + [ + "▁otherwise", + -9.947709083557127 + ], + [ + "▁2012", + -9.947955131530762 + ], + [ + "▁Time", + -9.948941230773926 + ], + [ + "▁extensive", + -9.95094394683838 + ], + [ + "▁environmental", + -9.951449394226074 + ], + [ + "▁comprehensive", + -9.953011512756348 + ], + [ + "▁profile", + -9.953046798706056 + ], + [ + "U", + -9.95395565032959 + ], + [ + "▁auto", + -9.954054832458496 + ], + [ + "▁Will", + -9.95487117767334 + ], + [ + "▁previously", + -9.955159187316896 + ], + [ + "▁drink", + -9.955164909362791 + ], + [ + "▁choices", + -9.956608772277832 + ], + [ + "▁lunch", + -9.95722198486328 + ], + [ + "TM", + -9.957270622253418 + ], + [ + "▁ourselves", + -9.958561897277832 + ], + [ + "▁inspired", + -9.958951950073242 + ], + [ + "▁worry", + -9.959007263183594 + ], + [ + "▁aspects", + -9.959623336791992 + ], + [ + "▁exchange", + -9.960165023803713 + ], + [ + "▁attend", + -9.96062183380127 + ], + [ + "▁guys", + -9.96085262298584 + ], + [ + "▁Take", + -9.960984230041504 + ], + [ + "▁industrial", + -9.96141529083252 + ], + [ + "▁winning", + -9.96248722076416 + ], + [ + "▁nation", + -9.96311378479004 + ], + [ + "▁debt", + -9.963823318481444 + ], + [ + "▁bill", + -9.963915824890137 + ], + [ + "▁island", + -9.96403694152832 + ], + [ + "▁components", + -9.96435260772705 + ], + [ + "▁spread", + -9.965349197387695 + ], + [ + "▁meal", + -9.96599006652832 + ], + [ + "▁Twitter", + -9.966486930847168 + ], + [ + "le", + -9.96712875366211 + ], + [ + "▁thoughts", + -9.967724800109863 + ], + [ + "▁emergency", + -9.968147277832031 + ], + [ + "▁attack", + -9.968290328979492 + ], + [ + "▁Hall", + -9.968964576721191 + ], + [ + "▁slow", + -9.969502449035645 + ], + [ + "▁confidence", + -9.970702171325684 + ], + [ + "▁internal", + -9.971637725830078 + ], + [ + "▁seconds", + -9.971735000610352 + ], + [ + "▁mental", + -9.972108840942385 + ], + [ + "ic", + -9.974671363830566 + ], + [ + "▁Power", + -9.976271629333496 + ], + [ + "▁competitive", + -9.97674560546875 + ], + [ + "▁smooth", + -9.977224349975586 + ], + [ + "▁interview", + -9.977725982666016 + ], + [ + "▁pattern", + -9.978431701660156 + ], + [ + "▁v", + -9.978816986083984 + ], + [ + "▁error", + -9.97927474975586 + ], + [ + "▁fabric", + -9.98100757598877 + ], + [ + "▁thus", + -9.982867240905762 + ], + [ + "▁suggest", + -9.983001708984377 + ], + [ + "▁fruit", + -9.983144760131836 + ], + [ + "▁iPhone", + -9.983171463012695 + ], + [ + "▁responsibility", + -9.983278274536133 + ], + [ + "\".", + -9.983988761901855 + ], + [ + "▁performed", + -9.984291076660156 + ], + [ + "▁specifically", + -9.985572814941406 + ], + [ + "▁Centre", + -9.98557949066162 + ], + [ + "▁guarantee", + -9.98702907562256 + ], + [ + "▁employee", + -9.987611770629885 + ], + [ + "▁Team", + -9.9877290725708 + ], + [ + "▁Find", + -9.987736701965332 + ], + [ + "▁Their", + -9.988134384155272 + ], + [ + "▁appointment", + -9.98965835571289 + ], + [ + "▁clearly", + -9.98975944519043 + ], + [ + "▁District", + -9.99005889892578 + ], + [ + ">", + -9.990177154541016 + ], + [ + "▁flight", + -9.990618705749512 + ], + [ + "▁wind", + -9.992668151855469 + ], + [ + "▁Every", + -9.993839263916016 + ], + [ + "▁restaurants", + -9.994308471679688 + ], + [ + "▁adults", + -9.994367599487305 + ], + [ + "▁mostly", + -9.99458122253418 + ], + [ + "▁dating", + -9.994657516479492 + ], + [ + "▁fuel", + -9.994850158691406 + ], + [ + "▁suit", + -9.995461463928224 + ], + [ + "▁valuable", + -9.996038436889648 + ], + [ + "▁dance", + -9.996280670166016 + ], + [ + "▁leads", + -9.99693775177002 + ], + [ + "▁audio", + -9.997665405273438 + ], + [ + "▁foreign", + -9.997797012329102 + ], + [ + "▁cloud", + -9.99864387512207 + ], + [ + "▁diet", + -9.998736381530762 + ], + [ + "▁Data", + -9.998971939086914 + ], + [ + "▁actions", + -9.9998197555542 + ], + [ + "▁Christ", + -10.000214576721191 + ], + [ + "▁reference", + -10.000495910644531 + ], + [ + "▁fair", + -10.000941276550291 + ], + [ + "▁delivered", + -10.001517295837402 + ], + [ + "▁register", + -10.002480506896973 + ], + [ + "▁Big", + -10.002821922302246 + ], + [ + "▁Over", + -10.003525733947754 + ], + [ + "▁updates", + -10.004611015319824 + ], + [ + "▁discussion", + -10.00545597076416 + ], + [ + "▁died", + -10.006202697753906 + ], + [ + "▁breakfast", + -10.006255149841309 + ], + [ + "▁saving", + -10.006270408630373 + ], + [ + "▁cultural", + -10.006834030151367 + ], + [ + "▁Lord", + -10.007421493530272 + ], + [ + "▁faster", + -10.007454872131348 + ], + [ + "▁During", + -10.00853443145752 + ], + [ + "▁quarter", + -10.009472846984863 + ], + [ + "▁providers", + -10.009499549865724 + ], + [ + "▁Download", + -10.011237144470217 + ], + [ + "▁bike", + -10.01131534576416 + ], + [ + "▁attempt", + -10.011436462402344 + ], + [ + "▁climate", + -10.012340545654297 + ], + [ + "▁Post", + -10.013080596923828 + ], + [ + "▁participants", + -10.013394355773926 + ], + [ + "▁monthly", + -10.013568878173828 + ], + [ + "▁housing", + -10.015334129333496 + ], + [ + "▁consumers", + -10.015392303466797 + ], + [ + "▁fat", + -10.015668869018556 + ], + [ + "▁cells", + -10.0162353515625 + ], + [ + "▁missing", + -10.016312599182127 + ], + [ + "▁south", + -10.0164213180542 + ], + [ + "▁prefer", + -10.016566276550291 + ], + [ + "▁launched", + -10.01657009124756 + ], + [ + "▁retail", + -10.017992973327637 + ], + [ + "▁database", + -10.018536567687988 + ], + [ + "▁knows", + -10.0191068649292 + ], + [ + "▁Star", + -10.020464897155762 + ], + [ + "▁covers", + -10.020913124084473 + ], + [ + "▁ended", + -10.020970344543455 + ], + [ + "▁appears", + -10.02125072479248 + ], + [ + "▁supplies", + -10.021546363830566 + ], + [ + "▁fix", + -10.022014617919922 + ], + [ + "▁showed", + -10.022156715393066 + ], + [ + "▁Gold", + -10.02370262145996 + ], + [ + "▁Society", + -10.023746490478516 + ], + [ + "From", + -10.023975372314451 + ], + [ + "▁truth", + -10.023992538452148 + ], + [ + "▁News", + -10.024067878723145 + ], + [ + "▁raise", + -10.0255126953125 + ], + [ + "▁apps", + -10.025771141052246 + ], + [ + "▁Project", + -10.026798248291016 + ], + [ + "▁affect", + -10.026992797851562 + ], + [ + "▁Care", + -10.026995658874512 + ], + [ + "▁commitment", + -10.027379035949709 + ], + [ + "▁educational", + -10.027555465698242 + ], + [ + "▁draw", + -10.028457641601562 + ], + [ + "▁surrounding", + -10.028502464294434 + ], + [ + "▁calling", + -10.029361724853516 + ], + [ + "▁articles", + -10.030084609985352 + ], + [ + "▁enable", + -10.030896186828612 + ], + [ + "Why", + -10.03104305267334 + ], + [ + "▁supported", + -10.031131744384766 + ], + [ + "▁seek", + -10.031245231628418 + ], + [ + "ia", + -10.031865119934082 + ], + [ + "▁Public", + -10.032513618469238 + ], + [ + "▁species", + -10.033082008361816 + ], + [ + "▁Christian", + -10.034185409545898 + ], + [ + "▁library", + -10.034249305725098 + ], + [ + "▁notes", + -10.03438663482666 + ], + [ + "▁totally", + -10.03515625 + ], + [ + "▁manner", + -10.036504745483398 + ], + [ + "▁negative", + -10.03752326965332 + ], + [ + "▁asking", + -10.03752899169922 + ], + [ + "▁resolution", + -10.037824630737305 + ], + [ + "▁lights", + -10.03821086883545 + ], + [ + "▁replacement", + -10.038565635681152 + ], + [ + "▁despite", + -10.039886474609377 + ], + [ + "▁volume", + -10.039982795715332 + ], + [ + "▁cooking", + -10.041970252990724 + ], + [ + "▁23", + -10.04224681854248 + ], + [ + "▁radio", + -10.04333782196045 + ], + [ + "▁boat", + -10.043757438659668 + ], + [ + "▁bringing", + -10.044167518615724 + ], + [ + "▁200", + -10.04496955871582 + ], + [ + "▁fear", + -10.045656204223633 + ], + [ + "▁football", + -10.046165466308594 + ], + [ + "By", + -10.046310424804688 + ], + [ + "Some", + -10.04652500152588 + ], + [ + "▁passion", + -10.046775817871094 + ], + [ + "▁Super", + -10.047940254211426 + ], + [ + "▁rise", + -10.048874855041504 + ], + [ + "▁unless", + -10.048938751220703 + ], + [ + "▁electric", + -10.049324035644531 + ], + [ + "▁obtain", + -10.049407958984377 + ], + [ + "▁listen", + -10.04995059967041 + ], + [ + "▁Other", + -10.049992561340332 + ], + [ + "▁advertising", + -10.050622940063477 + ], + [ + "▁trading", + -10.050800323486328 + ], + [ + "▁Water", + -10.050804138183594 + ], + [ + "▁cheese", + -10.051080703735352 + ], + [ + "▁faith", + -10.051767349243164 + ], + [ + "▁hearing", + -10.05242156982422 + ], + [ + "▁eventually", + -10.052705764770508 + ], + [ + "▁appearance", + -10.052818298339844 + ], + [ + "▁chocolate", + -10.052937507629396 + ], + [ + "▁manufacturing", + -10.053228378295898 + ], + [ + "▁guest", + -10.053314208984377 + ], + [ + "▁regularly", + -10.053335189819336 + ], + [ + "▁rental", + -10.05338191986084 + ], + [ + "▁signed", + -10.053671836853027 + ], + [ + "▁meant", + -10.053685188293455 + ], + [ + "▁approved", + -10.053930282592772 + ], + [ + "However", + -10.054681777954102 + ], + [ + "▁surgery", + -10.055160522460938 + ], + [ + "▁Museum", + -10.055322647094728 + ], + [ + "▁effectively", + -10.056170463562012 + ], + [ + "10", + -10.05628776550293 + ], + [ + "▁2018.", + -10.056478500366213 + ], + [ + "▁registered", + -10.05653190612793 + ], + [ + "▁accounts", + -10.05679416656494 + ], + [ + "▁birthday", + -10.056830406188965 + ], + [ + "▁introduced", + -10.057329177856444 + ], + [ + "▁reached", + -10.058134078979492 + ], + [ + "▁drivers", + -10.058389663696287 + ], + [ + "▁dogs", + -10.058431625366213 + ], + [ + "▁pet", + -10.058526039123535 + ], + [ + "▁Book", + -10.058871269226074 + ], + [ + "▁Committee", + -10.059215545654297 + ], + [ + "▁AND", + -10.059783935546877 + ], + [ + "▁incredible", + -10.05983543395996 + ], + [ + "▁chicken", + -10.060203552246094 + ], + [ + "▁Z", + -10.060593605041504 + ], + [ + "о", + -10.061664581298828 + ], + [ + "▁Japan", + -10.062061309814451 + ], + [ + "off", + -10.062872886657717 + ], + [ + "▁instance", + -10.063899993896484 + ], + [ + "▁hire", + -10.064194679260254 + ], + [ + "▁Technology", + -10.064264297485352 + ], + [ + "▁Family", + -10.064529418945312 + ], + [ + "▁crusher", + -10.064620018005373 + ], + [ + "е", + -10.065031051635742 + ], + [ + "▁Al", + -10.065264701843262 + ], + [ + "▁perfectly", + -10.065300941467283 + ], + [ + "▁grade", + -10.065631866455078 + ], + [ + "▁cutting", + -10.066462516784668 + ], + [ + "▁resource", + -10.066864967346191 + ], + [ + "▁salt", + -10.066975593566896 + ], + [ + "▁Social", + -10.067481994628906 + ], + [ + "▁France", + -10.067948341369627 + ], + [ + "▁28", + -10.069005012512209 + ], + [ + "▁purchased", + -10.069025993347168 + ], + [ + "▁Bar", + -10.07061004638672 + ], + [ + "▁afternoon", + -10.070965766906738 + ], + [ + "▁seeking", + -10.071110725402832 + ], + [ + "▁engineering", + -10.071728706359863 + ], + [ + "▁measure", + -10.07229709625244 + ], + [ + "▁functions", + -10.072490692138672 + ], + [ + "▁hundreds", + -10.07277774810791 + ], + [ + "▁returned", + -10.073928833007812 + ], + [ + "▁trained", + -10.07553482055664 + ], + [ + "▁League", + -10.075666427612305 + ], + [ + "▁bright", + -10.076157569885254 + ], + [ + "▁therapy", + -10.076581954956056 + ], + [ + "▁vote", + -10.076693534851074 + ], + [ + "te", + -10.078518867492676 + ], + [ + "▁trial", + -10.079205513000488 + ], + [ + "▁settings", + -10.079512596130373 + ], + [ + "▁opinion", + -10.079763412475586 + ], + [ + "▁Chicago", + -10.080160140991213 + ], + [ + "▁greatest", + -10.0805025100708 + ], + [ + "▁Information", + -10.081169128417969 + ], + [ + "▁appreciate", + -10.081201553344728 + ], + [ + "▁snow", + -10.081345558166504 + ], + [ + "▁Government", + -10.081555366516112 + ], + [ + "9", + -10.081579208374023 + ], + [ + "▁Two", + -10.081586837768556 + ], + [ + "▁tend", + -10.08189582824707 + ], + [ + "▁consumer", + -10.081926345825195 + ], + [ + "▁buildings", + -10.083858489990234 + ], + [ + "▁contain", + -10.084099769592283 + ], + [ + "▁Hotel", + -10.084112167358398 + ], + [ + "▁switch", + -10.084147453308104 + ], + [ + "▁removed", + -10.084528923034668 + ], + [ + "▁limit", + -10.08510971069336 + ], + [ + "▁animal", + -10.085458755493164 + ], + [ + "▁supporting", + -10.085877418518066 + ], + [ + "▁chair", + -10.086613655090332 + ], + [ + "▁inspiration", + -10.086820602416992 + ], + [ + "▁improved", + -10.086958885192873 + ], + [ + "▁teeth", + -10.087181091308594 + ], + [ + "▁north", + -10.087721824645996 + ], + [ + "▁desire", + -10.087728500366213 + ], + [ + "▁participate", + -10.087865829467772 + ], + [ + "▁leather", + -10.088014602661133 + ], + [ + "▁500", + -10.088287353515623 + ], + [ + "▁painting", + -10.088994026184082 + ], + [ + "▁feed", + -10.089587211608888 + ], + [ + "▁ship", + -10.08987808227539 + ], + [ + "▁mode", + -10.090303421020508 + ], + [ + "which", + -10.090394973754885 + ], + [ + "▁Any", + -10.090628623962402 + ], + [ + "de", + -10.09080696105957 + ], + [ + "▁Award", + -10.09103012084961 + ], + [ + "▁paying", + -10.092652320861816 + ], + [ + "▁sitting", + -10.092710494995115 + ], + [ + "▁Mark", + -10.09384059906006 + ], + [ + "▁Union", + -10.094319343566896 + ], + [ + "▁described", + -10.094589233398438 + ], + [ + "▁enhance", + -10.095059394836426 + ], + [ + "▁efficiency", + -10.095254898071287 + ], + [ + "▁fixed", + -10.095767974853516 + ], + [ + "▁coach", + -10.096078872680664 + ], + [ + "▁Hill", + -10.096537590026855 + ], + [ + "▁German", + -10.097325325012209 + ], + [ + "▁pop", + -10.097390174865724 + ], + [ + "▁measures", + -10.097733497619627 + ], + [ + "▁studio", + -10.097816467285156 + ], + [ + "▁Security", + -10.098244667053224 + ], + [ + "▁sessions", + -10.098268508911133 + ], + [ + "▁chain", + -10.099356651306152 + ], + [ + "▁Contact", + -10.099809646606444 + ], + [ + "▁organic", + -10.099967956542969 + ], + [ + "▁replace", + -10.099997520446776 + ], + [ + "Thank", + -10.10021686553955 + ], + [ + "▁readers", + -10.101820945739746 + ], + [ + "na", + -10.102449417114258 + ], + [ + "Once", + -10.103385925292969 + ], + [ + "▁aim", + -10.104549407958984 + ], + [ + "▁luxury", + -10.104578971862791 + ], + [ + "▁realize", + -10.104636192321776 + ], + [ + "▁revenue", + -10.10512351989746 + ], + [ + "▁laws", + -10.105422973632812 + ], + [ + "▁Ltd", + -10.106328964233398 + ], + [ + "▁signs", + -10.107617378234863 + ], + [ + "land", + -10.108089447021484 + ], + [ + "▁sizes", + -10.108685493469238 + ], + [ + "▁procedure", + -10.109963417053224 + ], + [ + "▁possibly", + -10.110025405883787 + ], + [ + "▁26", + -10.110074996948242 + ], + [ + "▁premium", + -10.110478401184082 + ], + [ + "▁contemporary", + -10.110724449157717 + ], + [ + "▁fields", + -10.110774040222168 + ], + [ + "▁agent", + -10.111336708068848 + ], + [ + "▁solar", + -10.111517906188965 + ], + [ + "▁Man", + -10.111553192138672 + ], + [ + "▁purposes", + -10.11164093017578 + ], + [ + "▁Germany", + -10.111664772033691 + ], + [ + "▁visual", + -10.113408088684082 + ], + [ + "▁influence", + -10.113883972167969 + ], + [ + "▁infrastructure", + -10.113996505737305 + ], + [ + "▁presentation", + -10.115033149719238 + ], + [ + "▁George", + -10.11545181274414 + ], + [ + "▁village", + -10.116880416870115 + ], + [ + "▁worldwide", + -10.117605209350586 + ], + [ + "▁Me", + -10.117805480957031 + ], + [ + "▁teach", + -10.117892265319824 + ], + [ + "▁push", + -10.118261337280272 + ], + [ + "▁chosen", + -10.118524551391602 + ], + [ + "▁topics", + -10.118535995483398 + ], + [ + "▁bowl", + -10.118559837341309 + ], + [ + "▁guy", + -10.118680953979492 + ], + [ + "▁conversation", + -10.118873596191406 + ], + [ + "▁Both", + -10.119327545166016 + ], + [ + "▁Plus", + -10.119376182556152 + ], + [ + "▁recovery", + -10.119874000549316 + ], + [ + "▁accurate", + -10.120550155639648 + ], + [ + "▁explain", + -10.121499061584473 + ], + [ + "▁sides", + -10.122017860412598 + ], + [ + "▁pull", + -10.122053146362305 + ], + [ + "▁catch", + -10.1224946975708 + ], + [ + "▁Mac", + -10.12263011932373 + ], + [ + "▁Y", + -10.122679710388184 + ], + [ + "▁holding", + -10.12277889251709 + ], + [ + "▁electronic", + -10.123618125915527 + ], + [ + "▁district", + -10.123666763305664 + ], + [ + "▁registration", + -10.12367057800293 + ], + [ + "▁dead", + -10.123778343200684 + ], + [ + "▁route", + -10.12401294708252 + ], + [ + "▁familiar", + -10.125225067138672 + ], + [ + "▁milk", + -10.125697135925291 + ], + [ + "▁rule", + -10.12714672088623 + ], + [ + "▁sheet", + -10.127497673034668 + ], + [ + "▁creation", + -10.128067016601562 + ], + [ + "▁exam", + -10.128809928894045 + ], + [ + "▁fund", + -10.128828048706056 + ], + [ + "▁feels", + -10.128886222839355 + ], + [ + "if", + -10.1294527053833 + ], + [ + "ville", + -10.12947940826416 + ], + [ + "▁instructions", + -10.129741668701172 + ], + [ + "▁walls", + -10.130541801452637 + ], + [ + "▁Like", + -10.13197135925293 + ], + [ + "▁Car", + -10.131994247436523 + ], + [ + "we", + -10.13323974609375 + ], + [ + "▁residential", + -10.1345796585083 + ], + [ + "▁owned", + -10.136058807373049 + ], + [ + "▁1,", + -10.13616180419922 + ], + [ + "▁survey", + -10.136370658874512 + ], + [ + "▁sample", + -10.136611938476562 + ], + [ + "▁university", + -10.138202667236328 + ], + [ + "▁Who", + -10.139093399047852 + ], + [ + "▁administration", + -10.139102935791016 + ], + [ + "▁factor", + -10.139159202575684 + ], + [ + "▁considering", + -10.139732360839844 + ], + [ + "▁African", + -10.140181541442873 + ], + [ + "▁aid", + -10.140572547912598 + ], + [ + "▁load", + -10.140579223632812 + ], + [ + "▁cup", + -10.140618324279783 + ], + [ + "▁successfully", + -10.141016960144045 + ], + [ + "▁domain", + -10.141139030456545 + ], + [ + "▁discovered", + -10.142212867736816 + ], + [ + "▁mine", + -10.143038749694824 + ], + [ + "▁cake", + -10.143054008483888 + ], + [ + "rs", + -10.143563270568848 + ], + [ + "▁landscape", + -10.144329071044922 + ], + [ + "▁Medical", + -10.14447784423828 + ], + [ + "▁accident", + -10.145681381225586 + ], + [ + "▁discount", + -10.146611213684082 + ], + [ + "▁@", + -10.14737606048584 + ], + [ + "▁2011", + -10.147771835327148 + ], + [ + "▁2010", + -10.14849090576172 + ], + [ + "▁m", + -10.15024471282959 + ], + [ + "▁hardware", + -10.15068531036377 + ], + [ + "▁featured", + -10.15208339691162 + ], + [ + "▁interests", + -10.152145385742188 + ], + [ + "▁Yes", + -10.152341842651367 + ], + [ + "▁tough", + -10.1527681350708 + ], + [ + "▁constantly", + -10.15359878540039 + ], + [ + "▁bigger", + -10.153712272644045 + ], + [ + "▁Asia", + -10.153724670410156 + ], + [ + "▁officials", + -10.154193878173828 + ], + [ + "▁submit", + -10.154239654541016 + ], + [ + "▁count", + -10.154378890991213 + ], + [ + "▁guess", + -10.154559135437012 + ], + [ + "▁pack", + -10.154842376708984 + ], + [ + "▁Arts", + -10.154967308044434 + ], + [ + "▁exclusive", + -10.15530776977539 + ], + [ + "▁seemed", + -10.156166076660156 + ], + [ + "▁Manager", + -10.156874656677246 + ], + [ + "▁houses", + -10.157387733459473 + ], + [ + "▁sub", + -10.158536911010742 + ], + [ + "▁kinds", + -10.158647537231444 + ], + [ + "▁candidates", + -10.15914249420166 + ], + [ + "ism", + -10.15939235687256 + ], + [ + "▁Australian", + -10.160025596618652 + ], + [ + "▁net", + -10.16061782836914 + ], + [ + "▁writer", + -10.161787033081056 + ], + [ + "▁carefully", + -10.161991119384766 + ], + [ + "Z", + -10.162172317504885 + ], + [ + "▁foods", + -10.162192344665527 + ], + [ + "▁cast", + -10.162609100341797 + ], + [ + "do", + -10.162675857543944 + ], + [ + "▁27", + -10.162744522094728 + ], + [ + "▁intended", + -10.1633939743042 + ], + [ + "▁wonder", + -10.163578987121582 + ], + [ + "ist", + -10.163722038269045 + ], + [ + "▁shoes", + -10.163921356201172 + ], + [ + "▁mark", + -10.164396286010742 + ], + [ + "▁collect", + -10.16470718383789 + ], + [ + "▁silver", + -10.16493320465088 + ], + [ + "▁90", + -10.165334701538086 + ], + [ + "▁kit", + -10.165484428405762 + ], + [ + "▁Food", + -10.16618824005127 + ], + [ + "Can", + -10.166840553283691 + ], + [ + "▁die", + -10.16700553894043 + ], + [ + "▁lifestyle", + -10.167444229125977 + ], + [ + "▁dental", + -10.169441223144531 + ], + [ + "▁charges", + -10.169678688049316 + ], + [ + "▁al", + -10.16997241973877 + ], + [ + "▁decades", + -10.17016887664795 + ], + [ + "▁ring", + -10.170649528503418 + ], + [ + "▁lived", + -10.171053886413574 + ], + [ + "▁Media", + -10.172164916992188 + ], + [ + "▁destination", + -10.17240047454834 + ], + [ + "▁Q", + -10.172561645507812 + ], + [ + "▁roll", + -10.172866821289062 + ], + [ + "▁perspective", + -10.17290496826172 + ], + [ + "▁entertainment", + -10.17306423187256 + ], + [ + "▁>", + -10.173095703125 + ], + [ + "▁favourite", + -10.17398166656494 + ], + [ + "▁pan", + -10.174335479736328 + ], + [ + "▁upcoming", + -10.174678802490234 + ], + [ + "▁investors", + -10.17514991760254 + ], + [ + "▁privacy", + -10.176314353942873 + ], + [ + "▁standing", + -10.178592681884766 + ], + [ + "▁pro", + -10.179214477539062 + ], + [ + "▁assets", + -10.179271697998049 + ], + [ + "▁innovation", + -10.17954444885254 + ], + [ + "▁sauce", + -10.179767608642578 + ], + [ + "▁mention", + -10.180171966552734 + ], + [ + "▁tasks", + -10.180415153503418 + ], + [ + "uk", + -10.180469512939451 + ], + [ + "▁examples", + -10.181307792663574 + ], + [ + "▁transport", + -10.18133544921875 + ], + [ + "▁Los", + -10.182098388671877 + ], + [ + "▁stunning", + -10.182153701782228 + ], + [ + "▁Western", + -10.182657241821287 + ], + [ + "▁dollars", + -10.18284034729004 + ], + [ + "▁agencies", + -10.182853698730469 + ], + [ + "▁Women", + -10.183056831359863 + ], + [ + "▁awareness", + -10.183509826660156 + ], + [ + "▁garage", + -10.185775756835938 + ], + [ + "el", + -10.186037063598633 + ], + [ + "▁executive", + -10.186186790466309 + ], + [ + "▁styles", + -10.18638801574707 + ], + [ + "▁beat", + -10.186558723449709 + ], + [ + "▁broken", + -10.187005996704102 + ], + [ + "▁Mary", + -10.187368392944336 + ], + [ + "▁programme", + -10.187772750854492 + ], + [ + "▁farm", + -10.18777847290039 + ], + [ + "▁stick", + -10.18832015991211 + ], + [ + "▁answers", + -10.18839168548584 + ], + [ + "▁accessible", + -10.18857479095459 + ], + [ + "▁impressive", + -10.189115524291992 + ], + [ + "Yes", + -10.18934726715088 + ], + [ + "▁willing", + -10.189760208129885 + ], + [ + "▁spirit", + -10.190211296081545 + ], + [ + "▁tests", + -10.190223693847656 + ], + [ + "▁rain", + -10.190738677978516 + ], + [ + "▁II", + -10.190828323364258 + ], + [ + "▁machines", + -10.190906524658203 + ], + [ + "▁knowing", + -10.191556930541992 + ], + [ + "▁featuring", + -10.191716194152832 + ], + [ + "▁birth", + -10.19200325012207 + ], + [ + "▁remaining", + -10.192445755004885 + ], + [ + "▁improvement", + -10.19248867034912 + ], + [ + "▁holds", + -10.192495346069336 + ], + [ + "▁license", + -10.19276237487793 + ], + [ + "▁apartment", + -10.192906379699709 + ], + [ + "▁manual", + -10.193254470825195 + ], + [ + "▁everyday", + -10.193652153015137 + ], + [ + "▁grown", + -10.193830490112305 + ], + [ + "▁behavior", + -10.194318771362305 + ], + [ + "▁adult", + -10.194406509399414 + ], + [ + "▁diverse", + -10.194491386413574 + ], + [ + "▁doubt", + -10.19544506072998 + ], + [ + "▁Up", + -10.19568157196045 + ], + [ + "▁Japanese", + -10.195761680603027 + ], + [ + "so", + -10.195987701416016 + ], + [ + "▁planned", + -10.196246147155762 + ], + [ + "▁expectations", + -10.196945190429688 + ], + [ + "▁qualified", + -10.19751262664795 + ], + [ + "▁Earth", + -10.197839736938477 + ], + [ + "▁symptoms", + -10.198298454284668 + ], + [ + "▁earth", + -10.198419570922852 + ], + [ + "▁carried", + -10.199399948120115 + ], + [ + "4.", + -10.199862480163574 + ], + [ + "▁begins", + -10.200575828552246 + ], + [ + "▁loans", + -10.20122528076172 + ], + [ + "▁Festival", + -10.202183723449709 + ], + [ + "▁challenging", + -10.202616691589355 + ], + [ + "▁arrived", + -10.202848434448242 + ], + [ + "▁payments", + -10.203007698059082 + ], + [ + "▁reduced", + -10.203176498413086 + ], + [ + "▁Only", + -10.20343780517578 + ], + [ + "▁ticket", + -10.20358943939209 + ], + [ + "son", + -10.204273223876951 + ], + [ + "▁remote", + -10.20456314086914 + ], + [ + "▁affected", + -10.204639434814451 + ], + [ + "▁causes", + -10.20496940612793 + ], + [ + "▁CEO", + -10.205058097839355 + ], + [ + "▁OF", + -10.206192016601562 + ], + [ + "▁novel", + -10.20623779296875 + ], + [ + "w", + -10.207433700561523 + ], + [ + "▁outstanding", + -10.20787239074707 + ], + [ + "end", + -10.20811653137207 + ], + [ + "▁scheduled", + -10.208281517028809 + ], + [ + "▁brown", + -10.20928192138672 + ], + [ + "▁foundation", + -10.209368705749512 + ], + [ + "▁Commission", + -10.209458351135254 + ], + [ + "▁Master", + -10.209895133972168 + ], + [ + "Just", + -10.210792541503906 + ], + [ + "▁meat", + -10.211125373840332 + ], + [ + "▁designer", + -10.21118450164795 + ], + [ + "▁situations", + -10.211359024047852 + ], + [ + "▁distribution", + -10.211499214172363 + ], + [ + "▁gallery", + -10.213994979858398 + ], + [ + "▁celebrate", + -10.214268684387209 + ], + [ + "....", + -10.214401245117188 + ], + [ + "▁procedures", + -10.21479320526123 + ], + [ + "▁twice", + -10.216609001159668 + ], + [ + "▁rent", + -10.216991424560549 + ], + [ + "▁hosting", + -10.217021942138672 + ], + [ + "▁youth", + -10.217066764831545 + ], + [ + "▁yes", + -10.217511177062988 + ], + [ + "▁Real", + -10.218342781066896 + ], + [ + "▁truck", + -10.218631744384766 + ], + [ + "but", + -10.219318389892578 + ], + [ + "▁airport", + -10.21998691558838 + ], + [ + "Not", + -10.22027587890625 + ], + [ + "▁rare", + -10.221094131469728 + ], + [ + "▁searching", + -10.221454620361328 + ], + [ + "▁TO", + -10.221460342407228 + ], + [ + "▁rear", + -10.22251319885254 + ], + [ + "▁married", + -10.222620010375977 + ], + [ + "▁clinical", + -10.222753524780272 + ], + [ + "▁certified", + -10.222906112670898 + ], + [ + "net", + -10.223076820373535 + ], + [ + "▁cook", + -10.223177909851074 + ], + [ + "▁Room", + -10.223370552062988 + ], + [ + "▁choosing", + -10.22434425354004 + ], + [ + "▁integrated", + -10.224414825439451 + ], + [ + "▁*", + -10.224885940551758 + ], + [ + "▁bath", + -10.22495937347412 + ], + [ + "▁2019.", + -10.225974082946776 + ], + [ + "Don", + -10.226113319396973 + ], + [ + "▁significantly", + -10.228734970092772 + ], + [ + "▁treated", + -10.229238510131836 + ], + [ + "▁plays", + -10.229443550109863 + ], + [ + "▁serves", + -10.22946834564209 + ], + [ + "▁accepted", + -10.22995662689209 + ], + [ + "▁assessment", + -10.23010540008545 + ], + [ + "▁channel", + -10.230167388916016 + ], + [ + "▁manufacturer", + -10.231425285339355 + ], + [ + "▁Read", + -10.231460571289062 + ], + [ + "▁respond", + -10.231468200683594 + ], + [ + "▁goods", + -10.231879234313965 + ], + [ + "▁spaces", + -10.231964111328123 + ], + [ + "▁vital", + -10.23335075378418 + ], + [ + "▁closely", + -10.233445167541504 + ], + [ + "▁equipped", + -10.23348903656006 + ], + [ + "▁shares", + -10.23366355895996 + ], + [ + "▁except", + -10.233696937561035 + ], + [ + "▁concrete", + -10.233699798583984 + ], + [ + "▁employment", + -10.233933448791504 + ], + [ + "▁glad", + -10.234071731567385 + ], + [ + "ley", + -10.234541893005373 + ], + [ + "▁Long", + -10.234898567199709 + ], + [ + "▁cute", + -10.23507308959961 + ], + [ + "▁earn", + -10.23520278930664 + ], + [ + "▁Smith", + -10.235321044921877 + ], + [ + "▁Market", + -10.23532485961914 + ], + [ + "▁emotional", + -10.23581886291504 + ], + [ + "▁layer", + -10.236398696899414 + ], + [ + "▁adventure", + -10.23680591583252 + ], + [ + "▁sport", + -10.237735748291016 + ], + [ + "▁fourth", + -10.2378511428833 + ], + [ + "▁orders", + -10.238627433776855 + ], + [ + "▁80", + -10.239492416381836 + ], + [ + "▁Global", + -10.239995002746582 + ], + [ + "▁winner", + -10.240228652954102 + ], + [ + "mail", + -10.240315437316896 + ], + [ + "▁pm", + -10.242036819458008 + ], + [ + "▁vs", + -10.242417335510254 + ], + [ + "▁historical", + -10.242592811584473 + ], + [ + "▁Conference", + -10.242772102355955 + ], + [ + "▁partnership", + -10.24303913116455 + ], + [ + "▁Series", + -10.24315357208252 + ], + [ + "▁yellow", + -10.24334716796875 + ], + [ + "▁regional", + -10.243431091308594 + ], + [ + "▁Last", + -10.243481636047363 + ], + [ + "▁template", + -10.243666648864746 + ], + [ + "all", + -10.244900703430176 + ], + [ + "▁represent", + -10.245034217834473 + ], + [ + "▁receiving", + -10.24520492553711 + ], + [ + "▁matters", + -10.245962142944336 + ], + [ + "▁Academy", + -10.245994567871094 + ], + [ + "▁iron", + -10.24649429321289 + ], + [ + "▁patterns", + -10.246724128723145 + ], + [ + "▁cycle", + -10.247138023376465 + ], + [ + "▁collaboration", + -10.248055458068848 + ], + [ + "▁appeared", + -10.248739242553713 + ], + [ + "”,", + -10.2490816116333 + ], + [ + "▁c", + -10.249143600463867 + ], + [ + "▁healthcare", + -10.250314712524414 + ], + [ + "▁savings", + -10.25048828125 + ], + [ + "▁cable", + -10.250554084777832 + ], + [ + "▁nine", + -10.250741004943848 + ], + [ + "▁external", + -10.25080108642578 + ], + [ + "▁whom", + -10.251007080078123 + ], + [ + "▁occur", + -10.251323699951172 + ], + [ + "▁logo", + -10.25135898590088 + ], + [ + "▁convenient", + -10.251367568969728 + ], + [ + "▁Party", + -10.251498222351074 + ], + [ + "▁nearby", + -10.251629829406738 + ], + [ + "house", + -10.251699447631836 + ], + [ + "▁caught", + -10.25173282623291 + ], + [ + "▁upper", + -10.252270698547363 + ], + [ + "▁messages", + -10.253149032592772 + ], + [ + "▁quote", + -10.254229545593262 + ], + [ + "▁female", + -10.254243850708008 + ], + [ + "▁Grand", + -10.254321098327637 + ], + [ + "▁engagement", + -10.254388809204102 + ], + [ + "ar", + -10.254424095153809 + ], + [ + "Y", + -10.25460720062256 + ], + [ + "▁frequently", + -10.254843711853027 + ], + [ + "▁atmosphere", + -10.255321502685549 + ], + [ + "▁lessons", + -10.256369590759276 + ], + [ + "▁EU", + -10.256413459777832 + ], + [ + "▁fitness", + -10.25650119781494 + ], + [ + "ity", + -10.2567777633667 + ], + [ + "▁talent", + -10.257187843322754 + ], + [ + "▁mountain", + -10.25816535949707 + ], + [ + "▁imagine", + -10.258293151855469 + ], + [ + "▁massive", + -10.25833797454834 + ], + [ + "▁meetings", + -10.258413314819336 + ], + [ + "ion", + -10.258482933044434 + ], + [ + "▁parent", + -10.258526802062988 + ], + [ + "▁taught", + -10.258569717407228 + ], + [ + "▁facing", + -10.258695602416992 + ], + [ + "▁ease", + -10.259100914001465 + ], + [ + "▁flexible", + -10.259315490722656 + ], + [ + "Are", + -10.26026439666748 + ], + [ + "me", + -10.260265350341797 + ], + [ + "▁brother", + -10.260765075683594 + ], + [ + "▁gifts", + -10.260828971862791 + ], + [ + "▁degrees", + -10.261449813842772 + ], + [ + "▁failure", + -10.261585235595703 + ], + [ + "▁output", + -10.261608123779297 + ], + [ + "▁wearing", + -10.26242446899414 + ], + [ + "▁Italian", + -10.262578010559082 + ], + [ + "▁closer", + -10.262724876403809 + ], + [ + "▁plate", + -10.263404846191406 + ], + [ + "▁Show", + -10.263487815856934 + ], + [ + "▁edition", + -10.263697624206545 + ], + [ + "▁Network", + -10.264625549316406 + ], + [ + "▁Wall", + -10.26475715637207 + ], + [ + "▁battle", + -10.265185356140137 + ], + [ + "а", + -10.26522731781006 + ], + [ + "▁object", + -10.265439987182615 + ], + [ + "▁accessories", + -10.26563549041748 + ], + [ + "▁typical", + -10.266158103942873 + ], + [ + "▁trouble", + -10.266473770141602 + ], + [ + "▁boy", + -10.26751708984375 + ], + [ + "▁context", + -10.26755428314209 + ], + [ + "not", + -10.267715454101562 + ], + [ + "▁mini", + -10.267871856689451 + ], + [ + "▁movies", + -10.270328521728516 + ], + [ + "▁Old", + -10.271700859069824 + ], + [ + "▁35", + -10.27182674407959 + ], + [ + "▁proposed", + -10.271912574768066 + ], + [ + "▁HD", + -10.27216339111328 + ], + [ + "According", + -10.272329330444336 + ], + [ + "▁Minister", + -10.273048400878906 + ], + [ + "▁operate", + -10.273963928222656 + ], + [ + "go", + -10.27429485321045 + ], + [ + "▁speaking", + -10.274429321289062 + ], + [ + "Is", + -10.275009155273438 + ], + [ + "▁domestic", + -10.275286674499512 + ], + [ + "▁apart", + -10.276881217956545 + ], + [ + "▁cat", + -10.277543067932127 + ], + [ + "▁According", + -10.277727127075195 + ], + [ + "▁election", + -10.2783842086792 + ], + [ + "▁recorded", + -10.279027938842772 + ], + [ + "▁informed", + -10.27984619140625 + ], + [ + "▁mass", + -10.27999496459961 + ], + [ + "▁cent", + -10.280112266540527 + ], + [ + "ne", + -10.280149459838867 + ], + [ + "Since", + -10.280418395996094 + ], + [ + "▁clothes", + -10.280455589294434 + ], + [ + "▁recognized", + -10.2819185256958 + ], + [ + "▁oven", + -10.282108306884766 + ], + [ + "▁river", + -10.282334327697754 + ], + [ + "▁usual", + -10.28238582611084 + ], + [ + "▁manufacturers", + -10.282702445983888 + ], + [ + "▁missed", + -10.28285026550293 + ], + [ + "▁Sun", + -10.283241271972656 + ], + [ + "▁surprise", + -10.283339500427246 + ], + [ + "▁browser", + -10.283758163452148 + ], + [ + "▁concern", + -10.284046173095703 + ], + [ + "Many", + -10.284300804138184 + ], + [ + "▁concerned", + -10.284525871276855 + ], + [ + "▁trends", + -10.284679412841797 + ], + [ + "▁researchers", + -10.28543758392334 + ], + [ + "▁electrical", + -10.285661697387695 + ], + [ + "▁en", + -10.28679370880127 + ], + [ + "▁protected", + -10.28705596923828 + ], + [ + "▁quiet", + -10.287156105041504 + ], + [ + "▁supports", + -10.287452697753906 + ], + [ + "▁nor", + -10.288151741027832 + ], + [ + "▁freedom", + -10.28835678100586 + ], + [ + "la", + -10.289048194885254 + ], + [ + "▁failed", + -10.289616584777832 + ], + [ + "ra", + -10.289617538452148 + ], + [ + "▁joint", + -10.29017448425293 + ], + [ + "▁Press", + -10.290641784667969 + ], + [ + "▁moments", + -10.29112720489502 + ], + [ + "▁IN", + -10.291173934936523 + ], + [ + "▁vacation", + -10.291364669799805 + ], + [ + "▁photography", + -10.29171085357666 + ], + [ + "▁trend", + -10.292031288146973 + ], + [ + "▁Energy", + -10.292317390441896 + ], + [ + "▁Bill", + -10.292534828186035 + ], + [ + "▁exact", + -10.29265308380127 + ], + [ + "▁skill", + -10.292832374572754 + ], + [ + "▁campus", + -10.293399810791016 + ], + [ + "way", + -10.29362678527832 + ], + [ + "▁Israel", + -10.293628692626951 + ], + [ + "▁issued", + -10.29363250732422 + ], + [ + "▁butter", + -10.293890953063965 + ], + [ + "▁attorney", + -10.294651985168455 + ], + [ + "▁native", + -10.295208930969238 + ], + [ + "▁improving", + -10.29550552368164 + ], + [ + "▁medicine", + -10.295879364013672 + ], + [ + "▁mail", + -10.29605484008789 + ], + [ + "▁b", + -10.296622276306152 + ], + [ + "▁monitor", + -10.29698085784912 + ], + [ + "▁counter", + -10.298542022705078 + ], + [ + "with", + -10.29886531829834 + ], + [ + "▁PM", + -10.298924446105955 + ], + [ + "▁earned", + -10.298957824707031 + ], + [ + "▁w", + -10.299273490905762 + ], + [ + "▁stands", + -10.300116539001465 + ], + [ + "▁determined", + -10.300745964050291 + ], + [ + "un", + -10.300823211669922 + ], + [ + "▁transportation", + -10.301414489746094 + ], + [ + "▁extended", + -10.301681518554688 + ], + [ + "▁2017.", + -10.3018159866333 + ], + [ + "▁killed", + -10.301894187927246 + ], + [ + "▁arrive", + -10.302328109741213 + ], + [ + "▁pleased", + -10.303166389465332 + ], + [ + "▁turns", + -10.303587913513184 + ], + [ + "▁mixed", + -10.303890228271484 + ], + [ + "▁dish", + -10.3038969039917 + ], + [ + "be", + -10.304057121276855 + ], + [ + "▁conducted", + -10.304309844970703 + ], + [ + "▁reasonable", + -10.304731369018556 + ], + [ + "▁crew", + -10.305014610290527 + ], + [ + "▁workshop", + -10.305279731750488 + ], + [ + "▁sister", + -10.305291175842283 + ], + [ + "▁inches", + -10.305935859680176 + ], + [ + "▁beer", + -10.306065559387209 + ], + [ + "▁Instead", + -10.306129455566406 + ], + [ + "▁CA", + -10.306314468383787 + ], + [ + "New", + -10.307036399841309 + ], + [ + "▁wild", + -10.307044982910156 + ], + [ + "▁Russian", + -10.30794620513916 + ], + [ + "▁monitoring", + -10.308491706848145 + ], + [ + "▁dates", + -10.308992385864258 + ], + [ + "▁stars", + -10.30915641784668 + ], + [ + "▁forces", + -10.310317993164062 + ], + [ + "▁golf", + -10.310324668884276 + ], + [ + "▁Mexico", + -10.310402870178224 + ], + [ + "▁Brown", + -10.311151504516602 + ], + [ + "▁Canadian", + -10.311159133911133 + ], + [ + "▁shops", + -10.311283111572266 + ], + [ + "▁f", + -10.311393737792969 + ], + [ + "▁television", + -10.31179141998291 + ], + [ + "▁fishing", + -10.312403678894045 + ], + [ + "▁institutions", + -10.312485694885254 + ], + [ + "▁Angeles", + -10.312525749206545 + ], + [ + "▁agents", + -10.312627792358398 + ], + [ + "▁relatively", + -10.312893867492676 + ], + [ + "you", + -10.313034057617188 + ], + [ + "Another", + -10.3131742477417 + ], + [ + "▁reputation", + -10.313185691833496 + ], + [ + "▁gorgeous", + -10.31319808959961 + ], + [ + "▁sustainable", + -10.313865661621094 + ], + [ + "▁casino", + -10.31389045715332 + ], + [ + "▁soil", + -10.31495189666748 + ], + [ + "▁camp", + -10.3150053024292 + ], + [ + "▁removal", + -10.315321922302246 + ], + [ + "▁Royal", + -10.315346717834473 + ], + [ + "▁protein", + -10.315645217895508 + ], + [ + "▁expand", + -10.31569766998291 + ], + [ + "▁identified", + -10.316365242004396 + ], + [ + "▁Plan", + -10.316400527954102 + ], + [ + "▁Set", + -10.31678581237793 + ], + [ + "▁guidance", + -10.317577362060549 + ], + [ + "▁Children", + -10.318115234375 + ], + [ + "▁=", + -10.31856632232666 + ], + [ + "▁picked", + -10.319306373596191 + ], + [ + "▁Sea", + -10.319332122802734 + ], + [ + "▁engage", + -10.319355010986328 + ], + [ + "▁Its", + -10.319561958312988 + ], + [ + "▁mouth", + -10.319564819335938 + ], + [ + "▁height", + -10.31958293914795 + ], + [ + "▁chat", + -10.319917678833008 + ], + [ + "▁circumstances", + -10.320040702819824 + ], + [ + "▁interface", + -10.320195198059082 + ], + [ + "▁Robert", + -10.320196151733398 + ], + [ + "▁Instagram", + -10.320209503173828 + ], + [ + "▁Peter", + -10.320723533630373 + ], + [ + "▁architecture", + -10.32076644897461 + ], + [ + "os", + -10.321782112121582 + ], + [ + "▁bags", + -10.322359085083008 + ], + [ + "▁Congress", + -10.32338047027588 + ], + [ + "▁70", + -10.323448181152344 + ], + [ + "▁ages", + -10.324333190917969 + ], + [ + "▁technique", + -10.32436180114746 + ], + [ + "▁strategic", + -10.324615478515623 + ], + [ + "▁mom", + -10.32520580291748 + ], + [ + "▁happening", + -10.325218200683594 + ], + [ + "▁returns", + -10.32590675354004 + ], + [ + "▁organized", + -10.32614803314209 + ], + [ + "▁ends", + -10.326176643371582 + ], + [ + "▁Journal", + -10.326864242553713 + ], + [ + "▁la", + -10.328099250793455 + ], + [ + "▁ran", + -10.328146934509276 + ], + [ + "▁ongoing", + -10.328202247619627 + ], + [ + "▁Light", + -10.32828426361084 + ], + [ + "▁aspect", + -10.329447746276855 + ], + [ + "ling", + -10.330002784729004 + ], + [ + "▁45", + -10.330188751220703 + ], + [ + "quality", + -10.330265998840332 + ], + [ + "▁keeps", + -10.330317497253418 + ], + [ + "▁Full", + -10.330631256103516 + ], + [ + "▁bottle", + -10.330950736999512 + ], + [ + "▁El", + -10.33187484741211 + ], + [ + "▁charged", + -10.33224868774414 + ], + [ + "▁noticed", + -10.332544326782228 + ], + [ + "▁joy", + -10.33261013031006 + ], + [ + "▁yesterday", + -10.332884788513184 + ], + [ + "▁stopped", + -10.333337783813477 + ], + [ + "▁managing", + -10.334205627441406 + ], + [ + "▁implementation", + -10.33444595336914 + ], + [ + "▁d", + -10.33450984954834 + ], + [ + "▁grew", + -10.334779739379885 + ], + [ + "▁Rock", + -10.335332870483398 + ], + [ + "▁fly", + -10.335423469543455 + ], + [ + "0", + -10.335874557495115 + ], + [ + "▁entirely", + -10.336189270019531 + ], + [ + "▁festival", + -10.336270332336426 + ], + [ + "▁Town", + -10.33790683746338 + ], + [ + "▁arts", + -10.337955474853516 + ], + [ + "▁Those", + -10.338300704956056 + ], + [ + "▁musical", + -10.338624000549316 + ], + [ + "▁identity", + -10.338677406311035 + ], + [ + "▁worse", + -10.33891773223877 + ], + [ + "▁noted", + -10.339218139648438 + ], + [ + "▁collected", + -10.339930534362791 + ], + [ + "▁neighborhood", + -10.340527534484863 + ], + [ + "▁port", + -10.340645790100098 + ], + [ + "▁capture", + -10.340821266174316 + ], + [ + "▁agreed", + -10.341989517211914 + ], + [ + "▁positions", + -10.342028617858888 + ], + [ + "▁regulations", + -10.342060089111328 + ], + [ + "▁capable", + -10.342496871948242 + ], + [ + "▁element", + -10.342766761779783 + ], + [ + "▁motor", + -10.343476295471191 + ], + [ + "▁Game", + -10.34412956237793 + ], + [ + "▁stated", + -10.344151496887209 + ], + [ + "▁Cup", + -10.34512424468994 + ], + [ + "▁Paris", + -10.345287322998049 + ], + [ + "▁printed", + -10.345572471618652 + ], + [ + "ry", + -10.346055030822754 + ], + [ + "▁NOT", + -10.34736442565918 + ], + [ + "▁turning", + -10.348283767700195 + ], + [ + "▁alcohol", + -10.34844207763672 + ], + [ + "Let", + -10.349237442016602 + ], + [ + "▁Code", + -10.349369049072266 + ], + [ + "▁mixture", + -10.349373817443848 + ], + [ + "▁tested", + -10.349465370178224 + ], + [ + "▁fell", + -10.349870681762695 + ], + [ + "Most", + -10.350138664245604 + ], + [ + "▁graduate", + -10.352840423583984 + ], + [ + "▁n", + -10.353327751159668 + ], + [ + "▁Ideas", + -10.353919982910156 + ], + [ + "▁description", + -10.354044914245604 + ], + [ + "▁phase", + -10.354104042053224 + ], + [ + "▁attached", + -10.354269981384276 + ], + [ + "▁Maybe", + -10.35473918914795 + ], + [ + "▁31", + -10.355009078979492 + ], + [ + "▁boys", + -10.35521125793457 + ], + [ + "ch", + -10.355504989624023 + ], + [ + "▁mainly", + -10.356173515319824 + ], + [ + "▁defense", + -10.356258392333984 + ], + [ + "▁scientific", + -10.356285095214844 + ], + [ + "▁personally", + -10.35702419281006 + ], + [ + "▁Keep", + -10.357524871826172 + ], + [ + "▁specialist", + -10.358139991760254 + ], + [ + "▁solve", + -10.358965873718262 + ], + [ + "▁candidate", + -10.359549522399902 + ], + [ + "▁objects", + -10.359939575195312 + ], + [ + "▁input", + -10.360441207885742 + ], + [ + "▁deck", + -10.360628128051758 + ], + [ + "▁risks", + -10.361251831054688 + ], + [ + "▁compare", + -10.361526489257812 + ], + [ + "▁honest", + -10.361699104309082 + ], + [ + "▁exist", + -10.361896514892578 + ], + [ + "▁whenever", + -10.362237930297852 + ], + [ + "▁Thomas", + -10.362554550170898 + ], + [ + "▁wire", + -10.362560272216797 + ], + [ + "▁vary", + -10.362762451171877 + ], + [ + "▁membership", + -10.362871170043944 + ], + [ + "▁injuries", + -10.363316535949709 + ], + [ + "▁Spring", + -10.363818168640137 + ], + [ + "▁normally", + -10.364482879638672 + ], + [ + "▁generate", + -10.36471939086914 + ], + [ + "▁29", + -10.365556716918944 + ], + [ + "Get", + -10.367162704467772 + ], + [ + "▁performing", + -10.3673734664917 + ], + [ + "20", + -10.367894172668455 + ], + [ + "▁meals", + -10.368160247802734 + ], + [ + "▁banks", + -10.368345260620115 + ], + [ + "▁industries", + -10.368537902832031 + ], + [ + "▁inch", + -10.368592262268066 + ], + [ + "▁clothing", + -10.368882179260254 + ], + [ + "ta", + -10.36894702911377 + ], + [ + "▁boost", + -10.36921501159668 + ], + [ + "▁contribute", + -10.36953353881836 + ], + [ + "▁Jan", + -10.369717597961426 + ], + [ + "▁Small", + -10.36976146697998 + ], + [ + "ma", + -10.369918823242188 + ], + [ + "▁Santa", + -10.3699951171875 + ], + [ + "▁Tom", + -10.370909690856934 + ], + [ + "▁extension", + -10.371849060058594 + ], + [ + "▁gear", + -10.37197971343994 + ], + [ + "▁Buy", + -10.371991157531738 + ], + [ + "▁unable", + -10.372963905334473 + ], + [ + "▁platforms", + -10.373065948486328 + ], + [ + "▁ultimate", + -10.37331771850586 + ], + [ + "▁reporting", + -10.374348640441896 + ], + [ + "▁secret", + -10.374699592590332 + ], + [ + "▁crucial", + -10.374853134155272 + ], + [ + "▁creates", + -10.374913215637209 + ], + [ + "▁citizens", + -10.37508773803711 + ], + [ + "▁drugs", + -10.375381469726562 + ], + [ + "▁preparation", + -10.375630378723145 + ], + [ + "▁motion", + -10.37569808959961 + ], + [ + "▁bonus", + -10.37658405303955 + ], + [ + "▁attended", + -10.377038955688477 + ], + [ + "▁investigation", + -10.377347946166992 + ], + [ + "▁Control", + -10.37766456604004 + ], + [ + "▁historic", + -10.37818717956543 + ], + [ + "Also", + -10.378347396850586 + ], + [ + "▁dynamic", + -10.379666328430176 + ], + [ + "▁Live", + -10.379987716674805 + ], + [ + "▁Fire", + -10.380390167236328 + ], + [ + "▁300", + -10.380976676940918 + ], + [ + "▁filed", + -10.381773948669434 + ], + [ + "▁wheel", + -10.382136344909668 + ], + [ + "friendly", + -10.382246017456056 + ], + [ + "▁Before", + -10.382573127746582 + ], + [ + "▁et", + -10.382840156555176 + ], + [ + "▁episode", + -10.383271217346191 + ], + [ + "▁Spanish", + -10.383289337158203 + ], + [ + "▁powder", + -10.383622169494627 + ], + [ + "▁Russia", + -10.383726119995115 + ], + [ + "▁Un", + -10.384778022766112 + ], + [ + "ian", + -10.384906768798828 + ], + [ + "▁virtual", + -10.38497543334961 + ], + [ + "▁revealed", + -10.385398864746094 + ], + [ + "▁films", + -10.38563346862793 + ], + [ + "▁ancient", + -10.386109352111816 + ], + [ + "▁mining", + -10.386222839355469 + ], + [ + "▁craft", + -10.386327743530272 + ], + [ + "▁attractive", + -10.38668727874756 + ], + [ + "▁Using", + -10.387113571166992 + ], + [ + "▁founded", + -10.38784122467041 + ], + [ + "▁Therefore", + -10.388400077819824 + ], + [ + "▁originally", + -10.388470649719238 + ], + [ + "▁invited", + -10.388690948486328 + ], + [ + "ca", + -10.388753890991213 + ], + [ + "▁IP", + -10.389203071594238 + ], + [ + "▁theory", + -10.389274597167969 + ], + [ + "▁tech", + -10.391098976135254 + ], + [ + "▁expenses", + -10.39112663269043 + ], + [ + "▁tiny", + -10.391403198242188 + ], + [ + "▁relief", + -10.39206886291504 + ], + [ + "▁filter", + -10.39283847808838 + ], + [ + "▁log", + -10.39284896850586 + ], + [ + "▁pricing", + -10.393638610839844 + ], + [ + "▁Library", + -10.394240379333496 + ], + [ + "▁Carolina", + -10.394370079040527 + ], + [ + "▁magazine", + -10.394525527954102 + ], + [ + "▁proven", + -10.395397186279297 + ], + [ + "▁committee", + -10.395482063293455 + ], + [ + "▁urban", + -10.395586967468262 + ], + [ + "▁reflect", + -10.396045684814451 + ], + [ + "▁Chris", + -10.396448135375977 + ], + [ + "▁Sometimes", + -10.396536827087402 + ], + [ + "▁equal", + -10.39676284790039 + ], + [ + "▁entered", + -10.39676570892334 + ], + [ + "▁networks", + -10.397180557250977 + ], + [ + "▁dealing", + -10.39767074584961 + ], + [ + "▁default", + -10.399163246154783 + ], + [ + "▁heating", + -10.399264335632324 + ], + [ + "▁offices", + -10.399269104003906 + ], + [ + "▁ensuring", + -10.399354934692385 + ], + [ + "▁consistent", + -10.399701118469238 + ], + [ + "▁satisfaction", + -10.400209426879885 + ], + [ + "First", + -10.400460243225098 + ], + [ + "▁availability", + -10.40047836303711 + ], + [ + "Re", + -10.400542259216309 + ], + [ + "▁ceiling", + -10.40058135986328 + ], + [ + "▁developers", + -10.400660514831545 + ], + [ + "▁weekly", + -10.40085506439209 + ], + [ + "▁achieved", + -10.40086841583252 + ], + [ + "5.", + -10.401134490966797 + ], + [ + "▁obvious", + -10.401471138000488 + ], + [ + "▁booking", + -10.401799201965332 + ], + [ + "▁Another", + -10.402174949645996 + ], + [ + "▁Mobile", + -10.402783393859863 + ], + [ + "related", + -10.403189659118652 + ], + [ + "ies", + -10.403326034545898 + ], + [ + "Click", + -10.403560638427734 + ], + [ + "▁officer", + -10.403770446777344 + ], + [ + "▁Little", + -10.403912544250488 + ], + [ + "▁immediate", + -10.404885292053224 + ], + [ + "▁Digital", + -10.405306816101074 + ], + [ + "▁SEO", + -10.406455039978027 + ], + [ + "▁finance", + -10.407018661499023 + ], + [ + "▁recipes", + -10.407533645629885 + ], + [ + "▁recognize", + -10.408095359802246 + ], + [ + "▁hotels", + -10.408487319946287 + ], + [ + "▁versions", + -10.408753395080566 + ], + [ + "▁Special", + -10.40903091430664 + ], + [ + "▁fairly", + -10.409724235534668 + ], + [ + "▁pink", + -10.409805297851562 + ], + [ + "▁treatments", + -10.40990161895752 + ], + [ + "▁visited", + -10.41065788269043 + ], + [ + "▁trail", + -10.410792350769045 + ], + [ + "▁linked", + -10.410812377929688 + ], + [ + "▁viewed", + -10.411025047302246 + ], + [ + "▁routine", + -10.41208839416504 + ], + [ + "▁tables", + -10.41209602355957 + ], + [ + "▁Auto", + -10.41211986541748 + ], + [ + "▁bread", + -10.412223815917969 + ], + [ + "▁enables", + -10.41250228881836 + ], + [ + "▁Insurance", + -10.412525177001951 + ], + [ + "▁listening", + -10.412527084350586 + ], + [ + "▁smile", + -10.412999153137209 + ], + [ + "▁fellow", + -10.413472175598145 + ], + [ + "▁dangerous", + -10.413883209228516 + ], + [ + "da", + -10.414109230041504 + ], + [ + "▁Hospital", + -10.414382934570312 + ], + [ + "▁desk", + -10.414457321166992 + ], + [ + "▁Where", + -10.414770126342772 + ], + [ + "▁county", + -10.4150972366333 + ], + [ + "▁eligible", + -10.415549278259276 + ], + [ + "▁Virginia", + -10.415820121765137 + ], + [ + "▁forced", + -10.416372299194336 + ], + [ + "▁CD", + -10.416570663452148 + ], + [ + "▁label", + -10.416854858398438 + ], + [ + "▁constant", + -10.416963577270508 + ], + [ + "▁firms", + -10.41697597503662 + ], + [ + "▁carbon", + -10.416976928710938 + ], + [ + "▁Ireland", + -10.416987419128418 + ], + [ + "▁Americans", + -10.41706371307373 + ], + [ + "▁desired", + -10.417715072631836 + ], + [ + "▁mortgage", + -10.418290138244627 + ], + [ + "-1", + -10.419398307800291 + ], + [ + "▁defined", + -10.419670104980469 + ], + [ + "▁awarded", + -10.419845581054688 + ], + [ + "back", + -10.420092582702637 + ], + [ + "▁hidden", + -10.420554161071776 + ], + [ + "▁consultation", + -10.42087459564209 + ], + [ + "▁depth", + -10.420875549316406 + ], + [ + "Well", + -10.421449661254885 + ], + [ + "ment", + -10.421576499938965 + ], + [ + "▁formed", + -10.422406196594238 + ], + [ + "▁Martin", + -10.423251152038574 + ], + [ + "▁confident", + -10.423372268676758 + ], + [ + "▁portfolio", + -10.423577308654783 + ], + [ + "▁throw", + -10.423813819885254 + ], + [ + "▁Head", + -10.424400329589844 + ], + [ + "▁conduct", + -10.424612045288086 + ], + [ + "▁Store", + -10.42520236968994 + ], + [ + "▁west", + -10.425457954406738 + ], + [ + "▁losing", + -10.426027297973633 + ], + [ + "▁luck", + -10.426159858703612 + ], + [ + "▁drawing", + -10.427599906921388 + ], + [ + "▁Police", + -10.428150177001951 + ], + [ + "▁portion", + -10.428297996520996 + ], + [ + "▁tells", + -10.428525924682615 + ], + [ + "▁exhibition", + -10.42939281463623 + ], + [ + "▁shooting", + -10.429657936096191 + ], + [ + "▁2008", + -10.429950714111328 + ], + [ + "▁sand", + -10.430459022521973 + ], + [ + "▁papers", + -10.430492401123049 + ], + [ + "level", + -10.431056022644045 + ], + [ + "▁impossible", + -10.432293891906738 + ], + [ + "▁implement", + -10.432334899902344 + ], + [ + "▁Middle", + -10.432969093322754 + ], + [ + "▁Italy", + -10.433351516723633 + ], + [ + "wood", + -10.43345069885254 + ], + [ + "see", + -10.433878898620604 + ], + [ + "▁communicate", + -10.434317588806152 + ], + [ + "▁represents", + -10.434529304504396 + ], + [ + "▁alongside", + -10.436155319213867 + ], + [ + "▁telling", + -10.436219215393066 + ], + [ + "▁vast", + -10.436464309692385 + ], + [ + "▁bridge", + -10.4366455078125 + ], + [ + "▁Systems", + -10.436774253845217 + ], + [ + "▁rating", + -10.437170028686523 + ], + [ + "▁awards", + -10.43738079071045 + ], + [ + "▁Work", + -10.438258171081545 + ], + [ + "▁Mike", + -10.43894863128662 + ], + [ + "▁exposure", + -10.439261436462402 + ], + [ + "▁codes", + -10.4403076171875 + ], + [ + "▁blend", + -10.440335273742676 + ], + [ + "▁Pre", + -10.44041919708252 + ], + [ + "▁seriously", + -10.440574645996094 + ], + [ + "▁criminal", + -10.440862655639648 + ], + [ + "▁seats", + -10.441434860229492 + ], + [ + "▁2009", + -10.441854476928713 + ], + [ + "▁Play", + -10.442049026489258 + ], + [ + "▁wooden", + -10.442621231079102 + ], + [ + "▁Times", + -10.442635536193848 + ], + [ + "well", + -10.443589210510254 + ], + [ + "▁boxes", + -10.44374179840088 + ], + [ + "▁cabinet", + -10.44426155090332 + ], + [ + "▁spiritual", + -10.444729804992676 + ], + [ + "▁broad", + -10.44483757019043 + ], + [ + "▁crowd", + -10.444872856140137 + ], + [ + "▁folks", + -10.444893836975098 + ], + [ + "▁recording", + -10.4454927444458 + ], + [ + "▁Place", + -10.445765495300291 + ], + [ + "▁purchasing", + -10.445907592773438 + ], + [ + "▁figures", + -10.446020126342772 + ], + [ + "▁Guys", + -10.44689655303955 + ], + [ + "▁lucky", + -10.446989059448242 + ], + [ + "▁printing", + -10.447525024414062 + ], + [ + "▁explained", + -10.44770336151123 + ], + [ + "▁Shop", + -10.448293685913086 + ], + [ + "▁swimming", + -10.448844909667969 + ], + [ + "▁letters", + -10.449353218078612 + ], + [ + "▁About", + -10.449493408203123 + ], + [ + "▁capabilities", + -10.449673652648926 + ], + [ + "▁speech", + -10.450937271118164 + ], + [ + "▁Marketing", + -10.45155906677246 + ], + [ + "▁marriage", + -10.451797485351562 + ], + [ + "▁increases", + -10.451979637145996 + ], + [ + "▁exceptional", + -10.452011108398438 + ], + [ + "▁widely", + -10.452674865722656 + ], + [ + "Have", + -10.452680587768556 + ], + [ + "▁establish", + -10.4531888961792 + ], + [ + "▁upgrade", + -10.453288078308104 + ], + [ + "▁buyers", + -10.45352268218994 + ], + [ + "▁loves", + -10.45400619506836 + ], + [ + "▁component", + -10.454293251037598 + ], + [ + "▁superior", + -10.455004692077637 + ], + [ + "▁appeal", + -10.455020904541016 + ], + [ + "▁Learn", + -10.455127716064451 + ], + [ + "▁Boston", + -10.455184936523438 + ], + [ + "▁handling", + -10.455224990844728 + ], + [ + "▁violence", + -10.456661224365234 + ], + [ + "▁shift", + -10.457253456115724 + ], + [ + "▁View", + -10.457371711730955 + ], + [ + "▁enjoying", + -10.457813262939451 + ], + [ + "▁enterprise", + -10.459486961364746 + ], + [ + "▁neck", + -10.459534645080566 + ], + [ + "▁Review", + -10.459678649902344 + ], + [ + "▁resulting", + -10.460411071777344 + ], + [ + "▁taxes", + -10.460424423217772 + ], + [ + "▁William", + -10.460562705993652 + ], + [ + "▁tomorrow", + -10.460652351379396 + ], + [ + "▁horse", + -10.460694313049316 + ], + [ + "▁consists", + -10.461071014404297 + ], + [ + "▁PDF", + -10.461329460144045 + ], + [ + "▁Lee", + -10.46178150177002 + ], + [ + "▁magic", + -10.461962699890137 + ], + [ + "▁Back", + -10.462060928344728 + ], + [ + "▁tank", + -10.462775230407717 + ], + [ + "▁Jersey", + -10.463306427001951 + ], + [ + "▁ordered", + -10.463878631591797 + ], + [ + "▁eggs", + -10.464224815368652 + ], + [ + "▁possibility", + -10.46430206298828 + ], + [ + "▁carpet", + -10.464387893676758 + ], + [ + "▁indeed", + -10.46466827392578 + ], + [ + "field", + -10.464852333068848 + ], + [ + "▁rice", + -10.465250968933104 + ], + [ + "▁Training", + -10.46550464630127 + ], + [ + "▁prove", + -10.466075897216797 + ], + [ + "▁Engineering", + -10.4661865234375 + ], + [ + "▁adds", + -10.466297149658203 + ], + [ + "▁memories", + -10.466842651367188 + ], + [ + "▁soul", + -10.467011451721191 + ], + [ + "▁command", + -10.467100143432615 + ], + [ + "▁raw", + -10.4672212600708 + ], + [ + "▁Le", + -10.467591285705566 + ], + [ + "▁communications", + -10.467625617980955 + ], + [ + "▁liked", + -10.46772289276123 + ], + [ + "▁decade", + -10.467931747436523 + ], + [ + "▁resistance", + -10.467939376831056 + ], + [ + "▁suggested", + -10.468929290771484 + ], + [ + "▁2016.", + -10.469097137451172 + ], + [ + "▁Coast", + -10.469308853149414 + ], + [ + "▁Wood", + -10.469525337219238 + ], + [ + "▁minor", + -10.469632148742676 + ], + [ + "▁religious", + -10.47003936767578 + ], + [ + "▁invest", + -10.470675468444824 + ], + [ + "▁Area", + -10.470970153808594 + ], + [ + "▁32", + -10.47102165222168 + ], + [ + "▁scheme", + -10.471095085144045 + ], + [ + "▁profit", + -10.471273422241213 + ], + [ + "he", + -10.471394538879396 + ], + [ + "▁categories", + -10.471431732177734 + ], + [ + "▁FREE", + -10.47190284729004 + ], + [ + "▁Garden", + -10.472174644470217 + ], + [ + "▁Enjoy", + -10.472293853759766 + ], + [ + "▁submitted", + -10.472404479980469 + ], + [ + "▁Southern", + -10.472511291503906 + ], + [ + "▁Next", + -10.472660064697266 + ], + [ + "▁thick", + -10.472704887390137 + ], + [ + "▁password", + -10.473129272460938 + ], + [ + "▁tagged", + -10.47372341156006 + ], + [ + "▁express", + -10.473782539367676 + ], + [ + "▁km", + -10.473905563354492 + ], + [ + "▁chief", + -10.474321365356444 + ], + [ + "▁scored", + -10.474431037902832 + ], + [ + "▁flavor", + -10.474665641784668 + ], + [ + "▁permanent", + -10.474903106689451 + ], + [ + "▁muscle", + -10.474905967712402 + ], + [ + "▁managers", + -10.474952697753906 + ], + [ + "age", + -10.47543239593506 + ], + [ + "▁compliance", + -10.475481986999512 + ], + [ + "▁replaced", + -10.475573539733888 + ], + [ + "▁Obama", + -10.476557731628418 + ], + [ + "▁YouTube", + -10.476818084716797 + ], + [ + "▁crisis", + -10.477149963378906 + ], + [ + "▁venue", + -10.477171897888184 + ], + [ + "▁Federal", + -10.477490425109863 + ], + [ + "▁healing", + -10.47775650024414 + ], + [ + "▁Airport", + -10.478014945983888 + ], + [ + "▁valid", + -10.478317260742188 + ], + [ + "▁elegant", + -10.478965759277344 + ], + [ + "▁jump", + -10.479252815246582 + ], + [ + "▁civil", + -10.4793701171875 + ], + [ + "▁confirmed", + -10.47962474822998 + ], + [ + "▁noise", + -10.479902267456056 + ], + [ + "▁Price", + -10.479914665222168 + ], + [ + "▁whilst", + -10.480304718017578 + ], + [ + "▁none", + -10.48033618927002 + ], + [ + "▁dishes", + -10.480571746826172 + ], + [ + "▁Students", + -10.480999946594238 + ], + [ + "▁Kitchen", + -10.481101989746094 + ], + [ + "▁channels", + -10.482008934020996 + ], + [ + "▁depends", + -10.482011795043944 + ], + [ + "▁discussed", + -10.482373237609863 + ], + [ + "▁ID", + -10.48261547088623 + ], + [ + "▁labor", + -10.482851028442385 + ], + [ + "▁2000", + -10.48293685913086 + ], + [ + "▁promise", + -10.483346939086914 + ], + [ + "▁surprised", + -10.483600616455078 + ], + [ + "▁ultimately", + -10.483969688415527 + ], + [ + "▁priority", + -10.48524570465088 + ], + [ + "▁incredibly", + -10.486169815063477 + ], + [ + "▁array", + -10.486350059509276 + ], + [ + "▁chose", + -10.487264633178713 + ], + [ + "▁reducing", + -10.487265586853027 + ], + [ + "▁household", + -10.48758316040039 + ], + [ + "▁duty", + -10.488027572631836 + ], + [ + "j", + -10.488030433654783 + ], + [ + "▁Games", + -10.488380432128906 + ], + [ + "▁chemical", + -10.488420486450195 + ], + [ + "▁joining", + -10.488802909851074 + ], + [ + "▁zone", + -10.489500045776367 + ], + [ + "▁Zealand", + -10.490099906921388 + ], + [ + "▁somewhere", + -10.490214347839355 + ], + [ + "▁bodies", + -10.490710258483888 + ], + [ + "▁hoping", + -10.49137020111084 + ], + [ + "side", + -10.491765022277832 + ], + [ + "▁involves", + -10.492148399353027 + ], + [ + "▁realized", + -10.49217414855957 + ], + [ + "▁holidays", + -10.492507934570312 + ], + [ + "▁chairs", + -10.492792129516602 + ], + [ + "ation", + -10.492840766906738 + ], + [ + "▁Does", + -10.493185997009276 + ], + [ + "▁Scott", + -10.493456840515137 + ], + [ + "▁Class", + -10.494010925292969 + ], + [ + "▁officers", + -10.494074821472168 + ], + [ + "▁streets", + -10.494133949279783 + ], + [ + "▁sending", + -10.494292259216309 + ], + [ + "Be", + -10.49553108215332 + ], + [ + "▁vintage", + -10.495678901672363 + ], + [ + "▁tip", + -10.496169090270996 + ], + [ + "▁crime", + -10.496365547180176 + ], + [ + "▁Through", + -10.497061729431152 + ], + [ + "▁colours", + -10.497130393981934 + ], + [ + "During", + -10.497184753417969 + ], + [ + "▁vegetables", + -10.497721672058104 + ], + [ + "Although", + -10.497912406921388 + ], + [ + "▁transition", + -10.498244285583496 + ], + [ + "▁displayed", + -10.498272895812988 + ], + [ + "▁brief", + -10.4985933303833 + ], + [ + "▁producing", + -10.499526023864746 + ], + [ + "▁stored", + -10.499693870544434 + ], + [ + "▁Mar", + -10.499980926513672 + ], + [ + "12", + -10.500020027160645 + ], + [ + "Today", + -10.500420570373535 + ], + [ + "▁Michigan", + -10.50064182281494 + ], + [ + "▁Bible", + -10.501279830932615 + ], + [ + "▁hosted", + -10.501423835754396 + ], + [ + "▁combine", + -10.501981735229492 + ], + [ + "Last", + -10.5021333694458 + ], + [ + "▁pride", + -10.502873420715332 + ], + [ + "▁dreams", + -10.502973556518556 + ], + [ + "▁arms", + -10.50337028503418 + ], + [ + "▁deposit", + -10.503409385681152 + ], + [ + "▁attacks", + -10.504490852355955 + ], + [ + "▁root", + -10.504569053649902 + ], + [ + "▁saved", + -10.504741668701172 + ], + [ + "▁usage", + -10.505040168762209 + ], + [ + "▁finest", + -10.505108833312988 + ], + [ + "▁passing", + -10.505779266357422 + ], + [ + "▁approval", + -10.505908012390137 + ], + [ + "▁suggestions", + -10.50613784790039 + ], + [ + "?”", + -10.506314277648926 + ], + [ + "▁percentage", + -10.506327629089355 + ], + [ + "Hi", + -10.50695514678955 + ], + [ + "▁requests", + -10.507220268249512 + ], + [ + "▁guidelines", + -10.507315635681152 + ], + [ + "▁describe", + -10.507341384887695 + ], + [ + "▁estimated", + -10.507500648498535 + ], + [ + "▁crazy", + -10.507542610168455 + ], + [ + "▁younger", + -10.507978439331056 + ], + [ + "▁recommendations", + -10.508584976196287 + ], + [ + "▁aside", + -10.508586883544922 + ], + [ + "▁increasingly", + -10.509403228759766 + ], + [ + "▁packages", + -10.509647369384766 + ], + [ + "▁licensed", + -10.509718894958496 + ], + [ + "men", + -10.509828567504885 + ], + [ + "▁tradition", + -10.510140419006348 + ], + [ + "▁matches", + -10.510159492492676 + ], + [ + "▁Site", + -10.51180934906006 + ], + [ + "▁occasion", + -10.51183795928955 + ], + [ + "▁egg", + -10.512040138244627 + ], + [ + "▁Jack", + -10.512351989746094 + ], + [ + "▁slowly", + -10.512521743774414 + ], + [ + "▁Part", + -10.512531280517578 + ], + [ + "▁pace", + -10.512614250183104 + ], + [ + "▁Trust", + -10.51268196105957 + ], + [ + "▁honor", + -10.512906074523926 + ], + [ + "▁graphics", + -10.513141632080078 + ], + [ + "▁inner", + -10.513160705566406 + ], + [ + "▁connections", + -10.513304710388184 + ], + [ + "▁Financial", + -10.513513565063477 + ], + [ + "▁listing", + -10.513737678527832 + ], + [ + "▁Note", + -10.51509952545166 + ], + [ + "▁authority", + -10.515207290649414 + ], + [ + "▁primarily", + -10.515303611755373 + ], + [ + "▁writers", + -10.515966415405272 + ], + [ + "▁fail", + -10.51621913909912 + ], + [ + "▁engaged", + -10.516546249389648 + ], + [ + "▁supposed", + -10.516722679138184 + ], + [ + "▁cookies", + -10.518071174621582 + ], + [ + "▁border", + -10.51821231842041 + ], + [ + "▁programming", + -10.518381118774414 + ], + [ + "▁$", + -10.519742012023926 + ], + [ + "her", + -10.520416259765623 + ], + [ + "▁pleasure", + -10.520503997802734 + ], + [ + "▁Executive", + -10.520870208740234 + ], + [ + "▁Out", + -10.521576881408691 + ], + [ + "▁classroom", + -10.521974563598633 + ], + [ + "▁roles", + -10.522103309631348 + ], + [ + "▁victory", + -10.52235984802246 + ], + [ + "▁Chief", + -10.523032188415527 + ], + [ + "▁Building", + -10.523103713989258 + ], + [ + "▁calendar", + -10.52316951751709 + ], + [ + "▁chart", + -10.523207664489746 + ], + [ + "▁Human", + -10.523530006408691 + ], + [ + "▁LED", + -10.523921012878418 + ], + [ + "▁yard", + -10.523934364318848 + ], + [ + "▁Guide", + -10.524405479431152 + ], + [ + "Next", + -10.524645805358888 + ], + [ + "▁reader", + -10.525155067443848 + ], + [ + "▁App", + -10.52535629272461 + ], + [ + "▁volunteers", + -10.525952339172363 + ], + [ + "▁coast", + -10.526121139526367 + ], + [ + "▁setup", + -10.526165962219238 + ], + [ + "▁Video", + -10.526880264282228 + ], + [ + "▁factory", + -10.527050971984863 + ], + [ + "▁obtained", + -10.527447700500488 + ], + [ + "▁Colorado", + -10.528412818908691 + ], + [ + "▁behalf", + -10.52900505065918 + ], + [ + "▁forever", + -10.529727935791016 + ], + [ + "▁maintaining", + -10.529854774475098 + ], + [ + "▁mirror", + -10.529878616333008 + ], + [ + "▁relax", + -10.529987335205078 + ], + [ + "▁covering", + -10.530454635620115 + ], + [ + "▁Having", + -10.530893325805664 + ], + [ + "▁Very", + -10.531418800354004 + ], + [ + "▁Welcome", + -10.53150749206543 + ], + [ + "▁chapter", + -10.531960487365724 + ], + [ + "▁Ohio", + -10.532126426696776 + ], + [ + "▁hole", + -10.532328605651855 + ], + [ + "▁skilled", + -10.532328605651855 + ], + [ + "▁Northern", + -10.532487869262695 + ], + [ + "▁presents", + -10.532662391662598 + ], + [ + "▁Ben", + -10.533360481262209 + ], + [ + "▁editor", + -10.533923149108888 + ], + [ + "▁lock", + -10.53395175933838 + ], + [ + "▁accommodation", + -10.534356117248535 + ], + [ + "um", + -10.534942626953123 + ], + [ + "▁Sports", + -10.535213470458984 + ], + [ + "▁introduction", + -10.535300254821776 + ], + [ + "▁DC", + -10.535375595092772 + ], + [ + "▁Watch", + -10.535541534423828 + ], + [ + "▁continuing", + -10.53586483001709 + ], + [ + "that", + -10.536417007446287 + ], + [ + "▁arm", + -10.536898612976074 + ], + [ + "▁Card", + -10.537341117858888 + ], + [ + "▁suffering", + -10.537473678588867 + ], + [ + "▁yoga", + -10.537572860717772 + ], + [ + "▁struggle", + -10.537603378295898 + ], + [ + "▁male", + -10.537757873535156 + ], + [ + "▁bars", + -10.538463592529297 + ], + [ + "▁kid", + -10.53880500793457 + ], + [ + "▁formal", + -10.538933753967283 + ], + [ + "▁grant", + -10.539299011230469 + ], + [ + "▁tile", + -10.539974212646484 + ], + [ + "▁consideration", + -10.540401458740234 + ], + [ + "▁severe", + -10.541016578674316 + ], + [ + "▁interactive", + -10.54165744781494 + ], + [ + "=", + -10.541930198669434 + ], + [ + "▁faculty", + -10.542394638061523 + ], + [ + "▁Francisco", + -10.542617797851562 + ], + [ + "▁Under", + -10.543609619140623 + ], + [ + "▁commonly", + -10.543617248535156 + ], + [ + "▁principles", + -10.543874740600586 + ], + [ + "▁millions", + -10.544498443603516 + ], + [ + "▁History", + -10.545069694519045 + ], + [ + "▁justice", + -10.545400619506836 + ], + [ + "▁naturally", + -10.54565143585205 + ], + [ + "▁suppliers", + -10.545960426330566 + ], + [ + "▁rely", + -10.546429634094238 + ], + [ + "▁authorities", + -10.547215461730955 + ], + [ + "▁worst", + -10.547298431396484 + ], + [ + "▁entrance", + -10.547462463378906 + ], + [ + "▁Living", + -10.547772407531738 + ], + [ + "▁potentially", + -10.548431396484377 + ], + [ + "▁legs", + -10.548514366149902 + ], + [ + "▁reduction", + -10.548736572265623 + ], + [ + "▁herself", + -10.54919719696045 + ], + [ + "▁Table", + -10.549392700195312 + ], + [ + "▁flower", + -10.549583435058594 + ], + [ + "▁acid", + -10.549726486206056 + ], + [ + "Then", + -10.550288200378418 + ], + [ + "per", + -10.55029582977295 + ], + [ + "▁applying", + -10.551332473754885 + ], + [ + "▁lawyer", + -10.551332473754885 + ], + [ + "▁Pacific", + -10.55178165435791 + ], + [ + "▁shouldn", + -10.55199909210205 + ], + [ + "▁integration", + -10.553210258483888 + ], + [ + "▁east", + -10.554000854492188 + ], + [ + "▁museum", + -10.554012298583984 + ], + [ + ");", + -10.554181098937988 + ], + [ + "use", + -10.554679870605469 + ], + [ + "▁beneficial", + -10.555072784423828 + ], + [ + "▁pure", + -10.555301666259766 + ], + [ + "Even", + -10.555435180664062 + ], + [ + "▁funny", + -10.555546760559082 + ], + [ + "▁micro", + -10.555797576904297 + ], + [ + "▁Which", + -10.55581760406494 + ], + [ + "▁regardless", + -10.555954933166504 + ], + [ + "▁electricity", + -10.556541442871094 + ], + [ + "▁Men", + -10.55697536468506 + ], + [ + "▁recognition", + -10.557475090026855 + ], + [ + "▁framework", + -10.558332443237305 + ], + [ + "▁layout", + -10.558512687683104 + ], + [ + "▁repairs", + -10.559019088745115 + ], + [ + "▁conflict", + -10.559584617614746 + ], + [ + "▁baking", + -10.560349464416504 + ], + [ + "▁juice", + -10.56035327911377 + ], + [ + "▁split", + -10.560392379760742 + ], + [ + "Dr", + -10.561012268066406 + ], + [ + "▁fighting", + -10.56131362915039 + ], + [ + "▁Support", + -10.56214427947998 + ], + [ + "▁checking", + -10.562228202819824 + ], + [ + "▁blocks", + -10.562871932983398 + ], + [ + "▁drinks", + -10.563203811645508 + ], + [ + "▁gun", + -10.564248085021973 + ], + [ + "More", + -10.564386367797852 + ], + [ + "▁sensitive", + -10.565197944641112 + ], + [ + "▁Search", + -10.565495491027832 + ], + [ + "▁decor", + -10.565621376037598 + ], + [ + "▁visible", + -10.565720558166504 + ], + [ + "▁certificate", + -10.56596565246582 + ], + [ + "ized", + -10.56682300567627 + ], + [ + "▁causing", + -10.56682586669922 + ], + [ + "▁careful", + -10.566850662231444 + ], + [ + "▁referred", + -10.566895484924316 + ], + [ + "▁filling", + -10.566974639892578 + ], + [ + "▁traveling", + -10.567830085754396 + ], + [ + "▁newly", + -10.567911148071287 + ], + [ + "▁requirement", + -10.56853199005127 + ], + [ + "▁designers", + -10.568832397460938 + ], + [ + "?\"", + -10.56900405883789 + ], + [ + "▁authors", + -10.569122314453123 + ], + [ + "Of", + -10.569600105285645 + ], + [ + "ally", + -10.570072174072266 + ], + [ + "▁Ford", + -10.570079803466797 + ], + [ + "▁birds", + -10.570477485656738 + ], + [ + "▁staying", + -10.570658683776855 + ], + [ + "▁panels", + -10.570839881896973 + ], + [ + "my", + -10.571053504943848 + ], + [ + "▁Mountain", + -10.571145057678224 + ], + [ + "▁lift", + -10.57143497467041 + ], + [ + "▁believed", + -10.571611404418944 + ], + [ + "▁laptop", + -10.572026252746582 + ], + [ + "▁errors", + -10.57248306274414 + ], + [ + "▁tracks", + -10.572602272033691 + ], + [ + "▁proof", + -10.572978019714355 + ], + [ + "▁consumption", + -10.57313060760498 + ], + [ + "▁drinking", + -10.573177337646484 + ], + [ + "▁functional", + -10.573297500610352 + ], + [ + "▁tight", + -10.5742769241333 + ], + [ + "Each", + -10.574277877807615 + ], + [ + "▁guitar", + -10.574458122253418 + ], + [ + "▁stainless", + -10.574470520019531 + ], + [ + "▁structures", + -10.574502944946287 + ], + [ + "▁encouraged", + -10.574645042419434 + ], + [ + "▁utility", + -10.57550048828125 + ], + [ + "▁delivering", + -10.575838088989258 + ], + [ + "▁forum", + -10.575960159301758 + ], + [ + "▁Johnson", + -10.57608127593994 + ], + [ + "▁driven", + -10.576308250427246 + ], + [ + "▁resort", + -10.576665878295898 + ], + [ + "▁shoot", + -10.577192306518556 + ], + [ + "▁Young", + -10.577763557434082 + ], + [ + "▁l", + -10.577964782714844 + ], + [ + "▁Summer", + -10.578784942626951 + ], + [ + "▁stuck", + -10.579275131225586 + ], + [ + "▁extreme", + -10.580615043640137 + ], + [ + "▁Machine", + -10.581388473510742 + ], + [ + "▁Professional", + -10.581443786621094 + ], + [ + "▁hopes", + -10.581583976745604 + ], + [ + "▁organisation", + -10.5818510055542 + ], + [ + "▁Look", + -10.582173347473145 + ], + [ + "▁row", + -10.58255672454834 + ], + [ + "▁lesson", + -10.582581520080566 + ], + [ + "▁tracking", + -10.582789421081545 + ], + [ + "▁signal", + -10.582964897155762 + ], + [ + "▁expansion", + -10.58336353302002 + ], + [ + "▁flexibility", + -10.583403587341309 + ], + [ + "▁convenience", + -10.58436107635498 + ], + [ + "▁comparison", + -10.58485221862793 + ], + [ + "▁USB", + -10.584903717041016 + ], + [ + "▁Jones", + -10.585563659667969 + ], + [ + "▁centers", + -10.585683822631836 + ], + [ + "▁dust", + -10.586395263671877 + ], + [ + "ish", + -10.586445808410645 + ], + [ + "Check", + -10.587061882019045 + ], + [ + "▁certification", + -10.58709716796875 + ], + [ + "▁2015.", + -10.587100982666016 + ], + [ + "▁initiative", + -10.587255477905272 + ], + [ + "▁everywhere", + -10.587395668029783 + ], + [ + "▁warranty", + -10.587610244750977 + ], + [ + "▁photographs", + -10.587613105773926 + ], + [ + "▁abuse", + -10.587862014770508 + ], + [ + "▁https", + -10.588105201721191 + ], + [ + "▁threat", + -10.588374137878418 + ], + [ + "▁resume", + -10.588401794433594 + ], + [ + "▁league", + -10.589154243469238 + ], + [ + "▁wealth", + -10.589256286621094 + ], + [ + "▁pump", + -10.589597702026367 + ], + [ + "▁mill", + -10.589625358581545 + ], + [ + "▁stream", + -10.590093612670898 + ], + [ + "▁Page", + -10.59025764465332 + ], + [ + "▁wireless", + -10.590514183044434 + ], + [ + "▁forest", + -10.590720176696776 + ], + [ + "▁Local", + -10.591097831726074 + ], + [ + "▁dropped", + -10.591179847717283 + ], + [ + "▁downtown", + -10.591333389282228 + ], + [ + "▁pot", + -10.591707229614258 + ], + [ + "▁feelings", + -10.592161178588867 + ], + [ + "▁doctors", + -10.592575073242188 + ], + [ + "▁preferred", + -10.592829704284668 + ], + [ + "ro", + -10.593070030212402 + ], + [ + "▁Joe", + -10.593141555786133 + ], + [ + "ization", + -10.593222618103027 + ], + [ + "▁ads", + -10.59323501586914 + ], + [ + "▁spoke", + -10.593432426452637 + ], + [ + "▁AM", + -10.593449592590332 + ], + [ + "▁differences", + -10.5944185256958 + ], + [ + "▁cap", + -10.594871520996094 + ], + [ + "▁personality", + -10.595422744750977 + ], + [ + "▁guaranteed", + -10.595913887023926 + ], + [ + "▁Sale", + -10.596078872680664 + ], + [ + "▁Oil", + -10.596235275268556 + ], + [ + "cm", + -10.596407890319824 + ], + [ + "▁functionality", + -10.596925735473633 + ], + [ + "▁Quality", + -10.597648620605469 + ], + [ + "▁Richard", + -10.597943305969238 + ], + [ + "▁1.", + -10.59820556640625 + ], + [ + "▁transaction", + -10.598431587219238 + ], + [ + "▁thin", + -10.599172592163086 + ], + [ + "▁shots", + -10.599284172058104 + ], + [ + "▁fits", + -10.59943675994873 + ], + [ + "▁moves", + -10.59986686706543 + ], + [ + "art", + -10.600133895874023 + ], + [ + "▁anxiety", + -10.600785255432127 + ], + [ + "▁posting", + -10.60114574432373 + ], + [ + "▁phones", + -10.601231575012209 + ], + [ + "▁stable", + -10.60137939453125 + ], + [ + "▁planet", + -10.60176944732666 + ], + [ + "▁trips", + -10.601903915405272 + ], + [ + "▁Fund", + -10.602025985717772 + ], + [ + "▁amounts", + -10.602228164672852 + ], + [ + "▁lifetime", + -10.602869987487791 + ], + [ + "Great", + -10.602922439575195 + ], + [ + "▁OR", + -10.60295867919922 + ], + [ + "▁compensation", + -10.603103637695312 + ], + [ + "▁retirement", + -10.603333473205566 + ], + [ + "▁spots", + -10.603386878967283 + ], + [ + "▁liquid", + -10.603554725646973 + ], + [ + "▁basically", + -10.604416847229004 + ], + [ + "▁aims", + -10.60569953918457 + ], + [ + "▁controlled", + -10.605842590332031 + ], + [ + "Make", + -10.606295585632324 + ], + [ + "▁concepts", + -10.606468200683594 + ], + [ + "▁48", + -10.606489181518556 + ], + [ + "▁thread", + -10.606782913208008 + ], + [ + "▁clicking", + -10.607245445251465 + ], + [ + "▁leg", + -10.607894897460938 + ], + [ + "▁chances", + -10.608224868774414 + ], + [ + "▁tall", + -10.608994483947754 + ], + [ + "▁visitor", + -10.609146118164062 + ], + [ + "▁flooring", + -10.609163284301758 + ], + [ + "▁rural", + -10.60927963256836 + ], + [ + "ka", + -10.609773635864258 + ], + [ + "▁talks", + -10.610803604125977 + ], + [ + "▁LLC", + -10.610886573791504 + ], + [ + "▁marks", + -10.610922813415527 + ], + [ + "▁automatic", + -10.611680030822754 + ], + [ + "▁2018,", + -10.61257266998291 + ], + [ + "▁tag", + -10.613088607788086 + ], + [ + "▁intelligence", + -10.614239692687988 + ], + [ + "▁NY", + -10.614486694335938 + ], + [ + "▁generated", + -10.61463451385498 + ], + [ + "▁directed", + -10.61472511291504 + ], + [ + "▁contrast", + -10.61486530303955 + ], + [ + "▁preparing", + -10.614980697631836 + ], + [ + "▁rose", + -10.61510181427002 + ], + [ + "▁Steve", + -10.615326881408691 + ], + [ + "▁seeds", + -10.615863800048828 + ], + [ + "ING", + -10.61635684967041 + ], + [ + "▁kick", + -10.616599082946776 + ], + [ + "‘", + -10.616826057434082 + ], + [ + "ner", + -10.617989540100098 + ], + [ + "▁damaged", + -10.618398666381836 + ], + [ + "▁definition", + -10.618727684020996 + ], + [ + "▁YOU", + -10.618853569030762 + ], + [ + "▁g", + -10.619126319885254 + ], + [ + "▁Photo", + -10.619366645812988 + ], + [ + "▁outcomes", + -10.620128631591797 + ], + [ + "▁Start", + -10.620267868041992 + ], + [ + "▁brilliant", + -10.621370315551758 + ], + [ + "▁celebration", + -10.62137508392334 + ], + [ + "▁insight", + -10.62138843536377 + ], + [ + "▁semi", + -10.621689796447754 + ], + [ + "▁employer", + -10.621834754943848 + ], + [ + "▁orange", + -10.622139930725098 + ], + [ + "▁durable", + -10.62289047241211 + ], + [ + "▁150", + -10.6240816116333 + ], + [ + "▁correctly", + -10.624429702758787 + ], + [ + "▁literally", + -10.624905586242676 + ], + [ + "▁lake", + -10.625596046447754 + ], + [ + "▁focuses", + -10.625600814819336 + ], + [ + "▁Professor", + -10.626383781433104 + ], + [ + "▁Singapore", + -10.626713752746582 + ], + [ + "▁empty", + -10.626720428466797 + ], + [ + "▁exploring", + -10.626888275146484 + ], + [ + "▁closing", + -10.627373695373535 + ], + [ + "▁till", + -10.627538681030272 + ], + [ + "▁wash", + -10.627715110778809 + ], + [ + "▁expression", + -10.628057479858398 + ], + [ + "▁workshops", + -10.628067016601562 + ], + [ + "▁gaming", + -10.628779411315918 + ], + [ + "▁volunteer", + -10.628883361816406 + ], + [ + "▁refer", + -10.628893852233888 + ], + [ + "▁Word", + -10.628972053527832 + ], + [ + "▁statements", + -10.628997802734377 + ], + [ + "▁judge", + -10.62913703918457 + ], + [ + "▁patio", + -10.629243850708008 + ], + [ + "▁ceremony", + -10.630022048950195 + ], + [ + "▁concerning", + -10.630178451538086 + ], + [ + "▁Queen", + -10.63080883026123 + ], + [ + "▁aircraft", + -10.631428718566896 + ], + [ + "▁proposal", + -10.632378578186035 + ], + [ + "▁opposite", + -10.633404731750488 + ], + [ + "▁Awards", + -10.6334810256958 + ], + [ + "▁Try", + -10.633597373962402 + ], + [ + "class", + -10.633963584899902 + ], + [ + "▁walked", + -10.6339693069458 + ], + [ + "▁believes", + -10.635361671447754 + ], + [ + "▁regions", + -10.635456085205078 + ], + [ + "▁2007", + -10.635494232177734 + ], + [ + "▁Right", + -10.635661125183104 + ], + [ + "▁Land", + -10.635719299316406 + ], + [ + "Oh", + -10.635971069335938 + ], + [ + "▁hurt", + -10.636409759521484 + ], + [ + "▁sky", + -10.637126922607422 + ], + [ + "▁smartphone", + -10.637287139892578 + ], + [ + "▁facts", + -10.637638092041016 + ], + [ + "#", + -10.637701988220217 + ], + [ + "▁Drive", + -10.638263702392578 + ], + [ + "ting", + -10.638301849365234 + ], + [ + "▁Week", + -10.63855266571045 + ], + [ + "▁somewhat", + -10.639137268066406 + ], + [ + "▁Modern", + -10.639145851135254 + ], + [ + "▁Tour", + -10.639167785644531 + ], + [ + "over", + -10.639930725097656 + ], + [ + "▁kill", + -10.640216827392578 + ], + [ + "▁engaging", + -10.640395164489746 + ], + [ + "▁outcome", + -10.640826225280762 + ], + [ + "▁improvements", + -10.64121913909912 + ], + [ + "▁complicated", + -10.64172077178955 + ], + [ + "▁lens", + -10.64195728302002 + ], + [ + "▁packed", + -10.641983032226562 + ], + [ + "▁legislation", + -10.643993377685549 + ], + [ + "including", + -10.644725799560549 + ], + [ + "▁ex", + -10.644729614257812 + ], + [ + "▁Spain", + -10.644926071166992 + ], + [ + "▁Night", + -10.645011901855469 + ], + [ + "▁Software", + -10.645480155944824 + ], + [ + "▁Medicine", + -10.64584255218506 + ], + [ + "▁emails", + -10.645869255065918 + ], + [ + "▁satisfied", + -10.64603042602539 + ], + [ + "▁samples", + -10.646187782287598 + ], + [ + "▁Division", + -10.646336555480955 + ], + [ + "!\"", + -10.646635055541992 + ], + [ + "▁Point", + -10.6467924118042 + ], + [ + "▁Sam", + -10.648560523986816 + ], + [ + "!)", + -10.648606300354004 + ], + [ + "▁creativity", + -10.648886680603027 + ], + [ + "▁Stone", + -10.649114608764648 + ], + [ + "▁speaker", + -10.649785041809082 + ], + [ + "▁debut", + -10.650286674499512 + ], + [ + "▁container", + -10.650298118591309 + ], + [ + "▁bedrooms", + -10.650370597839355 + ], + [ + "▁ocean", + -10.650514602661133 + ], + [ + "▁lets", + -10.65114688873291 + ], + [ + "Note", + -10.651203155517578 + ], + [ + "▁upload", + -10.651323318481444 + ], + [ + "▁Asian", + -10.651461601257324 + ], + [ + "▁Avenue", + -10.65195083618164 + ], + [ + "▁evaluation", + -10.652297973632812 + ], + [ + "▁completion", + -10.652463912963867 + ], + [ + "▁$1", + -10.65275764465332 + ], + [ + "▁participation", + -10.652826309204102 + ], + [ + "▁giant", + -10.653018951416016 + ], + [ + "▁applicable", + -10.653634071350098 + ], + [ + "▁tab", + -10.65378475189209 + ], + [ + "▁asset", + -10.65419578552246 + ], + [ + "▁anyway", + -10.654824256896973 + ], + [ + "▁studying", + -10.655221939086914 + ], + [ + "▁permission", + -10.655282974243164 + ], + [ + "▁hundred", + -10.655719757080078 + ], + [ + "ier", + -10.65581512451172 + ], + [ + "▁involving", + -10.656649589538574 + ], + [ + "▁era", + -10.656657218933104 + ], + [ + "▁division", + -10.656835556030272 + ], + [ + "▁flights", + -10.656941413879396 + ], + [ + "li", + -10.657340049743652 + ], + [ + "▁carrying", + -10.657438278198242 + ], + [ + "▁afford", + -10.657477378845217 + ], + [ + "▁quotes", + -10.65794563293457 + ], + [ + "▁limits", + -10.658544540405272 + ], + [ + "▁Georgia", + -10.65860080718994 + ], + [ + "▁bills", + -10.659366607666016 + ], + [ + "▁residence", + -10.659894943237305 + ], + [ + "▁PA", + -10.660440444946287 + ], + [ + "▁incident", + -10.66086769104004 + ], + [ + "▁cotton", + -10.661608695983888 + ], + [ + "▁suggests", + -10.661630630493164 + ], + [ + "▁2017,", + -10.662229537963867 + ], + [ + "▁loving", + -10.66265869140625 + ], + [ + "▁heads", + -10.662839889526367 + ], + [ + "▁follows", + -10.663047790527344 + ], + [ + "down", + -10.663116455078123 + ], + [ + "▁stronger", + -10.6631441116333 + ], + [ + "▁prize", + -10.663562774658203 + ], + [ + "▁400", + -10.663569450378418 + ], + [ + "▁texture", + -10.663857460021973 + ], + [ + "▁specialists", + -10.664311408996582 + ], + [ + "▁focusing", + -10.664499282836914 + ], + [ + "▁acts", + -10.664515495300291 + ], + [ + "▁Gallery", + -10.665125846862791 + ], + [ + "▁Hope", + -10.66536808013916 + ], + [ + "▁introduce", + -10.66635513305664 + ], + [ + "▁humans", + -10.666481971740724 + ], + [ + "▁Kingdom", + -10.667165756225586 + ], + [ + "▁association", + -10.667208671569824 + ], + [ + "▁Happy", + -10.667256355285645 + ], + [ + "▁maintained", + -10.667256355285645 + ], + [ + "▁HP", + -10.667304039001465 + ], + [ + "[", + -10.667322158813477 + ], + [ + "▁pocket", + -10.667638778686523 + ], + [ + "ni", + -10.66782283782959 + ], + [ + "▁tone", + -10.667916297912598 + ], + [ + "led", + -10.668039321899414 + ], + [ + "inch", + -10.668110847473145 + ], + [ + "▁attending", + -10.66855525970459 + ], + [ + "▁Space", + -10.669286727905272 + ], + [ + "made", + -10.670013427734377 + ], + [ + "▁demands", + -10.670193672180176 + ], + [ + "▁meets", + -10.670223236083984 + ], + [ + "▁zero", + -10.67048168182373 + ], + [ + "▁invite", + -10.670572280883787 + ], + [ + "▁Smart", + -10.670660972595217 + ], + [ + "▁riding", + -10.670987129211426 + ], + [ + "▁arrival", + -10.671014785766602 + ], + [ + "▁indoor", + -10.671311378479004 + ], + [ + "▁pounds", + -10.67210292816162 + ], + [ + "▁gained", + -10.672361373901367 + ], + [ + "▁checked", + -10.67276382446289 + ], + [ + "▁faces", + -10.673048973083496 + ], + [ + "▁Samsung", + -10.673422813415527 + ], + [ + "▁Three", + -10.673471450805664 + ], + [ + "style", + -10.673666954040527 + ], + [ + "▁greatly", + -10.673772811889648 + ], + [ + "▁stretch", + -10.673794746398926 + ], + [ + "▁controls", + -10.674091339111328 + ], + [ + "▁packaging", + -10.674156188964844 + ], + [ + "▁objective", + -10.674701690673828 + ], + [ + "▁organisations", + -10.675152778625488 + ], + [ + "▁extend", + -10.675329208374023 + ], + [ + "▁liability", + -10.67566204071045 + ], + [ + "▁graphic", + -10.675798416137695 + ], + [ + "▁colleagues", + -10.675853729248049 + ], + [ + "▁highlight", + -10.676369667053224 + ], + [ + "▁Army", + -10.677103996276855 + ], + [ + "ED", + -10.677179336547852 + ], + [ + "▁king", + -10.677638053894045 + ], + [ + "▁Dan", + -10.67774486541748 + ], + [ + "▁Line", + -10.678696632385254 + ], + [ + "▁Studio", + -10.679057121276855 + ], + [ + "▁wiring", + -10.67924976348877 + ], + [ + "▁explains", + -10.679742813110352 + ], + [ + "▁transactions", + -10.679986953735352 + ], + [ + "▁MP", + -10.680339813232422 + ], + [ + "▁hasn", + -10.680401802062988 + ], + [ + "▁concert", + -10.680466651916504 + ], + [ + "▁Disney", + -10.680575370788574 + ], + [ + "▁promotion", + -10.680981636047363 + ], + [ + "▁lowest", + -10.681042671203612 + ], + [ + "▁arrange", + -10.681452751159668 + ], + [ + "▁tournament", + -10.681825637817385 + ], + [ + "▁Steel", + -10.681979179382324 + ], + [ + "▁Charles", + -10.682185173034668 + ], + [ + "▁speakers", + -10.68246841430664 + ], + [ + "▁extent", + -10.682626724243164 + ], + [ + "▁publication", + -10.682787895202637 + ], + [ + "▁Country", + -10.683152198791504 + ], + [ + "▁floors", + -10.684103965759276 + ], + [ + "▁unexpected", + -10.684185028076172 + ], + [ + "▁instant", + -10.684367179870604 + ], + [ + "▁Did", + -10.684475898742676 + ], + [ + "▁Travel", + -10.684568405151367 + ], + [ + "Use", + -10.68493938446045 + ], + [ + "▁inventory", + -10.685199737548828 + ], + [ + "▁approaches", + -10.68570327758789 + ], + [ + "▁Village", + -10.68575382232666 + ], + [ + "▁grand", + -10.686052322387695 + ], + [ + "▁stylish", + -10.686386108398438 + ], + [ + "▁debate", + -10.686400413513184 + ], + [ + "▁Image", + -10.686717987060549 + ], + [ + "▁pulled", + -10.687066078186035 + ], + [ + "▁Additionally", + -10.687715530395508 + ], + [ + "site", + -10.688447952270508 + ], + [ + "▁safely", + -10.688804626464844 + ], + [ + "▁Rights", + -10.688858032226562 + ], + [ + "▁passionate", + -10.689047813415527 + ], + [ + "ter", + -10.689189910888672 + ], + [ + "▁trusted", + -10.689668655395508 + ], + [ + "▁hate", + -10.689672470092772 + ], + [ + "▁sight", + -10.68992519378662 + ], + [ + "▁scientists", + -10.689949035644531 + ], + [ + "▁addresses", + -10.69002628326416 + ], + [ + "▁Station", + -10.690162658691406 + ], + [ + "▁flying", + -10.69087028503418 + ], + [ + "▁mile", + -10.691554069519045 + ], + [ + "new", + -10.692220687866213 + ], + [ + "▁drawn", + -10.69282054901123 + ], + [ + "▁diseases", + -10.692840576171877 + ], + [ + "▁deeper", + -10.692867279052734 + ], + [ + "ine", + -10.693968772888184 + ], + [ + "em", + -10.694890022277832 + ], + [ + "▁politics", + -10.694966316223145 + ], + [ + "▁roads", + -10.695066452026367 + ], + [ + "▁Square", + -10.69516658782959 + ], + [ + "hour", + -10.69527816772461 + ], + [ + "▁iPad", + -10.695478439331056 + ], + [ + "▁scores", + -10.695552825927734 + ], + [ + "▁sat", + -10.695908546447754 + ], + [ + "▁exposed", + -10.695935249328612 + ], + [ + "▁sections", + -10.696622848510742 + ], + [ + "▁2014.", + -10.696694374084473 + ], + [ + "▁Cross", + -10.696918487548828 + ], + [ + "▁Unfortunately", + -10.697247505187988 + ], + [ + "ur", + -10.69732666015625 + ], + [ + "▁contractors", + -10.697406768798828 + ], + [ + "▁painted", + -10.697420120239258 + ], + [ + "▁stages", + -10.697545051574709 + ], + [ + "▁bird", + -10.697635650634766 + ], + [ + "▁suite", + -10.69791030883789 + ], + [ + "▁string", + -10.698087692260742 + ], + [ + "Take", + -10.69808864593506 + ], + [ + "▁necessarily", + -10.698519706726074 + ], + [ + "▁Safety", + -10.69882106781006 + ], + [ + "▁gap", + -10.699419021606444 + ], + [ + "▁acting", + -10.699989318847656 + ], + [ + "▁icon", + -10.700318336486816 + ], + [ + "▁di", + -10.70058250427246 + ], + [ + "▁entering", + -10.701278686523438 + ], + [ + "▁rising", + -10.70233917236328 + ], + [ + "▁talented", + -10.702398300170898 + ], + [ + "▁illness", + -10.70273494720459 + ], + [ + "▁signature", + -10.702889442443848 + ], + [ + "▁index", + -10.703362464904783 + ], + [ + "▁Williams", + -10.70355987548828 + ], + [ + "▁jewelry", + -10.70359992980957 + ], + [ + "▁brush", + -10.70361328125 + ], + [ + "▁engines", + -10.703656196594238 + ], + [ + "▁hanging", + -10.703770637512209 + ], + [ + "▁Prime", + -10.703839302062988 + ], + [ + "▁Solutions", + -10.704187393188477 + ], + [ + "▁faced", + -10.704211235046388 + ], + [ + "▁storm", + -10.704489707946776 + ], + [ + "▁exterior", + -10.705028533935549 + ], + [ + "▁massage", + -10.70506191253662 + ], + [ + "▁harder", + -10.705745697021484 + ], + [ + "▁Silver", + -10.70620059967041 + ], + [ + "▁Come", + -10.706262588500977 + ], + [ + "▁supplier", + -10.707603454589844 + ], + [ + "▁lists", + -10.708943367004396 + ], + [ + "▁injured", + -10.709942817687988 + ], + [ + "how", + -10.71046543121338 + ], + [ + "▁coloring", + -10.7106351852417 + ], + [ + "▁Senior", + -10.710648536682127 + ], + [ + "▁participating", + -10.710790634155272 + ], + [ + "▁marked", + -10.711299896240234 + ], + [ + "▁Van", + -10.71144676208496 + ], + [ + "▁twenty", + -10.71152687072754 + ], + [ + "▁criteria", + -10.711776733398438 + ], + [ + "▁fabulous", + -10.71196460723877 + ], + [ + "▁DVD", + -10.71214771270752 + ], + [ + "▁founder", + -10.712217330932615 + ], + [ + "▁heading", + -10.712515830993652 + ], + [ + "long", + -10.712602615356444 + ], + [ + "▁falling", + -10.712980270385742 + ], + [ + "▁Being", + -10.713264465332031 + ], + [ + "▁Order", + -10.713577270507812 + ], + [ + "▁OS", + -10.714224815368652 + ], + [ + "▁ad", + -10.714431762695312 + ], + [ + "▁Agency", + -10.714437484741213 + ], + [ + "▁accounting", + -10.714740753173828 + ], + [ + "15", + -10.71489429473877 + ], + [ + "▁Report", + -10.71553897857666 + ], + [ + "▁telephone", + -10.715951919555664 + ], + [ + "▁Port", + -10.715965270996094 + ], + [ + "▁grab", + -10.716500282287598 + ], + [ + "▁responses", + -10.716601371765137 + ], + [ + "▁Toronto", + -10.71675968170166 + ], + [ + "▁lies", + -10.717087745666504 + ], + [ + "▁dual", + -10.717123031616213 + ], + [ + "▁accommodate", + -10.717124938964844 + ], + [ + "▁productivity", + -10.717279434204102 + ], + [ + "▁Creek", + -10.71731948852539 + ], + [ + "▁temporary", + -10.717555046081545 + ], + [ + "▁insights", + -10.717928886413574 + ], + [ + "▁bear", + -10.718358993530272 + ], + [ + "Before", + -10.71865940093994 + ], + [ + "ri", + -10.718764305114746 + ], + [ + "▁operated", + -10.71932888031006 + ], + [ + "▁yards", + -10.720011711120604 + ], + [ + "▁alive", + -10.72002410888672 + ], + [ + "▁breaking", + -10.720067024230955 + ], + [ + "▁requested", + -10.721075057983398 + ], + [ + "▁Natural", + -10.721936225891112 + ], + [ + "▁environments", + -10.722494125366213 + ], + [ + "▁contest", + -10.722559928894045 + ], + [ + "▁Fort", + -10.722860336303713 + ], + [ + "▁anymore", + -10.72304916381836 + ], + [ + "▁viewing", + -10.723069190979004 + ], + [ + "▁stations", + -10.72311782836914 + ], + [ + "▁utilize", + -10.72311782836914 + ], + [ + "▁rubber", + -10.723246574401855 + ], + [ + "Over", + -10.723394393920898 + ], + [ + "▁nights", + -10.723640441894531 + ], + [ + "▁headed", + -10.72374153137207 + ], + [ + "▁hiring", + -10.72485065460205 + ], + [ + "▁rid", + -10.724936485290527 + ], + [ + "▁indicate", + -10.725193977355955 + ], + [ + "▁FOR", + -10.725237846374512 + ], + [ + "▁Way", + -10.725564002990724 + ], + [ + "▁mood", + -10.72586154937744 + ], + [ + "▁council", + -10.725879669189451 + ], + [ + "▁Rose", + -10.726195335388184 + ], + [ + "▁afraid", + -10.726713180541992 + ], + [ + "▁desktop", + -10.728060722351074 + ], + [ + "ty", + -10.728540420532228 + ], + [ + "▁Limited", + -10.72863483428955 + ], + [ + "▁Repair", + -10.728673934936523 + ], + [ + "Add", + -10.72881031036377 + ], + [ + "▁assume", + -10.729053497314451 + ], + [ + "30", + -10.729430198669434 + ], + [ + "▁personnel", + -10.729562759399414 + ], + [ + "▁investments", + -10.73012638092041 + ], + [ + "▁gym", + -10.730127334594728 + ], + [ + "▁Mill", + -10.732006072998049 + ], + [ + "▁coat", + -10.732152938842772 + ], + [ + "▁Second", + -10.73224925994873 + ], + [ + "▁largely", + -10.732428550720217 + ], + [ + "▁returning", + -10.732911109924316 + ], + [ + "▁Key", + -10.733010292053224 + ], + [ + "▁coaching", + -10.73301124572754 + ], + [ + "▁dollar", + -10.733107566833496 + ], + [ + "▁inspection", + -10.733163833618164 + ], + [ + "▁estimate", + -10.733386993408203 + ], + [ + "▁Studies", + -10.733470916748049 + ], + [ + "▁venture", + -10.733770370483398 + ], + [ + "▁Yet", + -10.734051704406738 + ], + [ + "▁computers", + -10.73415470123291 + ], + [ + "▁Britain", + -10.735527992248535 + ], + [ + "▁hang", + -10.735552787780762 + ], + [ + "▁strongly", + -10.73603057861328 + ], + [ + "▁contribution", + -10.736742973327637 + ], + [ + "▁workplace", + -10.736902236938477 + ], + [ + "Every", + -10.737006187438965 + ], + [ + "▁36", + -10.737141609191896 + ], + [ + "▁gender", + -10.737433433532717 + ], + [ + "▁talked", + -10.737834930419922 + ], + [ + "known", + -10.737957000732422 + ], + [ + "▁Spirit", + -10.739662170410156 + ], + [ + "▁representative", + -10.739786148071287 + ], + [ + "▁hits", + -10.739832878112791 + ], + [ + "Where", + -10.739890098571776 + ], + [ + "▁holes", + -10.741108894348145 + ], + [ + "▁laser", + -10.741477012634276 + ], + [ + "6.", + -10.74150848388672 + ], + [ + "▁employers", + -10.74237823486328 + ], + [ + "▁golden", + -10.742393493652344 + ], + [ + "▁networking", + -10.74258804321289 + ], + [ + "▁abroad", + -10.742648124694824 + ], + [ + "▁attract", + -10.742894172668455 + ], + [ + "▁farmers", + -10.743115425109863 + ], + [ + "▁module", + -10.7432279586792 + ], + [ + "▁Made", + -10.743271827697754 + ], + [ + "▁Vegas", + -10.743288040161133 + ], + [ + "▁beds", + -10.743539810180664 + ], + [ + "▁Corporation", + -10.74356174468994 + ], + [ + "▁diversity", + -10.74382495880127 + ], + [ + "▁objectives", + -10.743867874145508 + ], + [ + "▁wondering", + -10.744139671325684 + ], + [ + "▁promoting", + -10.744181632995604 + ], + [ + "▁portable", + -10.744373321533203 + ], + [ + "▁relations", + -10.745162010192873 + ], + [ + "11", + -10.746006965637209 + ], + [ + "▁adjust", + -10.746058464050291 + ], + [ + "▁importantly", + -10.74624252319336 + ], + [ + "▁Should", + -10.746384620666504 + ], + [ + "▁secondary", + -10.746530532836914 + ], + [ + "▁obviously", + -10.746634483337402 + ], + [ + "▁developer", + -10.746724128723145 + ], + [ + "▁subjects", + -10.746807098388672 + ], + [ + "▁bunch", + -10.746930122375488 + ], + [ + "▁diagram", + -10.747359275817873 + ], + [ + "▁advantages", + -10.747811317443848 + ], + [ + "▁temperatures", + -10.747892379760742 + ], + [ + "▁sofa", + -10.747901916503906 + ], + [ + "▁servers", + -10.74799633026123 + ], + [ + "▁grass", + -10.748601913452148 + ], + [ + "more", + -10.748614311218262 + ], + [ + "▁reaching", + -10.748719215393066 + ], + [ + "au", + -10.748769760131836 + ], + [ + "▁Rs", + -10.74973201751709 + ], + [ + "▁anniversary", + -10.749737739562988 + ], + [ + "▁illegal", + -10.75010585784912 + ], + [ + "▁Oh", + -10.750643730163574 + ], + [ + "▁Such", + -10.750751495361328 + ], + [ + "▁prayer", + -10.751029014587402 + ], + [ + "▁globe", + -10.751100540161133 + ], + [ + "▁Jewish", + -10.75149917602539 + ], + [ + "▁buyer", + -10.751628875732422 + ], + [ + "▁documentation", + -10.751691818237305 + ], + [ + "Whether", + -10.75169849395752 + ], + [ + "▁Holy", + -10.751842498779297 + ], + [ + "▁Private", + -10.751901626586914 + ], + [ + "▁flour", + -10.752375602722168 + ], + [ + "▁Looking", + -10.75244140625 + ], + [ + "▁Administration", + -10.752635955810549 + ], + [ + "▁visits", + -10.75271987915039 + ], + [ + "▁reserved", + -10.752869606018066 + ], + [ + "▁assigned", + -10.75316333770752 + ], + [ + "▁contained", + -10.753254890441896 + ], + [ + "▁wanting", + -10.753559112548828 + ], + [ + "▁charity", + -10.753568649291992 + ], + [ + "▁occurs", + -10.753761291503906 + ], + [ + "▁seed", + -10.753929138183594 + ], + [ + "See", + -10.754009246826172 + ], + [ + "▁van", + -10.75413990020752 + ], + [ + "▁scope", + -10.754376411437988 + ], + [ + "▁ensures", + -10.75444793701172 + ], + [ + "▁consistently", + -10.754569053649902 + ], + [ + "▁tooth", + -10.75462245941162 + ], + [ + "▁Estate", + -10.755144119262695 + ], + [ + "▁statistics", + -10.755220413208008 + ], + [ + "▁literature", + -10.75527000427246 + ], + [ + "▁sufficient", + -10.755293846130373 + ], + [ + "▁2016,", + -10.75530242919922 + ], + [ + "▁ranging", + -10.755362510681152 + ], + [ + "▁initiatives", + -10.755374908447266 + ], + [ + "▁sick", + -10.755382537841797 + ], + [ + "▁Wi", + -10.755518913269045 + ], + [ + "▁rapidly", + -10.75637435913086 + ], + [ + "▁random", + -10.75651741027832 + ], + [ + "▁equally", + -10.7566556930542 + ], + [ + "▁excess", + -10.757844924926758 + ], + [ + "▁Eastern", + -10.758016586303713 + ], + [ + "▁Capital", + -10.75808048248291 + ], + [ + "▁accuracy", + -10.758085250854492 + ], + [ + "▁layers", + -10.758382797241213 + ], + [ + "▁sink", + -10.758596420288086 + ], + [ + "▁o", + -10.758715629577637 + ], + [ + "io", + -10.758767127990724 + ], + [ + "):", + -10.758957862854004 + ], + [ + "▁announce", + -10.759089469909668 + ], + [ + "▁Thus", + -10.759392738342283 + ], + [ + "▁wet", + -10.759576797485352 + ], + [ + "▁script", + -10.759716987609863 + ], + [ + "▁themes", + -10.75992202758789 + ], + [ + "▁pepper", + -10.760601043701172 + ], + [ + "▁persons", + -10.76100730895996 + ], + [ + "▁ending", + -10.761249542236328 + ], + [ + "▁implemented", + -10.761585235595703 + ], + [ + "▁childhood", + -10.761667251586914 + ], + [ + "50", + -10.76181697845459 + ], + [ + "▁Collection", + -10.761982917785645 + ], + [ + "▁branch", + -10.761987686157228 + ], + [ + "▁Sydney", + -10.762084007263184 + ], + [ + "▁racing", + -10.762110710144045 + ], + [ + "▁Test", + -10.762325286865234 + ], + [ + "▁absolute", + -10.762373924255373 + ], + [ + "▁Main", + -10.762580871582031 + ], + [ + "▁Though", + -10.762625694274902 + ], + [ + "▁Hi", + -10.763046264648438 + ], + [ + "▁cameras", + -10.763407707214355 + ], + [ + "▁Forest", + -10.763453483581545 + ], + [ + "▁demonstrate", + -10.763826370239258 + ], + [ + "▁Jim", + -10.764293670654297 + ], + [ + "▁characteristics", + -10.76513957977295 + ], + [ + "▁dad", + -10.7652587890625 + ], + [ + "▁Sales", + -10.765839576721191 + ], + [ + "GB", + -10.76595687866211 + ], + [ + "▁configuration", + -10.766098976135254 + ], + [ + "▁highlights", + -10.766199111938477 + ], + [ + "▁pursue", + -10.766366958618164 + ], + [ + "▁designing", + -10.766786575317385 + ], + [ + "se", + -10.76684284210205 + ], + [ + "▁Justice", + -10.766843795776367 + ], + [ + "▁define", + -10.76719570159912 + ], + [ + "▁edit", + -10.767349243164062 + ], + [ + "making", + -10.768001556396484 + ], + [ + "▁findings", + -10.768072128295898 + ], + [ + "▁expressed", + -10.768463134765623 + ], + [ + "▁initially", + -10.768702507019045 + ], + [ + "▁discounts", + -10.768966674804688 + ], + [ + "▁Learning", + -10.768982887268066 + ], + [ + "▁Radio", + -10.769279479980469 + ], + [ + "ft", + -10.769309043884276 + ], + [ + "▁genuine", + -10.769545555114746 + ], + [ + "▁Cloud", + -10.769644737243652 + ], + [ + "▁inform", + -10.769890785217283 + ], + [ + "▁boards", + -10.770068168640137 + ], + [ + "▁confirm", + -10.770925521850586 + ], + [ + "▁tape", + -10.771148681640623 + ], + [ + "▁languages", + -10.771234512329102 + ], + [ + "▁inspire", + -10.771315574645996 + ], + [ + "▁Irish", + -10.771522521972656 + ], + [ + "▁coupon", + -10.771930694580078 + ], + [ + "▁appointed", + -10.771957397460938 + ], + [ + "▁Crusher", + -10.772443771362305 + ], + [ + "▁Remember", + -10.772945404052734 + ], + [ + "▁breath", + -10.774706840515137 + ], + [ + "▁lay", + -10.775242805480955 + ], + [ + "▁muscles", + -10.775636672973633 + ], + [ + "▁smoke", + -10.775882720947266 + ], + [ + "Mr", + -10.776022911071776 + ], + [ + "▁reveal", + -10.7760648727417 + ], + [ + "▁wallpaper", + -10.776177406311035 + ], + [ + "Fi", + -10.776543617248535 + ], + [ + "▁laid", + -10.776715278625488 + ], + [ + "▁Republic", + -10.776774406433104 + ], + [ + "▁bone", + -10.776799201965332 + ], + [ + "▁clock", + -10.77708339691162 + ], + [ + "▁fence", + -10.777134895324709 + ], + [ + "▁compatible", + -10.777229309082031 + ], + [ + "и", + -10.777236938476562 + ], + [ + "▁unknown", + -10.77725601196289 + ], + [ + "▁transmission", + -10.777437210083008 + ], + [ + "▁interaction", + -10.77748680114746 + ], + [ + "Find", + -10.777777671813965 + ], + [ + "▁sad", + -10.777936935424805 + ], + [ + "▁spray", + -10.778529167175291 + ], + [ + "▁containing", + -10.778823852539062 + ], + [ + "▁hall", + -10.77882480621338 + ], + [ + "▁suffer", + -10.778928756713867 + ], + [ + "▁minimal", + -10.778970718383787 + ], + [ + "▁escape", + -10.779601097106934 + ], + [ + "▁campaigns", + -10.779783248901367 + ], + [ + "▁relaxing", + -10.779874801635742 + ], + [ + "▁bond", + -10.779898643493652 + ], + [ + "ya", + -10.78053092956543 + ], + [ + "▁iOS", + -10.780726432800291 + ], + [ + "▁customized", + -10.780863761901855 + ], + [ + "▁deeply", + -10.780996322631836 + ], + [ + "▁Him", + -10.781039237976074 + ], + [ + "▁tissue", + -10.78111457824707 + ], + [ + "▁watched", + -10.781349182128906 + ], + [ + "▁studied", + -10.78141975402832 + ], + [ + "▁equivalent", + -10.782426834106444 + ], + [ + "life", + -10.782732009887695 + ], + [ + "▁stability", + -10.78290557861328 + ], + [ + "▁Kong", + -10.783475875854492 + ], + [ + "▁depression", + -10.783824920654297 + ], + [ + "▁narrow", + -10.784018516540527 + ], + [ + "▁contributions", + -10.784384727478027 + ], + [ + "▁Senate", + -10.78484344482422 + ], + [ + "▁authentic", + -10.785234451293944 + ], + [ + "▁rolling", + -10.785468101501465 + ], + [ + "▁Force", + -10.785674095153809 + ], + [ + "▁directory", + -10.785731315612791 + ], + [ + "▁mm", + -10.785748481750488 + ], + [ + "▁tap", + -10.78582763671875 + ], + [ + "▁acquired", + -10.785849571228027 + ], + [ + "▁Website", + -10.786210060119627 + ], + [ + "▁tie", + -10.78637981414795 + ], + [ + "▁represented", + -10.786625862121582 + ], + [ + "▁mistakes", + -10.786905288696287 + ], + [ + "▁amongst", + -10.787223815917969 + ], + [ + "▁LA", + -10.787871360778809 + ], + [ + "▁nursing", + -10.788275718688965 + ], + [ + "▁continuous", + -10.788939476013184 + ], + [ + "▁Annual", + -10.788941383361816 + ], + [ + "▁templates", + -10.789116859436035 + ], + [ + "▁officially", + -10.78925609588623 + ], + [ + "▁salad", + -10.789468765258787 + ], + [ + "▁performances", + -10.789777755737305 + ], + [ + "▁maps", + -10.78997039794922 + ], + [ + "▁matching", + -10.790207862854004 + ], + [ + "▁emotions", + -10.7907133102417 + ], + [ + "▁belt", + -10.791053771972656 + ], + [ + "▁spectacular", + -10.791644096374512 + ], + [ + "▁MA", + -10.79167938232422 + ], + [ + "▁cooked", + -10.791714668273926 + ], + [ + "▁prime", + -10.791787147521973 + ], + [ + "▁grateful", + -10.792244911193848 + ], + [ + "▁folder", + -10.792275428771973 + ], + [ + "▁WordPress", + -10.792293548583984 + ], + [ + "▁sharp", + -10.792476654052734 + ], + [ + "▁peak", + -10.7925386428833 + ], + [ + "▁50%", + -10.792993545532228 + ], + [ + "▁resolve", + -10.793241500854492 + ], + [ + "▁Catholic", + -10.79417610168457 + ], + [ + "▁possibilities", + -10.794286727905272 + ], + [ + "▁granted", + -10.794466018676758 + ], + [ + "▁beautifully", + -10.794791221618652 + ], + [ + "▁nuclear", + -10.794989585876465 + ], + [ + "▁slot", + -10.795073509216309 + ], + [ + "▁fifth", + -10.795217514038086 + ], + [ + "▁southern", + -10.79534149169922 + ], + [ + "▁attitude", + -10.7957124710083 + ], + [ + "▁directions", + -10.795713424682615 + ], + [ + "▁Box", + -10.796185493469238 + ], + [ + "▁locally", + -10.796457290649414 + ], + [ + "home", + -10.796745300292969 + ], + [ + "▁draft", + -10.796910285949709 + ], + [ + "▁mountains", + -10.796920776367188 + ], + [ + "▁Finally", + -10.796927452087402 + ], + [ + "▁CO", + -10.79706859588623 + ], + [ + "▁2.0", + -10.797269821166992 + ], + [ + "▁Still", + -10.797465324401855 + ], + [ + "▁Houston", + -10.797468185424805 + ], + [ + "▁keys", + -10.797618865966797 + ], + [ + "▁currency", + -10.798040390014648 + ], + [ + "ey", + -10.798066139221191 + ], + [ + "▁Matt", + -10.798324584960938 + ], + [ + "▁tours", + -10.798418998718262 + ], + [ + "▁operational", + -10.79843521118164 + ], + [ + "▁reception", + -10.79843807220459 + ], + [ + "▁Help", + -10.798639297485352 + ], + [ + "▁contracts", + -10.798771858215332 + ], + [ + "Go", + -10.79893970489502 + ], + [ + "▁Arizona", + -10.799083709716797 + ], + [ + "▁Las", + -10.79914665222168 + ], + [ + "▁3-", + -10.79936695098877 + ], + [ + "▁IS", + -10.799567222595217 + ], + [ + "▁Film", + -10.800073623657228 + ], + [ + "▁List", + -10.80020523071289 + ], + [ + "▁Bob", + -10.800264358520508 + ], + [ + "▁occurred", + -10.80067253112793 + ], + [ + "▁sought", + -10.800830841064451 + ], + [ + "▁Server", + -10.800832748413086 + ], + [ + "▁professor", + -10.800877571105955 + ], + [ + "▁emerging", + -10.80093765258789 + ], + [ + "▁Korea", + -10.800943374633787 + ], + [ + "▁situated", + -10.80106258392334 + ], + [ + "▁calm", + -10.801481246948242 + ], + [ + "▁garlic", + -10.801895141601562 + ], + [ + "▁remained", + -10.80189609527588 + ], + [ + "▁personalized", + -10.802593231201172 + ], + [ + "▁expanded", + -10.802803993225098 + ], + [ + "den", + -10.802833557128906 + ], + [ + "▁wake", + -10.802947998046877 + ], + [ + "▁claimed", + -10.802963256835938 + ], + [ + "▁curriculum", + -10.803338050842283 + ], + [ + "▁breast", + -10.80355167388916 + ], + [ + "ko", + -10.804247856140137 + ], + [ + "▁abilities", + -10.804376602172852 + ], + [ + "▁resident", + -10.804763793945312 + ], + [ + "▁displays", + -10.804964065551758 + ], + [ + "▁assistant", + -10.80534839630127 + ], + [ + "▁Theatre", + -10.805438041687012 + ], + [ + "▁amenities", + -10.805697441101074 + ], + [ + "▁plane", + -10.805941581726074 + ], + [ + "▁Scotland", + -10.806941032409668 + ], + [ + "▁relative", + -10.807082176208496 + ], + [ + "▁tired", + -10.807321548461914 + ], + [ + "▁pitch", + -10.807865142822266 + ], + [ + "▁targeted", + -10.807988166809082 + ], + [ + "▁Mount", + -10.808037757873535 + ], + [ + "don", + -10.808053970336914 + ], + [ + "▁eliminate", + -10.808600425720217 + ], + [ + "▁investing", + -10.808605194091797 + ], + [ + "▁shade", + -10.809415817260742 + ], + [ + "▁ratio", + -10.809927940368652 + ], + [ + "▁pets", + -10.810216903686523 + ], + [ + "▁spacious", + -10.810373306274414 + ], + [ + "▁decent", + -10.81042766571045 + ], + [ + "▁End", + -10.810661315917969 + ], + [ + "▁Save", + -10.810970306396484 + ], + [ + "▁Farm", + -10.81103801727295 + ], + [ + "▁Andrew", + -10.811461448669434 + ], + [ + "Who", + -10.81151008605957 + ], + [ + "▁regard", + -10.81162452697754 + ], + [ + "▁sheets", + -10.811847686767578 + ], + [ + "ng", + -10.812345504760742 + ], + [ + "▁(1", + -10.812637329101562 + ], + [ + "▁Products", + -10.812646865844728 + ], + [ + "▁depend", + -10.812782287597656 + ], + [ + "profit", + -10.813133239746094 + ], + [ + "▁existence", + -10.81340503692627 + ], + [ + "▁reaction", + -10.81385612487793 + ], + [ + "▁representatives", + -10.814026832580566 + ], + [ + "▁wave", + -10.814653396606444 + ], + [ + "▁struggling", + -10.814682006835938 + ], + [ + "▁Policy", + -10.814836502075195 + ], + [ + "▁roots", + -10.815207481384276 + ], + [ + "▁shapes", + -10.81610107421875 + ], + [ + "tech", + -10.81626796722412 + ], + [ + "▁Golden", + -10.816509246826172 + ], + [ + "▁loose", + -10.816716194152832 + ], + [ + "point", + -10.816967964172363 + ], + [ + "▁Easy", + -10.817758560180664 + ], + [ + "Good", + -10.817837715148926 + ], + [ + "▁Illinois", + -10.817856788635254 + ], + [ + "▁opens", + -10.81794548034668 + ], + [ + "▁raising", + -10.817973136901855 + ], + [ + "▁Ministry", + -10.81832790374756 + ], + [ + "▁Kids", + -10.818727493286133 + ], + [ + "▁assess", + -10.818987846374512 + ], + [ + "▁printer", + -10.819188117980955 + ], + [ + "▁compact", + -10.819290161132812 + ], + [ + "▁philosophy", + -10.819321632385254 + ], + [ + "▁efficiently", + -10.819644927978516 + ], + [ + "▁compete", + -10.819808959960938 + ], + [ + "▁grey", + -10.819926261901855 + ], + [ + "▁UN", + -10.821037292480469 + ], + [ + "▁finishing", + -10.821263313293455 + ], + [ + "▁medication", + -10.821738243103027 + ], + [ + "▁rapid", + -10.821927070617676 + ], + [ + "▁Hot", + -10.822247505187988 + ], + [ + "▁vibrant", + -10.822517395019531 + ], + [ + "▁convert", + -10.822614669799805 + ], + [ + "▁titles", + -10.823226928710938 + ], + [ + "▁Golf", + -10.823284149169922 + ], + [ + "▁tons", + -10.823463439941406 + ], + [ + "▁delivers", + -10.823610305786133 + ], + [ + "▁unusual", + -10.823680877685549 + ], + [ + "Because", + -10.823711395263672 + ], + [ + "▁lab", + -10.823869705200195 + ], + [ + "▁Officer", + -10.8240327835083 + ], + [ + "from", + -10.824376106262209 + ], + [ + "▁gather", + -10.824895858764648 + ], + [ + "▁wheels", + -10.825181007385254 + ], + [ + "▁fundamental", + -10.825274467468262 + ], + [ + "star", + -10.82571506500244 + ], + [ + "▁institution", + -10.826245307922363 + ], + [ + "▁toilet", + -10.826406478881836 + ], + [ + "▁enforcement", + -10.826695442199709 + ], + [ + "▁weren", + -10.826786994934082 + ], + [ + "▁Glass", + -10.82690143585205 + ], + [ + "▁formula", + -10.827661514282228 + ], + [ + "▁Access", + -10.828120231628418 + ], + [ + "▁scenes", + -10.828182220458984 + ], + [ + "▁Product", + -10.828368186950684 + ], + [ + "▁examination", + -10.828661918640137 + ], + [ + "▁pin", + -10.828779220581056 + ], + [ + "▁equity", + -10.828871726989746 + ], + [ + "▁plot", + -10.828882217407228 + ], + [ + "▁AC", + -10.82940673828125 + ], + [ + "ful", + -10.829447746276855 + ], + [ + "winning", + -10.82957649230957 + ], + [ + "▁conversion", + -10.83026123046875 + ], + [ + "▁sophisticated", + -10.831164360046388 + ], + [ + "▁involve", + -10.831231117248535 + ], + [ + "▁reserve", + -10.831392288208008 + ], + [ + "▁Joseph", + -10.83152675628662 + ], + [ + "▁Join", + -10.83211898803711 + ], + [ + "▁experiencing", + -10.832136154174805 + ], + [ + "▁consequences", + -10.832341194152832 + ], + [ + "▁Hong", + -10.832542419433594 + ], + [ + "▁contractor", + -10.83268928527832 + ], + [ + "▁shoulder", + -10.83289909362793 + ], + [ + "▁Credit", + -10.832974433898926 + ], + [ + "▁banking", + -10.833065032958984 + ], + [ + "▁collections", + -10.8330717086792 + ], + [ + "▁Without", + -10.833429336547852 + ], + [ + "▁Camp", + -10.833441734313965 + ], + [ + "▁mistake", + -10.833758354187012 + ], + [ + "▁Dec", + -10.833970069885254 + ], + [ + "▁aluminum", + -10.834062576293944 + ], + [ + "▁wider", + -10.834239959716797 + ], + [ + "▁plain", + -10.834291458129885 + ], + [ + "▁Winter", + -10.834470748901367 + ], + [ + "▁cheaper", + -10.83461570739746 + ], + [ + "▁suffered", + -10.834704399108888 + ], + [ + "▁bench", + -10.83477783203125 + ], + [ + "▁Visit", + -10.834904670715332 + ], + [ + "▁Fair", + -10.83498191833496 + ], + [ + "▁entitled", + -10.835002899169922 + ], + [ + "▁Nov", + -10.83513641357422 + ], + [ + "▁intense", + -10.835457801818848 + ], + [ + "▁flash", + -10.835785865783691 + ], + [ + "US", + -10.835920333862305 + ], + [ + "▁clubs", + -10.835987091064451 + ], + [ + "▁warning", + -10.836018562316896 + ], + [ + "▁specialized", + -10.836931228637695 + ], + [ + "▁Secretary", + -10.837224006652832 + ], + [ + "▁vendors", + -10.837421417236328 + ], + [ + "▁rated", + -10.837451934814451 + ], + [ + "▁restore", + -10.83747673034668 + ], + [ + "▁beaches", + -10.83786392211914 + ], + [ + "ford", + -10.837928771972656 + ], + [ + "▁solo", + -10.83800220489502 + ], + [ + "▁cm", + -10.838126182556152 + ], + [ + "▁column", + -10.838242530822754 + ], + [ + "▁2015,", + -10.839003562927246 + ], + [ + "▁exercises", + -10.839138984680176 + ], + [ + "▁appliances", + -10.839571952819824 + ], + [ + "▁Jackson", + -10.839831352233888 + ], + [ + "▁Daniel", + -10.840617179870604 + ], + [ + "▁strange", + -10.840618133544922 + ], + [ + "▁coal", + -10.84066104888916 + ], + [ + "▁Feb", + -10.840699195861816 + ], + [ + "▁editing", + -10.8408203125 + ], + [ + "▁instantly", + -10.840840339660645 + ], + [ + "▁meaningful", + -10.840866088867188 + ], + [ + "▁ministry", + -10.841103553771973 + ], + [ + "this", + -10.841803550720217 + ], + [ + "▁Tim", + -10.842226028442385 + ], + [ + "▁wins", + -10.842799186706545 + ], + [ + "▁2013.", + -10.84368896484375 + ], + [ + "▁Greek", + -10.8438081741333 + ], + [ + "▁transform", + -10.843844413757324 + ], + [ + "▁75", + -10.844202995300291 + ], + [ + "▁cuts", + -10.844438552856444 + ], + [ + "▁evaluate", + -10.844626426696776 + ], + [ + "▁newest", + -10.8450288772583 + ], + [ + "▁actively", + -10.845348358154297 + ], + [ + "▁falls", + -10.845383644104004 + ], + [ + "▁photographer", + -10.84548568725586 + ], + [ + "▁artwork", + -10.845917701721191 + ], + [ + "▁1000", + -10.846112251281738 + ], + [ + "▁financing", + -10.846294403076172 + ], + [ + "▁heritage", + -10.846528053283691 + ], + [ + "▁Tech", + -10.847090721130373 + ], + [ + "▁Perhaps", + -10.84719944000244 + ], + [ + "▁overnight", + -10.847259521484377 + ], + [ + "▁aimed", + -10.847357749938965 + ], + [ + "▁worn", + -10.84743881225586 + ], + [ + "▁false", + -10.847639083862305 + ], + [ + "▁overcome", + -10.84765625 + ], + [ + "▁specified", + -10.848002433776855 + ], + [ + "▁plug", + -10.84817886352539 + ], + [ + "head", + -10.8482027053833 + ], + [ + "▁respectively", + -10.848713874816896 + ], + [ + "▁opt", + -10.848899841308594 + ], + [ + "town", + -10.849040031433104 + ], + [ + "▁newspaper", + -10.849903106689451 + ], + [ + "▁tablet", + -10.850212097167969 + ], + [ + "▁victims", + -10.850536346435549 + ], + [ + "▁Choose", + -10.850552558898926 + ], + [ + "▁wildlife", + -10.85061740875244 + ], + [ + "▁OK", + -10.850682258605955 + ], + [ + "$", + -10.851385116577148 + ], + [ + "lin", + -10.85140895843506 + ], + [ + "▁Iran", + -10.851469039916992 + ], + [ + "▁cooling", + -10.852250099182127 + ], + [ + "▁connecting", + -10.852455139160156 + ], + [ + "▁adopted", + -10.854178428649902 + ], + [ + "▁k", + -10.855243682861328 + ], + [ + "▁acquire", + -10.855393409729004 + ], + [ + "▁journal", + -10.855470657348633 + ], + [ + "▁broke", + -10.855831146240234 + ], + [ + "▁shirt", + -10.85593032836914 + ], + [ + "▁2006", + -10.856414794921877 + ], + [ + "▁makeup", + -10.856578826904297 + ], + [ + "▁pipe", + -10.85663604736328 + ], + [ + "▁Simply", + -10.856870651245115 + ], + [ + "▁edited", + -10.857097625732422 + ], + [ + "▁manufactured", + -10.857248306274414 + ], + [ + "▁passengers", + -10.85733699798584 + ], + [ + "▁sensor", + -10.857653617858888 + ], + [ + "est", + -10.858139038085938 + ], + [ + "▁circuit", + -10.858481407165527 + ], + [ + "▁pizza", + -10.85897445678711 + ], + [ + "▁Louis", + -10.85903549194336 + ], + [ + "▁Bridge", + -10.859084129333496 + ], + [ + "box", + -10.859286308288574 + ], + [ + "▁letting", + -10.859454154968262 + ], + [ + "▁cooperation", + -10.859806060791016 + ], + [ + "▁universities", + -10.859966278076172 + ], + [ + "bar", + -10.859975814819336 + ], + [ + "▁conventional", + -10.860182762145996 + ], + [ + "▁weapons", + -10.860311508178713 + ], + [ + "▁nose", + -10.86093521118164 + ], + [ + "▁aged", + -10.861180305480955 + ], + [ + "▁substantial", + -10.861661911010742 + ], + [ + "▁foam", + -10.861992835998535 + ], + [ + "▁circle", + -10.862579345703123 + ], + [ + "▁Standard", + -10.8628568649292 + ], + [ + "▁copper", + -10.863133430480955 + ], + [ + "▁instruments", + -10.863558769226074 + ], + [ + "▁Diego", + -10.863571166992188 + ], + [ + "▁happiness", + -10.863679885864258 + ], + [ + "▁washing", + -10.864076614379885 + ], + [ + "▁completing", + -10.864452362060549 + ], + [ + "▁delay", + -10.864699363708496 + ], + [ + "▁harm", + -10.86479663848877 + ], + [ + "▁Pakistan", + -10.865274429321287 + ], + [ + "▁pleasant", + -10.86532497406006 + ], + [ + "▁toys", + -10.86539363861084 + ], + [ + "▁overview", + -10.865845680236816 + ], + [ + "minute", + -10.865906715393066 + ], + [ + "▁opinions", + -10.867013931274414 + ], + [ + "▁copies", + -10.867206573486328 + ], + [ + "▁elected", + -10.86794376373291 + ], + [ + "▁basketball", + -10.868402481079102 + ], + [ + "▁ownership", + -10.868670463562012 + ], + [ + "-3", + -10.86924648284912 + ], + [ + "▁Magazine", + -10.869436264038086 + ], + [ + "▁oral", + -10.869589805603027 + ], + [ + "▁gathering", + -10.869658470153809 + ], + [ + "▁Model", + -10.869833946228027 + ], + [ + "▁parks", + -10.869967460632324 + ], + [ + "▁Protection", + -10.870811462402344 + ], + [ + "▁advise", + -10.871068000793455 + ], + [ + "▁western", + -10.87126922607422 + ], + [ + "▁instrument", + -10.87191677093506 + ], + [ + "18", + -10.87193202972412 + ], + [ + "▁workout", + -10.87195110321045 + ], + [ + "▁permit", + -10.87220859527588 + ], + [ + "▁encounter", + -10.872532844543455 + ], + [ + "▁Bathroom", + -10.872538566589355 + ], + [ + "▁Student", + -10.872879981994627 + ], + [ + "▁mold", + -10.87307357788086 + ], + [ + "ate", + -10.874221801757812 + ], + [ + "▁admit", + -10.8743314743042 + ], + [ + "▁engineers", + -10.87442111968994 + ], + [ + "▁constructed", + -10.874573707580566 + ], + [ + "▁graduated", + -10.874791145324709 + ], + [ + "▁precious", + -10.87480354309082 + ], + [ + "▁Furniture", + -10.875114440917969 + ], + [ + "▁moisture", + -10.87527561187744 + ], + [ + "▁neither", + -10.875837326049805 + ], + [ + "▁surrounded", + -10.876106262207031 + ], + [ + "▁cruise", + -10.876840591430664 + ], + [ + "▁lasting", + -10.877241134643556 + ], + [ + "▁divorce", + -10.877348899841309 + ], + [ + "▁trailer", + -10.878000259399414 + ], + [ + "▁crash", + -10.878026962280272 + ], + [ + "▁consent", + -10.879009246826172 + ], + [ + "▁thoroughly", + -10.879061698913574 + ], + [ + "▁Pennsylvania", + -10.879136085510254 + ], + [ + "▁cats", + -10.879611015319824 + ], + [ + "▁acquisition", + -10.879621505737305 + ], + [ + "▁arrangements", + -10.879640579223633 + ], + [ + "▁removing", + -10.879972457885742 + ], + [ + "▁northern", + -10.879980087280272 + ], + [ + "▁chronic", + -10.880404472351074 + ], + [ + "▁Computer", + -10.880497932434082 + ], + [ + "▁Everyone", + -10.880579948425291 + ], + [ + "▁Max", + -10.88097095489502 + ], + [ + "▁habits", + -10.881101608276367 + ], + [ + "▁u", + -10.881726264953612 + ], + [ + "ant", + -10.881845474243164 + ], + [ + "▁Columbia", + -10.88200569152832 + ], + [ + "▁exception", + -10.882122039794922 + ], + [ + "id", + -10.88349437713623 + ], + [ + "▁Off", + -10.883655548095703 + ], + [ + "▁infection", + -10.883859634399414 + ], + [ + "▁distributed", + -10.88415813446045 + ], + [ + "▁installing", + -10.884278297424316 + ], + [ + "▁worship", + -10.884650230407717 + ], + [ + "▁picking", + -10.885018348693848 + ], + [ + "▁seller", + -10.885069847106934 + ], + [ + "▁Heart", + -10.885088920593262 + ], + [ + "▁singing", + -10.885139465332031 + ], + [ + "▁Give", + -10.885834693908691 + ], + [ + "▁tube", + -10.88586139678955 + ], + [ + "▁thousand", + -10.886910438537598 + ], + [ + "▁artistic", + -10.887252807617188 + ], + [ + "▁competitors", + -10.887782096862791 + ], + [ + "▁drives", + -10.887885093688965 + ], + [ + "▁•", + -10.888218879699709 + ], + [ + "work", + -10.888482093811035 + ], + [ + "▁Taylor", + -10.888508796691896 + ], + [ + "▁enhanced", + -10.888748168945312 + ], + [ + "il", + -10.888787269592283 + ], + [ + "▁belief", + -10.888795852661133 + ], + [ + "▁Jr", + -10.889019012451172 + ], + [ + "▁gardens", + -10.889323234558104 + ], + [ + "▁Personal", + -10.889845848083496 + ], + [ + "▁alumni", + -10.88990592956543 + ], + [ + "▁tonight", + -10.89139461517334 + ], + [ + "▁surely", + -10.891995429992676 + ], + [ + "▁applies", + -10.892037391662598 + ], + [ + "izing", + -10.892227172851562 + ], + [ + "▁fewer", + -10.893270492553713 + ], + [ + "▁NO", + -10.893620491027832 + ], + [ + "▁pilot", + -10.893710136413574 + ], + [ + "▁wrap", + -10.893891334533691 + ], + [ + "▁producer", + -10.894200325012209 + ], + [ + "▁Halloween", + -10.894476890563965 + ], + [ + "▁sectors", + -10.894501686096191 + ], + [ + "▁Blog", + -10.895004272460938 + ], + [ + "▁succeed", + -10.895537376403809 + ], + [ + "▁ft", + -10.895830154418944 + ], + [ + "▁impression", + -10.896087646484377 + ], + [ + "▁33", + -10.896127700805664 + ], + [ + "▁Per", + -10.896145820617676 + ], + [ + "▁artificial", + -10.896356582641602 + ], + [ + "▁integrity", + -10.896520614624023 + ], + [ + "▁winners", + -10.896567344665527 + ], + [ + "▁rarely", + -10.896727561950684 + ], + [ + "▁angle", + -10.896913528442385 + ], + [ + "▁instruction", + -10.897224426269531 + ], + [ + "▁bold", + -10.897561073303224 + ], + [ + "▁hat", + -10.897602081298828 + ], + [ + "▁stayed", + -10.897623062133787 + ], + [ + "▁exists", + -10.897699356079102 + ], + [ + "▁rough", + -10.897838592529297 + ], + [ + "▁Saint", + -10.89855670928955 + ], + [ + "▁drama", + -10.898676872253418 + ], + [ + "▁hosts", + -10.898809432983398 + ], + [ + "▁processed", + -10.89892578125 + ], + [ + "▁examine", + -10.898938179016112 + ], + [ + "▁union", + -10.899179458618164 + ], + [ + "▁Father", + -10.899231910705566 + ], + [ + "▁Easter", + -10.899588584899902 + ], + [ + "▁Miami", + -10.89995002746582 + ], + [ + "▁Exchange", + -10.900274276733398 + ], + [ + "▁Express", + -10.900626182556152 + ], + [ + "▁1/2", + -10.901238441467283 + ], + [ + "Like", + -10.901549339294434 + ], + [ + "▁heavily", + -10.901619911193848 + ], + [ + "▁bands", + -10.901671409606934 + ], + [ + "▁sorry", + -10.90167999267578 + ], + [ + "▁consulting", + -10.90174388885498 + ], + [ + "▁Casino", + -10.901938438415527 + ], + [ + "▁Despite", + -10.902206420898438 + ], + [ + "▁latter", + -10.902207374572754 + ], + [ + "▁Frank", + -10.902728080749512 + ], + [ + "▁math", + -10.904130935668944 + ], + [ + "▁seasons", + -10.904139518737791 + ], + [ + "hand", + -10.904492378234863 + ], + [ + "▁sleeping", + -10.904574394226074 + ], + [ + "▁mattress", + -10.904644012451172 + ], + [ + "Other", + -10.904708862304688 + ], + [ + "▁strive", + -10.905332565307615 + ], + [ + "▁Customer", + -10.905755996704102 + ], + [ + "▁balanced", + -10.905876159667969 + ], + [ + "▁fascinating", + -10.905957221984863 + ], + [ + "▁gotten", + -10.905959129333496 + ], + [ + "▁assembly", + -10.906463623046877 + ], + [ + "▁describes", + -10.906693458557127 + ], + [ + "▁Form", + -10.906734466552734 + ], + [ + "▁romantic", + -10.90773582458496 + ], + [ + "▁fiber", + -10.907753944396973 + ], + [ + "▁ratings", + -10.907822608947754 + ], + [ + "▁athletes", + -10.908032417297363 + ], + [ + "▁suddenly", + -10.90806770324707 + ], + [ + "et", + -10.908384323120115 + ], + [ + "▁backup", + -10.909320831298828 + ], + [ + "▁fruits", + -10.909784317016602 + ], + [ + "▁interviews", + -10.910310745239258 + ], + [ + "▁Would", + -10.91041660308838 + ], + [ + "▁mechanical", + -10.910428047180176 + ], + [ + "▁corn", + -10.9105806350708 + ], + [ + "▁handy", + -10.910597801208496 + ], + [ + "▁reply", + -10.910615921020508 + ], + [ + "▁Sky", + -10.910689353942873 + ], + [ + "▁inspiring", + -10.910823822021484 + ], + [ + "▁meters", + -10.911026000976562 + ], + [ + "date", + -10.911287307739258 + ], + [ + "▁spa", + -10.911352157592772 + ], + [ + "▁cabinets", + -10.911578178405762 + ], + [ + "▁Ryan", + -10.911659240722656 + ], + [ + "▁250", + -10.911909103393556 + ], + [ + "▁piano", + -10.912577629089355 + ], + [ + "board", + -10.913911819458008 + ], + [ + "▁smell", + -10.914443016052246 + ], + [ + "▁10%", + -10.91530418395996 + ], + [ + "▁frequent", + -10.915326118469238 + ], + [ + "▁hearts", + -10.916037559509276 + ], + [ + "▁2012.", + -10.91604709625244 + ], + [ + "▁breaks", + -10.91624641418457 + ], + [ + "▁essentially", + -10.91645336151123 + ], + [ + "▁guides", + -10.916481018066406 + ], + [ + "▁Wedding", + -10.916718482971191 + ], + [ + "▁excellence", + -10.916973114013672 + ], + [ + "▁impressed", + -10.917492866516112 + ], + [ + "▁employed", + -10.917661666870115 + ], + [ + "▁diabetes", + -10.917683601379396 + ], + [ + "▁donation", + -10.917719841003418 + ], + [ + "▁Color", + -10.91832447052002 + ], + [ + "▁Type", + -10.918477058410645 + ], + [ + "▁vinyl", + -10.91849136352539 + ], + [ + "▁understood", + -10.918584823608398 + ], + [ + "car", + -10.918618202209473 + ], + [ + "▁versatile", + -10.918672561645508 + ], + [ + "▁casual", + -10.918692588806152 + ], + [ + "▁regulatory", + -10.91894245147705 + ], + [ + "▁Tax", + -10.919161796569824 + ], + [ + "▁discussions", + -10.920260429382324 + ], + [ + "▁restoration", + -10.920487403869627 + ], + [ + "▁Cover", + -10.920686721801758 + ], + [ + "▁losses", + -10.9209623336792 + ], + [ + "▁bacteria", + -10.921198844909668 + ], + [ + "▁ear", + -10.921359062194824 + ], + [ + "▁distinct", + -10.921814918518066 + ], + [ + "▁outfit", + -10.922490119934082 + ], + [ + "▁periods", + -10.92282485961914 + ], + [ + "▁Seattle", + -10.922832489013672 + ], + [ + "▁Perfect", + -10.923006057739258 + ], + [ + "▁lemon", + -10.923294067382812 + ], + [ + "▁dirt", + -10.923593521118164 + ], + [ + "▁religion", + -10.92372226715088 + ], + [ + "▁puts", + -10.924025535583496 + ], + [ + "▁Construction", + -10.92404556274414 + ], + [ + "▁purchases", + -10.924217224121094 + ], + [ + "▁guard", + -10.924464225769045 + ], + [ + "▁Custom", + -10.924674987792969 + ], + [ + "▁vice", + -10.925177574157717 + ], + [ + "bit", + -10.92562770843506 + ], + [ + "▁Trade", + -10.925943374633787 + ], + [ + "▁tiles", + -10.926432609558104 + ], + [ + "▁interact", + -10.926531791687012 + ], + [ + "▁singer", + -10.926705360412598 + ], + [ + "▁robust", + -10.927149772644045 + ], + [ + "▁2014,", + -10.927154541015623 + ], + [ + "Two", + -10.92717742919922 + ], + [ + "▁enjoyable", + -10.927785873413086 + ], + [ + "▁API", + -10.927873611450195 + ], + [ + "▁Baby", + -10.927897453308104 + ], + [ + "▁knowledgeable", + -10.92796516418457 + ], + [ + "▁experiment", + -10.928173065185549 + ], + [ + "▁chemicals", + -10.928220748901367 + ], + [ + "▁Low", + -10.928248405456545 + ], + [ + "▁attempts", + -10.928421974182127 + ], + [ + "▁symbol", + -10.92881202697754 + ], + [ + "▁decline", + -10.928845405578612 + ], + [ + "▁favor", + -10.929113388061523 + ], + [ + "▁Hollywood", + -10.929276466369627 + ], + [ + "▁protecting", + -10.929769515991213 + ], + [ + "▁beans", + -10.930129051208496 + ], + [ + "▁babies", + -10.930201530456545 + ], + [ + "▁Plant", + -10.930305480957031 + ], + [ + "▁browse", + -10.930715560913086 + ], + [ + "▁olive", + -10.930968284606934 + ], + [ + "▁recover", + -10.931158065795898 + ], + [ + "▁Austin", + -10.931302070617676 + ], + [ + "▁frequency", + -10.931374549865724 + ], + [ + "▁strike", + -10.93168830871582 + ], + [ + "7.", + -10.932065963745115 + ], + [ + "▁actor", + -10.932188987731934 + ], + [ + "▁relating", + -10.93218994140625 + ], + [ + "▁Ball", + -10.93264865875244 + ], + [ + "▁lease", + -10.932682991027832 + ], + [ + "di", + -10.932903289794922 + ], + [ + "▁Four", + -10.933317184448242 + ], + [ + "▁supplied", + -10.933340072631836 + ], + [ + "▁2005", + -10.933401107788086 + ], + [ + "▁dramatic", + -10.933448791503906 + ], + [ + "▁mg", + -10.933876037597656 + ], + [ + "▁technicians", + -10.93454647064209 + ], + [ + "▁lawyers", + -10.934929847717283 + ], + [ + "▁representation", + -10.93502712249756 + ], + [ + "▁Minnesota", + -10.935291290283203 + ], + [ + "▁accomplish", + -10.935319900512695 + ], + [ + "▁Mini", + -10.935327529907228 + ], + [ + "▁ALL", + -10.93558120727539 + ], + [ + "▁surfaces", + -10.935640335083008 + ], + [ + "▁apartments", + -10.935702323913574 + ], + [ + "▁stood", + -10.935995101928713 + ], + [ + "▁Fox", + -10.936320304870604 + ], + [ + "▁everybody", + -10.937088966369627 + ], + [ + "▁h", + -10.937119483947754 + ], + [ + "▁segment", + -10.937172889709473 + ], + [ + "▁65", + -10.938011169433594 + ], + [ + "▁merely", + -10.938657760620115 + ], + [ + "▁targets", + -10.938942909240724 + ], + [ + "scale", + -10.939363479614258 + ], + [ + "▁signing", + -10.93956184387207 + ], + [ + "foot", + -10.939632415771484 + ], + [ + "▁respective", + -10.93967342376709 + ], + [ + "▁Level", + -10.939818382263184 + ], + [ + "▁produces", + -10.940553665161133 + ], + [ + "▁disaster", + -10.940634727478027 + ], + [ + "▁victim", + -10.941041946411133 + ], + [ + "▁Field", + -10.941048622131348 + ], + [ + "fi", + -10.9414644241333 + ], + [ + "ir", + -10.94167709350586 + ], + [ + "▁deserve", + -10.941731452941896 + ], + [ + "▁prison", + -10.942063331604004 + ], + [ + "Any", + -10.942344665527344 + ], + [ + "▁beef", + -10.942461013793944 + ], + [ + "Step", + -10.942574501037598 + ], + [ + "▁addressed", + -10.942666053771973 + ], + [ + "▁shelf", + -10.942852973937988 + ], + [ + "▁steam", + -10.943066596984863 + ], + [ + "▁decrease", + -10.943577766418455 + ], + [ + "▁subscription", + -10.943857192993164 + ], + [ + "world", + -10.94443130493164 + ], + [ + "ups", + -10.944591522216797 + ], + [ + "▁assured", + -10.944745063781738 + ], + [ + "can", + -10.94520378112793 + ], + [ + "▁gentle", + -10.94536590576172 + ], + [ + "Finally", + -10.945708274841309 + ], + [ + "▁Victoria", + -10.94587516784668 + ], + [ + "▁remarkable", + -10.945878028869627 + ], + [ + "▁Mother", + -10.946468353271484 + ], + [ + "▁Think", + -10.946475982666016 + ], + [ + "▁celebrated", + -10.946541786193848 + ], + [ + "▁burn", + -10.946720123291016 + ], + [ + "▁chips", + -10.94693374633789 + ], + [ + "▁suspect", + -10.947248458862305 + ], + [ + "▁listings", + -10.947270393371582 + ], + [ + "▁HR", + -10.947383880615234 + ], + [ + "▁coconut", + -10.947491645812988 + ], + [ + "▁fitted", + -10.947654724121094 + ], + [ + "▁FL", + -10.947710990905762 + ], + [ + "▁contents", + -10.94813346862793 + ], + [ + "▁spare", + -10.949023246765137 + ], + [ + "▁quantity", + -10.949066162109377 + ], + [ + "▁administrative", + -10.949141502380373 + ], + [ + "▁nutrition", + -10.949529647827148 + ], + [ + "▁soup", + -10.94960594177246 + ], + [ + "▁apparently", + -10.950042724609377 + ], + [ + "▁announcement", + -10.950397491455078 + ], + [ + "▁Oct", + -10.95048713684082 + ], + [ + "▁generations", + -10.951252937316896 + ], + [ + "40", + -10.952189445495604 + ], + [ + "▁Property", + -10.952573776245115 + ], + [ + "ana", + -10.952604293823242 + ], + [ + "▁passes", + -10.953455924987791 + ], + [ + "▁settlement", + -10.953472137451172 + ], + [ + "▁representing", + -10.953763961791992 + ], + [ + "▁damages", + -10.953810691833496 + ], + [ + "▁facilitate", + -10.954224586486816 + ], + [ + "▁scenario", + -10.954380989074709 + ], + [ + "▁drain", + -10.954462051391602 + ], + [ + "▁hopefully", + -10.954835891723633 + ], + [ + "▁appreciated", + -10.954842567443848 + ], + [ + "▁principal", + -10.95492172241211 + ], + [ + "▁releases", + -10.955077171325684 + ], + [ + "▁repeat", + -10.955132484436035 + ], + [ + "▁alike", + -10.955160140991213 + ], + [ + "▁modified", + -10.955310821533203 + ], + [ + "mo", + -10.955941200256348 + ], + [ + "▁publishing", + -10.95595645904541 + ], + [ + "▁edges", + -10.956045150756836 + ], + [ + "▁transformation", + -10.956476211547852 + ], + [ + "▁difficulty", + -10.95670223236084 + ], + [ + "book", + -10.956748008728027 + ], + [ + "ha", + -10.956796646118164 + ], + [ + "▁discovery", + -10.95705223083496 + ], + [ + "▁jacket", + -10.95709991455078 + ], + [ + "▁paintings", + -10.957250595092772 + ], + [ + "▁honey", + -10.957303047180176 + ], + [ + "▁mouse", + -10.957634925842283 + ], + [ + "▁Action", + -10.957703590393066 + ], + [ + "▁y", + -10.95779037475586 + ], + [ + "▁virtually", + -10.958212852478027 + ], + [ + "▁Industry", + -10.958306312561035 + ], + [ + "▁flag", + -10.959117889404297 + ], + [ + "▁MS", + -10.959219932556152 + ], + [ + "▁apple", + -10.95944118499756 + ], + [ + "▁divided", + -10.959473609924316 + ], + [ + "▁reviewed", + -10.959490776062012 + ], + [ + "▁extraordinary", + -10.959548950195312 + ], + [ + "▁refund", + -10.95969009399414 + ], + [ + "▁salary", + -10.959752082824709 + ], + [ + "▁diagnosis", + -10.959794044494627 + ], + [ + "▁observed", + -10.959808349609377 + ], + [ + "▁emphasis", + -10.959843635559082 + ], + [ + "▁Due", + -10.960431098937988 + ], + [ + "▁Multi", + -10.960512161254885 + ], + [ + "▁behaviour", + -10.96052074432373 + ], + [ + "▁vertical", + -10.96070384979248 + ], + [ + "▁Finance", + -10.960854530334473 + ], + [ + "▁operators", + -10.96117115020752 + ], + [ + "▁survive", + -10.96207046508789 + ], + [ + "▁Republican", + -10.962129592895508 + ], + [ + "▁Working", + -10.962199211120604 + ], + [ + "▁gathered", + -10.962371826171877 + ], + [ + "▁conversations", + -10.962702751159668 + ], + [ + "▁selecting", + -10.962777137756348 + ], + [ + "▁timely", + -10.963027000427246 + ], + [ + "▁ON", + -10.963102340698242 + ], + [ + "▁Oregon", + -10.963106155395508 + ], + [ + "▁worried", + -10.96369457244873 + ], + [ + "▁relation", + -10.963702201843262 + ], + [ + "Free", + -10.964314460754396 + ], + [ + "▁argument", + -10.964327812194824 + ], + [ + "▁relaxed", + -10.964503288269045 + ], + [ + "▁shut", + -10.964515686035156 + ], + [ + "▁Henry", + -10.96460247039795 + ], + [ + "▁Non", + -10.964802742004396 + ], + [ + "▁qualify", + -10.965097427368164 + ], + [ + "25", + -10.965450286865234 + ], + [ + "▁pregnancy", + -10.965594291687012 + ], + [ + "▁Latin", + -10.966097831726074 + ], + [ + "▁Supreme", + -10.967416763305664 + ], + [ + "▁operator", + -10.967490196228027 + ], + [ + "▁Bookmark", + -10.967524528503418 + ], + [ + "▁mounted", + -10.96757698059082 + ], + [ + "▁retailers", + -10.968029022216797 + ], + [ + "sized", + -10.968286514282228 + ], + [ + "▁translation", + -10.968669891357422 + ], + [ + "▁$5", + -10.969141960144045 + ], + [ + "▁finds", + -10.969152450561523 + ], + [ + "▁Gas", + -10.969338417053224 + ], + [ + "▁admission", + -10.969923973083496 + ], + [ + "▁fraud", + -10.97024154663086 + ], + [ + "▁Adam", + -10.970295906066896 + ], + [ + "▁generous", + -10.970477104187012 + ], + [ + "▁earnings", + -10.970520973205566 + ], + [ + "▁Am", + -10.970840454101562 + ], + [ + "▁fastest", + -10.970952033996582 + ], + [ + "▁expanding", + -10.971179962158203 + ], + [ + "▁commission", + -10.97119140625 + ], + [ + "▁Fall", + -10.971275329589844 + ], + [ + "▁precise", + -10.971373558044434 + ], + [ + "▁pray", + -10.971403121948242 + ], + [ + "▁intellectual", + -10.97171401977539 + ], + [ + "▁wisdom", + -10.971837043762209 + ], + [ + "▁Edition", + -10.972055435180664 + ], + [ + "▁Moon", + -10.97206211090088 + ], + [ + "ize", + -10.972246170043944 + ], + [ + "His", + -10.97230052947998 + ], + [ + "▁55", + -10.972457885742188 + ], + [ + "▁rack", + -10.972536087036133 + ], + [ + "Love", + -10.97319793701172 + ], + [ + "▁encouraging", + -10.973198890686035 + ], + [ + "ac", + -10.973362922668455 + ], + [ + "▁arrested", + -10.973499298095703 + ], + [ + "▁productive", + -10.973894119262695 + ], + [ + "▁Brian", + -10.974153518676758 + ], + [ + "▁dough", + -10.974382400512695 + ], + [ + "▁Dallas", + -10.974627494812012 + ], + [ + "▁ski", + -10.974665641784668 + ], + [ + "▁incorporate", + -10.97476577758789 + ], + [ + "▁Beautiful", + -10.974843978881836 + ], + [ + "▁rings", + -10.97496223449707 + ], + [ + "▁wines", + -10.975059509277344 + ], + [ + "▁bio", + -10.97507095336914 + ], + [ + "▁Chair", + -10.975682258605955 + ], + [ + "▁conclusion", + -10.975686073303224 + ], + [ + "▁Alex", + -10.97590160369873 + ], + [ + "▁Change", + -10.97612190246582 + ], + [ + "▁$10", + -10.97624397277832 + ], + [ + "▁minister", + -10.976713180541992 + ], + [ + "▁Turkey", + -10.977399826049805 + ], + [ + "▁accordance", + -10.977428436279297 + ], + [ + "Looking", + -10.977510452270508 + ], + [ + "▁Available", + -10.977596282958984 + ], + [ + "▁entries", + -10.977627754211426 + ], + [ + "▁evil", + -10.977865219116213 + ], + [ + "▁inter", + -10.978038787841797 + ], + [ + "▁oils", + -10.978073120117188 + ], + [ + "▁Experience", + -10.978087425231934 + ], + [ + "▁Based", + -10.978179931640623 + ], + [ + "ah", + -10.978424072265623 + ], + [ + "▁combat", + -10.978800773620604 + ], + [ + "▁popularity", + -10.978909492492676 + ], + [ + "▁ill", + -10.978999137878418 + ], + [ + "▁blogs", + -10.979012489318848 + ], + [ + "▁tourist", + -10.979154586791992 + ], + [ + "▁lightweight", + -10.979185104370115 + ], + [ + "▁exit", + -10.97937297821045 + ], + [ + "▁bug", + -10.97972583770752 + ], + [ + "▁chest", + -10.979890823364258 + ], + [ + "▁attractions", + -10.980042457580566 + ], + [ + "▁Delhi", + -10.980831146240234 + ], + [ + "▁placing", + -10.98090934753418 + ], + [ + "▁Daily", + -10.981081008911133 + ], + [ + "▁Tree", + -10.981511116027832 + ], + [ + "▁Certified", + -10.981680870056152 + ], + [ + "▁adoption", + -10.981793403625488 + ], + [ + "▁entertaining", + -10.982260704040527 + ], + [ + "▁grounds", + -10.982651710510254 + ], + [ + "▁workforce", + -10.982741355895996 + ], + [ + "▁sole", + -10.982869148254396 + ], + [ + "▁elsewhere", + -10.983526229858398 + ], + [ + "ham", + -10.983742713928224 + ], + [ + "▁lady", + -10.984437942504885 + ], + [ + "Read", + -10.9844388961792 + ], + [ + "▁powered", + -10.984683990478516 + ], + [ + "▁opposed", + -10.98520278930664 + ], + [ + "▁achieving", + -10.985523223876951 + ], + [ + "▁Everything", + -10.985600471496582 + ], + [ + "American", + -10.98578643798828 + ], + [ + "▁captured", + -10.985810279846191 + ], + [ + "▁specifications", + -10.986180305480955 + ], + [ + "ce", + -10.986324310302734 + ], + [ + "▁proved", + -10.98671054840088 + ], + [ + "▁AI", + -10.98688793182373 + ], + [ + "▁acres", + -10.986947059631348 + ], + [ + "▁AT", + -10.987314224243164 + ], + [ + "▁estimates", + -10.987421989440918 + ], + [ + "▁indicated", + -10.987872123718262 + ], + [ + "▁composition", + -10.987920761108398 + ], + [ + "▁Civil", + -10.988062858581545 + ], + [ + "▁rail", + -10.98811149597168 + ], + [ + "▁navigate", + -10.98843002319336 + ], + [ + "▁Ocean", + -10.988463401794434 + ], + [ + "▁Memorial", + -10.98853588104248 + ], + [ + "▁con", + -10.988643646240234 + ], + [ + "▁Ontario", + -10.98878288269043 + ], + [ + "16", + -10.988831520080566 + ], + [ + "▁Large", + -10.98886775970459 + ], + [ + "▁slide", + -10.989051818847656 + ], + [ + "▁poverty", + -10.989419937133787 + ], + [ + "▁advised", + -10.989455223083496 + ], + [ + "▁theatre", + -10.989580154418944 + ], + [ + "▁prescription", + -10.989697456359863 + ], + [ + "▁Band", + -10.989733695983888 + ], + [ + "▁Cape", + -10.989873886108398 + ], + [ + "▁priced", + -10.989916801452637 + ], + [ + "▁pen", + -10.990041732788086 + ], + [ + "▁copyright", + -10.990079879760742 + ], + [ + "▁Authority", + -10.990114212036133 + ], + [ + "▁grace", + -10.990124702453612 + ], + [ + "é", + -10.990221977233888 + ], + [ + "▁lie", + -10.990325927734377 + ], + [ + "▁reverse", + -10.99107265472412 + ], + [ + "▁capability", + -10.991170883178713 + ], + [ + "▁caring", + -10.991639137268066 + ], + [ + "▁Vice", + -10.991695404052734 + ], + [ + "▁Kim", + -10.991804122924805 + ], + [ + "▁Con", + -10.991926193237305 + ], + [ + "ge", + -10.99307632446289 + ], + [ + "▁Need", + -10.993172645568848 + ], + [ + "▁forth", + -10.993351936340332 + ], + [ + "▁Youth", + -10.99339485168457 + ], + [ + "▁streaming", + -10.993406295776367 + ], + [ + "▁parameters", + -10.99348258972168 + ], + [ + "▁Roman", + -10.994100570678713 + ], + [ + "▁locate", + -10.994292259216309 + ], + [ + "▁vulnerable", + -10.994874954223633 + ], + [ + "▁boss", + -10.994975090026855 + ], + [ + "▁screening", + -10.994986534118652 + ], + [ + "▁Mrs", + -10.996150016784668 + ], + [ + "100", + -10.996222496032717 + ], + [ + "▁Melbourne", + -10.996599197387695 + ], + [ + "▁iconic", + -10.996880531311035 + ], + [ + "▁fiction", + -10.997015953063965 + ], + [ + "▁ranked", + -10.99708652496338 + ], + [ + "▁somehow", + -10.997480392456056 + ], + [ + "▁Cook", + -10.997486114501951 + ], + [ + "▁prints", + -10.998080253601074 + ], + [ + "month", + -10.998455047607422 + ], + [ + "▁duration", + -10.998784065246582 + ], + [ + "▁Orange", + -10.998790740966797 + ], + [ + "▁provision", + -10.999244689941406 + ], + [ + "set", + -10.999302864074709 + ], + [ + "▁weak", + -10.999329566955566 + ], + [ + "▁cleaner", + -10.99977207183838 + ], + [ + "▁walks", + -10.999951362609863 + ], + [ + "▁boot", + -11.00063705444336 + ], + [ + "▁courts", + -11.000943183898926 + ], + [ + "con", + -11.000946044921877 + ], + [ + "▁danger", + -11.001104354858398 + ], + [ + "▁Industrial", + -11.001957893371582 + ], + [ + "▁mount", + -11.002117156982422 + ], + [ + "▁arranged", + -11.002156257629396 + ], + [ + "▁exclusively", + -11.002331733703612 + ], + [ + "▁wishes", + -11.002548217773438 + ], + [ + "▁Cleaning", + -11.00287628173828 + ], + [ + "▁Atlanta", + -11.003257751464844 + ], + [ + "▁endless", + -11.004283905029297 + ], + [ + "▁memorable", + -11.004438400268556 + ], + [ + "▁Manchester", + -11.00446319580078 + ], + [ + "▁baseball", + -11.004494667053224 + ], + [ + "▁hunting", + -11.004498481750488 + ], + [ + "▁immune", + -11.004566192626951 + ], + [ + "▁crushing", + -11.005051612854004 + ], + [ + "▁hip", + -11.0050687789917 + ], + [ + "▁Environmental", + -11.005090713500977 + ], + [ + "▁Classic", + -11.005395889282228 + ], + [ + "▁export", + -11.005526542663574 + ], + [ + "▁Pay", + -11.00562858581543 + ], + [ + "▁occasions", + -11.005643844604492 + ], + [ + "].", + -11.005959510803224 + ], + [ + "▁Assistant", + -11.006132125854492 + ], + [ + "People", + -11.006564140319824 + ], + [ + "▁restrictions", + -11.007036209106444 + ], + [ + "▁Advanced", + -11.007161140441896 + ], + [ + "▁reward", + -11.007257461547852 + ], + [ + "▁photograph", + -11.007277488708496 + ], + [ + "▁operates", + -11.007434844970703 + ], + [ + "▁oldest", + -11.008010864257812 + ], + [ + "▁ultra", + -11.00851058959961 + ], + [ + "▁Forum", + -11.008535385131836 + ], + [ + "▁publish", + -11.008801460266112 + ], + [ + "▁enabled", + -11.008955955505373 + ], + [ + "▁III", + -11.00916862487793 + ], + [ + "▁trails", + -11.009459495544434 + ], + [ + "▁stocks", + -11.009465217590332 + ], + [ + "▁universe", + -11.009810447692873 + ], + [ + "▁bound", + -11.009870529174805 + ], + [ + "▁Ms", + -11.010072708129885 + ], + [ + "▁tennis", + -11.010127067565918 + ], + [ + "▁NFL", + -11.010332107543944 + ], + [ + "▁fireplace", + -11.010454177856444 + ], + [ + "▁donations", + -11.01082992553711 + ], + [ + "▁twin", + -11.01101303100586 + ], + [ + "▁resulted", + -11.01113986968994 + ], + [ + "▁Section", + -11.011199951171877 + ], + [ + "▁120", + -11.011366844177246 + ], + [ + "▁Number", + -11.012102127075195 + ], + [ + "▁pointed", + -11.012234687805176 + ], + [ + "ists", + -11.012239456176758 + ], + [ + "▁burning", + -11.012289047241213 + ], + [ + "▁keen", + -11.012346267700195 + ], + [ + "▁Size", + -11.012455940246582 + ], + [ + "▁Ray", + -11.01250457763672 + ], + [ + "▁closet", + -11.012545585632324 + ], + [ + "responsibilities", + -11.013330459594728 + ], + [ + "▁travelling", + -11.013778686523438 + ], + [ + "what", + -11.014068603515623 + ], + [ + "▁bid", + -11.014152526855469 + ], + [ + "▁Ed", + -11.015019416809082 + ], + [ + "▁profits", + -11.015192031860352 + ], + [ + "▁Brazil", + -11.015310287475586 + ], + [ + "▁showcase", + -11.016085624694824 + ], + [ + "▁colorful", + -11.016311645507812 + ], + [ + "▁legacy", + -11.01634120941162 + ], + [ + "▁ordinary", + -11.01646900177002 + ], + [ + "▁Linux", + -11.016802787780762 + ], + [ + "▁waves", + -11.016940116882324 + ], + [ + "▁Resume", + -11.01700496673584 + ], + [ + "▁34", + -11.017033576965332 + ], + [ + "▁permalink", + -11.017284393310549 + ], + [ + "▁excitement", + -11.017287254333496 + ], + [ + "▁tied", + -11.017447471618652 + ], + [ + "q", + -11.01759433746338 + ], + [ + "▁Mo", + -11.01766300201416 + ], + [ + "run", + -11.017724990844728 + ], + [ + "▁jaw", + -11.018365859985352 + ], + [ + "▁DNA", + -11.018486976623535 + ], + [ + "▁stops", + -11.019089698791504 + ], + [ + "▁hide", + -11.019224166870115 + ], + [ + "▁Miller", + -11.019323348999023 + ], + [ + "ability", + -11.01949405670166 + ], + [ + "▁hesitate", + -11.019608497619627 + ], + [ + "▁bulk", + -11.019700050354004 + ], + [ + "▁thorough", + -11.01974868774414 + ], + [ + "▁trucks", + -11.019891738891602 + ], + [ + "▁Run", + -11.02032470703125 + ], + [ + "▁prevention", + -11.02066421508789 + ], + [ + "▁scan", + -11.02093505859375 + ], + [ + "▁musicians", + -11.02116584777832 + ], + [ + "▁crystal", + -11.021469116210938 + ], + [ + "▁Donald", + -11.021650314331056 + ], + [ + "▁Davis", + -11.021836280822754 + ], + [ + "▁swing", + -11.021939277648926 + ], + [ + "law", + -11.022489547729492 + ], + [ + "▁conservation", + -11.0227632522583 + ], + [ + "▁rank", + -11.022855758666992 + ], + [ + "▁Cat", + -11.022930145263672 + ], + [ + "▁wise", + -11.023062705993652 + ], + [ + "Does", + -11.02312469482422 + ], + [ + "▁generic", + -11.023422241210938 + ], + [ + "▁seating", + -11.023507118225098 + ], + [ + "▁Door", + -11.023512840270996 + ], + [ + "▁shaped", + -11.023565292358398 + ], + [ + "▁retain", + -11.02366828918457 + ], + [ + "▁tailored", + -11.023802757263184 + ], + [ + "13", + -11.023838996887209 + ], + [ + "▁hospitals", + -11.023907661437988 + ], + [ + "▁unlike", + -11.024063110351562 + ], + [ + "▁optimal", + -11.02439022064209 + ], + [ + "km", + -11.024971961975098 + ], + [ + "▁En", + -11.025174140930176 + ], + [ + "▁buttons", + -11.025639533996582 + ], + [ + "▁expense", + -11.026180267333984 + ], + [ + "▁horses", + -11.026193618774414 + ], + [ + "▁glasses", + -11.026695251464844 + ], + [ + "▁Nature", + -11.026893615722656 + ], + [ + "!”", + -11.026935577392578 + ], + [ + "▁Jordan", + -11.027084350585938 + ], + [ + "▁600", + -11.027193069458008 + ], + [ + "▁MD", + -11.027392387390137 + ], + [ + "▁strengthen", + -11.027578353881836 + ], + [ + "▁assignment", + -11.027767181396484 + ], + [ + "▁mess", + -11.02785587310791 + ], + [ + "▁Select", + -11.027860641479492 + ], + [ + "▁Bush", + -11.027891159057615 + ], + [ + "Best", + -11.02808666229248 + ], + [ + "▁NC", + -11.02818202972412 + ], + [ + "▁2013,", + -11.028276443481444 + ], + [ + "▁Kevin", + -11.028411865234377 + ], + [ + "▁frames", + -11.028443336486816 + ], + [ + "▁conditioning", + -11.02855396270752 + ], + [ + "▁Money", + -11.028654098510742 + ], + [ + "▁Paper", + -11.029204368591309 + ], + [ + "▁batteries", + -11.029255867004396 + ], + [ + "▁Philadelphia", + -11.02932357788086 + ], + [ + "▁sexual", + -11.02940845489502 + ], + [ + "▁Creative", + -11.030434608459473 + ], + [ + "▁VA", + -11.030467987060549 + ], + [ + "▁Dog", + -11.030753135681152 + ], + [ + "ive", + -11.030779838562012 + ], + [ + "ex", + -11.031038284301758 + ], + [ + "lo", + -11.031452178955078 + ], + [ + "▁laundry", + -11.031453132629396 + ], + [ + "▁sized", + -11.031492233276367 + ], + [ + "▁ought", + -11.031808853149414 + ], + [ + "▁okay", + -11.031850814819336 + ], + [ + "▁satellite", + -11.032134056091309 + ], + [ + "▁tackle", + -11.03227996826172 + ], + [ + "▁physically", + -11.032629013061523 + ], + [ + "▁keyboard", + -11.032642364501951 + ], + [ + "▁Resources", + -11.032670021057127 + ], + [ + "▁Again", + -11.033076286315918 + ], + [ + "▁dancing", + -11.03313446044922 + ], + [ + "▁preserve", + -11.033288955688477 + ], + [ + "▁stomach", + -11.033324241638184 + ], + [ + "▁voters", + -11.033397674560549 + ], + [ + "▁loop", + -11.033495903015137 + ], + [ + "▁tourism", + -11.033921241760254 + ], + [ + "▁fingers", + -11.035216331481934 + ], + [ + "▁resistant", + -11.035468101501465 + ], + [ + "▁boots", + -11.03594207763672 + ], + [ + "▁movements", + -11.03603458404541 + ], + [ + "▁landing", + -11.036091804504396 + ], + [ + "▁tutorial", + -11.036173820495604 + ], + [ + "▁Chapter", + -11.03639316558838 + ], + [ + "▁sentence", + -11.03653335571289 + ], + [ + "▁Iron", + -11.036663055419922 + ], + [ + "▁Regional", + -11.036730766296388 + ], + [ + "▁Double", + -11.036846160888672 + ], + [ + "▁Wisconsin", + -11.037057876586914 + ], + [ + "▁Planning", + -11.038171768188477 + ], + [ + "▁TX", + -11.038338661193848 + ], + [ + "ite", + -11.038426399230955 + ], + [ + "▁plumbing", + -11.038442611694336 + ], + [ + "▁answered", + -11.038447380065918 + ], + [ + "ler", + -11.03844928741455 + ], + [ + "▁spin", + -11.038455963134766 + ], + [ + "▁placement", + -11.038777351379396 + ], + [ + "▁shed", + -11.039298057556152 + ], + [ + "▁deadline", + -11.03932762145996 + ], + [ + "▁formation", + -11.039411544799805 + ], + [ + "▁sorts", + -11.039687156677246 + ], + [ + "▁1.5", + -11.039868354797363 + ], + [ + "▁knee", + -11.039895057678224 + ], + [ + "▁departments", + -11.039928436279297 + ], + [ + "▁involvement", + -11.040289878845217 + ], + [ + "▁pushing", + -11.040863037109377 + ], + [ + "▁Unit", + -11.04104995727539 + ], + [ + "ke", + -11.041178703308104 + ], + [ + "▁finger", + -11.041397094726562 + ], + [ + "▁clinic", + -11.041430473327637 + ], + [ + "▁reliability", + -11.04177474975586 + ], + [ + "▁anytime", + -11.042344093322754 + ], + [ + "▁army", + -11.042974472045898 + ], + [ + "▁likes", + -11.043102264404297 + ], + [ + "▁references", + -11.043296813964844 + ], + [ + "▁2011.", + -11.043463706970217 + ], + [ + "▁Sound", + -11.04348373413086 + ], + [ + "▁stir", + -11.043487548828123 + ], + [ + "▁lawn", + -11.043628692626951 + ], + [ + "▁Moreover", + -11.043755531311035 + ], + [ + "▁Date", + -11.044411659240724 + ], + [ + "▁elections", + -11.04460620880127 + ], + [ + "▁Sarah", + -11.04500675201416 + ], + [ + "▁Bed", + -11.04515266418457 + ], + [ + "▁Member", + -11.045307159423828 + ], + [ + "▁presentations", + -11.045342445373535 + ], + [ + "▁opposition", + -11.045412063598633 + ], + [ + "▁Wales", + -11.04542350769043 + ], + [ + "▁luxurious", + -11.045597076416016 + ], + [ + "▁struck", + -11.047088623046877 + ], + [ + "▁Lady", + -11.047106742858888 + ], + [ + "▁diamond", + -11.047194480895996 + ], + [ + "stone", + -11.047338485717772 + ], + [ + "▁substance", + -11.04761791229248 + ], + [ + "▁summary", + -11.047688484191896 + ], + [ + "▁outdoors", + -11.04782772064209 + ], + [ + "▁Maryland", + -11.04807949066162 + ], + [ + "▁adequate", + -11.04818630218506 + ], + [ + "▁worker", + -11.048247337341309 + ], + [ + "▁followers", + -11.04834270477295 + ], + [ + "2)", + -11.048683166503906 + ], + [ + "▁Interior", + -11.048717498779297 + ], + [ + "▁#1", + -11.048922538757324 + ], + [ + "▁renowned", + -11.049420356750488 + ], + [ + "▁Name", + -11.049842834472656 + ], + [ + "▁dealer", + -11.050044059753418 + ], + [ + "▁magical", + -11.05014991760254 + ], + [ + "▁automated", + -11.05035400390625 + ], + [ + "▁suits", + -11.050538063049316 + ], + [ + "▁nail", + -11.050682067871094 + ], + [ + "▁superb", + -11.0507230758667 + ], + [ + "▁prominent", + -11.050761222839355 + ], + [ + "▁fancy", + -11.050850868225098 + ], + [ + "▁coaches", + -11.050938606262209 + ], + [ + "▁grinding", + -11.051026344299316 + ], + [ + "▁Li", + -11.051095962524414 + ], + [ + "▁Application", + -11.051605224609377 + ], + [ + "wide", + -11.05212688446045 + ], + [ + "▁fluid", + -11.052227020263672 + ], + [ + "▁principle", + -11.05268669128418 + ], + [ + "▁flavors", + -11.05317211151123 + ], + [ + "ray", + -11.05351734161377 + ], + [ + "being", + -11.053894996643066 + ], + [ + "▁forecast", + -11.05398178100586 + ], + [ + "▁delighted", + -11.054118156433104 + ], + [ + "▁20%", + -11.054986953735352 + ], + [ + "▁brick", + -11.055179595947266 + ], + [ + "▁User", + -11.055327415466309 + ], + [ + "▁mechanism", + -11.055912017822266 + ], + [ + "▁emissions", + -11.055926322937012 + ], + [ + "▁38", + -11.056224822998049 + ], + [ + "▁duties", + -11.056632995605469 + ], + [ + "▁shoe", + -11.056668281555176 + ], + [ + "▁loaded", + -11.057127952575684 + ], + [ + "▁1990", + -11.05726432800293 + ], + [ + "▁tension", + -11.05759620666504 + ], + [ + "▁Castle", + -11.057741165161133 + ], + [ + "▁Kansas", + -11.057751655578612 + ], + [ + "▁wherever", + -11.057894706726074 + ], + [ + "▁labels", + -11.058138847351074 + ], + [ + "▁calories", + -11.05903434753418 + ], + [ + "▁contributed", + -11.059122085571287 + ], + [ + "▁fitting", + -11.059252738952637 + ], + [ + "▁cart", + -11.059293746948242 + ], + [ + "▁Mc", + -11.059444427490234 + ], + [ + "im", + -11.059523582458496 + ], + [ + "▁origin", + -11.060018539428713 + ], + [ + "▁64", + -11.060052871704102 + ], + [ + "▁Fast", + -11.060310363769531 + ], + [ + "▁shipped", + -11.060355186462402 + ], + [ + "▁shortly", + -11.060829162597656 + ], + [ + "▁42", + -11.060887336730955 + ], + [ + "▁overseas", + -11.0609769821167 + ], + [ + "she", + -11.061016082763672 + ], + [ + "▁Within", + -11.061145782470703 + ], + [ + "▁Bedroom", + -11.061232566833496 + ], + [ + "▁Furthermore", + -11.061277389526367 + ], + [ + "▁survival", + -11.06166648864746 + ], + [ + "▁downloaded", + -11.0620756149292 + ], + [ + "▁vitamin", + -11.063050270080566 + ], + [ + "▁Equipment", + -11.063051223754885 + ], + [ + "▁Bio", + -11.06312370300293 + ], + [ + "▁fake", + -11.063359260559082 + ], + [ + "▁secured", + -11.063490867614746 + ], + [ + "Or", + -11.063677787780762 + ], + [ + "▁delete", + -11.06382942199707 + ], + [ + "▁2004", + -11.064552307128906 + ], + [ + "14", + -11.064720153808594 + ], + [ + "▁supplement", + -11.06480598449707 + ], + [ + "▁shock", + -11.064924240112305 + ], + [ + "▁extract", + -11.065260887145996 + ], + [ + "▁lamp", + -11.065403938293455 + ], + [ + "▁consultant", + -11.065570831298828 + ], + [ + "▁Bell", + -11.066137313842772 + ], + [ + "View", + -11.066208839416504 + ], + [ + "▁developments", + -11.066840171813965 + ], + [ + "▁fault", + -11.067411422729492 + ], + [ + "▁complaint", + -11.067560195922852 + ], + [ + "▁rescue", + -11.067825317382812 + ], + [ + "light", + -11.068426132202148 + ], + [ + "▁fridge", + -11.068758010864258 + ], + [ + "▁regulation", + -11.068971633911133 + ], + [ + "▁Dark", + -11.069071769714355 + ], + [ + "▁fulfill", + -11.06924057006836 + ], + [ + "▁treats", + -11.070001602172852 + ], + [ + "▁carrier", + -11.07014274597168 + ], + [ + "▁venues", + -11.070192337036133 + ], + [ + "▁combines", + -11.070330619812012 + ], + [ + "▁bottles", + -11.070427894592283 + ], + [ + "▁entrepreneurs", + -11.070621490478516 + ], + [ + "▁checks", + -11.071619987487791 + ], + [ + "▁annually", + -11.071700096130373 + ], + [ + "▁pregnant", + -11.071755409240724 + ], + [ + "▁enabling", + -11.071942329406738 + ], + [ + "▁Ph", + -11.071988105773926 + ], + [ + "▁variable", + -11.072317123413086 + ], + [ + "-2", + -11.0726318359375 + ], + [ + "▁killing", + -11.072674751281738 + ], + [ + "▁investigate", + -11.072869300842283 + ], + [ + "▁Tri", + -11.07316780090332 + ], + [ + "▁newsletter", + -11.073232650756836 + ], + [ + "▁dose", + -11.07328987121582 + ], + [ + "▁Sciences", + -11.073375701904297 + ], + [ + "▁processor", + -11.073801040649414 + ], + [ + "▁marine", + -11.074077606201172 + ], + [ + "water", + -11.074884414672852 + ], + [ + "▁funded", + -11.07504940032959 + ], + [ + "▁Indiana", + -11.075121879577637 + ], + [ + "▁Mass", + -11.07524299621582 + ], + [ + "▁arrangement", + -11.07535457611084 + ], + [ + "▁bay", + -11.07544231414795 + ], + [ + "▁hiking", + -11.07545566558838 + ], + [ + "▁implementing", + -11.076641082763672 + ], + [ + "▁occasionally", + -11.077219009399414 + ], + [ + "ee", + -11.077594757080078 + ], + [ + "▁cookie", + -11.077710151672363 + ], + [ + "▁passenger", + -11.07783031463623 + ], + [ + "▁charging", + -11.078354835510254 + ], + [ + "▁subsequent", + -11.07852268218994 + ], + [ + "▁2-", + -11.07861328125 + ], + [ + "▁minds", + -11.078882217407228 + ], + [ + "▁optional", + -11.079642295837402 + ], + [ + "▁gate", + -11.079822540283203 + ], + [ + "▁churches", + -11.07984447479248 + ], + [ + "▁routes", + -11.080065727233888 + ], + [ + "▁producers", + -11.080706596374512 + ], + [ + "▁Stephen", + -11.080899238586426 + ], + [ + "▁handled", + -11.081116676330566 + ], + [ + "▁Commercial", + -11.081158638000488 + ], + [ + "▁dialogue", + -11.081193923950195 + ], + [ + "▁organize", + -11.081546783447266 + ], + [ + "▁participated", + -11.08173370361328 + ], + [ + "▁sits", + -11.082076072692873 + ], + [ + "▁transferred", + -11.082159996032717 + ], + [ + "▁indicates", + -11.082165718078612 + ], + [ + "▁DJ", + -11.082232475280762 + ], + [ + "▁gently", + -11.082568168640137 + ], + [ + "▁agenda", + -11.083311080932615 + ], + [ + "▁profiles", + -11.083324432373049 + ], + [ + "▁Hills", + -11.083805084228516 + ], + [ + "▁Map", + -11.083834648132324 + ], + [ + "▁retired", + -11.083970069885254 + ], + [ + "▁Resort", + -11.084110260009766 + ], + [ + "▁Prince", + -11.08417797088623 + ], + [ + "▁subtle", + -11.084269523620604 + ], + [ + "▁nations", + -11.08436107635498 + ], + [ + "▁brothers", + -11.08446216583252 + ], + [ + "▁roofing", + -11.08452320098877 + ], + [ + "▁Kit", + -11.0850248336792 + ], + [ + "▁spectrum", + -11.085407257080078 + ], + [ + "▁Things", + -11.085466384887695 + ], + [ + "▁bass", + -11.0855073928833 + ], + [ + "▁Performance", + -11.08553981781006 + ], + [ + "▁physician", + -11.085843086242676 + ], + [ + "Learn", + -11.086023330688477 + ], + [ + "▁Wild", + -11.087263107299805 + ], + [ + "▁pdf", + -11.087369918823242 + ], + [ + "▁curious", + -11.087451934814451 + ], + [ + "▁wellness", + -11.087496757507324 + ], + [ + "Will", + -11.087592124938965 + ], + [ + "▁Democratic", + -11.08803653717041 + ], + [ + "▁threats", + -11.088144302368164 + ], + [ + "▁potatoes", + -11.08823299407959 + ], + [ + "such", + -11.088335990905762 + ], + [ + "ary", + -11.088557243347168 + ], + [ + "▁Elizabeth", + -11.088753700256348 + ], + [ + "▁costly", + -11.088757514953612 + ], + [ + "▁effectiveness", + -11.08893585205078 + ], + [ + "▁Massachusetts", + -11.089225769042969 + ], + [ + "▁Di", + -11.08994483947754 + ], + [ + "▁loads", + -11.089970588684082 + ], + [ + "▁regards", + -11.090167045593262 + ], + [ + "▁differently", + -11.090301513671877 + ], + [ + "▁immigration", + -11.090805053710938 + ], + [ + "▁virus", + -11.091078758239746 + ], + [ + "▁Body", + -11.091272354125977 + ], + [ + "▁filing", + -11.091365814208984 + ], + [ + "▁Child", + -11.09139919281006 + ], + [ + "▁odd", + -11.09143352508545 + ], + [ + "▁franchise", + -11.09171199798584 + ], + [ + "▁Side", + -11.092111587524414 + ], + [ + "▁evolution", + -11.09256076812744 + ], + [ + "▁homeowners", + -11.092695236206056 + ], + [ + "▁Championship", + -11.09300136566162 + ], + [ + "▁pushed", + -11.093238830566406 + ], + [ + "▁essays", + -11.093608856201172 + ], + [ + "▁tender", + -11.093621253967283 + ], + [ + "▁camping", + -11.093754768371582 + ], + [ + "▁realistic", + -11.093783378601074 + ], + [ + "Having", + -11.09425163269043 + ], + [ + "▁Economic", + -11.094756126403809 + ], + [ + "▁Atlantic", + -11.094768524169922 + ], + [ + "▁cabin", + -11.095293045043944 + ], + [ + "▁grid", + -11.095372200012209 + ], + [ + "▁Win", + -11.09563446044922 + ], + [ + "▁hired", + -11.095706939697266 + ], + [ + "▁Korean", + -11.095746040344238 + ], + [ + "ise", + -11.095866203308104 + ], + [ + "▁patch", + -11.096165657043455 + ], + [ + "▁analytics", + -11.09632396697998 + ], + [ + "▁Trail", + -11.096793174743652 + ], + [ + "party", + -11.096809387207031 + ], + [ + "▁settle", + -11.096832275390623 + ], + [ + "▁frozen", + -11.096929550170898 + ], + [ + "▁hill", + -11.097490310668944 + ], + [ + "▁plates", + -11.097498893737791 + ], + [ + "va", + -11.097692489624023 + ], + [ + "▁bearing", + -11.097844123840332 + ], + [ + "▁Has", + -11.097856521606444 + ], + [ + "▁thesis", + -11.098381996154783 + ], + [ + "nt", + -11.09850025177002 + ], + [ + "▁measured", + -11.098581314086914 + ], + [ + "▁Season", + -11.09868049621582 + ], + [ + "▁Olympic", + -11.099294662475586 + ], + [ + "▁moon", + -11.099583625793455 + ], + [ + "▁trigger", + -11.09975528717041 + ], + [ + "▁Harry", + -11.099820137023926 + ], + [ + "▁basement", + -11.100093841552734 + ], + [ + "▁2003", + -11.100131034851074 + ], + [ + "▁lounge", + -11.100190162658691 + ], + [ + "▁Inter", + -11.100411415100098 + ], + [ + "▁Us", + -11.100439071655272 + ], + [ + "▁Create", + -11.100515365600586 + ], + [ + "▁shell", + -11.100759506225586 + ], + [ + "▁attorneys", + -11.100987434387209 + ], + [ + "▁actors", + -11.101577758789062 + ], + [ + "▁trick", + -11.101731300354004 + ], + [ + "▁login", + -11.101761817932127 + ], + [ + "▁Dave", + -11.101935386657717 + ], + [ + "▁settled", + -11.102031707763672 + ], + [ + "▁airline", + -11.102185249328612 + ], + [ + "▁roughly", + -11.10261344909668 + ], + [ + "▁disk", + -11.102636337280272 + ], + [ + "60", + -11.10267448425293 + ], + [ + "▁Wilson", + -11.103388786315918 + ], + [ + "▁automation", + -11.103477478027344 + ], + [ + "▁backyard", + -11.10378646850586 + ], + [ + "▁Below", + -11.103843688964844 + ], + [ + "▁poetry", + -11.103941917419434 + ], + [ + "▁Galaxy", + -11.103947639465332 + ], + [ + "▁mixing", + -11.104347229003906 + ], + [ + "▁specialty", + -11.104537010192873 + ], + [ + "▁Story", + -11.104724884033203 + ], + [ + "▁hitting", + -11.104948043823242 + ], + [ + "ti", + -11.105085372924805 + ], + [ + "ten", + -11.105148315429688 + ], + [ + "▁DIY", + -11.105386734008787 + ], + [ + "▁unlikely", + -11.105557441711426 + ], + [ + "▁(2", + -11.10560703277588 + ], + [ + "▁governments", + -11.106086730957031 + ], + [ + "▁(“", + -11.106167793273926 + ], + [ + "ised", + -11.10618019104004 + ], + [ + "▁stopping", + -11.10623264312744 + ], + [ + "▁$2", + -11.106423377990724 + ], + [ + "▁affects", + -11.10642910003662 + ], + [ + "ul", + -11.106582641601562 + ], + [ + "▁Books", + -11.10683250427246 + ], + [ + "▁ISO", + -11.106986045837402 + ], + [ + "top", + -11.107182502746582 + ], + [ + "▁measurement", + -11.107466697692873 + ], + [ + "Both", + -11.10751724243164 + ], + [ + "▁Girl", + -11.107743263244627 + ], + [ + "▁reduces", + -11.107787132263184 + ], + [ + "▁Enterprise", + -11.107794761657717 + ], + [ + "▁scoring", + -11.107806205749512 + ], + [ + "▁Nations", + -11.10782241821289 + ], + [ + "▁filters", + -11.107913970947266 + ], + [ + "▁Springs", + -11.107956886291504 + ], + [ + "high", + -11.10819149017334 + ], + [ + "▁territory", + -11.108484268188477 + ], + [ + "▁stakeholders", + -11.108625411987305 + ], + [ + "just", + -11.108725547790527 + ], + [ + "▁dimensions", + -11.108832359313965 + ], + [ + "▁sum", + -11.108868598937988 + ], + [ + "▁disability", + -11.108953475952148 + ], + [ + "▁guided", + -11.10909938812256 + ], + [ + "▁difficulties", + -11.109400749206545 + ], + [ + "▁underlying", + -11.109893798828123 + ], + [ + "▁sustainability", + -11.109940528869627 + ], + [ + "▁fleet", + -11.109970092773438 + ], + [ + "▁zip", + -11.10998249053955 + ], + [ + "service", + -11.11000633239746 + ], + [ + "▁races", + -11.110121726989746 + ], + [ + "▁leaf", + -11.11026096343994 + ], + [ + "sen", + -11.110271453857422 + ], + [ + "▁Cancer", + -11.110437393188477 + ], + [ + "▁import", + -11.110465049743652 + ], + [ + "▁tourists", + -11.110535621643066 + ], + [ + "▁maker", + -11.11054515838623 + ], + [ + "▁hook", + -11.110703468322754 + ], + [ + "▁collective", + -11.110788345336914 + ], + [ + "▁composed", + -11.110799789428713 + ], + [ + "▁achievement", + -11.11091423034668 + ], + [ + "▁associate", + -11.111041069030762 + ], + [ + "▁invitation", + -11.111260414123535 + ], + [ + "▁ladies", + -11.111696243286133 + ], + [ + "▁alarm", + -11.11172580718994 + ], + [ + "▁Nick", + -11.111918449401855 + ], + [ + "▁Job", + -11.113000869750977 + ], + [ + "▁scratch", + -11.113202095031738 + ], + [ + "▁engineer", + -11.11324977874756 + ], + [ + "▁accomplished", + -11.113314628601074 + ], + [ + "▁analyze", + -11.11346435546875 + ], + [ + "▁sequence", + -11.113505363464355 + ], + [ + "▁Ka", + -11.113850593566896 + ], + [ + "▁Down", + -11.11388111114502 + ], + [ + "▁murder", + -11.114405632019045 + ], + [ + "▁1980", + -11.114407539367676 + ], + [ + "sh", + -11.114538192749023 + ], + [ + "▁offerings", + -11.11471176147461 + ], + [ + "▁suited", + -11.115344047546388 + ], + [ + "▁climb", + -11.115781784057615 + ], + [ + "▁witness", + -11.115979194641112 + ], + [ + "▁surprising", + -11.116040229797363 + ], + [ + "▁voted", + -11.116290092468262 + ], + [ + "▁profession", + -11.116579055786133 + ], + [ + "8.", + -11.116673469543455 + ], + [ + "▁gray", + -11.11676025390625 + ], + [ + "▁2012,", + -11.116947174072266 + ], + [ + "▁slip", + -11.11704158782959 + ], + [ + "▁alternatives", + -11.117141723632812 + ], + [ + "▁SO", + -11.117538452148438 + ], + [ + "▁drops", + -11.117626190185549 + ], + [ + "▁knife", + -11.118088722229004 + ], + [ + "▁designated", + -11.118107795715332 + ], + [ + "▁diameter", + -11.11816692352295 + ], + [ + "▁sing", + -11.118203163146973 + ], + [ + "▁Self", + -11.118328094482422 + ], + [ + "▁structural", + -11.118596076965332 + ], + [ + "▁disorders", + -11.11877155303955 + ], + [ + "▁min", + -11.119064331054688 + ], + [ + "▁aggressive", + -11.119065284729004 + ], + [ + "▁accompanied", + -11.119359970092772 + ], + [ + "let", + -11.119467735290527 + ], + [ + "▁concentration", + -11.119477272033691 + ], + [ + "▁imagination", + -11.119491577148438 + ], + [ + "▁Wars", + -11.119510650634766 + ], + [ + "▁Jeff", + -11.119580268859863 + ], + [ + "▁decorative", + -11.119619369506836 + ], + [ + "▁auction", + -11.11971950531006 + ], + [ + "▁pie", + -11.120132446289062 + ], + [ + "http", + -11.12027072906494 + ], + [ + "▁nicely", + -11.120278358459473 + ], + [ + "▁directors", + -11.120530128479004 + ], + [ + "▁tub", + -11.120564460754396 + ], + [ + "ons", + -11.120667457580566 + ], + [ + "▁37", + -11.120814323425291 + ], + [ + "▁narrative", + -11.121297836303713 + ], + [ + "▁Pan", + -11.12197208404541 + ], + [ + "▁solely", + -11.122103691101074 + ], + [ + "▁enjoys", + -11.122109413146973 + ], + [ + "▁GPS", + -11.122178077697754 + ], + [ + "▁breathing", + -11.122197151184082 + ], + [ + "▁feeding", + -11.122262954711914 + ], + [ + "▁identifying", + -11.122286796569824 + ], + [ + "Pro", + -11.122321128845217 + ], + [ + "▁Ask", + -11.122668266296388 + ], + [ + "▁whereas", + -11.122706413269045 + ], + [ + "▁Berlin", + -11.122718811035156 + ], + [ + "▁celebrating", + -11.122762680053713 + ], + [ + "▁Study", + -11.122919082641602 + ], + [ + "▁demonstrated", + -11.12314510345459 + ], + [ + "op", + -11.123242378234863 + ], + [ + "▁replacing", + -11.123465538024902 + ], + [ + "▁BC", + -11.123649597167969 + ], + [ + "▁tower", + -11.123920440673828 + ], + [ + "▁canvas", + -11.12428379058838 + ], + [ + "▁grocery", + -11.124370574951172 + ], + [ + "▁backed", + -11.12445831298828 + ], + [ + "▁timing", + -11.124560356140137 + ], + [ + "▁smoking", + -11.124716758728027 + ], + [ + "▁Course", + -11.12502670288086 + ], + [ + "▁varied", + -11.125093460083008 + ], + [ + "▁disorder", + -11.125580787658691 + ], + [ + "▁Net", + -11.125689506530762 + ], + [ + "ba", + -11.12578010559082 + ], + [ + "▁loud", + -11.126102447509766 + ], + [ + "our", + -11.126426696777344 + ], + [ + "air", + -11.126439094543455 + ], + [ + "▁Storage", + -11.126461029052734 + ], + [ + "▁decorating", + -11.12662410736084 + ], + [ + "▁preferences", + -11.12667179107666 + ], + [ + "▁Dutch", + -11.126821517944336 + ], + [ + "▁trim", + -11.126898765563965 + ], + [ + "▁broadcast", + -11.127206802368164 + ], + [ + "▁Stock", + -11.127650260925291 + ], + [ + "▁internationally", + -11.128177642822266 + ], + [ + "▁guilty", + -11.12821102142334 + ], + [ + "▁laugh", + -11.128808975219728 + ], + [ + "▁01", + -11.128921508789062 + ], + [ + "▁tablets", + -11.129424095153809 + ], + [ + "▁explanation", + -11.12958526611328 + ], + [ + "▁weird", + -11.129966735839844 + ], + [ + "only", + -11.12996768951416 + ], + [ + "▁comply", + -11.13001823425293 + ], + [ + "▁tasty", + -11.130194664001465 + ], + [ + "▁destinations", + -11.130399703979492 + ], + [ + "▁addiction", + -11.13054370880127 + ], + [ + "▁exploration", + -11.13077449798584 + ], + [ + "▁Ave", + -11.131095886230469 + ], + [ + "▁ban", + -11.131295204162598 + ], + [ + "▁alert", + -11.131878852844238 + ], + [ + "pa", + -11.132132530212402 + ], + [ + "▁grain", + -11.13233470916748 + ], + [ + "▁poker", + -11.13257122039795 + ], + [ + "▁contacts", + -11.133031845092772 + ], + [ + "▁shades", + -11.133075714111328 + ], + [ + "▁utilizing", + -11.133231163024902 + ], + [ + "▁coupons", + -11.133583068847656 + ], + [ + "▁exhibit", + -11.133769035339355 + ], + [ + "▁architectural", + -11.133916854858398 + ], + [ + "▁Follow", + -11.134041786193848 + ], + [ + "ol", + -11.134270668029783 + ], + [ + "ki", + -11.134742736816406 + ], + [ + "▁dressing", + -11.134861946105955 + ], + [ + "▁$100", + -11.13494873046875 + ], + [ + "▁blow", + -11.135087013244627 + ], + [ + "▁execution", + -11.135169982910156 + ], + [ + "▁qualities", + -11.13534164428711 + ], + [ + "▁Iraq", + -11.135435104370115 + ], + [ + "▁NEW", + -11.135998725891112 + ], + [ + "-12", + -11.13622760772705 + ], + [ + "▁confirmation", + -11.136451721191406 + ], + [ + "▁betting", + -11.136850357055664 + ], + [ + "▁promises", + -11.13689136505127 + ], + [ + "ER", + -11.136937141418455 + ], + [ + "ny", + -11.137093544006348 + ], + [ + "▁Homes", + -11.137096405029297 + ], + [ + "▁Tony", + -11.137537956237791 + ], + [ + "who", + -11.137885093688965 + ], + [ + "▁unlimited", + -11.138010025024414 + ], + [ + "▁purple", + -11.138014793395996 + ], + [ + "▁Jason", + -11.138038635253906 + ], + [ + "Contact", + -11.138118743896484 + ], + [ + "hi", + -11.138527870178224 + ], + [ + "▁soccer", + -11.138594627380373 + ], + [ + "▁climbing", + -11.138872146606444 + ], + [ + "▁nervous", + -11.139034271240234 + ], + [ + "▁intention", + -11.139092445373535 + ], + [ + "▁PhD", + -11.139345169067385 + ], + [ + "▁collecting", + -11.139528274536133 + ], + [ + "▁colored", + -11.139616012573242 + ], + [ + "▁versus", + -11.139755249023438 + ], + [ + "▁marketplace", + -11.13976764678955 + ], + [ + "▁dependent", + -11.139902114868164 + ], + [ + "▁commit", + -11.140286445617676 + ], + [ + "ous", + -11.14034366607666 + ], + [ + "▁enemy", + -11.140361785888672 + ], + [ + "▁2010.", + -11.140512466430664 + ], + [ + "▁promotional", + -11.140705108642578 + ], + [ + "▁charm", + -11.140741348266602 + ], + [ + "▁bite", + -11.140926361083984 + ], + [ + "▁mystery", + -11.141013145446776 + ], + [ + "▁Chi", + -11.14106273651123 + ], + [ + "▁carries", + -11.141151428222656 + ], + [ + "▁vacuum", + -11.141486167907717 + ], + [ + "▁Football", + -11.141637802124023 + ], + [ + "▁automotive", + -11.14254379272461 + ], + [ + "▁swim", + -11.142751693725586 + ], + [ + "wa", + -11.142999649047852 + ], + [ + "▁consult", + -11.143068313598633 + ], + [ + "▁nuts", + -11.14332389831543 + ], + [ + "▁blind", + -11.144067764282228 + ], + [ + "▁Hand", + -11.144125938415527 + ], + [ + "▁audiences", + -11.144192695617676 + ], + [ + "▁medications", + -11.144390106201172 + ], + [ + "▁hadn", + -11.14463996887207 + ], + [ + "▁theater", + -11.144856452941896 + ], + [ + "▁seasonal", + -11.14492893218994 + ], + [ + "May", + -11.14543628692627 + ], + [ + "TV", + -11.145663261413574 + ], + [ + "▁tune", + -11.145825386047363 + ], + [ + "▁balls", + -11.145829200744627 + ], + [ + "▁branches", + -11.14592742919922 + ], + [ + "▁satisfy", + -11.146400451660156 + ], + [ + "▁treating", + -11.146479606628418 + ], + [ + "Using", + -11.146958351135254 + ], + [ + "owned", + -11.146960258483888 + ], + [ + "▁motivation", + -11.147393226623535 + ], + [ + "Despite", + -11.147825241088867 + ], + [ + "17", + -11.148120880126951 + ], + [ + "▁r", + -11.148178100585938 + ], + [ + "▁intervention", + -11.14842128753662 + ], + [ + "▁Ad", + -11.149191856384276 + ], + [ + "▁yield", + -11.149829864501951 + ], + [ + "▁width", + -11.149850845336914 + ], + [ + "▁neighbors", + -11.149868965148926 + ], + [ + "mi", + -11.150032997131348 + ], + [ + "ad", + -11.150168418884276 + ], + [ + "▁embrace", + -11.15025806427002 + ], + [ + "der", + -11.150548934936523 + ], + [ + "▁Style", + -11.150716781616213 + ], + [ + "▁harmful", + -11.15084457397461 + ], + [ + "▁Never", + -11.150960922241213 + ], + [ + "▁scholarship", + -11.151339530944824 + ], + [ + "sa", + -11.15159797668457 + ], + [ + "▁easiest", + -11.151665687561035 + ], + [ + "▁declared", + -11.151670455932615 + ], + [ + "▁Was", + -11.15170669555664 + ], + [ + "▁seal", + -11.151729583740234 + ], + [ + "Home", + -11.15184211730957 + ], + [ + "▁Sport", + -11.151932716369627 + ], + [ + "▁powers", + -11.15230655670166 + ], + [ + "▁disc", + -11.152502059936523 + ], + [ + "▁motivated", + -11.152737617492676 + ], + [ + "▁Electric", + -11.153246879577637 + ], + [ + "▁twist", + -11.153437614440918 + ], + [ + "▁mild", + -11.153482437133787 + ], + [ + "room", + -11.153569221496582 + ], + [ + "▁collaborative", + -11.153692245483398 + ], + [ + "▁interactions", + -11.153921127319336 + ], + [ + "▁rewards", + -11.154071807861328 + ], + [ + "▁agricultural", + -11.154114723205566 + ], + [ + "▁Core", + -11.15420913696289 + ], + [ + "▁integrate", + -11.15507698059082 + ], + [ + "▁penalty", + -11.15525245666504 + ], + [ + "▁Patrick", + -11.155384063720703 + ], + [ + "▁countless", + -11.15539264678955 + ], + [ + "▁ink", + -11.15554141998291 + ], + [ + "▁PR", + -11.155625343322754 + ], + [ + "▁remind", + -11.155889511108398 + ], + [ + "▁Pages", + -11.156050682067873 + ], + [ + "▁1,000", + -11.156280517578123 + ], + [ + "round", + -11.156331062316896 + ], + [ + "depth", + -11.156641006469728 + ], + [ + "▁Letter", + -11.156689643859863 + ], + [ + "▁Vancouver", + -11.15701389312744 + ], + [ + "▁Phone", + -11.157218933105469 + ], + [ + "▁universal", + -11.15732765197754 + ], + [ + "▁sponsored", + -11.158177375793455 + ], + [ + "▁technological", + -11.158531188964844 + ], + [ + "▁credits", + -11.15877914428711 + ], + [ + "▁Walk", + -11.15889835357666 + ], + [ + "▁precision", + -11.159249305725098 + ], + [ + "▁meditation", + -11.15937042236328 + ], + [ + "▁Want", + -11.159382820129396 + ], + [ + "”)", + -11.159404754638672 + ], + [ + "▁steady", + -11.159422874450684 + ], + [ + "▁portal", + -11.159424781799316 + ], + [ + "▁flood", + -11.159430503845217 + ], + [ + "▁Template", + -11.159504890441896 + ], + [ + "▁Case", + -11.159785270690918 + ], + [ + "▁Practice", + -11.160066604614258 + ], + [ + "▁accidents", + -11.160375595092772 + ], + [ + "▁containers", + -11.16043758392334 + ], + [ + "▁Challenge", + -11.16048812866211 + ], + [ + "▁Simple", + -11.160918235778809 + ], + [ + "▁Following", + -11.161035537719728 + ], + [ + "za", + -11.161327362060549 + ], + [ + "▁shine", + -11.161328315734863 + ], + [ + "▁vendor", + -11.161433219909668 + ], + [ + "▁jazz", + -11.161558151245115 + ], + [ + "▁publications", + -11.16240692138672 + ], + [ + "ja", + -11.162492752075195 + ], + [ + "▁Short", + -11.162662506103516 + ], + [ + "▁hardly", + -11.162710189819336 + ], + [ + "ak", + -11.16285800933838 + ], + [ + "▁Toyota", + -11.162900924682615 + ], + [ + "▁specially", + -11.163193702697754 + ], + [ + "▁drove", + -11.163517951965332 + ], + [ + "▁proceed", + -11.16362190246582 + ], + [ + "▁800", + -11.163652420043944 + ], + [ + "▁admin", + -11.163805961608888 + ], + [ + "▁Bring", + -11.163867950439451 + ], + [ + "▁adapt", + -11.163911819458008 + ], + [ + "▁plugin", + -11.163930892944336 + ], + [ + "▁Vietnam", + -11.164365768432615 + ], + [ + "Me", + -11.164977073669434 + ], + [ + "▁clip", + -11.16539192199707 + ], + [ + "▁Metal", + -11.165496826171877 + ], + [ + "Those", + -11.165515899658203 + ], + [ + "▁supporters", + -11.16578483581543 + ], + [ + "▁enormous", + -11.1660795211792 + ], + [ + "▁makers", + -11.166430473327637 + ], + [ + "▁tries", + -11.166728019714355 + ], + [ + "size", + -11.166921615600586 + ], + [ + "▁terrible", + -11.1669282913208 + ], + [ + "▁formats", + -11.16720485687256 + ], + [ + "▁towns", + -11.167390823364258 + ], + [ + "▁verify", + -11.168328285217283 + ], + [ + "▁recall", + -11.16849422454834 + ], + [ + "▁laboratory", + -11.168810844421388 + ], + [ + "called", + -11.168902397155762 + ], + [ + "Call", + -11.169148445129396 + ], + [ + "▁pp", + -11.169228553771973 + ], + [ + "▁pour", + -11.169482231140137 + ], + [ + "▁hybrid", + -11.169629096984863 + ], + [ + "▁4-", + -11.169722557067873 + ], + [ + "▁tags", + -11.169751167297363 + ], + [ + "▁junior", + -11.16983699798584 + ], + [ + "▁cultures", + -11.16996955871582 + ], + [ + "▁responded", + -11.170001029968262 + ], + [ + "▁expecting", + -11.170048713684082 + ], + [ + "▁heater", + -11.170557022094728 + ], + [ + "▁grants", + -11.170790672302246 + ], + [ + "▁voting", + -11.170825958251951 + ], + [ + "▁10-", + -11.171539306640623 + ], + [ + "▁SC", + -11.171557426452637 + ], + [ + "▁Alliance", + -11.171568870544434 + ], + [ + "▁champion", + -11.171698570251465 + ], + [ + "Very", + -11.17184829711914 + ], + [ + "▁screens", + -11.171897888183594 + ], + [ + "▁Premier", + -11.172121047973633 + ], + [ + "▁Early", + -11.17217254638672 + ], + [ + "▁affiliate", + -11.172245979309082 + ], + [ + "▁podcast", + -11.172332763671877 + ], + [ + "▁tomatoes", + -11.172510147094728 + ], + [ + "▁aging", + -11.172870635986328 + ], + [ + "▁Kelly", + -11.173073768615724 + ], + [ + "▁couples", + -11.173279762268066 + ], + [ + "▁reform", + -11.173601150512695 + ], + [ + "▁limitations", + -11.173785209655762 + ], + [ + "▁placeholder", + -11.17408275604248 + ], + [ + "Download", + -11.17447280883789 + ], + [ + "▁identification", + -11.174670219421388 + ], + [ + "▁Iowa", + -11.17474365234375 + ], + [ + "▁Dental", + -11.17492961883545 + ], + [ + "▁Lincoln", + -11.175527572631836 + ], + [ + "▁welcoming", + -11.175561904907228 + ], + [ + "care", + -11.175628662109377 + ], + [ + "▁tropical", + -11.175713539123535 + ], + [ + "▁detection", + -11.175743103027344 + ], + [ + "▁hence", + -11.17595672607422 + ], + [ + "▁shelter", + -11.176246643066406 + ], + [ + "Co", + -11.176321029663086 + ], + [ + "▁dentist", + -11.17720890045166 + ], + [ + "▁promised", + -11.177255630493164 + ], + [ + "▁writes", + -11.177286148071287 + ], + [ + "▁strip", + -11.177398681640623 + ], + [ + "▁Aug", + -11.177416801452637 + ], + [ + "▁chip", + -11.177470207214355 + ], + [ + "▁exceed", + -11.177626609802246 + ], + [ + "▁peaceful", + -11.177706718444824 + ], + [ + "▁disabled", + -11.178109169006348 + ], + [ + "▁foster", + -11.178112030029297 + ], + [ + "ney", + -11.178204536437988 + ], + [ + "▁Heritage", + -11.17823314666748 + ], + [ + "▁discipline", + -11.178391456604004 + ], + [ + "▁Age", + -11.17861557006836 + ], + [ + "ted", + -11.178940773010254 + ], + [ + "▁Anti", + -11.179061889648438 + ], + [ + "▁Share", + -11.179119110107422 + ], + [ + "▁Front", + -11.179206848144531 + ], + [ + "▁cloth", + -11.17920970916748 + ], + [ + "Which", + -11.179231643676758 + ], + [ + "▁candy", + -11.179299354553224 + ], + [ + "▁requiring", + -11.179482460021973 + ], + [ + "▁hike", + -11.179548263549805 + ], + [ + "▁Miss", + -11.179558753967283 + ], + [ + "▁Islamic", + -11.179896354675291 + ], + [ + "▁Much", + -11.180218696594238 + ], + [ + "ina", + -11.180238723754885 + ], + [ + "▁disappointed", + -11.180341720581056 + ], + [ + "▁Members", + -11.18039321899414 + ], + [ + "▁beloved", + -11.180691719055176 + ], + [ + "▁Coffee", + -11.18156623840332 + ], + [ + "▁Channel", + -11.182929039001465 + ], + [ + "▁dozen", + -11.182931900024414 + ], + [ + "▁cuisine", + -11.183127403259276 + ], + [ + "even", + -11.183310508728027 + ], + [ + "▁ships", + -11.183469772338867 + ], + [ + "▁Sign", + -11.183576583862305 + ], + [ + "step", + -11.183738708496094 + ], + [ + "▁Dream", + -11.183746337890623 + ], + [ + "▁begun", + -11.183963775634766 + ], + [ + "▁peer", + -11.184074401855469 + ], + [ + "▁Thanksgiving", + -11.184279441833496 + ], + [ + "▁demo", + -11.184425354003906 + ], + [ + "▁Dance", + -11.184435844421388 + ], + [ + "▁rolled", + -11.184496879577637 + ], + [ + "▁Eric", + -11.184582710266112 + ], + [ + "24", + -11.184664726257324 + ], + [ + "▁admitted", + -11.184669494628906 + ], + [ + "▁shorter", + -11.184690475463867 + ], + [ + "▁nationwide", + -11.18469524383545 + ], + [ + "▁Event", + -11.184816360473633 + ], + [ + "▁relate", + -11.18516445159912 + ], + [ + "game", + -11.185409545898438 + ], + [ + "ber", + -11.18554973602295 + ], + [ + "▁careers", + -11.185663223266602 + ], + [ + "▁NJ", + -11.186025619506836 + ], + [ + "▁acceptable", + -11.186241149902344 + ], + [ + "▁temple", + -11.186616897583008 + ], + [ + "▁trials", + -11.18675708770752 + ], + [ + "gen", + -11.186882019042969 + ], + [ + "Did", + -11.186952590942385 + ], + [ + "ance", + -11.187004089355469 + ], + [ + "▁Sony", + -11.187175750732422 + ], + [ + "▁absence", + -11.187262535095217 + ], + [ + "▁applicants", + -11.187732696533203 + ], + [ + "▁impacts", + -11.188007354736328 + ], + [ + "▁strict", + -11.188557624816896 + ], + [ + "▁Egypt", + -11.188801765441896 + ], + [ + "▁Email", + -11.188849449157717 + ], + [ + "▁Spa", + -11.18907070159912 + ], + [ + "▁distinctive", + -11.189858436584473 + ], + [ + "▁drag", + -11.190053939819336 + ], + [ + "▁entity", + -11.190174102783203 + ], + [ + "▁Simon", + -11.190436363220217 + ], + [ + "▁comedy", + -11.19065761566162 + ], + [ + "▁Always", + -11.190855979919434 + ], + [ + "▁Ha", + -11.190916061401367 + ], + [ + "▁refers", + -11.191580772399902 + ], + [ + "▁Pinterest", + -11.192030906677246 + ], + [ + "▁complaints", + -11.192254066467283 + ], + [ + "▁healthier", + -11.19225788116455 + ], + [ + "La", + -11.192623138427734 + ], + [ + "▁Dubai", + -11.19262409210205 + ], + [ + "▁39", + -11.192879676818848 + ], + [ + "▁Direct", + -11.193077087402344 + ], + [ + "▁soap", + -11.194035530090332 + ], + [ + "▁discussing", + -11.194666862487791 + ], + [ + "▁wrapped", + -11.195063591003418 + ], + [ + "▁Clean", + -11.195184707641602 + ], + [ + "▁adjustable", + -11.1953706741333 + ], + [ + "▁somebody", + -11.195887565612791 + ], + [ + "▁Stop", + -11.195958137512209 + ], + [ + "▁Future", + -11.196261405944824 + ], + [ + "▁neutral", + -11.196470260620115 + ], + [ + "-10", + -11.196795463562012 + ], + [ + "▁Nigeria", + -11.197211265563965 + ], + [ + "▁establishment", + -11.197349548339844 + ], + [ + "▁patent", + -11.19752311706543 + ], + [ + "▁continuously", + -11.197657585144045 + ], + [ + "▁Missouri", + -11.197922706604004 + ], + [ + "▁2002", + -11.19830322265625 + ], + [ + "PM", + -11.198318481445312 + ], + [ + "▁2019,", + -11.19862461090088 + ], + [ + "▁barely", + -11.198967933654783 + ], + [ + "▁earning", + -11.199528694152832 + ], + [ + "▁Stay", + -11.199817657470703 + ], + [ + "▁modules", + -11.199894905090332 + ], + [ + "▁Grant", + -11.199907302856444 + ], + [ + "les", + -11.200228691101074 + ], + [ + "▁individually", + -11.200638771057127 + ], + [ + "▁recycling", + -11.200806617736816 + ], + [ + "▁Oklahoma", + -11.200812339782717 + ], + [ + "▁Oak", + -11.200923919677734 + ], + [ + "▁recruitment", + -11.201245307922363 + ], + [ + "LY", + -11.20130443572998 + ], + [ + "▁slots", + -11.20150375366211 + ], + [ + "▁mask", + -11.201505661010742 + ], + [ + "▁boats", + -11.201549530029297 + ], + [ + "▁blessed", + -11.201552391052246 + ], + [ + "▁44", + -11.201619148254396 + ], + [ + "▁Lane", + -11.201622009277344 + ], + [ + "▁Clinton", + -11.201882362365724 + ], + [ + "▁Marine", + -11.201902389526367 + ], + [ + "▁Sir", + -11.201923370361328 + ], + [ + "▁Da", + -11.202054977416992 + ], + [ + "▁Round", + -11.202095985412598 + ], + [ + "▁instructor", + -11.20213508605957 + ], + [ + "▁Bureau", + -11.202192306518556 + ], + [ + "speed", + -11.202654838562012 + ], + [ + "▁documentary", + -11.20276927947998 + ], + [ + "red", + -11.202977180480955 + ], + [ + "▁reflects", + -11.203325271606444 + ], + [ + "▁Kentucky", + -11.203472137451172 + ], + [ + "▁invested", + -11.203622817993164 + ], + [ + "▁authorized", + -11.203749656677246 + ], + [ + "▁phrase", + -11.203773498535156 + ], + [ + "▁Affairs", + -11.204022407531738 + ], + [ + "▁liver", + -11.204030990600586 + ], + [ + "▁charming", + -11.204086303710938 + ], + [ + "▁overwhelming", + -11.204425811767578 + ], + [ + "▁Thailand", + -11.20443058013916 + ], + [ + "▁dedication", + -11.204560279846191 + ], + [ + "▁nurse", + -11.20462703704834 + ], + [ + "▁Writing", + -11.204682350158691 + ], + [ + "▁Reading", + -11.20485496520996 + ], + [ + "1)", + -11.2048921585083 + ], + [ + "▁eco", + -11.205092430114746 + ], + [ + "▁Tea", + -11.205340385437012 + ], + [ + "▁snack", + -11.205357551574709 + ], + [ + "▁attendance", + -11.205368041992188 + ], + [ + "▁maximize", + -11.205562591552734 + ], + [ + "▁painful", + -11.205747604370115 + ], + [ + "▁Highway", + -11.20582675933838 + ], + [ + "▁Mid", + -11.206015586853027 + ], + [ + "▁rocks", + -11.20630168914795 + ], + [ + "▁permitted", + -11.206361770629885 + ], + [ + "▁blogging", + -11.206683158874512 + ], + [ + "▁49", + -11.206697463989258 + ], + [ + "▁veteran", + -11.206747055053713 + ], + [ + "they", + -11.206816673278809 + ], + [ + "▁Five", + -11.207213401794434 + ], + [ + "▁Hair", + -11.207382202148438 + ], + [ + "▁Gift", + -11.207440376281738 + ], + [ + "▁Outdoor", + -11.207612991333008 + ], + [ + "▁Friends", + -11.207743644714355 + ], + [ + "▁Lewis", + -11.208074569702148 + ], + [ + "▁odds", + -11.20814323425293 + ], + [ + "??", + -11.208145141601562 + ], + [ + "▁varieties", + -11.20833969116211 + ], + [ + "▁Agreement", + -11.208352088928224 + ], + [ + "▁Ma", + -11.20848274230957 + ], + [ + "▁Currently", + -11.209248542785645 + ], + [ + "▁URL", + -11.209293365478516 + ], + [ + "▁Bo", + -11.20939826965332 + ], + [ + "▁converted", + -11.209430694580078 + ], + [ + "▁onion", + -11.209705352783203 + ], + [ + "▁startup", + -11.210280418395996 + ], + [ + "▁floating", + -11.210434913635254 + ], + [ + "▁confused", + -11.210490226745604 + ], + [ + "▁boasts", + -11.210718154907228 + ], + [ + "ga", + -11.211024284362791 + ], + [ + "▁hell", + -11.21105670928955 + ], + [ + "▁2.5", + -11.21108341217041 + ], + [ + "ji", + -11.211129188537598 + ], + [ + "▁BBC", + -11.211504936218262 + ], + [ + "▁ore", + -11.21194839477539 + ], + [ + "▁mature", + -11.21200180053711 + ], + [ + "▁paste", + -11.212044715881348 + ], + [ + "▁dried", + -11.21226692199707 + ], + [ + "▁lovers", + -11.212323188781738 + ], + [ + "▁delicate", + -11.21290397644043 + ], + [ + "▁Sub", + -11.21290683746338 + ], + [ + "▁adventures", + -11.212919235229492 + ], + [ + "▁hub", + -11.21318244934082 + ], + [ + "▁Muslim", + -11.21336269378662 + ], + [ + "▁Inn", + -11.213624954223633 + ], + [ + "▁premier", + -11.213655471801758 + ], + [ + "▁Complete", + -11.213659286499023 + ], + [ + "Man", + -11.213708877563477 + ], + [ + "▁du", + -11.213759422302246 + ], + [ + "▁VPN", + -11.21381378173828 + ], + [ + "▁Ho", + -11.213889122009276 + ], + [ + "▁forgotten", + -11.21403694152832 + ], + [ + "▁ranking", + -11.21418571472168 + ], + [ + "▁accused", + -11.214725494384766 + ], + [ + "Keep", + -11.21474552154541 + ], + [ + "▁oak", + -11.214826583862305 + ], + [ + "▁possess", + -11.214966773986816 + ], + [ + "▁signals", + -11.214988708496094 + ], + [ + "▁handful", + -11.215168952941896 + ], + [ + "▁centuries", + -11.21517848968506 + ], + [ + "▁burden", + -11.215354919433594 + ], + [ + "▁mineral", + -11.21544361114502 + ], + [ + "▁USD", + -11.215624809265137 + ], + [ + "▁teaches", + -11.216386795043944 + ], + [ + "▁prestigious", + -11.216450691223145 + ], + [ + "▁ordering", + -11.216464042663574 + ], + [ + "▁agreements", + -11.216604232788086 + ], + [ + "▁2011,", + -11.21725368499756 + ], + [ + "▁ignore", + -11.217326164245604 + ], + [ + "▁electronics", + -11.217569351196287 + ], + [ + "week", + -11.217761993408203 + ], + [ + "▁spouse", + -11.217818260192873 + ], + [ + "▁controller", + -11.217915534973145 + ], + [ + "▁considerable", + -11.218087196350098 + ], + [ + "▁Put", + -11.21886157989502 + ], + [ + "▁couch", + -11.218924522399902 + ], + [ + "▁customize", + -11.219013214111328 + ], + [ + "▁titled", + -11.219024658203123 + ], + [ + "▁destroyed", + -11.219088554382324 + ], + [ + "▁bet", + -11.219382286071776 + ], + [ + "▁console", + -11.220240592956545 + ], + [ + "▁Nothing", + -11.220401763916016 + ], + [ + "min", + -11.220552444458008 + ], + [ + "▁habit", + -11.220766067504885 + ], + [ + "▁soldiers", + -11.220787048339844 + ], + [ + "▁Motor", + -11.221284866333008 + ], + [ + "▁appreciation", + -11.221808433532717 + ], + [ + "▁cleaned", + -11.222044944763184 + ], + [ + "▁kits", + -11.222208976745604 + ], + [ + "▁Making", + -11.2222261428833 + ], + [ + "are", + -11.222679138183594 + ], + [ + "▁waters", + -11.222816467285156 + ], + [ + "▁continually", + -11.223153114318848 + ], + [ + "▁spoken", + -11.22354221343994 + ], + [ + "▁heated", + -11.223633766174316 + ], + [ + "▁demanding", + -11.223834991455078 + ], + [ + "▁navigation", + -11.224165916442873 + ], + [ + "▁computing", + -11.224188804626465 + ], + [ + "▁floral", + -11.224210739135742 + ], + [ + "▁Netherlands", + -11.224434852600098 + ], + [ + "▁rush", + -11.224791526794434 + ], + [ + "▁lighter", + -11.224937438964844 + ], + [ + "▁blame", + -11.225013732910156 + ], + [ + "▁favorites", + -11.2251615524292 + ], + [ + "▁Jo", + -11.225268363952637 + ], + [ + "▁ok", + -11.225302696228027 + ], + [ + "looking", + -11.22548484802246 + ], + [ + "ship", + -11.22591781616211 + ], + [ + "▁Mexican", + -11.226101875305176 + ], + [ + "▁Temple", + -11.226435661315918 + ], + [ + "▁tail", + -11.226560592651367 + ], + [ + "mar", + -11.226574897766112 + ], + [ + "▁additionally", + -11.226774215698242 + ], + [ + "▁slight", + -11.226780891418455 + ], + [ + "▁dresses", + -11.226859092712402 + ], + [ + "▁Cash", + -11.226938247680664 + ], + [ + "▁finishes", + -11.227025032043455 + ], + [ + "▁Records", + -11.227391242980955 + ], + [ + "▁Ice", + -11.22750473022461 + ], + [ + "▁fantasy", + -11.227788925170898 + ], + [ + "▁parallel", + -11.227933883666992 + ], + [ + "▁Besides", + -11.228553771972656 + ], + [ + "▁Source", + -11.228650093078612 + ], + [ + "▁visa", + -11.228687286376951 + ], + [ + "▁Floor", + -11.22869110107422 + ], + [ + "▁recommendation", + -11.2287015914917 + ], + [ + "▁separately", + -11.228741645812988 + ], + [ + "▁Restaurant", + -11.22883415222168 + ], + [ + "ns", + -11.228921890258787 + ], + [ + "▁holder", + -11.22895622253418 + ], + [ + "▁Lab", + -11.229021072387695 + ], + [ + "▁vegetable", + -11.229238510131836 + ], + [ + "▁intimate", + -11.22927474975586 + ], + [ + "▁measuring", + -11.229398727416992 + ], + [ + "▁lenses", + -11.229510307312012 + ], + [ + "▁speeds", + -11.229838371276855 + ], + [ + "▁pasta", + -11.229839324951172 + ], + [ + "▁stays", + -11.230119705200195 + ], + [ + "▁valued", + -11.23037815093994 + ], + [ + "▁Ten", + -11.23060703277588 + ], + [ + "▁Ann", + -11.23092269897461 + ], + [ + "▁tremendous", + -11.23105525970459 + ], + [ + "▁colleges", + -11.231485366821287 + ], + [ + "▁Bowl", + -11.231528282165527 + ], + [ + "▁4,", + -11.231799125671388 + ], + [ + "▁Morgan", + -11.23234748840332 + ], + [ + "▁hero", + -11.233009338378906 + ], + [ + "Up", + -11.233685493469238 + ], + [ + "▁Know", + -11.234282493591309 + ], + [ + "▁suspension", + -11.23428440093994 + ], + [ + "ard", + -11.23450756072998 + ], + [ + "▁facial", + -11.23454761505127 + ], + [ + "▁Islands", + -11.234872817993164 + ], + [ + "▁locked", + -11.23489475250244 + ], + [ + "bo", + -11.235177993774414 + ], + [ + "▁HERE", + -11.23521614074707 + ], + [ + "▁adorable", + -11.235981941223145 + ], + [ + "ster", + -11.236037254333496 + ], + [ + "▁transparent", + -11.236113548278809 + ], + [ + "▁moderate", + -11.236153602600098 + ], + [ + "▁incorporated", + -11.236276626586914 + ], + [ + "▁Navy", + -11.236312866210938 + ], + [ + "▁utilized", + -11.236748695373535 + ], + [ + "▁Description", + -11.236918449401855 + ], + [ + "▁Anderson", + -11.237592697143556 + ], + [ + "▁responsive", + -11.237767219543455 + ], + [ + "▁crafted", + -11.23790168762207 + ], + [ + "▁Content", + -11.238015174865724 + ], + [ + "▁terminal", + -11.238091468811035 + ], + [ + "▁crop", + -11.238327026367188 + ], + [ + "▁tear", + -11.238821029663086 + ], + [ + "▁cancel", + -11.23887538909912 + ], + [ + "▁del", + -11.2389554977417 + ], + [ + "▁stem", + -11.23898220062256 + ], + [ + "▁merchandise", + -11.239017486572266 + ], + [ + "▁trash", + -11.23948860168457 + ], + [ + "▁acceptance", + -11.239498138427734 + ], + [ + "▁Micro", + -11.23953628540039 + ], + [ + "▁prospects", + -11.239806175231934 + ], + [ + "▁Fresh", + -11.239855766296388 + ], + [ + "▁chef", + -11.23995304107666 + ], + [ + "▁grill", + -11.239986419677734 + ], + [ + "▁stroke", + -11.24022102355957 + ], + [ + "▁Manual", + -11.24049949645996 + ], + [ + "Her", + -11.240694046020508 + ], + [ + "▁investor", + -11.240951538085938 + ], + [ + "▁detect", + -11.240964889526367 + ], + [ + "▁intent", + -11.241569519042969 + ], + [ + "▁Single", + -11.24164581298828 + ], + [ + "▁stones", + -11.241662979125977 + ], + [ + "▁Sept", + -11.241727828979492 + ], + [ + "▁islands", + -11.241774559020996 + ], + [ + "19", + -11.241809844970703 + ], + [ + "▁gains", + -11.241912841796877 + ], + [ + "▁Scottish", + -11.241928100585938 + ], + [ + "▁5-", + -11.242545127868652 + ], + [ + "mg", + -11.242704391479492 + ], + [ + "▁mutual", + -11.24275016784668 + ], + [ + "▁observe", + -11.243139266967772 + ], + [ + "▁visibility", + -11.243348121643066 + ], + [ + "page", + -11.243363380432127 + ], + [ + "▁Fine", + -11.243438720703123 + ], + [ + "▁Allen", + -11.243685722351074 + ], + [ + "John", + -11.2438383102417 + ], + [ + "▁essence", + -11.24436092376709 + ], + [ + "▁measurements", + -11.2445068359375 + ], + [ + "▁complexity", + -11.244779586791992 + ], + [ + "▁donated", + -11.245012283325195 + ], + [ + "▁dessert", + -11.245230674743652 + ], + [ + "▁Chairman", + -11.245441436767578 + ], + [ + "▁taxi", + -11.24563217163086 + ], + [ + "▁desert", + -11.245633125305176 + ], + [ + "▁beliefs", + -11.245915412902832 + ], + [ + "▁province", + -11.245988845825195 + ], + [ + "▁marijuana", + -11.246193885803224 + ], + [ + "▁Step", + -11.246429443359377 + ], + [ + "▁Holiday", + -11.246440887451172 + ], + [ + "▁programmes", + -11.24650764465332 + ], + [ + "▁snacks", + -11.246651649475098 + ], + [ + "▁preventing", + -11.246971130371094 + ], + [ + "▁simultaneously", + -11.246992111206056 + ], + [ + "▁grows", + -11.24710178375244 + ], + [ + "▁Cambridge", + -11.247108459472656 + ], + [ + "▁presenting", + -11.24718189239502 + ], + [ + "▁RE", + -11.24722957611084 + ], + [ + "▁bathrooms", + -11.247427940368652 + ], + [ + "▁rug", + -11.247594833374023 + ], + [ + "▁instances", + -11.247798919677734 + ], + [ + "era", + -11.248164176940918 + ], + [ + "▁Malaysia", + -11.24826717376709 + ], + [ + "▁360", + -11.248337745666504 + ], + [ + "▁ears", + -11.24847412109375 + ], + [ + "▁Reserve", + -11.248619079589844 + ], + [ + "▁YOUR", + -11.24907684326172 + ], + [ + "▁nutrients", + -11.249505043029783 + ], + [ + "▁Companies", + -11.249663352966309 + ], + [ + "▁mobility", + -11.249737739562988 + ], + [ + "▁sensors", + -11.24984359741211 + ], + [ + "▁handles", + -11.25023365020752 + ], + [ + "▁possession", + -11.25034236907959 + ], + [ + "▁Denver", + -11.250351905822754 + ], + [ + "▁Brand", + -11.250370979309082 + ], + [ + "▁Falls", + -11.250712394714355 + ], + [ + "▁Metro", + -11.251017570495604 + ], + [ + "▁homemade", + -11.251507759094238 + ], + [ + "▁skip", + -11.251514434814451 + ], + [ + "▁comic", + -11.251765251159668 + ], + [ + "▁striking", + -11.25222396850586 + ], + [ + "good", + -11.252254486083984 + ], + [ + "▁Democrats", + -11.252418518066406 + ], + [ + "▁sees", + -11.252544403076172 + ], + [ + "▁Better", + -11.252649307250977 + ], + [ + "▁Prize", + -11.252663612365724 + ], + [ + "▁hunt", + -11.252673149108888 + ], + [ + "▁Bitcoin", + -11.252816200256348 + ], + [ + "▁par", + -11.252994537353516 + ], + [ + "▁crown", + -11.253190994262695 + ], + [ + "▁Fish", + -11.253304481506348 + ], + [ + "▁prospective", + -11.253365516662598 + ], + [ + "▁contacted", + -11.253377914428713 + ], + [ + "▁cups", + -11.253457069396973 + ], + [ + "ci", + -11.253463745117188 + ], + [ + "ology", + -11.253620147705078 + ], + [ + "▁manually", + -11.254755973815918 + ], + [ + "▁Jay", + -11.25482177734375 + ], + [ + "▁competing", + -11.254860877990724 + ], + [ + "▁semester", + -11.2551908493042 + ], + [ + "▁solving", + -11.255345344543455 + ], + [ + "▁Euro", + -11.25607204437256 + ], + [ + "▁Cut", + -11.256304740905762 + ], + [ + "▁BE", + -11.256564140319824 + ], + [ + "▁anticipated", + -11.256654739379885 + ], + [ + "▁modify", + -11.256668090820312 + ], + [ + "▁closest", + -11.25670337677002 + ], + [ + "▁supplements", + -11.256921768188477 + ], + [ + "▁Title", + -11.257071495056152 + ], + [ + "▁outer", + -11.257116317749023 + ], + [ + "▁LOVE", + -11.257265090942385 + ], + [ + "▁2001", + -11.257351875305176 + ], + [ + "▁shelves", + -11.257445335388184 + ], + [ + "▁cord", + -11.257649421691896 + ], + [ + "▁Dating", + -11.257841110229492 + ], + [ + "▁7,", + -11.25801944732666 + ], + [ + "▁boundaries", + -11.258027076721191 + ], + [ + "▁Coloring", + -11.258100509643556 + ], + [ + "▁crack", + -11.258172988891602 + ], + [ + "32", + -11.258460998535156 + ], + [ + "▁Cal", + -11.258512496948242 + ], + [ + "▁deciding", + -11.258551597595217 + ], + [ + "9.", + -11.25904941558838 + ], + [ + "▁notification", + -11.259764671325684 + ], + [ + "edu", + -11.259912490844728 + ], + [ + "▁Portland", + -11.260010719299316 + ], + [ + "▁350", + -11.260049819946287 + ], + [ + "▁booked", + -11.2601318359375 + ], + [ + "200", + -11.260149955749512 + ], + [ + "▁Tennessee", + -11.26101303100586 + ], + [ + "▁dive", + -11.261065483093262 + ], + [ + "▁lately", + -11.26128101348877 + ], + [ + "▁prizes", + -11.261454582214355 + ], + [ + "▁refreshing", + -11.261744499206545 + ], + [ + "kin", + -11.261746406555176 + ], + [ + "▁precisely", + -11.261797904968262 + ], + [ + "▁prompt", + -11.26181411743164 + ], + [ + "▁Son", + -11.261953353881836 + ], + [ + "▁defeat", + -11.26199722290039 + ], + [ + "▁herbs", + -11.262300491333008 + ], + [ + "▁pockets", + -11.262365341186523 + ], + [ + "▁agriculture", + -11.262408256530762 + ], + [ + "▁reveals", + -11.262411117553713 + ], + [ + "MP", + -11.262420654296877 + ], + [ + "▁promo", + -11.26345157623291 + ], + [ + "▁Schools", + -11.26351261138916 + ], + [ + "rich", + -11.263633728027344 + ], + [ + "▁thrown", + -11.263888359069824 + ], + [ + "▁Along", + -11.264140129089355 + ], + [ + "▁packing", + -11.264638900756836 + ], + [ + "▁Technical", + -11.264695167541504 + ], + [ + "▁homework", + -11.265316009521484 + ], + [ + "▁oxygen", + -11.265373229980469 + ], + [ + "▁libraries", + -11.265463829040527 + ], + [ + "▁Hard", + -11.265508651733398 + ], + [ + "▁intake", + -11.265650749206545 + ], + [ + "▁Among", + -11.265928268432615 + ], + [ + "▁submission", + -11.2667236328125 + ], + [ + "▁basket", + -11.266735076904297 + ], + [ + "▁Assembly", + -11.26705265045166 + ], + [ + "▁moral", + -11.26706600189209 + ], + [ + "▁ceramic", + -11.267884254455566 + ], + [ + "▁HTML", + -11.267935752868652 + ], + [ + "▁File", + -11.268205642700195 + ], + [ + "▁Palm", + -11.268220901489258 + ], + [ + "▁pants", + -11.26830005645752 + ], + [ + "▁Com", + -11.268412590026855 + ], + [ + "▁reminder", + -11.268428802490234 + ], + [ + "▁genre", + -11.268465042114258 + ], + [ + "▁aesthetic", + -11.268498420715332 + ], + [ + "▁Sri", + -11.268527030944824 + ], + [ + "▁Vol", + -11.2687349319458 + ], + [ + "▁Alabama", + -11.268900871276855 + ], + [ + "▁dirty", + -11.269441604614258 + ], + [ + "▁loading", + -11.269627571105955 + ], + [ + "▁premises", + -11.270187377929688 + ], + [ + "▁gaining", + -11.270223617553713 + ], + [ + "▁hassle", + -11.270346641540527 + ], + [ + "▁Detroit", + -11.270516395568848 + ], + [ + "▁Ken", + -11.27053928375244 + ], + [ + "▁intelligent", + -11.270706176757812 + ], + [ + "▁grades", + -11.270916938781738 + ], + [ + "▁appealing", + -11.271011352539062 + ], + [ + "▁accessed", + -11.271269798278809 + ], + [ + "▁traditions", + -11.271631240844728 + ], + [ + "▁genetic", + -11.271974563598633 + ], + [ + "▁dozens", + -11.272191047668455 + ], + [ + "▁supportive", + -11.27230167388916 + ], + [ + "▁votes", + -11.272377014160156 + ], + [ + "▁Girls", + -11.27239227294922 + ], + [ + "▁Peace", + -11.273226737976074 + ], + [ + "▁Attorney", + -11.27331256866455 + ], + [ + "▁crisp", + -11.273354530334473 + ], + [ + "▁pulling", + -11.27378273010254 + ], + [ + "po", + -11.274194717407228 + ], + [ + "▁machinery", + -11.27425479888916 + ], + [ + "▁publicly", + -11.274310111999512 + ], + [ + "▁CT", + -11.274443626403809 + ], + [ + "▁devoted", + -11.27480697631836 + ], + [ + "▁Utah", + -11.27511978149414 + ], + [ + "▁Te", + -11.275177001953123 + ], + [ + "▁proposals", + -11.27524471282959 + ], + [ + "▁Pass", + -11.27573299407959 + ], + [ + "▁poster", + -11.275936126708984 + ], + [ + "▁reflection", + -11.276187896728516 + ], + [ + "▁Mayor", + -11.276253700256348 + ], + [ + "▁Yoga", + -11.276611328125 + ], + [ + "▁tires", + -11.27665901184082 + ], + [ + "▁Communications", + -11.276729583740234 + ], + [ + "▁manufacture", + -11.276782035827637 + ], + [ + "▁Anthony", + -11.276869773864746 + ], + [ + "▁footage", + -11.276901245117188 + ], + [ + "▁sin", + -11.277612686157228 + ], + [ + "▁1970", + -11.277788162231444 + ], + [ + "▁addressing", + -11.278191566467283 + ], + [ + "▁Oxford", + -11.278745651245115 + ], + [ + "▁attendees", + -11.278759002685549 + ], + [ + "▁Turn", + -11.27903938293457 + ], + [ + "▁Saudi", + -11.27934741973877 + ], + [ + "▁Pet", + -11.279393196105955 + ], + [ + "▁determination", + -11.280098915100098 + ], + [ + "▁Legal", + -11.280213356018066 + ], + [ + "▁legendary", + -11.280296325683594 + ], + [ + "▁judgment", + -11.280298233032228 + ], + [ + "school", + -11.280717849731444 + ], + [ + "▁Account", + -11.280865669250488 + ], + [ + "▁Philippines", + -11.28100872039795 + ], + [ + "▁google", + -11.281048774719238 + ], + [ + "▁psychological", + -11.281240463256836 + ], + [ + "▁coastal", + -11.281317710876465 + ], + [ + "▁(1)", + -11.281627655029297 + ], + [ + "▁Rome", + -11.28203582763672 + ], + [ + "▁unfortunately", + -11.282201766967772 + ], + [ + "▁tire", + -11.282268524169922 + ], + [ + "▁protective", + -11.282617568969728 + ], + [ + "▁decoration", + -11.282649993896484 + ], + [ + "▁assisted", + -11.282992362976074 + ], + [ + "▁speaks", + -11.283041954040527 + ], + [ + "De", + -11.283276557922363 + ], + [ + "▁Works", + -11.283495903015137 + ], + [ + "▁donate", + -11.284010887145996 + ], + [ + "▁Tower", + -11.284043312072754 + ], + [ + "▁Meeting", + -11.284356117248535 + ], + [ + "▁corporations", + -11.28443717956543 + ], + [ + "▁41", + -11.284646034240724 + ], + [ + "▁Wine", + -11.285303115844728 + ], + [ + "view", + -11.285337448120115 + ], + [ + "▁Solar", + -11.285378456115724 + ], + [ + "right", + -11.285487174987791 + ], + [ + "▁Far", + -11.285545349121094 + ], + [ + "▁globally", + -11.285758018493652 + ], + [ + "▁Palace", + -11.285772323608398 + ], + [ + "ring", + -11.28618335723877 + ], + [ + "▁Engine", + -11.286269187927246 + ], + [ + "▁Java", + -11.28634548187256 + ], + [ + "▁Magic", + -11.286417007446287 + ], + [ + "▁durability", + -11.287091255187988 + ], + [ + "▁und", + -11.28718090057373 + ], + [ + "▁dressed", + -11.287796020507812 + ], + [ + "%", + -11.287930488586426 + ], + [ + "▁grip", + -11.288331031799316 + ], + [ + "▁denied", + -11.288732528686523 + ], + [ + "▁apparent", + -11.288761138916016 + ], + [ + "▁combining", + -11.288808822631836 + ], + [ + "▁coins", + -11.288898468017578 + ], + [ + "▁straightforward", + -11.289022445678713 + ], + [ + "▁progressive", + -11.289032936096191 + ], + [ + "▁Bad", + -11.289538383483888 + ], + [ + "▁printable", + -11.290011405944824 + ], + [ + "▁decorated", + -11.290021896362305 + ], + [ + "▁independence", + -11.290058135986328 + ], + [ + "▁AR", + -11.29006576538086 + ], + [ + "▁Talk", + -11.290728569030762 + ], + [ + "▁clarity", + -11.29092025756836 + ], + [ + "Time", + -11.291125297546388 + ], + [ + "▁complimentary", + -11.291237831115724 + ], + [ + "▁fallen", + -11.291486740112305 + ], + [ + "▁welcomed", + -11.291753768920898 + ], + [ + "▁alleged", + -11.292048454284668 + ], + [ + "▁batch", + -11.292451858520508 + ], + [ + "▁Na", + -11.292534828186035 + ], + [ + "▁Unlike", + -11.292764663696287 + ], + [ + "▁singles", + -11.29287338256836 + ], + [ + "▁Caribbean", + -11.293081283569336 + ], + [ + "▁arise", + -11.29372787475586 + ], + [ + "▁gradually", + -11.293733596801758 + ], + [ + "▁Link", + -11.293745994567873 + ], + [ + "▁recipient", + -11.293764114379885 + ], + [ + "▁PS", + -11.29385757446289 + ], + [ + "▁professionally", + -11.294082641601562 + ], + [ + "▁viewers", + -11.294214248657228 + ], + [ + "ger", + -11.294509887695312 + ], + [ + "▁2010,", + -11.29584503173828 + ], + [ + "▁Matthew", + -11.296656608581545 + ], + [ + "ins", + -11.296957015991213 + ], + [ + "▁variations", + -11.297208786010742 + ], + [ + "▁heaven", + -11.297388076782228 + ], + [ + "▁employ", + -11.29741096496582 + ], + [ + "▁Fashion", + -11.29742431640625 + ], + [ + "3)", + -11.297492027282717 + ], + [ + "▁lined", + -11.298070907592772 + ], + [ + "win", + -11.29808521270752 + ], + [ + "▁diagnosed", + -11.29809284210205 + ], + [ + "▁magnificent", + -11.298107147216797 + ], + [ + "▁boring", + -11.29872703552246 + ], + [ + "▁Syria", + -11.298788070678713 + ], + [ + "▁Honda", + -11.298911094665527 + ], + [ + "▁pollution", + -11.299015998840332 + ], + [ + "▁Quick", + -11.299205780029297 + ], + [ + "▁conferences", + -11.29949951171875 + ], + [ + "▁Israeli", + -11.299516677856444 + ], + [ + "▁pit", + -11.299525260925291 + ], + [ + "▁Gen", + -11.299707412719728 + ], + [ + "driven", + -11.299750328063965 + ], + [ + "▁Located", + -11.299817085266112 + ], + [ + "▁funeral", + -11.299851417541504 + ], + [ + "▁queries", + -11.300292015075684 + ], + [ + "▁True", + -11.300375938415527 + ], + [ + "isation", + -11.300821304321287 + ], + [ + "▁Christians", + -11.30100154876709 + ], + [ + "▁outlet", + -11.30128288269043 + ], + [ + "gov", + -11.301493644714355 + ], + [ + "▁Urban", + -11.301709175109863 + ], + [ + "▁onions", + -11.301714897155762 + ], + [ + "▁dear", + -11.301838874816896 + ], + [ + "▁Plans", + -11.30191707611084 + ], + [ + "▁episodes", + -11.302063941955566 + ], + [ + "▁Excel", + -11.30219268798828 + ], + [ + "▁contributing", + -11.302226066589355 + ], + [ + "▁figured", + -11.302268981933594 + ], + [ + "▁championship", + -11.302346229553224 + ], + [ + "▁weapon", + -11.302728652954102 + ], + [ + "▁blank", + -11.302967071533203 + ], + [ + "▁beneath", + -11.30361270904541 + ], + [ + "-4", + -11.303854942321776 + ], + [ + "▁Ali", + -11.303854942321776 + ], + [ + "▁fixtures", + -11.303863525390623 + ], + [ + "▁refrigerator", + -11.304655075073242 + ], + [ + "▁refused", + -11.304673194885254 + ], + [ + "▁Maine", + -11.304984092712402 + ], + [ + "▁Mission", + -11.305538177490234 + ], + [ + "▁nobody", + -11.30556869506836 + ], + [ + "▁influenced", + -11.305704116821287 + ], + [ + "▁tricks", + -11.306035041809082 + ], + [ + "▁tears", + -11.306193351745604 + ], + [ + "▁keywords", + -11.306207656860352 + ], + [ + "▁granite", + -11.306228637695312 + ], + [ + "▁density", + -11.306306838989258 + ], + [ + "ini", + -11.306512832641602 + ], + [ + "▁classical", + -11.3067045211792 + ], + [ + "▁43", + -11.30710792541504 + ], + [ + "▁argue", + -11.308453559875488 + ], + [ + "▁defensive", + -11.308799743652344 + ], + [ + "Star", + -11.308819770812988 + ], + [ + "▁litigation", + -11.308952331542969 + ], + [ + "▁Medicare", + -11.309112548828123 + ], + [ + "▁sixth", + -11.309216499328612 + ], + [ + "▁reminded", + -11.309746742248535 + ], + [ + "▁sunny", + -11.310380935668944 + ], + [ + "▁offense", + -11.310611724853516 + ], + [ + "▁logic", + -11.310833930969238 + ], + [ + "▁asks", + -11.311403274536133 + ], + [ + "▁partnerships", + -11.311448097229004 + ], + [ + "▁1960", + -11.311640739440918 + ], + [ + "▁Print", + -11.311762809753418 + ], + [ + "▁IL", + -11.311965942382812 + ], + [ + "▁excessive", + -11.311965942382812 + ], + [ + "▁adopt", + -11.312098503112791 + ], + [ + "▁Used", + -11.31248664855957 + ], + [ + "▁unnecessary", + -11.312541961669922 + ], + [ + "▁Greece", + -11.312844276428224 + ], + [ + "▁Foreign", + -11.312963485717772 + ], + [ + "pro", + -11.31302261352539 + ], + [ + "▁peers", + -11.31316089630127 + ], + [ + "▁intend", + -11.31322956085205 + ], + [ + "▁tale", + -11.313252449035645 + ], + [ + "▁nearest", + -11.313305854797363 + ], + [ + "▁valve", + -11.31350803375244 + ], + [ + "▁uk", + -11.313833236694336 + ], + [ + "▁ties", + -11.31424045562744 + ], + [ + "▁Exam", + -11.31425666809082 + ], + [ + "▁launching", + -11.314600944519045 + ], + [ + "▁lyrics", + -11.314682960510254 + ], + [ + "▁wing", + -11.314988136291504 + ], + [ + "▁pad", + -11.315055847167969 + ], + [ + "▁safer", + -11.315471649169922 + ], + [ + "▁Too", + -11.315515518188477 + ], + [ + "▁labour", + -11.315654754638672 + ], + [ + "▁compelling", + -11.315909385681152 + ], + [ + "lan", + -11.316303253173828 + ], + [ + "▁thermal", + -11.316476821899414 + ], + [ + "▁Panel", + -11.316526412963867 + ], + [ + "▁stack", + -11.31657886505127 + ], + [ + "cha", + -11.316579818725586 + ], + [ + "▁gambling", + -11.31667423248291 + ], + [ + "▁provisions", + -11.316868782043455 + ], + [ + "▁Certificate", + -11.316932678222656 + ], + [ + "Only", + -11.317108154296877 + ], + [ + "▁voices", + -11.317112922668455 + ], + [ + "▁transit", + -11.31726360321045 + ], + [ + "▁minimize", + -11.317296028137209 + ], + [ + "▁paths", + -11.317774772644045 + ], + [ + "▁disabilities", + -11.317874908447266 + ], + [ + "▁elderly", + -11.317962646484377 + ], + [ + "▁Analysis", + -11.31806468963623 + ], + [ + "▁Pop", + -11.318120002746582 + ], + [ + "▁pork", + -11.318130493164062 + ], + [ + "▁consistency", + -11.318157196044922 + ], + [ + "▁educate", + -11.318178176879885 + ], + [ + "▁protocol", + -11.31820297241211 + ], + [ + "▁72", + -11.318307876586914 + ], + [ + "▁Speed", + -11.318408966064451 + ], + [ + "▁readily", + -11.318549156188965 + ], + [ + "▁bi", + -11.318671226501465 + ], + [ + "▁basics", + -11.318887710571287 + ], + [ + "▁vanilla", + -11.319012641906738 + ], + [ + "▁nonprofit", + -11.3190336227417 + ], + [ + "▁broker", + -11.31907558441162 + ], + [ + "▁bones", + -11.319180488586426 + ], + [ + "▁lawsuit", + -11.319339752197266 + ], + [ + "▁deaths", + -11.319376945495604 + ], + [ + "▁Innovation", + -11.319422721862791 + ], + [ + "▁Flash", + -11.31976318359375 + ], + [ + "▁Valentine", + -11.320432662963867 + ], + [ + "▁audit", + -11.320460319519045 + ], + [ + "▁priorities", + -11.320473670959473 + ], + [ + "▁optimization", + -11.320703506469728 + ], + [ + "▁tastes", + -11.321005821228027 + ], + [ + "▁Together", + -11.321145057678224 + ], + [ + "▁preference", + -11.321348190307615 + ], + [ + "▁obligation", + -11.321438789367676 + ], + [ + "▁Governor", + -11.321460723876951 + ], + [ + "▁cycling", + -11.32154655456543 + ], + [ + "▁districts", + -11.322760581970217 + ], + [ + "▁blocked", + -11.322938919067385 + ], + [ + "person", + -11.323153495788574 + ], + [ + "▁animation", + -11.323296546936035 + ], + [ + "▁accepting", + -11.323585510253906 + ], + [ + "▁veterans", + -11.323811531066896 + ], + [ + "Under", + -11.324108123779297 + ], + [ + "▁dairy", + -11.32411003112793 + ], + [ + "▁seemingly", + -11.324174880981444 + ], + [ + "▁delight", + -11.324261665344238 + ], + [ + "▁advocate", + -11.324530601501465 + ], + [ + "▁highlighted", + -11.324588775634766 + ], + [ + "▁builds", + -11.324674606323242 + ], + [ + "▁attempting", + -11.325121879577637 + ], + [ + "▁establishing", + -11.326001167297363 + ], + [ + "▁embedded", + -11.326239585876465 + ], + [ + "▁Beauty", + -11.326440811157228 + ], + [ + "▁Jean", + -11.326630592346191 + ], + [ + "▁quest", + -11.326709747314451 + ], + [ + "berg", + -11.327146530151367 + ], + [ + "▁integral", + -11.327513694763184 + ], + [ + "▁defend", + -11.32809066772461 + ], + [ + "▁relaxation", + -11.328112602233888 + ], + [ + "▁uploaded", + -11.328208923339844 + ], + [ + "▁corners", + -11.328267097473145 + ], + [ + "▁insulation", + -11.328396797180176 + ], + [ + "▁Thai", + -11.328500747680664 + ], + [ + "▁2009.", + -11.32860279083252 + ], + [ + "▁fiscal", + -11.328693389892578 + ], + [ + "▁Apr", + -11.32880687713623 + ], + [ + "list", + -11.328852653503418 + ], + [ + "▁seeks", + -11.329100608825684 + ], + [ + "▁Swiss", + -11.329413414001465 + ], + [ + "▁charts", + -11.329452514648438 + ], + [ + "▁leverage", + -11.329654693603516 + ], + [ + "▁affairs", + -11.329763412475586 + ], + [ + "▁Phoenix", + -11.329896926879885 + ], + [ + "▁chairman", + -11.329996109008787 + ], + [ + "▁disposal", + -11.330059051513672 + ], + [ + "▁reaches", + -11.330113410949709 + ], + [ + "▁identical", + -11.330430030822754 + ], + [ + "▁insert", + -11.331931114196776 + ], + [ + "▁honored", + -11.332136154174805 + ], + [ + "▁46", + -11.332139015197754 + ], + [ + "▁screw", + -11.332575798034668 + ], + [ + "▁highway", + -11.332608222961426 + ], + [ + "▁brass", + -11.33290958404541 + ], + [ + "ek", + -11.33319091796875 + ], + [ + "yard", + -11.33327865600586 + ], + [ + "▁Bachelor", + -11.333348274230955 + ], + [ + "ang", + -11.333403587341309 + ], + [ + "▁Stadium", + -11.333486557006836 + ], + [ + "▁surgical", + -11.33371353149414 + ], + [ + "▁graduation", + -11.33381462097168 + ], + [ + "▁talents", + -11.333887100219728 + ], + [ + "▁Ultra", + -11.333897590637209 + ], + [ + "▁pics", + -11.334101676940918 + ], + [ + "▁Update", + -11.33447551727295 + ], + [ + "▁Summit", + -11.334678649902344 + ], + [ + "▁antique", + -11.33517360687256 + ], + [ + "▁Mom", + -11.335206985473633 + ], + [ + "▁Anne", + -11.335209846496582 + ], + [ + "state", + -11.33525562286377 + ], + [ + "▁corresponding", + -11.335626602172852 + ], + [ + "▁bankruptcy", + -11.335801124572754 + ], + [ + "▁underground", + -11.33597183227539 + ], + [ + "▁consecutive", + -11.336345672607422 + ], + [ + "▁fed", + -11.336402893066406 + ], + [ + "▁worthy", + -11.336636543273926 + ], + [ + "ola", + -11.336661338806152 + ], + [ + "▁Coach", + -11.33696174621582 + ], + [ + "Con", + -11.336976051330566 + ], + [ + "▁graduates", + -11.337130546569824 + ], + [ + "▁glory", + -11.337501525878906 + ], + [ + "▁warehouse", + -11.337506294250488 + ], + [ + "▁surprises", + -11.337599754333496 + ], + [ + "▁conjunction", + -11.337788581848145 + ], + [ + "▁sudden", + -11.338119506835938 + ], + [ + "▁Major", + -11.338149070739746 + ], + [ + "ker", + -11.338245391845703 + ], + [ + "▁strengths", + -11.338482856750488 + ], + [ + "21", + -11.338528633117676 + ], + [ + "▁baked", + -11.339032173156738 + ], + [ + "▁voltage", + -11.339141845703123 + ], + [ + "▁abstract", + -11.339263916015623 + ], + [ + "▁WA", + -11.339277267456056 + ], + [ + "▁bonds", + -11.339599609375 + ], + [ + "▁informative", + -11.339828491210938 + ], + [ + "port", + -11.339845657348633 + ], + [ + "▁Often", + -11.340004920959473 + ], + [ + "▁Total", + -11.34018898010254 + ], + [ + "▁exams", + -11.340271949768066 + ], + [ + "▁costume", + -11.340357780456545 + ], + [ + "▁DO", + -11.340444564819336 + ], + [ + "▁Moore", + -11.340673446655272 + ], + [ + "▁52", + -11.3407564163208 + ], + [ + "▁cheapest", + -11.340777397155762 + ], + [ + "▁reserves", + -11.340875625610352 + ], + [ + "▁cocktail", + -11.341078758239746 + ], + [ + "▁Eye", + -11.341385841369627 + ], + [ + "▁fabrics", + -11.341424942016602 + ], + [ + "▁serial", + -11.34162425994873 + ], + [ + "▁concluded", + -11.341880798339844 + ], + [ + "▁cozy", + -11.341880798339844 + ], + [ + "▁Staff", + -11.342122077941896 + ], + [ + "▁ingredient", + -11.34213638305664 + ], + [ + "specific", + -11.342143058776855 + ], + [ + "▁tomato", + -11.34215259552002 + ], + [ + "▁queen", + -11.342166900634766 + ], + [ + "▁Mining", + -11.34229564666748 + ], + [ + "-5", + -11.342361450195312 + ], + [ + "▁connectivity", + -11.34241008758545 + ], + [ + "▁Leadership", + -11.342527389526367 + ], + [ + "▁Fun", + -11.342716217041016 + ], + [ + "▁calculated", + -11.342796325683594 + ], + [ + "▁lid", + -11.342893600463867 + ], + [ + "▁cannabis", + -11.34290885925293 + ], + [ + "▁entities", + -11.342973709106444 + ], + [ + "▁accurately", + -11.343215942382812 + ], + [ + "▁Arab", + -11.343267440795898 + ], + [ + "▁Pool", + -11.343358039855955 + ], + [ + "▁Jane", + -11.343497276306152 + ], + [ + "▁Mon", + -11.343635559082031 + ], + [ + "Join", + -11.343820571899414 + ], + [ + "▁Sweden", + -11.343838691711426 + ], + [ + "▁receipt", + -11.343950271606444 + ], + [ + "▁departure", + -11.344008445739746 + ], + [ + "▁Clark", + -11.344046592712402 + ], + [ + "▁gluten", + -11.34421730041504 + ], + [ + "▁Mix", + -11.344366073608398 + ], + [ + "▁Audio", + -11.3446044921875 + ], + [ + "▁Chamber", + -11.344830513000488 + ], + [ + "▁mesh", + -11.344844818115234 + ], + [ + "▁Brooklyn", + -11.345108032226562 + ], + [ + "▁strain", + -11.345258712768556 + ], + [ + "▁GA", + -11.345284461975098 + ], + [ + "▁sponsor", + -11.34532356262207 + ], + [ + "▁vegan", + -11.345399856567385 + ], + [ + "▁Common", + -11.34599494934082 + ], + [ + "▁Language", + -11.346209526062012 + ], + [ + "▁2020", + -11.346352577209473 + ], + [ + "mer", + -11.346652030944824 + ], + [ + "▁executives", + -11.34677505493164 + ], + [ + "▁$3", + -11.347271919250488 + ], + [ + "▁needing", + -11.347290992736816 + ], + [ + "▁Hawaii", + -11.347414016723633 + ], + [ + "type", + -11.347442626953123 + ], + [ + "▁glue", + -11.347478866577148 + ], + [ + "▁Pat", + -11.34750747680664 + ], + [ + "▁throwing", + -11.347808837890623 + ], + [ + "▁smoothly", + -11.347976684570312 + ], + [ + "▁Anna", + -11.34805393218994 + ], + [ + "▁retreat", + -11.348092079162598 + ], + [ + "▁restricted", + -11.34827995300293 + ], + [ + "▁conducting", + -11.348299026489258 + ], + [ + "▁charter", + -11.34836196899414 + ], + [ + "▁honestly", + -11.348833084106444 + ], + [ + "▁coin", + -11.34900188446045 + ], + [ + "▁Doctor", + -11.349106788635254 + ], + [ + "▁encourages", + -11.349224090576172 + ], + [ + "▁8,", + -11.349303245544434 + ], + [ + "▁arrest", + -11.349327087402344 + ], + [ + "▁Boy", + -11.349932670593262 + ], + [ + "▁tasting", + -11.350016593933104 + ], + [ + "ze", + -11.350043296813965 + ], + [ + "▁j", + -11.350287437438965 + ], + [ + "▁Gulf", + -11.350370407104492 + ], + [ + "▁fired", + -11.350407600402832 + ], + [ + "▁patience", + -11.350509643554688 + ], + [ + "▁font", + -11.350749015808104 + ], + [ + "▁permits", + -11.350820541381836 + ], + [ + "▁renewable", + -11.351506233215332 + ], + [ + "▁Maria", + -11.351776123046877 + ], + [ + "▁convinced", + -11.35185432434082 + ], + [ + "▁receives", + -11.352113723754885 + ], + [ + "link", + -11.352250099182127 + ], + [ + "▁stolen", + -11.352821350097656 + ], + [ + "▁Index", + -11.353177070617676 + ], + [ + "▁Shipping", + -11.35319709777832 + ], + [ + "▁magazines", + -11.35321044921875 + ], + [ + "▁le", + -11.353275299072266 + ], + [ + "▁Ever", + -11.353364944458008 + ], + [ + "▁hospitality", + -11.35385799407959 + ], + [ + "▁drum", + -11.35387134552002 + ], + [ + "▁friendship", + -11.35399055480957 + ], + [ + "▁jail", + -11.354037284851074 + ], + [ + "▁barrier", + -11.354135513305664 + ], + [ + "▁achievements", + -11.354181289672852 + ], + [ + "▁stamp", + -11.35451602935791 + ], + [ + "▁complement", + -11.354702949523926 + ], + [ + "▁10,000", + -11.354778289794922 + ], + [ + "▁Culture", + -11.355002403259276 + ], + [ + "▁MI", + -11.355025291442873 + ], + [ + "▁bits", + -11.35520076751709 + ], + [ + "!).", + -11.355364799499512 + ], + [ + "▁Corporate", + -11.355695724487305 + ], + [ + "▁symbols", + -11.355783462524414 + ], + [ + "Sometimes", + -11.355905532836914 + ], + [ + "▁thrilled", + -11.355934143066406 + ], + [ + "▁destroy", + -11.356585502624512 + ], + [ + "▁quit", + -11.356974601745604 + ], + [ + "▁tray", + -11.357073783874512 + ], + [ + "screen", + -11.357176780700684 + ], + [ + "▁Feel", + -11.357186317443848 + ], + [ + "▁winds", + -11.357412338256836 + ], + [ + "▁magnetic", + -11.3575439453125 + ], + [ + "que", + -11.357755661010742 + ], + [ + "Want", + -11.357892990112305 + ], + [ + "▁Dean", + -11.35811996459961 + ], + [ + "▁Whatever", + -11.358219146728516 + ], + [ + "▁organised", + -11.358263969421388 + ], + [ + "▁Bath", + -11.358448028564451 + ], + [ + "▁Visual", + -11.358527183532717 + ], + [ + "▁folk", + -11.358808517456056 + ], + [ + "▁(2)", + -11.358867645263672 + ], + [ + "tion", + -11.359169960021973 + ], + [ + "▁curtain", + -11.359683990478516 + ], + [ + "▁Indonesia", + -11.359827041625977 + ], + [ + "ov", + -11.359976768493652 + ], + [ + "▁tuned", + -11.360061645507812 + ], + [ + "▁weekends", + -11.360528945922852 + ], + [ + "▁loyalty", + -11.360767364501951 + ], + [ + "▁synthetic", + -11.3607816696167 + ], + [ + "▁47", + -11.360845565795898 + ], + [ + "▁functioning", + -11.360872268676758 + ], + [ + "▁thinks", + -11.360877990722656 + ], + [ + "▁Organization", + -11.361120223999023 + ], + [ + "▁Further", + -11.36115264892578 + ], + [ + "▁blade", + -11.361294746398926 + ], + [ + "▁$50", + -11.361517906188965 + ], + [ + "|", + -11.36152172088623 + ], + [ + "▁Diamond", + -11.361820220947266 + ], + [ + "▁fails", + -11.362066268920898 + ], + [ + "▁regime", + -11.362247467041016 + ], + [ + "▁headquarters", + -11.36234188079834 + ], + [ + "low", + -11.3626070022583 + ], + [ + "▁DE", + -11.362619400024414 + ], + [ + "▁interpretation", + -11.362852096557615 + ], + [ + "▁counsel", + -11.36293601989746 + ], + [ + "▁des", + -11.362953186035156 + ], + [ + "▁der", + -11.362997055053713 + ], + [ + "▁Del", + -11.363147735595703 + ], + [ + "▁fundraising", + -11.363521575927734 + ], + [ + "▁passage", + -11.363627433776855 + ], + [ + "▁adjacent", + -11.363802909851074 + ], + [ + "▁reservation", + -11.363957405090332 + ], + [ + "▁niche", + -11.36404037475586 + ], + [ + "▁NYC", + -11.36429500579834 + ], + [ + "▁eastern", + -11.364548683166504 + ], + [ + "▁se", + -11.364675521850586 + ], + [ + "bed", + -11.36482048034668 + ], + [ + "▁bugs", + -11.364830017089844 + ], + [ + "▁beta", + -11.364856719970703 + ], + [ + "▁Cool", + -11.365280151367188 + ], + [ + "▁belong", + -11.36585807800293 + ], + [ + "▁poll", + -11.36586570739746 + ], + [ + "▁Intel", + -11.365888595581056 + ], + [ + "▁practicing", + -11.36606502532959 + ], + [ + "▁transformed", + -11.366130828857422 + ], + [ + "chi", + -11.366147994995115 + ], + [ + "ising", + -11.366470336914062 + ], + [ + "▁microwave", + -11.366488456726074 + ], + [ + "▁affecting", + -11.36652946472168 + ], + [ + "▁rounds", + -11.366539001464844 + ], + [ + "▁Junior", + -11.367070198059082 + ], + [ + "▁cyber", + -11.367402076721191 + ], + [ + "▁branding", + -11.367427825927734 + ], + [ + "▁tent", + -11.36757755279541 + ], + [ + "▁epic", + -11.367985725402832 + ], + [ + "▁undergraduate", + -11.369107246398926 + ], + [ + "▁Bluetooth", + -11.369256019592283 + ], + [ + "▁compromise", + -11.369345664978027 + ], + [ + "▁hungry", + -11.369705200195312 + ], + [ + "dy", + -11.369861602783203 + ], + [ + "▁drawings", + -11.36989974975586 + ], + [ + "▁vessel", + -11.369924545288086 + ], + [ + "▁Entertainment", + -11.370039939880373 + ], + [ + "▁significance", + -11.370043754577637 + ], + [ + "Back", + -11.3701810836792 + ], + [ + "▁generating", + -11.370190620422363 + ], + [ + "▁underneath", + -11.370198249816896 + ], + [ + "▁surroundings", + -11.370406150817873 + ], + [ + "▁bake", + -11.37045192718506 + ], + [ + "▁Empire", + -11.370627403259276 + ], + [ + "▁outlets", + -11.370728492736816 + ], + [ + "war", + -11.37083625793457 + ], + [ + "▁gel", + -11.370980262756348 + ], + [ + "▁Ridge", + -11.371061325073242 + ], + [ + "▁horror", + -11.371223449707031 + ], + [ + "▁minerals", + -11.37123966217041 + ], + [ + "▁thirty", + -11.371297836303713 + ], + [ + "▁trademark", + -11.371715545654297 + ], + [ + "▁ethical", + -11.371777534484863 + ], + [ + "effective", + -11.372156143188477 + ], + [ + "▁Sweet", + -11.372312545776367 + ], + [ + "▁toxic", + -11.372421264648438 + ], + [ + "▁Dead", + -11.37263011932373 + ], + [ + "70", + -11.373276710510254 + ], + [ + "▁obtaining", + -11.37328815460205 + ], + [ + "▁%", + -11.373905181884766 + ], + [ + "▁dramatically", + -11.374105453491213 + ], + [ + "▁pose", + -11.374164581298828 + ], + [ + "▁Labor", + -11.374411582946776 + ], + [ + "Meanwhile", + -11.37453556060791 + ], + [ + "▁IBM", + -11.37455940246582 + ], + [ + "▁structured", + -11.374740600585938 + ], + [ + "▁failing", + -11.375096321105955 + ], + [ + "▁trauma", + -11.375277519226074 + ], + [ + "▁Switzerland", + -11.375462532043455 + ], + [ + "▁Images", + -11.375621795654297 + ], + [ + "▁Corp", + -11.375630378723145 + ], + [ + "▁11,", + -11.376246452331545 + ], + [ + "▁heal", + -11.376423835754396 + ], + [ + "Students", + -11.376470565795898 + ], + [ + "non", + -11.376716613769531 + ], + [ + "▁Pack", + -11.376748085021973 + ], + [ + "▁dropping", + -11.37689971923828 + ], + [ + "▁Dad", + -11.37741470336914 + ], + [ + "▁derived", + -11.377676010131836 + ], + [ + "▁dial", + -11.37787628173828 + ], + [ + "▁ranks", + -11.378094673156738 + ], + [ + "▁teens", + -11.378393173217772 + ], + [ + "▁Grade", + -11.378552436828612 + ], + [ + "▁barriers", + -11.378717422485352 + ], + [ + "▁outline", + -11.378782272338867 + ], + [ + "▁rewarding", + -11.37899684906006 + ], + [ + "rate", + -11.379043579101562 + ], + [ + "▁Events", + -11.379083633422852 + ], + [ + "now", + -11.379213333129885 + ], + [ + "▁ruling", + -11.379315376281738 + ], + [ + "▁Alaska", + -11.37941074371338 + ], + [ + "▁newer", + -11.379971504211426 + ], + [ + "About", + -11.380096435546877 + ], + [ + "▁Ko", + -11.380194664001465 + ], + [ + "▁THIS", + -11.380261421203612 + ], + [ + "▁specializes", + -11.38047981262207 + ], + [ + "▁Salt", + -11.3804931640625 + ], + [ + "▁differ", + -11.380844116210938 + ], + [ + "▁accent", + -11.380889892578123 + ], + [ + "▁mounting", + -11.381084442138672 + ], + [ + "▁sq", + -11.38150691986084 + ], + [ + "Day", + -11.381806373596191 + ], + [ + "▁handmade", + -11.38193416595459 + ], + [ + "▁dimension", + -11.382120132446287 + ], + [ + "▁attempted", + -11.38219928741455 + ], + [ + "▁Lo", + -11.38284397125244 + ], + [ + "▁armed", + -11.383325576782228 + ], + [ + "▁Dining", + -11.383392333984377 + ], + [ + "▁concentrate", + -11.383414268493652 + ], + [ + "▁dig", + -11.383480072021484 + ], + [ + "▁marble", + -11.383563995361328 + ], + [ + "▁offensive", + -11.38387966156006 + ], + [ + "▁6,", + -11.383997917175291 + ], + [ + "▁organizing", + -11.384078979492188 + ], + [ + "▁Getting", + -11.384114265441896 + ], + [ + "▁Harvard", + -11.384190559387209 + ], + [ + "▁gene", + -11.384384155273438 + ], + [ + "▁Ross", + -11.384417533874512 + ], + [ + "▁promising", + -11.384489059448242 + ], + [ + "▁RSS", + -11.384556770324709 + ], + [ + "▁roller", + -11.384605407714844 + ], + [ + "▁bin", + -11.385062217712402 + ], + [ + "▁Costa", + -11.38514232635498 + ], + [ + "get", + -11.385287284851074 + ], + [ + "▁rides", + -11.385318756103516 + ], + [ + "▁Rob", + -11.38540744781494 + ], + [ + "▁appliance", + -11.385462760925291 + ], + [ + "▁Partners", + -11.38551139831543 + ], + [ + "▁Designs", + -11.38552951812744 + ], + [ + "▁determining", + -11.38635540008545 + ], + [ + "▁SE", + -11.386356353759766 + ], + [ + "▁substitute", + -11.386395454406738 + ], + [ + "▁pipes", + -11.3864164352417 + ], + [ + "▁Du", + -11.386981010437012 + ], + [ + "ping", + -11.387206077575684 + ], + [ + "▁Mumbai", + -11.387675285339355 + ], + [ + "▁upset", + -11.387929916381836 + ], + [ + "▁travelers", + -11.388011932373049 + ], + [ + "▁bikes", + -11.388035774230955 + ], + [ + "▁farming", + -11.388042449951172 + ], + [ + "▁viagra", + -11.388160705566406 + ], + [ + "▁buses", + -11.38816261291504 + ], + [ + "▁Edge", + -11.388290405273438 + ], + [ + "▁courtesy", + -11.388384819030762 + ], + [ + "35", + -11.388888359069824 + ], + [ + "▁conscious", + -11.388981819152832 + ], + [ + "▁Inside", + -11.389093399047852 + ], + [ + "▁Rev", + -11.389251708984377 + ], + [ + "▁assignments", + -11.3893404006958 + ], + [ + "ities", + -11.389486312866213 + ], + [ + "▁Investment", + -11.38952350616455 + ], + [ + "▁Phil", + -11.389589309692385 + ], + [ + "store", + -11.38962459564209 + ], + [ + "▁rolls", + -11.38991928100586 + ], + [ + "▁attributes", + -11.390019416809082 + ], + [ + "▁Really", + -11.39033031463623 + ], + [ + "▁vocal", + -11.390351295471191 + ], + [ + "ware", + -11.390458106994627 + ], + [ + "▁towel", + -11.390767097473145 + ], + [ + "▁separation", + -11.390775680541992 + ], + [ + "▁clay", + -11.390851974487305 + ], + [ + "▁Su", + -11.390891075134276 + ], + [ + "▁sporting", + -11.391021728515623 + ], + [ + "ball", + -11.391053199768066 + ], + [ + "▁Kate", + -11.391053199768066 + ], + [ + "▁Alexander", + -11.391310691833496 + ], + [ + "▁Player", + -11.391433715820312 + ], + [ + "▁smartphones", + -11.391799926757812 + ], + [ + "▁Convention", + -11.391868591308594 + ], + [ + "▁implications", + -11.392274856567385 + ], + [ + "▁Chrome", + -11.392301559448242 + ], + [ + "▁riders", + -11.39259910583496 + ], + [ + "▁Window", + -11.39266586303711 + ], + [ + "Being", + -11.393357276916504 + ], + [ + "▁respected", + -11.393729209899902 + ], + [ + "▁wage", + -11.393770217895508 + ], + [ + "▁harsh", + -11.39392375946045 + ], + [ + "▁inviting", + -11.393924713134766 + ], + [ + "▁praise", + -11.393933296203612 + ], + [ + "▁Base", + -11.39397144317627 + ], + [ + "▁Remove", + -11.394159317016602 + ], + [ + "▁Rather", + -11.394186973571776 + ], + [ + "▁Driver", + -11.394197463989258 + ], + [ + "▁angry", + -11.394229888916016 + ], + [ + "▁motorcycle", + -11.394250869750977 + ], + [ + "ial", + -11.39426326751709 + ], + [ + "▁Sure", + -11.394427299499512 + ], + [ + "▁anybody", + -11.39490795135498 + ], + [ + "▁fold", + -11.395112037658691 + ], + [ + "▁restored", + -11.395271301269531 + ], + [ + "▁perception", + -11.395567893981934 + ], + [ + "stop", + -11.396004676818848 + ], + [ + "▁Andy", + -11.396262168884276 + ], + [ + "▁RV", + -11.39659309387207 + ], + [ + "▁Technologies", + -11.396899223327637 + ], + [ + "▁intensity", + -11.396933555603027 + ], + [ + "▁coating", + -11.397042274475098 + ], + [ + "▁ME", + -11.397089004516602 + ], + [ + "▁da", + -11.397616386413574 + ], + [ + "▁mainstream", + -11.39793300628662 + ], + [ + "▁freely", + -11.398035049438477 + ], + [ + "▁reflected", + -11.398045539855955 + ], + [ + "▁Birthday", + -11.398228645324709 + ], + [ + "▁crossing", + -11.398269653320312 + ], + [ + "▁consist", + -11.398276329040527 + ], + [ + "▁Captain", + -11.39831256866455 + ], + [ + "▁handed", + -11.398499488830566 + ], + [ + "Un", + -11.398536682128906 + ], + [ + "cut", + -11.39921760559082 + ], + [ + "shirt", + -11.399219512939451 + ], + [ + "▁triple", + -11.399250030517578 + ], + [ + "▁adjusted", + -11.39937973022461 + ], + [ + "▁Premium", + -11.3994779586792 + ], + [ + "ho", + -11.399807929992676 + ], + [ + "▁Luke", + -11.39996337890625 + ], + [ + "▁cure", + -11.399977684020996 + ], + [ + "ron", + -11.40003490447998 + ], + [ + "▁flip", + -11.40016746520996 + ], + [ + "▁Battle", + -11.400333404541016 + ], + [ + "▁separated", + -11.400443077087402 + ], + [ + "Based", + -11.400445938110352 + ], + [ + "▁thankful", + -11.400634765625 + ], + [ + "▁gonna", + -11.40070629119873 + ], + [ + "▁uniform", + -11.400965690612791 + ], + [ + "▁Several", + -11.401083946228027 + ], + [ + "iness", + -11.401142120361328 + ], + [ + "▁tends", + -11.40126609802246 + ], + [ + "▁inclusion", + -11.401389122009276 + ], + [ + "▁cosmetic", + -11.401732444763184 + ], + [ + "▁assists", + -11.401863098144531 + ], + [ + "white", + -11.402022361755373 + ], + [ + "▁dying", + -11.402185440063477 + ], + [ + "▁debris", + -11.40246868133545 + ], + [ + "▁180", + -11.402511596679688 + ], + [ + "▁draws", + -11.40268898010254 + ], + [ + "▁drill", + -11.40268898010254 + ], + [ + "▁leisure", + -11.40276336669922 + ], + [ + "▁transparency", + -11.402785301208496 + ], + [ + "▁13,", + -11.402955055236816 + ], + [ + "1,", + -11.40298843383789 + ], + [ + "▁bow", + -11.40300464630127 + ], + [ + "▁governance", + -11.403087615966797 + ], + [ + "▁ports", + -11.403298377990724 + ], + [ + "▁wings", + -11.403427124023438 + ], + [ + "▁Safe", + -11.40351676940918 + ], + [ + "▁wardrobe", + -11.403524398803713 + ], + [ + "▁longest", + -11.403536796569824 + ], + [ + "▁Deep", + -11.403609275817873 + ], + [ + "▁wool", + -11.404306411743164 + ], + [ + "▁cement", + -11.404777526855469 + ], + [ + "▁repeated", + -11.40574836730957 + ], + [ + "▁query", + -11.40596866607666 + ], + [ + "▁presidential", + -11.406620025634766 + ], + [ + "▁terrace", + -11.406811714172363 + ], + [ + "▁suicide", + -11.406869888305664 + ], + [ + "▁advisor", + -11.406901359558104 + ], + [ + "commerce", + -11.406903266906738 + ], + [ + "Tech", + -11.406914710998535 + ], + [ + "▁legitimate", + -11.407135009765623 + ], + [ + "▁gross", + -11.407151222229004 + ], + [ + "▁inexpensive", + -11.407443046569824 + ], + [ + "▁Mi", + -11.40770435333252 + ], + [ + "▁span", + -11.407719612121582 + ], + [ + "about", + -11.40774631500244 + ], + [ + "▁Roll", + -11.407829284667969 + ], + [ + "▁hills", + -11.407880783081056 + ], + [ + "▁confusion", + -11.408004760742188 + ], + [ + "▁appointments", + -11.408188819885254 + ], + [ + "▁centres", + -11.408235549926758 + ], + [ + "Welcome", + -11.408400535583496 + ], + [ + "▁palm", + -11.408485412597656 + ], + [ + "▁accordingly", + -11.408616065979004 + ], + [ + "▁Commerce", + -11.408825874328612 + ], + [ + "Watch", + -11.408931732177734 + ], + [ + "play", + -11.4091215133667 + ], + [ + "-20", + -11.409186363220217 + ], + [ + "▁acknowledge", + -11.409366607666016 + ], + [ + "▁recycled", + -11.40969944000244 + ], + [ + "▁renovation", + -11.409734725952148 + ], + [ + "▁cooler", + -11.41000747680664 + ], + [ + "▁steering", + -11.41013240814209 + ], + [ + "▁partial", + -11.410158157348633 + ], + [ + "▁mat", + -11.410528182983398 + ], + [ + "▁dont", + -11.410635948181152 + ], + [ + "▁Parliament", + -11.410669326782228 + ], + [ + "▁Cost", + -11.411059379577637 + ], + [ + "▁Edward", + -11.411170959472656 + ], + [ + "▁consultants", + -11.411656379699709 + ], + [ + "▁neat", + -11.411853790283203 + ], + [ + "▁lying", + -11.412005424499512 + ], + [ + "▁independently", + -11.412270545959473 + ], + [ + "▁Pi", + -11.412368774414062 + ], + [ + "▁sooner", + -11.412749290466309 + ], + [ + "IT", + -11.41288948059082 + ], + [ + "▁Mail", + -11.413199424743652 + ], + [ + "▁warmth", + -11.413265228271484 + ], + [ + "▁meter", + -11.413291931152344 + ], + [ + "▁loyal", + -11.41353988647461 + ], + [ + "▁Third", + -11.413616180419922 + ], + [ + "▁alter", + -11.413860321044922 + ], + [ + "▁Grace", + -11.414525032043455 + ], + [ + "Open", + -11.41463565826416 + ], + [ + "▁creatures", + -11.414714813232422 + ], + [ + "▁Pa", + -11.415120124816896 + ], + [ + "▁Movie", + -11.415242195129396 + ], + [ + "▁sisters", + -11.415353775024414 + ], + [ + "▁trains", + -11.41553783416748 + ], + [ + "▁Region", + -11.415672302246094 + ], + [ + "▁reactions", + -11.415717124938965 + ], + [ + "ating", + -11.415837287902832 + ], + [ + "▁Adobe", + -11.41590976715088 + ], + [ + "▁pupils", + -11.415972709655762 + ], + [ + "▁2008.", + -11.41614818572998 + ], + [ + "▁locks", + -11.416175842285156 + ], + [ + "Previous", + -11.416407585144045 + ], + [ + "▁poem", + -11.416640281677246 + ], + [ + "▁Barcelona", + -11.416675567626951 + ], + [ + "▁seniors", + -11.41711711883545 + ], + [ + "▁(3", + -11.41715145111084 + ], + [ + "!!!!", + -11.417356491088867 + ], + [ + "▁AS", + -11.417552947998049 + ], + [ + "▁trainer", + -11.417852401733398 + ], + [ + "▁slice", + -11.417994499206545 + ], + [ + "▁shadow", + -11.418539047241213 + ], + [ + "pe", + -11.41861629486084 + ], + [ + "some", + -11.41889476776123 + ], + [ + "▁browsing", + -11.418935775756836 + ], + [ + "300", + -11.4190092086792 + ], + [ + "▁pine", + -11.419049263000488 + ], + [ + "▁picks", + -11.41908359527588 + ], + [ + "Hey", + -11.419097900390623 + ], + [ + "▁Century", + -11.41910457611084 + ], + [ + "▁dispute", + -11.41959285736084 + ], + [ + "▁predict", + -11.420000076293944 + ], + [ + "▁Original", + -11.42017650604248 + ], + [ + "▁Charlotte", + -11.42021656036377 + ], + [ + "▁nails", + -11.420308113098145 + ], + [ + "▁Associates", + -11.420329093933104 + ], + [ + "Black", + -11.420527458190918 + ], + [ + "▁Bus", + -11.420564651489258 + ], + [ + "▁Gray", + -11.420998573303224 + ], + [ + "▁architect", + -11.421001434326172 + ], + [ + "▁searches", + -11.421052932739258 + ], + [ + "▁inclusive", + -11.42128849029541 + ], + [ + "▁lean", + -11.4213228225708 + ], + [ + "▁silent", + -11.421379089355469 + ], + [ + "▁deemed", + -11.42141056060791 + ], + [ + "▁pressing", + -11.421675682067873 + ], + [ + "▁enemies", + -11.421882629394531 + ], + [ + "▁deployment", + -11.421889305114746 + ], + [ + "▁forming", + -11.421918869018556 + ], + [ + "▁obligations", + -11.421963691711426 + ], + [ + "▁destruction", + -11.422274589538574 + ], + [ + "▁introducing", + -11.422370910644531 + ], + [ + "▁sacrifice", + -11.423595428466797 + ], + [ + "▁19,", + -11.42367458343506 + ], + [ + "▁promotions", + -11.423711776733398 + ], + [ + "key", + -11.42398166656494 + ], + [ + "▁Antonio", + -11.42430019378662 + ], + [ + "▁Final", + -11.424361228942873 + ], + [ + "▁Oracle", + -11.424463272094728 + ], + [ + "AP", + -11.424519538879396 + ], + [ + "▁thereby", + -11.424899101257324 + ], + [ + "▁profitable", + -11.424986839294434 + ], + [ + "▁jeans", + -11.42498779296875 + ], + [ + "Net", + -11.425278663635254 + ], + [ + "▁inflation", + -11.425374984741213 + ], + [ + "▁Discover", + -11.42567253112793 + ], + [ + "▁15,", + -11.425909042358398 + ], + [ + "▁schemes", + -11.42591381072998 + ], + [ + "▁SD", + -11.425941467285156 + ], + [ + "▁flows", + -11.42597198486328 + ], + [ + "▁Prior", + -11.426013946533203 + ], + [ + "▁uncomfortable", + -11.42635726928711 + ], + [ + "born", + -11.427041053771973 + ], + [ + "▁logistics", + -11.427131652832031 + ], + [ + "▁curtains", + -11.427369117736816 + ], + [ + "▁BMW", + -11.427449226379396 + ], + [ + "▁evolved", + -11.427563667297363 + ], + [ + "▁booth", + -11.427803993225098 + ], + [ + "▁lenders", + -11.427855491638184 + ], + [ + "▁anger", + -11.42801570892334 + ], + [ + "▁unwanted", + -11.428242683410645 + ], + [ + "▁lightly", + -11.428464889526367 + ], + [ + "▁humanity", + -11.42864227294922 + ], + [ + "▁welfare", + -11.428711891174316 + ], + [ + "▁occasional", + -11.42890739440918 + ], + [ + "▁targeting", + -11.428933143615724 + ], + [ + "▁pumpkin", + -11.42898941040039 + ], + [ + "▁pays", + -11.42912769317627 + ], + [ + "si", + -11.429177284240724 + ], + [ + "▁eager", + -11.429234504699709 + ], + [ + "▁metres", + -11.429706573486328 + ], + [ + "▁potato", + -11.429737091064451 + ], + [ + "▁RAM", + -11.429805755615234 + ], + [ + "▁24/7", + -11.4298734664917 + ], + [ + "▁topped", + -11.430011749267578 + ], + [ + "▁survived", + -11.430139541625977 + ], + [ + "▁Tokyo", + -11.430170059204102 + ], + [ + "▁Nice", + -11.430185317993164 + ], + [ + "▁shoulders", + -11.430253982543944 + ], + [ + "▁22,", + -11.43026065826416 + ], + [ + "▁Six", + -11.430828094482422 + ], + [ + "▁Environment", + -11.431015014648438 + ], + [ + "▁tuition", + -11.431256294250488 + ], + [ + "▁updating", + -11.431391716003418 + ], + [ + "ella", + -11.431702613830566 + ], + [ + "▁pools", + -11.431750297546388 + ], + [ + "▁clever", + -11.431781768798828 + ], + [ + "▁Years", + -11.43186092376709 + ], + [ + "▁momentum", + -11.431939125061035 + ], + [ + "▁Defense", + -11.432506561279297 + ], + [ + "▁rustic", + -11.432610511779783 + ], + [ + "▁trans", + -11.43265151977539 + ], + [ + "▁85", + -11.432785034179688 + ], + [ + "▁lining", + -11.432890892028809 + ], + [ + "▁Associate", + -11.433035850524902 + ], + [ + "▁inflammation", + -11.433144569396973 + ], + [ + "▁forums", + -11.433923721313477 + ], + [ + "▁valley", + -11.433929443359377 + ], + [ + "▁Gardens", + -11.434181213378906 + ], + [ + "▁lender", + -11.43420124053955 + ], + [ + "▁Bi", + -11.434226036071776 + ], + [ + "▁mandatory", + -11.434614181518556 + ], + [ + "▁elite", + -11.434714317321776 + ], + [ + "Wow", + -11.435187339782717 + ], + [ + "▁albums", + -11.43577480316162 + ], + [ + "▁bacon", + -11.435795783996582 + ], + [ + "▁emerged", + -11.436243057250977 + ], + [ + "▁Days", + -11.436444282531738 + ], + [ + "▁diesel", + -11.436448097229004 + ], + [ + "▁algorithm", + -11.436481475830078 + ], + [ + "▁execute", + -11.436514854431152 + ], + [ + "▁ranges", + -11.43671417236328 + ], + [ + "▁Pink", + -11.436738967895508 + ], + [ + "▁pipeline", + -11.43715763092041 + ], + [ + "▁Yellow", + -11.43765926361084 + ], + [ + "▁31,", + -11.437908172607422 + ], + [ + "▁avoiding", + -11.438255310058594 + ], + [ + "ik", + -11.438316345214844 + ], + [ + "▁fur", + -11.43845272064209 + ], + [ + "▁judges", + -11.438512802124023 + ], + [ + "▁Song", + -11.43910312652588 + ], + [ + "▁besides", + -11.439189910888672 + ], + [ + "▁Republicans", + -11.439208030700684 + ], + [ + "▁surveys", + -11.43922233581543 + ], + [ + "▁stressed", + -11.439315795898438 + ], + [ + "▁vessels", + -11.43960666656494 + ], + [ + "▁Netflix", + -11.440082550048828 + ], + [ + "▁wheat", + -11.440108299255373 + ], + [ + "Unfortunately", + -11.440185546875 + ], + [ + "▁practitioners", + -11.440186500549316 + ], + [ + "▁im", + -11.440519332885742 + ], + [ + "▁promptly", + -11.440550804138184 + ], + [ + "▁paired", + -11.440670013427734 + ], + [ + "your", + -11.441021919250488 + ], + [ + "▁imaging", + -11.44131851196289 + ], + [ + "▁companion", + -11.441431045532228 + ], + [ + "▁experimental", + -11.441452980041504 + ], + [ + "have", + -11.441646575927734 + ], + [ + "▁installations", + -11.442304611206056 + ], + [ + "ck", + -11.44273853302002 + ], + [ + "▁margin", + -11.44296169281006 + ], + [ + "▁dip", + -11.44322395324707 + ], + [ + "▁Death", + -11.44322681427002 + ], + [ + "▁Animal", + -11.443347930908203 + ], + [ + "▁silk", + -11.443367958068848 + ], + [ + "▁Khan", + -11.443376541137695 + ], + [ + "▁romance", + -11.443424224853516 + ], + [ + "▁resist", + -11.443427085876465 + ], + [ + "▁fears", + -11.44351577758789 + ], + [ + "▁Howard", + -11.443540573120115 + ], + [ + "▁texts", + -11.443575859069824 + ], + [ + "▁subscribe", + -11.44399070739746 + ], + [ + "▁attach", + -11.444021224975586 + ], + [ + "▁ecosystem", + -11.44426441192627 + ], + [ + "Following", + -11.444445610046388 + ], + [ + "best", + -11.444450378417969 + ], + [ + "▁resolved", + -11.444604873657228 + ], + [ + "▁conservative", + -11.444711685180664 + ], + [ + "dale", + -11.44478702545166 + ], + [ + "▁Grey", + -11.44490909576416 + ], + [ + "there", + -11.4451265335083 + ], + [ + "▁30%", + -11.44544506072998 + ], + [ + "Remember", + -11.445456504821776 + ], + [ + "▁Hamilton", + -11.445842742919922 + ], + [ + "▁Bear", + -11.445985794067385 + ], + [ + "▁troops", + -11.446368217468262 + ], + [ + "▁sellers", + -11.4465913772583 + ], + [ + "▁politicians", + -11.44677448272705 + ], + [ + "▁18,", + -11.447075843811035 + ], + [ + "▁surprisingly", + -11.447755813598633 + ], + [ + "▁pursuing", + -11.447931289672852 + ], + [ + "▁Ukraine", + -11.4482421875 + ], + [ + "▁scenarios", + -11.44825267791748 + ], + [ + "▁Crystal", + -11.4486665725708 + ], + [ + "▁planted", + -11.448833465576172 + ], + [ + "▁spine", + -11.44886302947998 + ], + [ + "where", + -11.448888778686523 + ], + [ + "▁attraction", + -11.448945045471191 + ], + [ + "kg", + -11.449125289916992 + ], + [ + "▁migration", + -11.44921588897705 + ], + [ + "▁counts", + -11.449297904968262 + ], + [ + "▁rejected", + -11.449435234069824 + ], + [ + "▁lip", + -11.449560165405272 + ], + [ + "▁backing", + -11.449875831604004 + ], + [ + "▁radiation", + -11.45040512084961 + ], + [ + "▁Francis", + -11.450628280639648 + ], + [ + "▁wholesale", + -11.451006889343262 + ], + [ + "▁chemistry", + -11.45126247406006 + ], + [ + "▁enthusiasm", + -11.451465606689451 + ], + [ + "yl", + -11.451583862304688 + ], + [ + "▁preview", + -11.451683044433594 + ], + [ + "edge", + -11.451729774475098 + ], + [ + "▁theft", + -11.451754570007324 + ], + [ + "10.", + -11.451807975769045 + ], + [ + "▁1950", + -11.45187759399414 + ], + [ + "▁NBA", + -11.451952934265137 + ], + [ + "▁wallet", + -11.451992988586426 + ], + [ + "CO", + -11.452347755432127 + ], + [ + "▁jet", + -11.452356338500977 + ], + [ + "vi", + -11.452367782592772 + ], + [ + "▁abandoned", + -11.452486038208008 + ], + [ + "▁adjustments", + -11.452582359313965 + ], + [ + "cost", + -11.452604293823242 + ], + [ + "▁28,", + -11.452787399291992 + ], + [ + "▁varying", + -11.4530029296875 + ], + [ + "▁citizen", + -11.453081130981444 + ], + [ + "▁biological", + -11.453152656555176 + ], + [ + "▁twelve", + -11.4531831741333 + ], + [ + "▁spell", + -11.45350170135498 + ], + [ + "▁organizational", + -11.453516006469728 + ], + [ + "▁21,", + -11.453640937805176 + ], + [ + "▁curve", + -11.453783988952637 + ], + [ + "▁thrive", + -11.453871726989746 + ], + [ + "▁squad", + -11.453902244567873 + ], + [ + "▁stairs", + -11.453969955444336 + ], + [ + "▁indicator", + -11.454209327697754 + ], + [ + "▁Terms", + -11.454296112060549 + ], + [ + "▁villages", + -11.4544095993042 + ], + [ + "▁reportedly", + -11.45456314086914 + ], + [ + "▁EP", + -11.454854011535645 + ], + [ + "▁Photography", + -11.45496940612793 + ], + [ + "▁broader", + -11.455079078674316 + ], + [ + "2,", + -11.45529842376709 + ], + [ + "▁billing", + -11.455328941345217 + ], + [ + "▁17,", + -11.455480575561523 + ], + [ + "▁24-", + -11.455609321594238 + ], + [ + "▁vitamins", + -11.455665588378906 + ], + [ + "▁Poland", + -11.455775260925291 + ], + [ + "▁packs", + -11.45584201812744 + ], + [ + "▁lane", + -11.455940246582031 + ], + [ + "▁23,", + -11.456428527832031 + ], + [ + "▁Therapy", + -11.456515312194824 + ], + [ + "Through", + -11.456908226013184 + ], + [ + "▁snap", + -11.456948280334473 + ], + [ + "▁Architecture", + -11.456953048706056 + ], + [ + "▁Process", + -11.456968307495115 + ], + [ + "▁fought", + -11.456971168518066 + ], + [ + "St", + -11.457049369812012 + ], + [ + "▁checkout", + -11.457110404968262 + ], + [ + "▁2009,", + -11.457134246826172 + ], + [ + "▁UV", + -11.457223892211914 + ], + [ + "▁prospect", + -11.457268714904783 + ], + [ + "▁30-", + -11.457337379455566 + ], + [ + "▁attracted", + -11.457440376281738 + ], + [ + "▁Rich", + -11.45751667022705 + ], + [ + "ara", + -11.457682609558104 + ], + [ + "▁Jon", + -11.457756042480469 + ], + [ + "▁icons", + -11.457962989807127 + ], + [ + "▁Gary", + -11.458202362060549 + ], + [ + "▁shame", + -11.45847988128662 + ], + [ + "▁pub", + -11.458486557006836 + ], + [ + "▁static", + -11.45850944519043 + ], + [ + "▁strictly", + -11.458566665649414 + ], + [ + "▁Orleans", + -11.458573341369627 + ], + [ + "▁unlock", + -11.458623886108398 + ], + [ + "▁violation", + -11.458695411682127 + ], + [ + "▁Connect", + -11.458740234375 + ], + [ + "▁breach", + -11.458837509155272 + ], + [ + "▁legally", + -11.458905220031738 + ], + [ + "▁2008,", + -11.45903491973877 + ], + [ + "▁scary", + -11.45919132232666 + ], + [ + "▁suggestion", + -11.45949649810791 + ], + [ + "▁dumpster", + -11.459714889526367 + ], + [ + "▁recreational", + -11.459994316101074 + ], + [ + "AM", + -11.460021018981934 + ], + [ + "▁Ron", + -11.460021018981934 + ], + [ + "▁bucket", + -11.460065841674805 + ], + [ + "▁tongue", + -11.460124015808104 + ], + [ + "▁Liverpool", + -11.460142135620115 + ], + [ + "▁rehabilitation", + -11.46022129058838 + ], + [ + "▁Dublin", + -11.460335731506348 + ], + [ + "▁cognitive", + -11.460429191589355 + ], + [ + "▁counseling", + -11.460429191589355 + ], + [ + "▁exotic", + -11.460526466369627 + ], + [ + "▁Jose", + -11.460541725158691 + ], + [ + "▁SA", + -11.460665702819824 + ], + [ + "▁Fan", + -11.460689544677734 + ], + [ + "▁upgrades", + -11.460969924926758 + ], + [ + "▁distribute", + -11.461098670959473 + ], + [ + "▁prayers", + -11.46111011505127 + ], + [ + "▁variables", + -11.461332321166992 + ], + [ + "▁bronze", + -11.461374282836914 + ], + [ + "▁oz", + -11.46155834197998 + ], + [ + "▁travels", + -11.461706161499023 + ], + [ + "▁retailer", + -11.461833000183104 + ], + [ + "High", + -11.461894989013672 + ], + [ + "▁offline", + -11.461923599243164 + ], + [ + "▁festivals", + -11.46196174621582 + ], + [ + "▁physicians", + -11.462063789367676 + ], + [ + "▁$20", + -11.462215423583984 + ], + [ + "▁decorations", + -11.46297836303711 + ], + [ + "▁founding", + -11.46303653717041 + ], + [ + "▁Va", + -11.463116645812988 + ], + [ + "▁binding", + -11.463457107543944 + ], + [ + "▁drawer", + -11.463509559631348 + ], + [ + "▁Touch", + -11.463825225830078 + ], + [ + "▁Harris", + -11.463972091674805 + ], + [ + "Look", + -11.46402072906494 + ], + [ + "▁mechanisms", + -11.464195251464844 + ], + [ + "▁steep", + -11.464244842529297 + ], + [ + "▁WiFi", + -11.4646635055542 + ], + [ + "▁timber", + -11.464740753173828 + ], + [ + "▁Suite", + -11.465059280395508 + ], + [ + "▁Sand", + -11.465227127075195 + ], + [ + "90", + -11.465303421020508 + ], + [ + "▁publisher", + -11.465435981750488 + ], + [ + "▁Masters", + -11.465547561645508 + ], + [ + "▁catering", + -11.465707778930664 + ], + [ + "▁closure", + -11.465946197509766 + ], + [ + "▁BBQ", + -11.4664306640625 + ], + [ + "▁criticism", + -11.466644287109377 + ], + [ + "ru", + -11.466724395751951 + ], + [ + "▁54", + -11.466806411743164 + ], + [ + "▁CBD", + -11.46685791015625 + ], + [ + "▁HVAC", + -11.467039108276367 + ], + [ + "▁SQL", + -11.467265129089355 + ], + [ + "▁Native", + -11.46746826171875 + ], + [ + "▁Rick", + -11.467988014221191 + ], + [ + "▁reset", + -11.46799373626709 + ], + [ + "▁FDA", + -11.46847438812256 + ], + [ + "▁courage", + -11.46852207183838 + ], + [ + "king", + -11.469124794006348 + ], + [ + "▁adapted", + -11.46920394897461 + ], + [ + "▁Cleveland", + -11.469294548034668 + ], + [ + "▁Throughout", + -11.46948528289795 + ], + [ + "▁chamber", + -11.469768524169922 + ], + [ + "▁corporation", + -11.469768524169922 + ], + [ + "▁literary", + -11.470015525817873 + ], + [ + "▁infections", + -11.470112800598145 + ], + [ + "▁chic", + -11.47019386291504 + ], + [ + "▁recognised", + -11.470257759094238 + ], + [ + "▁tv", + -11.470656394958496 + ], + [ + "▁suspended", + -11.47078800201416 + ], + [ + "▁cry", + -11.471051216125488 + ], + [ + "▁Enter", + -11.471158027648926 + ], + [ + "▁stressful", + -11.471189498901367 + ], + [ + "▁consume", + -11.471545219421388 + ], + [ + "▁Jazz", + -11.471624374389648 + ], + [ + "▁defence", + -11.47169589996338 + ], + [ + "\")", + -11.471699714660645 + ], + [ + "▁seamless", + -11.471776962280272 + ], + [ + "▁volumes", + -11.471924781799316 + ], + [ + "▁notable", + -11.47195529937744 + ], + [ + "▁14,", + -11.472431182861328 + ], + [ + "▁Louisiana", + -11.47284698486328 + ], + [ + "▁Ram", + -11.473041534423828 + ], + [ + "▁liable", + -11.473296165466309 + ], + [ + "▁lime", + -11.473824501037598 + ], + [ + "▁MO", + -11.474206924438477 + ], + [ + "ino", + -11.474530220031738 + ], + [ + "▁silence", + -11.47461986541748 + ], + [ + "▁Independent", + -11.47472095489502 + ], + [ + "▁complications", + -11.474796295166016 + ], + [ + "▁harvest", + -11.475675582885742 + ], + [ + "▁Federation", + -11.475687980651855 + ], + [ + "▁Could", + -11.475756645202637 + ], + [ + "▁construct", + -11.475945472717283 + ], + [ + "▁shake", + -11.475977897644045 + ], + [ + "▁sons", + -11.476598739624023 + ], + [ + "▁executed", + -11.476808547973633 + ], + [ + "▁secrets", + -11.47699737548828 + ], + [ + "gate", + -11.477011680603027 + ], + [ + "ette", + -11.477055549621582 + ], + [ + "▁intensive", + -11.477067947387695 + ], + [ + "▁Duration", + -11.477134704589844 + ], + [ + "▁na", + -11.47714900970459 + ], + [ + "▁catalog", + -11.477272033691406 + ], + [ + "▁specify", + -11.477402687072754 + ], + [ + "▁calculate", + -11.477875709533691 + ], + [ + "▁royal", + -11.478311538696287 + ], + [ + "▁Cheap", + -11.478463172912598 + ], + [ + "▁diving", + -11.478580474853516 + ], + [ + "▁Clinic", + -11.478729248046877 + ], + [ + "▁reminds", + -11.479942321777344 + ], + [ + "▁particles", + -11.480100631713867 + ], + [ + "▁explaining", + -11.480185508728027 + ], + [ + "▁hardwood", + -11.480224609375 + ], + [ + "▁terrain", + -11.480263710021973 + ], + [ + "aka", + -11.480292320251465 + ], + [ + "▁touches", + -11.480446815490724 + ], + [ + "▁variation", + -11.480592727661133 + ], + [ + "most", + -11.48102569580078 + ], + [ + "▁arriving", + -11.481860160827637 + ], + [ + "▁psychology", + -11.481966972351074 + ], + [ + "▁declined", + -11.482239723205566 + ], + [ + "▁manages", + -11.482333183288574 + ], + [ + "▁pros", + -11.48249340057373 + ], + [ + "▁contacting", + -11.482791900634766 + ], + [ + "▁Guard", + -11.482854843139648 + ], + [ + "▁Housing", + -11.482933044433594 + ], + [ + "▁Wind", + -11.483786582946776 + ], + [ + "ata", + -11.483861923217772 + ], + [ + "▁blanket", + -11.48391342163086 + ], + [ + "▁Anyone", + -11.484065055847168 + ], + [ + "▁Clear", + -11.48451042175293 + ], + [ + "▁Kings", + -11.484712600708008 + ], + [ + "▁Heat", + -11.485004425048828 + ], + [ + "▁backgrounds", + -11.485113143920898 + ], + [ + "▁blockchain", + -11.485212326049805 + ], + [ + "▁Bird", + -11.485239028930664 + ], + [ + "▁insured", + -11.48535442352295 + ], + [ + "▁planting", + -11.485464096069336 + ], + [ + "▁Alan", + -11.485841751098633 + ], + [ + "▁Additional", + -11.485873222351074 + ], + [ + "▁duo", + -11.48601531982422 + ], + [ + "▁95", + -11.48608112335205 + ], + [ + "ut", + -11.486169815063477 + ], + [ + "▁Par", + -11.486465454101562 + ], + [ + "▁rentals", + -11.486650466918944 + ], + [ + "▁Justin", + -11.48684024810791 + ], + [ + "▁matched", + -11.486992835998535 + ], + [ + "name", + -11.487385749816896 + ], + [ + "tel", + -11.487403869628906 + ], + [ + "read", + -11.487421989440918 + ], + [ + "OS", + -11.487700462341309 + ], + [ + "Posted", + -11.48790454864502 + ], + [ + "▁consisting", + -11.488070487976074 + ], + [ + "Copyright", + -11.488299369812012 + ], + [ + "▁Active", + -11.488521575927734 + ], + [ + "▁regarded", + -11.48869514465332 + ], + [ + "▁skirt", + -11.488751411437988 + ], + [ + "▁enrolled", + -11.488767623901367 + ], + [ + "▁refuse", + -11.489110946655272 + ], + [ + "▁mis", + -11.48913860321045 + ], + [ + "▁transfers", + -11.48935317993164 + ], + [ + "▁lbs", + -11.489374160766602 + ], + [ + "▁improves", + -11.489611625671388 + ], + [ + "face", + -11.48972511291504 + ], + [ + "▁abundance", + -11.490518569946287 + ], + [ + "▁puzzle", + -11.490745544433594 + ], + [ + "▁Snow", + -11.491024017333984 + ], + [ + "▁syrup", + -11.491195678710938 + ], + [ + "▁51", + -11.491451263427734 + ], + [ + "▁Dragon", + -11.49148178100586 + ], + [ + "▁Ke", + -11.491483688354492 + ], + [ + "▁remembered", + -11.491890907287598 + ], + [ + "▁referring", + -11.491908073425291 + ], + [ + "▁Upon", + -11.493179321289062 + ], + [ + "▁stove", + -11.493659019470217 + ], + [ + "▁widespread", + -11.493892669677734 + ], + [ + "▁athletic", + -11.493913650512695 + ], + [ + "▁fried", + -11.494048118591309 + ], + [ + "▁adjustment", + -11.49415111541748 + ], + [ + "▁Leather", + -11.494184494018556 + ], + [ + "▁classified", + -11.49457836151123 + ], + [ + "ig", + -11.494701385498049 + ], + [ + "▁treasure", + -11.494903564453123 + ], + [ + "▁suppose", + -11.494954109191896 + ], + [ + "▁Jennifer", + -11.494987487792969 + ], + [ + "▁actress", + -11.495057106018066 + ], + [ + "▁lifting", + -11.495110511779783 + ], + [ + "▁Race", + -11.495390892028809 + ], + [ + "▁sells", + -11.49587631225586 + ], + [ + "▁joints", + -11.495965003967283 + ], + [ + "ai", + -11.496267318725586 + ], + [ + "▁experiments", + -11.496429443359377 + ], + [ + "▁16,", + -11.49652099609375 + ], + [ + "▁dealers", + -11.496790885925291 + ], + [ + "▁humor", + -11.496989250183104 + ], + [ + "▁specialize", + -11.497211456298828 + ], + [ + "▁cakes", + -11.497352600097656 + ], + [ + "ran", + -11.497386932373049 + ], + [ + "▁junk", + -11.497981071472168 + ], + [ + "fish", + -11.49799633026123 + ], + [ + "▁linear", + -11.498254776000977 + ], + [ + "hr", + -11.498384475708008 + ], + [ + "▁Garage", + -11.498528480529783 + ], + [ + "▁chapters", + -11.498908996582031 + ], + [ + "▁Universal", + -11.498966217041016 + ], + [ + "▁brake", + -11.498973846435549 + ], + [ + "▁spice", + -11.498992919921877 + ], + [ + "▁Tool", + -11.499324798583984 + ], + [ + "▁challenged", + -11.499377250671388 + ], + [ + "▁AP", + -11.499442100524902 + ], + [ + "▁consuming", + -11.499627113342283 + ], + [ + "▁Walker", + -11.499632835388184 + ], + [ + "▁polished", + -11.499839782714844 + ], + [ + "▁casinos", + -11.499896049499512 + ], + [ + "▁vanity", + -11.500356674194336 + ], + [ + "▁cottage", + -11.500630378723145 + ], + [ + "▁Leave", + -11.500636100769045 + ], + [ + "▁pairs", + -11.500758171081545 + ], + [ + "▁3.5", + -11.500993728637695 + ], + [ + "▁catching", + -11.50111961364746 + ], + [ + "▁proprietary", + -11.501253128051758 + ], + [ + "▁buried", + -11.501296997070312 + ], + [ + "ent", + -11.501410484313965 + ], + [ + "▁Fe", + -11.501419067382812 + ], + [ + "Life", + -11.501734733581545 + ], + [ + "▁fortunate", + -11.501819610595703 + ], + [ + "▁Canon", + -11.502156257629396 + ], + [ + "▁iTunes", + -11.502293586730955 + ], + [ + "Though", + -11.50238037109375 + ], + [ + "▁sunlight", + -11.50240993499756 + ], + [ + "▁upgraded", + -11.502410888671877 + ], + [ + "▁scenery", + -11.50246524810791 + ], + [ + "▁analysts", + -11.50259780883789 + ], + [ + "▁deserves", + -11.50289535522461 + ], + [ + "▁balcony", + -11.502914428710938 + ], + [ + "▁scent", + -11.502954483032228 + ], + [ + "▁holders", + -11.503050804138184 + ], + [ + "MB", + -11.503190994262695 + ], + [ + "▁flavour", + -11.503303527832031 + ], + [ + "▁Bruce", + -11.503464698791504 + ], + [ + "▁democracy", + -11.50352954864502 + ], + [ + "▁saves", + -11.503629684448242 + ], + [ + "Mo", + -11.50461483001709 + ], + [ + "▁jumping", + -11.504677772521973 + ], + [ + "00", + -11.50507926940918 + ], + [ + "▁Amy", + -11.50508975982666 + ], + [ + "▁Delta", + -11.505173683166504 + ], + [ + "▁eBay", + -11.505367279052734 + ], + [ + "Start", + -11.505440711975098 + ], + [ + "▁generator", + -11.505475997924805 + ], + [ + "▁claiming", + -11.505586624145508 + ], + [ + "yes", + -11.505606651306152 + ], + [ + "▁Hello", + -11.50562858581543 + ], + [ + "▁Editor", + -11.505681037902832 + ], + [ + "▁nationally", + -11.505805015563965 + ], + [ + "▁Lodge", + -11.506043434143066 + ], + [ + "▁optical", + -11.50614070892334 + ], + [ + "-8", + -11.506369590759276 + ], + [ + "▁realise", + -11.506440162658691 + ], + [ + "▁1999", + -11.506796836853027 + ], + [ + "▁submitting", + -11.506823539733888 + ], + [ + "▁GM", + -11.506936073303224 + ], + [ + "▁Chicken", + -11.50702667236328 + ], + [ + "▁enterprises", + -11.507052421569824 + ], + [ + "▁sliding", + -11.507234573364258 + ], + [ + "▁cope", + -11.507341384887695 + ], + [ + "22", + -11.507479667663574 + ], + [ + "▁negotiations", + -11.507723808288574 + ], + [ + "▁therapeutic", + -11.508642196655272 + ], + [ + "▁Degree", + -11.509021759033203 + ], + [ + "▁revolution", + -11.509031295776367 + ], + [ + "▁Villa", + -11.509147644042969 + ], + [ + ".....", + -11.509211540222168 + ], + [ + "▁Jobs", + -11.509291648864746 + ], + [ + "after", + -11.509459495544434 + ], + [ + "Place", + -11.509897232055664 + ], + [ + "▁Mediterranean", + -11.509917259216309 + ], + [ + "▁warned", + -11.510015487670898 + ], + [ + "▁Organic", + -11.51008129119873 + ], + [ + "▁Usually", + -11.510252952575684 + ], + [ + "▁educated", + -11.510299682617188 + ], + [ + "▁sponsors", + -11.510313034057615 + ], + [ + "▁accredited", + -11.51036262512207 + ], + [ + "▁hack", + -11.51073169708252 + ], + [ + "▁circulation", + -11.510818481445312 + ], + [ + "▁Duke", + -11.510870933532717 + ], + [ + "pin", + -11.51100254058838 + ], + [ + "▁Rep", + -11.511063575744627 + ], + [ + "▁sustained", + -11.51115894317627 + ], + [ + "PS", + -11.511369705200195 + ], + [ + "▁creamy", + -11.511445999145508 + ], + [ + "▁Soft", + -11.511476516723633 + ], + [ + "▁Ch", + -11.511486053466797 + ], + [ + "ez", + -11.51149845123291 + ], + [ + "▁depot", + -11.511560440063477 + ], + [ + "▁portrait", + -11.511685371398926 + ], + [ + "▁Rd", + -11.51175308227539 + ], + [ + "▁Tell", + -11.511820793151855 + ], + [ + "▁satisfying", + -11.51188850402832 + ], + [ + "▁crimes", + -11.512184143066406 + ], + [ + "▁mailing", + -11.51234245300293 + ], + [ + "▁GB", + -11.512406349182127 + ], + [ + "▁Range", + -11.51243495941162 + ], + [ + "▁gauge", + -11.512499809265137 + ], + [ + "▁Tickets", + -11.512584686279297 + ], + [ + "?!", + -11.513129234313965 + ], + [ + "▁zones", + -11.513182640075684 + ], + [ + "click", + -11.513202667236328 + ], + [ + "▁traveled", + -11.51327419281006 + ], + [ + "▁associations", + -11.513389587402344 + ], + [ + "▁Charlie", + -11.51345157623291 + ], + [ + "▁confidential", + -11.513509750366213 + ], + [ + "▁nurses", + -11.51353359222412 + ], + [ + "▁violent", + -11.51357364654541 + ], + [ + "▁populations", + -11.51362419128418 + ], + [ + "▁jam", + -11.514826774597168 + ], + [ + "▁Laura", + -11.514912605285645 + ], + [ + "▁Ni", + -11.515098571777344 + ], + [ + "▁Build", + -11.51525592803955 + ], + [ + "▁Birmingham", + -11.515501976013184 + ], + [ + "▁Hunter", + -11.515634536743164 + ], + [ + "▁porch", + -11.516321182250977 + ], + [ + "▁convention", + -11.51653003692627 + ], + [ + "vo", + -11.516897201538086 + ], + [ + "▁Lisa", + -11.517045974731444 + ], + [ + "▁combinations", + -11.517047882080078 + ], + [ + "also", + -11.517202377319336 + ], + [ + "▁translate", + -11.51721477508545 + ], + [ + "▁5%", + -11.517326354980469 + ], + [ + "▁retention", + -11.51733684539795 + ], + [ + "▁nerve", + -11.517500877380373 + ], + [ + "▁goodness", + -11.5176420211792 + ], + [ + "▁boil", + -11.517826080322266 + ], + [ + "OR", + -11.518061637878418 + ], + [ + "▁Rio", + -11.518096923828123 + ], + [ + "▁promoted", + -11.518190383911133 + ], + [ + "▁assault", + -11.518228530883787 + ], + [ + "▁ABC", + -11.518312454223633 + ], + [ + "▁privilege", + -11.5184965133667 + ], + [ + "▁Nelson", + -11.51860809326172 + ], + [ + "Book", + -11.518637657165527 + ], + [ + "▁Parts", + -11.518640518188477 + ], + [ + "▁modeling", + -11.51864528656006 + ], + [ + "▁lineup", + -11.518712997436523 + ], + [ + "▁emotion", + -11.5189208984375 + ], + [ + "▁circles", + -11.518959045410156 + ], + [ + "▁sunset", + -11.519195556640623 + ], + [ + "▁enhancing", + -11.519399642944336 + ], + [ + "▁explores", + -11.519445419311523 + ], + [ + "▁tanks", + -11.51954746246338 + ], + [ + "Maybe", + -11.51961898803711 + ], + [ + "▁leak", + -11.51984405517578 + ], + [ + "▁CV", + -11.519916534423828 + ], + [ + "()", + -11.520228385925291 + ], + [ + "▁Factory", + -11.520557403564451 + ], + [ + "▁modes", + -11.52064037322998 + ], + [ + "▁compound", + -11.520746231079102 + ], + [ + "▁Especially", + -11.52085018157959 + ], + [ + "▁cargo", + -11.52090835571289 + ], + [ + "▁mi", + -11.521004676818848 + ], + [ + "▁max", + -11.521360397338867 + ], + [ + "html", + -11.521377563476562 + ], + [ + "▁Eve", + -11.5214262008667 + ], + [ + "ab", + -11.52149772644043 + ], + [ + "▁Meanwhile", + -11.52160358428955 + ], + [ + "▁Emergency", + -11.521791458129885 + ], + [ + "▁Depending", + -11.521970748901367 + ], + [ + "▁downloading", + -11.522160530090332 + ], + [ + "▁mentor", + -11.522398948669434 + ], + [ + "▁isolated", + -11.522414207458496 + ], + [ + "▁Opera", + -11.523016929626465 + ], + [ + "▁Zone", + -11.523061752319336 + ], + [ + "tic", + -11.523229598999023 + ], + [ + "▁ample", + -11.523277282714844 + ], + [ + "▁guns", + -11.52362060546875 + ], + [ + "▁alternate", + -11.523758888244627 + ], + [ + "▁summit", + -11.524027824401855 + ], + [ + "▁coupled", + -11.52408218383789 + ], + [ + "ung", + -11.524092674255373 + ], + [ + "▁god", + -11.524405479431152 + ], + [ + "▁Connecticut", + -11.52441692352295 + ], + [ + "▁Value", + -11.524768829345703 + ], + [ + "▁reasonably", + -11.525131225585938 + ], + [ + "▁Ring", + -11.525136947631836 + ], + [ + "▁Nike", + -11.525171279907228 + ], + [ + "▁mirrors", + -11.52532196044922 + ], + [ + "▁arguments", + -11.525762557983398 + ], + [ + "▁tenants", + -11.525903701782228 + ], + [ + "▁connects", + -11.526044845581056 + ], + [ + "ii", + -11.526272773742676 + ], + [ + "▁elementary", + -11.526700973510742 + ], + [ + "▁700", + -11.52687931060791 + ], + [ + "▁Nevada", + -11.52706527709961 + ], + [ + "▁Shower", + -11.52716827392578 + ], + [ + "▁pumps", + -11.52727508544922 + ], + [ + "▁Manhattan", + -11.527363777160645 + ], + [ + "▁beating", + -11.527543067932127 + ], + [ + "▁rod", + -11.527837753295898 + ], + [ + "▁Register", + -11.52797031402588 + ], + [ + "▁clearance", + -11.528143882751465 + ], + [ + "▁scheduling", + -11.528546333312988 + ], + [ + "▁optimize", + -11.528583526611328 + ], + [ + "▁annoying", + -11.528831481933594 + ], + [ + "Enjoy", + -11.529322624206545 + ], + [ + "▁keyword", + -11.529399871826172 + ], + [ + "▁dis", + -11.52944278717041 + ], + [ + "▁tailor", + -11.529542922973633 + ], + [ + "500", + -11.52956199645996 + ], + [ + "▁mothers", + -11.52978515625 + ], + [ + "▁Primary", + -11.529828071594238 + ], + [ + "▁tricky", + -11.52983570098877 + ], + [ + "cc", + -11.530065536499023 + ], + [ + "▁Details", + -11.530179977416992 + ], + [ + "tz", + -11.530200004577637 + ], + [ + "▁sturdy", + -11.530477523803713 + ], + [ + "God", + -11.530577659606934 + ], + [ + "▁notified", + -11.530694007873535 + ], + [ + "▁Screen", + -11.531089782714844 + ], + [ + "▁stake", + -11.53116226196289 + ], + [ + "80", + -11.531302452087402 + ], + [ + "▁protest", + -11.531362533569336 + ], + [ + "▁blast", + -11.531509399414062 + ], + [ + "▁borders", + -11.531888961791992 + ], + [ + "▁ruled", + -11.532224655151367 + ], + [ + "▁obstacles", + -11.532581329345703 + ], + [ + "▁Judge", + -11.532633781433104 + ], + [ + "▁(5", + -11.532880783081056 + ], + [ + "▁25%", + -11.53333568572998 + ], + [ + "▁Grove", + -11.53335666656494 + ], + [ + "Save", + -11.533767700195312 + ], + [ + "ff", + -11.533934593200684 + ], + [ + "▁robot", + -11.534318923950195 + ], + [ + "▁therapist", + -11.534594535827637 + ], + [ + "▁pharmacy", + -11.534652709960938 + ], + [ + "ver", + -11.53528881072998 + ], + [ + "▁approached", + -11.535295486450195 + ], + [ + "▁Sen", + -11.535324096679688 + ], + [ + "▁Dakota", + -11.53536605834961 + ], + [ + "▁maintains", + -11.53538703918457 + ], + [ + "▁hop", + -11.535432815551758 + ], + [ + "▁sensitivity", + -11.535606384277344 + ], + [ + "▁365", + -11.535696029663086 + ], + [ + "▁extensions", + -11.535916328430176 + ], + [ + "▁wore", + -11.53593635559082 + ], + [ + "▁promotes", + -11.53599452972412 + ], + [ + "▁Later", + -11.536202430725098 + ], + [ + "▁Ex", + -11.536459922790527 + ], + [ + "▁56", + -11.536487579345703 + ], + [ + "▁9,", + -11.5365571975708 + ], + [ + "▁26,", + -11.53656005859375 + ], + [ + "▁tribute", + -11.537192344665527 + ], + [ + "▁shore", + -11.537205696105955 + ], + [ + "▁mysterious", + -11.537237167358398 + ], + [ + "▁diagnostic", + -11.537298202514648 + ], + [ + "▁Afghanistan", + -11.537301063537598 + ], + [ + "▁Pick", + -11.53730583190918 + ], + [ + "zi", + -11.537506103515623 + ], + [ + "ning", + -11.53757381439209 + ], + [ + "▁struggles", + -11.537619590759276 + ], + [ + "▁collar", + -11.53771686553955 + ], + [ + "▁repeatedly", + -11.538095474243164 + ], + [ + "▁80%", + -11.53822135925293 + ], + [ + "▁receiver", + -11.538329124450684 + ], + [ + "oh", + -11.538533210754396 + ], + [ + "▁pest", + -11.538718223571776 + ], + [ + "▁controlling", + -11.53885555267334 + ], + [ + "▁forgot", + -11.53902816772461 + ], + [ + "▁autumn", + -11.539030075073242 + ], + [ + "▁Greg", + -11.539192199707031 + ], + [ + "▁picnic", + -11.539320945739746 + ], + [ + "ml", + -11.539331436157228 + ], + [ + "▁Amazing", + -11.539344787597656 + ], + [ + "▁schedules", + -11.53955364227295 + ], + [ + "▁museums", + -11.539603233337402 + ], + [ + "▁warming", + -11.53985595703125 + ], + [ + "▁exhaust", + -11.53989601135254 + ], + [ + "▁daughters", + -11.53994369506836 + ], + [ + "▁Installation", + -11.540205001831056 + ], + [ + "▁homeless", + -11.540778160095217 + ], + [ + "▁darkness", + -11.541030883789062 + ], + [ + "▁Decor", + -11.54106903076172 + ], + [ + "part", + -11.54144287109375 + ], + [ + "▁sailing", + -11.541796684265137 + ], + [ + "Set", + -11.54195499420166 + ], + [ + "▁acids", + -11.54224967956543 + ], + [ + "▁releasing", + -11.542250633239746 + ], + [ + "oriented", + -11.542471885681152 + ], + [ + "▁53", + -11.542702674865724 + ], + [ + "▁assure", + -11.543246269226074 + ], + [ + "▁Bag", + -11.543342590332031 + ], + [ + "▁jumped", + -11.543540954589844 + ], + [ + "**", + -11.54355525970459 + ], + [ + "▁tactics", + -11.543662071228027 + ], + [ + "▁Trans", + -11.54377555847168 + ], + [ + "▁deleted", + -11.543880462646484 + ], + [ + "ria", + -11.54388427734375 + ], + [ + "▁delightful", + -11.544024467468262 + ], + [ + "▁Weight", + -11.54417324066162 + ], + [ + "▁Results", + -11.544179916381836 + ], + [ + "▁ambitious", + -11.5443696975708 + ], + [ + "▁Freedom", + -11.54447078704834 + ], + [ + "▁drew", + -11.544517517089844 + ], + [ + "▁outlook", + -11.544595718383787 + ], + [ + "▁woods", + -11.544612884521484 + ], + [ + "▁1-", + -11.544672966003418 + ], + [ + "▁protects", + -11.544816970825195 + ], + [ + "▁intuitive", + -11.544899940490724 + ], + [ + "▁Lead", + -11.545063018798828 + ], + [ + "▁physics", + -11.545183181762695 + ], + [ + "▁gaps", + -11.545295715332031 + ], + [ + "▁crossed", + -11.54545783996582 + ], + [ + "▁watches", + -11.54550075531006 + ], + [ + "▁Directors", + -11.545897483825684 + ], + [ + "▁pile", + -11.546030044555664 + ], + [ + "▁counties", + -11.54640293121338 + ], + [ + "▁arrives", + -11.54666233062744 + ], + [ + "▁sake", + -11.546737670898438 + ], + [ + "▁Jonathan", + -11.546832084655762 + ], + [ + "▁guarantees", + -11.546923637390137 + ], + [ + "▁Baltimore", + -11.546937942504885 + ], + [ + "▁secretary", + -11.546977996826172 + ], + [ + "▁lips", + -11.547011375427246 + ], + [ + "▁para", + -11.547045707702637 + ], + [ + "▁27,", + -11.547468185424805 + ], + [ + "▁desires", + -11.54755401611328 + ], + [ + "▁seafood", + -11.54773235321045 + ], + [ + "▁Consider", + -11.547769546508787 + ], + [ + "▁Greater", + -11.548069953918455 + ], + [ + "▁Xbox", + -11.54812240600586 + ], + [ + "▁syndrome", + -11.548253059387209 + ], + [ + "▁corruption", + -11.54830265045166 + ], + [ + "▁editorial", + -11.548434257507324 + ], + [ + "▁Madison", + -11.54853057861328 + ], + [ + "▁gloves", + -11.548603057861328 + ], + [ + "▁Half", + -11.548822402954102 + ], + [ + "▁Mall", + -11.549002647399902 + ], + [ + "▁pond", + -11.54903793334961 + ], + [ + "▁Tools", + -11.549124717712402 + ], + [ + "Come", + -11.549189567565918 + ], + [ + "▁Vision", + -11.549308776855469 + ], + [ + "▁Sa", + -11.549325942993164 + ], + [ + "▁jury", + -11.549481391906738 + ], + [ + "▁WITH", + -11.54958438873291 + ], + [ + "▁touched", + -11.549887657165527 + ], + [ + "▁opponent", + -11.549991607666016 + ], + [ + "▁firmly", + -11.55001163482666 + ], + [ + "▁freezer", + -11.550198554992676 + ], + [ + "▁styling", + -11.550294876098633 + ], + [ + "▁barrel", + -11.550336837768556 + ], + [ + "▁supervision", + -11.55056095123291 + ], + [ + "Visit", + -11.550673484802246 + ], + [ + "gar", + -11.550766944885254 + ], + [ + "▁applicant", + -11.550848960876465 + ], + [ + "▁phenomenon", + -11.550889015197754 + ], + [ + "ated", + -11.550891876220703 + ], + [ + "▁afterwards", + -11.550951957702637 + ], + [ + "▁switching", + -11.551076889038086 + ], + [ + "▁Orlando", + -11.551243782043455 + ], + [ + "▁Version", + -11.55126667022705 + ], + [ + "real", + -11.551365852355955 + ], + [ + "▁Overall", + -11.551401138305664 + ], + [ + "▁quilt", + -11.55142879486084 + ], + [ + "▁drying", + -11.55154800415039 + ], + [ + "▁dissertation", + -11.551606178283691 + ], + [ + "▁prevents", + -11.55190658569336 + ], + [ + "▁Mt", + -11.55219554901123 + ], + [ + "grade", + -11.55224323272705 + ], + [ + "▁IV", + -11.55236530303955 + ], + [ + "▁1:", + -11.552444458007812 + ], + [ + "▁Moscow", + -11.552490234375 + ], + [ + "▁stepped", + -11.5530424118042 + ], + [ + "▁entrepreneur", + -11.55305290222168 + ], + [ + "▁Kent", + -11.553058624267578 + ], + [ + "▁decreased", + -11.553058624267578 + ], + [ + "▁weddings", + -11.5533447265625 + ], + [ + "▁Choice", + -11.553564071655272 + ], + [ + "▁legend", + -11.55360221862793 + ], + [ + "▁jewellery", + -11.55374813079834 + ], + [ + "▁understands", + -11.553874969482422 + ], + [ + "▁Resource", + -11.55411434173584 + ], + [ + "▁reviewing", + -11.554314613342283 + ], + [ + "▁cables", + -11.554532051086426 + ], + [ + "▁killer", + -11.554760932922363 + ], + [ + "▁rally", + -11.555070877075195 + ], + [ + "▁confusing", + -11.55516529083252 + ], + [ + "▁methodology", + -11.55527400970459 + ], + [ + "▁frustrating", + -11.555757522583008 + ], + [ + "bi", + -11.555840492248535 + ], + [ + "▁Susan", + -11.555940628051758 + ], + [ + "▁pension", + -11.555970191955566 + ], + [ + "▁Target", + -11.556549072265623 + ], + [ + "▁finances", + -11.556574821472168 + ], + [ + "mann", + -11.556660652160645 + ], + [ + "▁alignment", + -11.556904792785645 + ], + [ + "▁educators", + -11.557129859924316 + ], + [ + "▁oh", + -11.557236671447754 + ], + [ + "▁teen", + -11.55725383758545 + ], + [ + "▁jar", + -11.557708740234377 + ], + [ + "▁99", + -11.55784034729004 + ], + [ + "▁Analytics", + -11.557908058166504 + ], + [ + "▁revenues", + -11.557926177978516 + ], + [ + "▁bride", + -11.558027267456056 + ], + [ + "▁uncertainty", + -11.558039665222168 + ], + [ + "▁consolidation", + -11.558382987976074 + ], + [ + "▁mod", + -11.55871868133545 + ], + [ + "will", + -11.558918952941896 + ], + [ + "ano", + -11.55903434753418 + ], + [ + "▁boiler", + -11.5592041015625 + ], + [ + "mon", + -11.559316635131836 + ], + [ + "▁disciplines", + -11.559584617614746 + ], + [ + "ani", + -11.559747695922852 + ], + [ + "▁relatives", + -11.559950828552246 + ], + [ + "▁photographers", + -11.560275077819824 + ], + [ + "▁governor", + -11.560479164123535 + ], + [ + "▁66", + -11.561037063598633 + ], + [ + "▁Mind", + -11.561236381530762 + ], + [ + "▁gardening", + -11.561236381530762 + ], + [ + "▁occupied", + -11.56155490875244 + ], + [ + "...\"", + -11.56165599822998 + ], + [ + "01", + -11.561717987060549 + ], + [ + "▁Med", + -11.561718940734863 + ], + [ + "▁musician", + -11.56238842010498 + ], + [ + "han", + -11.56242847442627 + ], + [ + "▁mapping", + -11.562551498413086 + ], + [ + "▁assumed", + -11.56263256072998 + ], + [ + "▁Tan", + -11.562654495239258 + ], + [ + "▁animated", + -11.562753677368164 + ], + [ + "▁Send", + -11.562880516052246 + ], + [ + "▁flowing", + -11.562921524047852 + ], + [ + "▁journalist", + -11.563106536865234 + ], + [ + "▁facebook", + -11.563204765319824 + ], + [ + "▁fatigue", + -11.56326389312744 + ], + [ + "▁proceeds", + -11.563360214233398 + ], + [ + "▁lover", + -11.563458442687988 + ], + [ + "▁cherry", + -11.563708305358888 + ], + [ + "▁Cream", + -11.563942909240724 + ], + [ + "▁concerts", + -11.563977241516112 + ], + [ + "ries", + -11.564061164855955 + ], + [ + "▁traders", + -11.564108848571776 + ], + [ + "▁Yu", + -11.564172744750977 + ], + [ + "▁households", + -11.56445598602295 + ], + [ + "▁Operations", + -11.56470775604248 + ], + [ + "▁approaching", + -11.564981460571287 + ], + [ + "▁Clinical", + -11.56535530090332 + ], + [ + "▁influences", + -11.565404891967772 + ], + [ + "▁runner", + -11.565435409545898 + ], + [ + "▁Communication", + -11.56569004058838 + ], + [ + "▁mere", + -11.56592845916748 + ], + [ + "▁tunnel", + -11.566452980041504 + ], + [ + "▁behaviors", + -11.567012786865234 + ], + [ + "▁struggled", + -11.56725025177002 + ], + [ + "-6", + -11.567742347717283 + ], + [ + "▁Glen", + -11.56783962249756 + ], + [ + "▁delays", + -11.56793212890625 + ], + [ + "▁Given", + -11.56804084777832 + ], + [ + "▁sweat", + -11.568098068237305 + ], + [ + "▁Craig", + -11.568219184875488 + ], + [ + "under", + -11.568225860595703 + ], + [ + "▁IRS", + -11.568378448486328 + ], + [ + "▁Transportation", + -11.56853199005127 + ], + [ + "▁pixels", + -11.568597793579102 + ], + [ + "▁Barbara", + -11.56865119934082 + ], + [ + "▁Beijing", + -11.56885051727295 + ], + [ + "Should", + -11.569204330444336 + ], + [ + "ura", + -11.569214820861816 + ], + [ + "▁crafts", + -11.569353103637695 + ], + [ + "▁Ga", + -11.56992530822754 + ], + [ + "▁streams", + -11.57021713256836 + ], + [ + "▁galleries", + -11.57027530670166 + ], + [ + "NET", + -11.570314407348633 + ], + [ + "▁12-", + -11.57040309906006 + ], + [ + "▁SP", + -11.570473670959473 + ], + [ + "▁quicker", + -11.57058334350586 + ], + [ + "▁turkey", + -11.570634841918944 + ], + [ + "ach", + -11.570686340332031 + ], + [ + "▁Lighting", + -11.570855140686035 + ], + [ + "▁automobile", + -11.571085929870604 + ], + [ + "▁farms", + -11.57140064239502 + ], + [ + "▁freeze", + -11.5714111328125 + ], + [ + "▁lit", + -11.571637153625488 + ], + [ + "▁Face", + -11.571863174438477 + ], + [ + "▁forests", + -11.571903228759766 + ], + [ + "▁poly", + -11.571940422058104 + ], + [ + "▁Swedish", + -11.572113037109377 + ], + [ + "▁excel", + -11.572145462036133 + ], + [ + "▁101", + -11.572224617004396 + ], + [ + "▁Baker", + -11.572256088256836 + ], + [ + "Would", + -11.57226848602295 + ], + [ + "▁positioned", + -11.572653770446776 + ], + [ + "▁subsequently", + -11.572850227355955 + ], + [ + "▁learners", + -11.572918891906738 + ], + [ + "▁1998", + -11.57315444946289 + ], + [ + "▁Chef", + -11.573331832885742 + ], + [ + "▁spicy", + -11.57347297668457 + ], + [ + "▁Josh", + -11.573482513427734 + ], + [ + "▁dynamics", + -11.573516845703123 + ], + [ + "▁Jews", + -11.57366180419922 + ], + [ + "▁simpler", + -11.573750495910645 + ], + [ + "▁Thompson", + -11.573882102966309 + ], + [ + "▁proceedings", + -11.573896408081056 + ], + [ + "▁landscaping", + -11.5739164352417 + ], + [ + "▁illustrations", + -11.573997497558594 + ], + [ + "▁:)", + -11.574575424194336 + ], + [ + "▁Ca", + -11.574752807617188 + ], + [ + "▁breed", + -11.574979782104492 + ], + [ + "▁crops", + -11.575161933898926 + ], + [ + "green", + -11.575185775756836 + ], + [ + "▁2-3", + -11.575244903564451 + ], + [ + "▁Text", + -11.57532024383545 + ], + [ + "space", + -11.575353622436523 + ], + [ + "▁deposits", + -11.57557487487793 + ], + [ + "▁Production", + -11.5758056640625 + ], + [ + "▁Reserved", + -11.575843811035156 + ], + [ + "▁controversial", + -11.576085090637209 + ], + [ + "▁hoped", + -11.576207160949709 + ], + [ + "▁Hence", + -11.576374053955078 + ], + [ + "▁lending", + -11.576458930969238 + ], + [ + "▁neighborhoods", + -11.576777458190918 + ], + [ + "▁cluster", + -11.576809883117676 + ], + [ + "04", + -11.577096939086914 + ], + [ + "▁Impact", + -11.577141761779783 + ], + [ + "▁Drug", + -11.577764511108398 + ], + [ + "▁hood", + -11.57796859741211 + ], + [ + "▁110", + -11.578032493591309 + ], + [ + "▁licensing", + -11.57806396484375 + ], + [ + "▁surveillance", + -11.57818603515625 + ], + [ + "▁spreading", + -11.57826805114746 + ], + [ + "▁perspectives", + -11.578536987304688 + ], + [ + "▁prep", + -11.578782081604004 + ], + [ + "info", + -11.579216003417969 + ], + [ + "▁likewise", + -11.579231262207031 + ], + [ + "▁horizontal", + -11.579463005065918 + ], + [ + "▁custody", + -11.579784393310549 + ], + [ + "▁gay", + -11.579885482788086 + ], + [ + "▁Pittsburgh", + -11.580137252807615 + ], + [ + "▁Pictures", + -11.58016872406006 + ], + [ + "▁captain", + -11.580202102661133 + ], + [ + "▁notify", + -11.580276489257812 + ], + [ + "▁lace", + -11.58030605316162 + ], + [ + "▁Ar", + -11.58071994781494 + ], + [ + "▁comparable", + -11.580747604370115 + ], + [ + "▁Blood", + -11.580926895141602 + ], + [ + "▁Registration", + -11.58106517791748 + ], + [ + "▁circular", + -11.58115005493164 + ], + [ + "▁nutritional", + -11.581523895263672 + ], + [ + "▁opponents", + -11.581768989562988 + ], + [ + "▁considerably", + -11.582037925720217 + ], + [ + "▁Survey", + -11.582098960876465 + ], + [ + "▁evident", + -11.58212661743164 + ], + [ + "▁strap", + -11.58214282989502 + ], + [ + "▁30,", + -11.582480430603027 + ], + [ + "ren", + -11.58272933959961 + ], + [ + "when", + -11.582743644714355 + ], + [ + "▁carriers", + -11.582898139953612 + ], + [ + "▁Chocolate", + -11.583066940307615 + ], + [ + "▁Victorian", + -11.583244323730469 + ], + [ + "▁metrics", + -11.583429336547852 + ], + [ + "▁spices", + -11.583516120910645 + ], + [ + "▁mad", + -11.58356475830078 + ], + [ + "▁Transfer", + -11.583874702453612 + ], + [ + "▁Canyon", + -11.584537506103516 + ], + [ + "▁clips", + -11.584538459777832 + ], + [ + "dis", + -11.58480739593506 + ], + [ + "▁undertaking", + -11.58507251739502 + ], + [ + "▁castle", + -11.585123062133787 + ], + [ + "▁Nursing", + -11.585156440734863 + ], + [ + "▁innovations", + -11.585216522216797 + ], + [ + "▁react", + -11.585259437561035 + ], + [ + "▁runners", + -11.585445404052734 + ], + [ + "▁sticks", + -11.58555030822754 + ], + [ + "▁monetary", + -11.58557415008545 + ], + [ + "▁supplying", + -11.585588455200195 + ], + [ + "▁Kenya", + -11.585591316223145 + ], + [ + "▁Hopefully", + -11.585646629333496 + ], + [ + "▁12,", + -11.585820198059082 + ], + [ + "▁assessments", + -11.585877418518066 + ], + [ + "▁mud", + -11.58595371246338 + ], + [ + "ST", + -11.585968017578123 + ], + [ + "▁Block", + -11.58624267578125 + ], + [ + "▁evolving", + -11.58627223968506 + ], + [ + "Top", + -11.586316108703612 + ], + [ + "▁clouds", + -11.586963653564451 + ], + [ + "▁thickness", + -11.586990356445312 + ], + [ + "▁25,", + -11.587080955505373 + ], + [ + "▁overhead", + -11.587298393249512 + ], + [ + "▁ribbon", + -11.587327003479004 + ], + [ + "▁partially", + -11.587382316589355 + ], + [ + "▁pole", + -11.587668418884276 + ], + [ + "▁Contemporary", + -11.587676048278809 + ], + [ + "▁assisting", + -11.587849617004396 + ], + [ + "▁Mississippi", + -11.588170051574709 + ], + [ + "▁dealt", + -11.588237762451172 + ], + [ + "▁lamps", + -11.588369369506836 + ], + [ + "▁advances", + -11.588431358337402 + ], + [ + "▁dialing", + -11.589208602905272 + ], + [ + "▁Intelligence", + -11.589441299438477 + ], + [ + "▁ignored", + -11.589486122131348 + ], + [ + "▁glow", + -11.589500427246094 + ], + [ + "▁comparing", + -11.589702606201172 + ], + [ + "▁convince", + -11.589816093444824 + ], + [ + "▁urgent", + -11.589829444885254 + ], + [ + "▁comfortably", + -11.590100288391112 + ], + [ + "▁proudly", + -11.590314865112305 + ], + [ + "▁cater", + -11.590405464172363 + ], + [ + "▁Albert", + -11.590838432312012 + ], + [ + "▁Ver", + -11.590932846069336 + ], + [ + "▁environmentally", + -11.591282844543455 + ], + [ + "▁notion", + -11.591611862182615 + ], + [ + "▁(4", + -11.59162139892578 + ], + [ + "▁institutional", + -11.591629981994627 + ], + [ + "▁pickup", + -11.591646194458008 + ], + [ + "▁descriptions", + -11.59170150756836 + ], + [ + "ile", + -11.591727256774902 + ], + [ + "▁coding", + -11.591853141784668 + ], + [ + "▁Eagle", + -11.592171669006348 + ], + [ + "master", + -11.592206001281738 + ], + [ + "▁Delivery", + -11.592257499694824 + ], + [ + "▁sewing", + -11.592527389526367 + ], + [ + "▁Se", + -11.59256649017334 + ], + [ + "▁wax", + -11.592689514160156 + ], + [ + "▁holy", + -11.592742919921877 + ], + [ + "▁Boys", + -11.592968940734863 + ], + [ + "▁varies", + -11.593059539794922 + ], + [ + "Buy", + -11.593263626098633 + ], + [ + "▁Gordon", + -11.593269348144531 + ], + [ + "▁Studios", + -11.593295097351074 + ], + [ + "▁participant", + -11.59347915649414 + ], + [ + "▁segments", + -11.593777656555176 + ], + [ + "▁hockey", + -11.593999862670898 + ], + [ + "▁Cold", + -11.59409999847412 + ], + [ + "▁cave", + -11.594103813171388 + ], + [ + "▁spotted", + -11.594172477722168 + ], + [ + "▁15%", + -11.594399452209473 + ], + [ + "▁compiled", + -11.594764709472656 + ], + [ + "▁databases", + -11.594926834106444 + ], + [ + "▁bicycle", + -11.595218658447266 + ], + [ + "▁Cabinet", + -11.59523868560791 + ], + [ + "▁Awesome", + -11.595248222351074 + ], + [ + "▁VR", + -11.59527587890625 + ], + [ + "▁encountered", + -11.595309257507324 + ], + [ + "oz", + -11.595504760742188 + ], + [ + "▁AL", + -11.59559726715088 + ], + [ + "▁threw", + -11.59561252593994 + ], + [ + "▁explored", + -11.595659255981444 + ], + [ + "▁simulation", + -11.595674514770508 + ], + [ + "▁excuse", + -11.59570026397705 + ], + [ + "▁Wayne", + -11.595711708068848 + ], + [ + "▁Skin", + -11.59581470489502 + ], + [ + "▁rivers", + -11.595902442932127 + ], + [ + "▁beverage", + -11.596232414245604 + ], + [ + "▁mp", + -11.596349716186523 + ], + [ + "▁lecture", + -11.596406936645508 + ], + [ + "MS", + -11.596427917480469 + ], + [ + "DS", + -11.59672737121582 + ], + [ + "▁advocacy", + -11.596809387207031 + ], + [ + "▁comprised", + -11.597396850585938 + ], + [ + "lock", + -11.597813606262209 + ], + [ + "▁simplicity", + -11.597840309143066 + ], + [ + "▁ethnic", + -11.598278045654297 + ], + [ + "▁Sample", + -11.598382949829102 + ], + [ + "▁radical", + -11.598392486572266 + ], + [ + "▁composite", + -11.598599433898926 + ], + [ + "▁festive", + -11.598608016967772 + ], + [ + "fire", + -11.598660469055176 + ], + [ + "▁Pen", + -11.598787307739258 + ], + [ + "▁chains", + -11.598821640014648 + ], + [ + "▁tones", + -11.598862648010254 + ], + [ + "▁seminar", + -11.599151611328123 + ], + [ + "▁examined", + -11.59918975830078 + ], + [ + "▁sheer", + -11.599234580993652 + ], + [ + "▁cone", + -11.59940242767334 + ], + [ + "▁condo", + -11.59958839416504 + ], + [ + "▁perceived", + -11.599641799926758 + ], + [ + "▁Current", + -11.599952697753906 + ], + [ + "▁Russell", + -11.599980354309082 + ], + [ + "▁29,", + -11.600015640258787 + ], + [ + "▁Franklin", + -11.600048065185549 + ], + [ + "▁brave", + -11.600127220153809 + ], + [ + "▁collaborate", + -11.60028839111328 + ], + [ + "▁sealed", + -11.600343704223633 + ], + [ + "▁Crown", + -11.600393295288086 + ], + [ + "▁Write", + -11.60056209564209 + ], + [ + "▁Consumer", + -11.600601196289062 + ], + [ + "▁Po", + -11.600720405578612 + ], + [ + "▁2007.", + -11.600805282592772 + ], + [ + "▁Circle", + -11.600811004638672 + ], + [ + "▁sleek", + -11.6009521484375 + ], + [ + "▁flu", + -11.601178169250488 + ], + [ + "ery", + -11.601309776306152 + ], + [ + "▁Something", + -11.601340293884276 + ], + [ + "▁Horse", + -11.601360321044922 + ], + [ + "▁sleeves", + -11.601519584655762 + ], + [ + "▁develops", + -11.601734161376951 + ], + [ + "▁nominated", + -11.601736068725586 + ], + [ + "▁Eco", + -11.601972579956056 + ], + [ + "▁bare", + -11.602014541625977 + ], + [ + "▁proteins", + -11.602224349975586 + ], + [ + "▁Lu", + -11.602227210998535 + ], + [ + "▁deer", + -11.602252960205078 + ], + [ + "▁Nation", + -11.602531433105469 + ], + [ + "▁refined", + -11.602556228637695 + ], + [ + "▁deployed", + -11.602693557739258 + ], + [ + "▁sights", + -11.602813720703123 + ], + [ + "▁Pin", + -11.602863311767578 + ], + [ + "▁Treatment", + -11.602875709533691 + ], + [ + "▁archive", + -11.602972030639648 + ], + [ + "▁appearing", + -11.603222846984863 + ], + [ + "▁counting", + -11.603767395019531 + ], + [ + "▁Mercedes", + -11.603875160217283 + ], + [ + "▁enthusiasts", + -11.60404109954834 + ], + [ + "▁Article", + -11.604164123535156 + ], + [ + "shaped", + -11.604302406311035 + ], + [ + "▁Graham", + -11.604447364807127 + ], + [ + "▁salmon", + -11.604561805725098 + ], + [ + "▁administrator", + -11.604631423950195 + ], + [ + "Hello", + -11.604644775390623 + ], + [ + "▁Christopher", + -11.604985237121582 + ], + [ + "▁prescribed", + -11.605182647705078 + ], + [ + "pur", + -11.60525131225586 + ], + [ + "▁Tips", + -11.605341911315918 + ], + [ + "▁journalists", + -11.605402946472168 + ], + [ + "▁pound", + -11.605786323547363 + ], + [ + "ative", + -11.605814933776855 + ], + [ + "▁pharmaceutical", + -11.605839729309082 + ], + [ + "▁belongs", + -11.605862617492676 + ], + [ + "▁Marvel", + -11.605901718139648 + ], + [ + "▁Vista", + -11.606019020080566 + ], + [ + "▁permanently", + -11.606071472167969 + ], + [ + "▁affiliated", + -11.606523513793944 + ], + [ + "▁polish", + -11.606536865234377 + ], + [ + "▁strips", + -11.606575965881348 + ], + [ + "▁dryer", + -11.606609344482422 + ], + [ + "▁hose", + -11.606700897216797 + ], + [ + "▁Douglas", + -11.60688591003418 + ], + [ + "minded", + -11.60694408416748 + ], + [ + "▁Virtual", + -11.607144355773926 + ], + [ + "▁athlete", + -11.607154846191406 + ], + [ + "ju", + -11.607525825500488 + ], + [ + "▁coordination", + -11.60759449005127 + ], + [ + "▁builder", + -11.60808563232422 + ], + [ + "▁mindset", + -11.608296394348145 + ], + [ + "Create", + -11.608680725097656 + ], + [ + "▁pillow", + -11.608699798583984 + ], + [ + "kind", + -11.608712196350098 + ], + [ + "▁Otherwise", + -11.608830451965332 + ], + [ + "▁Healthcare", + -11.609192848205566 + ], + [ + "▁bubble", + -11.609201431274414 + ], + [ + "▁Lower", + -11.60922908782959 + ], + [ + "▁AD", + -11.60928440093994 + ], + [ + "▁Si", + -11.609651565551758 + ], + [ + "▁offset", + -11.609692573547363 + ], + [ + "▁undertake", + -11.609896659851074 + ], + [ + "▁verified", + -11.610068321228027 + ], + [ + "Three", + -11.610090255737305 + ], + [ + "▁logical", + -11.610153198242188 + ], + [ + "▁terrific", + -11.610214233398438 + ], + [ + "23", + -11.610461235046388 + ], + [ + "▁rankings", + -11.610462188720703 + ], + [ + "▁Racing", + -11.61064624786377 + ], + [ + "▁PRO", + -11.610671997070312 + ], + [ + "ski", + -11.610730171203612 + ], + [ + "▁ST", + -11.610739707946776 + ], + [ + "▁performs", + -11.61081314086914 + ], + [ + "▁meantime", + -11.611043930053713 + ], + [ + "▁inquiry", + -11.61112117767334 + ], + [ + "▁railway", + -11.61127471923828 + ], + [ + "▁Indeed", + -11.61130428314209 + ], + [ + "▁shirts", + -11.611612319946287 + ], + [ + "▁breathe", + -11.611727714538574 + ], + [ + "▁Published", + -11.612037658691406 + ], + [ + "worth", + -11.612048149108888 + ], + [ + "▁Supply", + -11.612613677978516 + ], + [ + "▁combo", + -11.612804412841797 + ], + [ + "▁regret", + -11.613018989562988 + ], + [ + "▁landed", + -11.61306381225586 + ], + [ + "▁novels", + -11.613192558288574 + ], + [ + "▁disclosure", + -11.61340045928955 + ], + [ + "▁median", + -11.613587379455566 + ], + [ + "wall", + -11.613752365112305 + ], + [ + "▁acrylic", + -11.613986015319824 + ], + [ + "▁scared", + -11.614546775817873 + ], + [ + "▁conveniently", + -11.614940643310549 + ], + [ + "plus", + -11.614947319030762 + ], + [ + "▁Partner", + -11.614990234375 + ], + [ + "▁creator", + -11.615104675292969 + ], + [ + "▁router", + -11.615450859069824 + ], + [ + "▁1920", + -11.615514755249023 + ], + [ + "▁messaging", + -11.615561485290527 + ], + [ + "▁preliminary", + -11.615703582763672 + ], + [ + "first", + -11.615934371948242 + ], + [ + "▁shifting", + -11.616175651550291 + ], + [ + "▁neighbor", + -11.616293907165527 + ], + [ + "sky", + -11.616411209106444 + ], + [ + "▁discomfort", + -11.616653442382812 + ], + [ + "▁Brexit", + -11.61666774749756 + ], + [ + "▁wondered", + -11.61682415008545 + ], + [ + "▁waist", + -11.61688232421875 + ], + [ + "▁starter", + -11.617047309875488 + ], + [ + "▁rhythm", + -11.617287635803224 + ], + [ + "▁habitat", + -11.617576599121094 + ], + [ + "IN", + -11.617677688598633 + ], + [ + "▁UI", + -11.617846488952637 + ], + [ + "▁HIV", + -11.617950439453123 + ], + [ + "▁WE", + -11.617950439453123 + ], + [ + "▁translated", + -11.618115425109863 + ], + [ + "▁cinema", + -11.618328094482422 + ], + [ + "▁Baptist", + -11.618592262268066 + ], + [ + "▁Explorer", + -11.618873596191406 + ], + [ + "▁incidents", + -11.61896800994873 + ], + [ + "▁technician", + -11.619174003601074 + ], + [ + "▁Norway", + -11.619547843933104 + ], + [ + "▁discusses", + -11.619933128356934 + ], + [ + "▁Mars", + -11.61994457244873 + ], + [ + "▁socks", + -11.620084762573242 + ], + [ + "▁ginger", + -11.620099067687988 + ], + [ + "▁seventh", + -11.620701789855955 + ], + [ + "▁Users", + -11.620793342590332 + ], + [ + "▁eliminating", + -11.620834350585938 + ], + [ + "▁vinegar", + -11.620842933654783 + ], + [ + "▁Transport", + -11.621103286743164 + ], + [ + "▁Includes", + -11.621148109436035 + ], + [ + "▁luggage", + -11.6212158203125 + ], + [ + "▁financially", + -11.62125015258789 + ], + [ + "▁Others", + -11.621464729309082 + ], + [ + "▁countryside", + -11.621466636657717 + ], + [ + "▁2:", + -11.621761322021484 + ], + [ + "▁palette", + -11.622299194335938 + ], + [ + "▁Specialist", + -11.622331619262695 + ], + [ + "▁competitions", + -11.622580528259276 + ], + [ + "▁Trading", + -11.622676849365234 + ], + [ + "▁ARE", + -11.622881889343262 + ], + [ + "▁discretion", + -11.622994422912598 + ], + [ + "▁badly", + -11.623022079467772 + ], + [ + "▁paragraph", + -11.623173713684082 + ], + [ + "▁informal", + -11.623255729675291 + ], + [ + "▁practically", + -11.623300552368164 + ], + [ + "ID", + -11.62339687347412 + ], + [ + "▁lands", + -11.62375259399414 + ], + [ + "▁stadium", + -11.623833656311035 + ], + [ + "▁z", + -11.62384033203125 + ], + [ + "▁ANY", + -11.623847007751465 + ], + [ + "▁worries", + -11.623889923095703 + ], + [ + "▁ethics", + -11.623929023742676 + ], + [ + "▁Belgium", + -11.624011039733888 + ], + [ + "▁arena", + -11.624117851257324 + ], + [ + "▁cleared", + -11.624191284179688 + ], + [ + "▁immigrants", + -11.624216079711914 + ], + [ + "▁Theater", + -11.624290466308594 + ], + [ + "▁argued", + -11.624330520629885 + ], + [ + "ble", + -11.624448776245115 + ], + [ + "▁qualifications", + -11.624833106994627 + ], + [ + "▁ha", + -11.624950408935549 + ], + [ + "▁soda", + -11.625184059143066 + ], + [ + "▁conditioner", + -11.625185012817385 + ], + [ + "Below", + -11.625319480895996 + ], + [ + "▁organ", + -11.62541961669922 + ], + [ + "▁panic", + -11.625457763671877 + ], + [ + "▁orientation", + -11.625699043273926 + ], + [ + "▁pic", + -11.625972747802734 + ], + [ + "▁substances", + -11.62608242034912 + ], + [ + "▁90%", + -11.626343727111816 + ], + [ + "▁Competition", + -11.62658977508545 + ], + [ + "▁competent", + -11.626717567443848 + ], + [ + "▁40%", + -11.626775741577148 + ], + [ + "▁paperwork", + -11.627238273620604 + ], + [ + "▁Bristol", + -11.627239227294922 + ], + [ + "▁newspapers", + -11.627530097961426 + ], + [ + "▁sheep", + -11.627765655517578 + ], + [ + "▁OH", + -11.62779426574707 + ], + [ + "▁crust", + -11.62786102294922 + ], + [ + "▁evaluated", + -11.627883911132812 + ], + [ + "▁Retrieved", + -11.62791347503662 + ], + [ + "▁proximity", + -11.628106117248535 + ], + [ + "▁lap", + -11.62856388092041 + ], + [ + "▁den", + -11.62876033782959 + ], + [ + "▁amazed", + -11.62899112701416 + ], + [ + "▁Risk", + -11.62912654876709 + ], + [ + "▁Cooper", + -11.629195213317873 + ], + [ + "▁celebrity", + -11.629231452941896 + ], + [ + "▁injection", + -11.62956714630127 + ], + [ + "▁commands", + -11.630029678344728 + ], + [ + "▁Features", + -11.630500793457031 + ], + [ + "▁responding", + -11.63054084777832 + ], + [ + "▁delayed", + -11.63063144683838 + ], + [ + "▁cited", + -11.630690574645996 + ], + [ + "▁airlines", + -11.630859375 + ], + [ + "▁Basic", + -11.631104469299316 + ], + [ + "▁dated", + -11.631220817565918 + ], + [ + "▁fixing", + -11.631307601928713 + ], + [ + "▁strikes", + -11.63135051727295 + ], + [ + "▁Edinburgh", + -11.63135814666748 + ], + [ + "▁threatened", + -11.631360054016112 + ], + [ + "ium", + -11.63137435913086 + ], + [ + "▁Ku", + -11.631385803222656 + ], + [ + "market", + -11.63151741027832 + ], + [ + "▁gut", + -11.631675720214844 + ], + [ + "changing", + -11.63167667388916 + ], + [ + "ct", + -11.63173484802246 + ], + [ + "▁indicators", + -11.631884574890137 + ], + [ + "▁kidney", + -11.632020950317385 + ], + [ + "▁GT", + -11.632627487182615 + ], + [ + "▁midnight", + -11.63266944885254 + ], + [ + "▁Designer", + -11.632896423339844 + ], + [ + "▁Month", + -11.63315486907959 + ], + [ + "▁trace", + -11.633217811584473 + ], + [ + "▁blessing", + -11.633241653442385 + ], + [ + "▁petition", + -11.63337230682373 + ], + [ + "▁breakdown", + -11.63338851928711 + ], + [ + "bank", + -11.633599281311035 + ], + [ + "▁instructors", + -11.633907318115234 + ], + [ + "▁hyper", + -11.63393783569336 + ], + [ + "▁poems", + -11.633955001831056 + ], + [ + "▁pc", + -11.63400936126709 + ], + [ + "▁binary", + -11.634111404418944 + ], + [ + "▁Singh", + -11.63442325592041 + ], + [ + "▁Steven", + -11.634604454040527 + ], + [ + "▁VIP", + -11.634620666503906 + ], + [ + "yo", + -11.634641647338867 + ], + [ + "▁barn", + -11.63486671447754 + ], + [ + "▁solved", + -11.634982109069824 + ], + [ + "▁Apply", + -11.635014533996582 + ], + [ + "▁puppy", + -11.63504695892334 + ], + [ + "▁scenic", + -11.635430335998535 + ], + [ + "century", + -11.635490417480469 + ], + [ + "jo", + -11.635784149169922 + ], + [ + "▁reputable", + -11.635817527770996 + ], + [ + "RE", + -11.635830879211426 + ], + [ + "▁analyst", + -11.635876655578612 + ], + [ + "proof", + -11.63609504699707 + ], + [ + "▁trap", + -11.636109352111816 + ], + [ + "▁economics", + -11.636126518249512 + ], + [ + "▁Heights", + -11.636223793029783 + ], + [ + "▁waterproof", + -11.63644790649414 + ], + [ + "▁LCD", + -11.636463165283203 + ], + [ + "▁Chelsea", + -11.63690948486328 + ], + [ + "▁algorithms", + -11.637531280517578 + ], + [ + "▁metals", + -11.637627601623535 + ], + [ + "▁acne", + -11.637791633605955 + ], + [ + "▁progression", + -11.637815475463867 + ], + [ + "▁assembled", + -11.637900352478027 + ], + [ + "▁Stage", + -11.63804817199707 + ], + [ + "▁sleeve", + -11.638132095336914 + ], + [ + "▁foil", + -11.63815689086914 + ], + [ + "▁Mountains", + -11.638423919677734 + ], + [ + "▁punch", + -11.638670921325684 + ], + [ + "▁suggesting", + -11.638853073120115 + ], + [ + "IP", + -11.638882637023926 + ], + [ + "▁consciousness", + -11.639168739318848 + ], + [ + "▁outreach", + -11.639243125915527 + ], + [ + "HD", + -11.639299392700195 + ], + [ + "▁happier", + -11.639695167541504 + ], + [ + "▁CE", + -11.640121459960938 + ], + [ + "▁Reviews", + -11.640137672424316 + ], + [ + "▁traditionally", + -11.64022731781006 + ], + [ + "▁$25", + -11.64048957824707 + ], + [ + "che", + -11.640552520751951 + ], + [ + "▁Lawrence", + -11.640631675720217 + ], + [ + "▁attachment", + -11.640666961669922 + ], + [ + "▁recreation", + -11.640746116638184 + ], + [ + "▁LG", + -11.640908241271973 + ], + [ + "▁57", + -11.641186714172363 + ], + [ + "two", + -11.641277313232422 + ], + [ + "▁sculpture", + -11.641554832458496 + ], + [ + "▁extends", + -11.641626358032228 + ], + [ + "▁24,", + -11.641669273376465 + ], + [ + "▁acute", + -11.641786575317385 + ], + [ + "▁yarn", + -11.641796112060549 + ], + [ + "▁discounted", + -11.641850471496582 + ], + [ + "▁certificates", + -11.642007827758787 + ], + [ + "▁happily", + -11.642060279846191 + ], + [ + "▁toy", + -11.642191886901855 + ], + [ + "▁tenant", + -11.642250061035156 + ], + [ + "▁Harbor", + -11.64256191253662 + ], + [ + "▁Designed", + -11.642626762390137 + ], + [ + "▁$15", + -11.642762184143066 + ], + [ + "▁subscribers", + -11.64299488067627 + ], + [ + "▁nowhere", + -11.643375396728516 + ], + [ + "▁lobby", + -11.643424034118652 + ], + [ + "▁FC", + -11.64362335205078 + ], + [ + "▁Princess", + -11.64374542236328 + ], + [ + "▁LinkedIn", + -11.643876075744627 + ], + [ + "▁Electronic", + -11.643936157226562 + ], + [ + "▁pencil", + -11.644003868103027 + ], + [ + "▁tops", + -11.644183158874512 + ], + [ + "▁observation", + -11.644227027893066 + ], + [ + "ps", + -11.64433765411377 + ], + [ + "▁Wright", + -11.644457817077637 + ], + [ + "ita", + -11.644521713256836 + ], + [ + "▁researching", + -11.644689559936523 + ], + [ + "▁blogger", + -11.64470100402832 + ], + [ + "▁culinary", + -11.644760131835938 + ], + [ + "▁recruiting", + -11.644765853881836 + ], + [ + "▁Info", + -11.644983291625977 + ], + [ + "64", + -11.64504337310791 + ], + [ + "▁scroll", + -11.645112991333008 + ], + [ + "▁pointing", + -11.645216941833496 + ], + [ + "▁Imagine", + -11.645511627197266 + ], + [ + "▁rope", + -11.645639419555664 + ], + [ + "▁hiding", + -11.645669937133787 + ], + [ + "▁compassion", + -11.6459379196167 + ], + [ + "mark", + -11.646003723144531 + ], + [ + "▁hint", + -11.646079063415527 + ], + [ + "▁comprises", + -11.646160125732422 + ], + [ + "▁58", + -11.646349906921388 + ], + [ + "▁chrome", + -11.646421432495115 + ], + [ + "▁Leader", + -11.646441459655762 + ], + [ + "▁garbage", + -11.64647388458252 + ], + [ + "▁fare", + -11.646502494812012 + ], + [ + "▁scholars", + -11.646538734436035 + ], + [ + "▁perfection", + -11.646745681762695 + ], + [ + "▁refugees", + -11.646747589111328 + ], + [ + "▁heroes", + -11.64694118499756 + ], + [ + "▁wound", + -11.647054672241213 + ], + [ + "▁96", + -11.64725399017334 + ], + [ + "▁stupid", + -11.647397994995115 + ], + [ + "▁incentives", + -11.6474027633667 + ], + [ + "▁investigations", + -11.64747142791748 + ], + [ + "▁Teacher", + -11.647698402404783 + ], + [ + "▁instrumental", + -11.647780418395996 + ], + [ + "very", + -11.648334503173828 + ], + [ + "▁invoice", + -11.64838695526123 + ], + [ + "▁Economics", + -11.648519515991213 + ], + [ + "▁Category", + -11.648598670959473 + ], + [ + "▁Upper", + -11.648721694946287 + ], + [ + "▁sciences", + -11.648869514465332 + ], + [ + "▁Route", + -11.64915943145752 + ], + [ + "▁warmer", + -11.649240493774414 + ], + [ + "▁PayPal", + -11.64931297302246 + ], + [ + "▁disclose", + -11.649514198303224 + ], + [ + "▁iPod", + -11.649535179138184 + ], + [ + "▁WI", + -11.649651527404783 + ], + [ + "▁boyfriend", + -11.649946212768556 + ], + [ + "▁bundle", + -11.65017032623291 + ], + [ + "▁assessed", + -11.65036964416504 + ], + [ + "▁sustain", + -11.650430679321287 + ], + [ + "▁stain", + -11.650602340698242 + ], + [ + "▁indication", + -11.650636672973633 + ], + [ + "▁assurance", + -11.650753021240234 + ], + [ + "▁ca", + -11.650839805603027 + ], + [ + "▁BA", + -11.650869369506836 + ], + [ + "▁necessity", + -11.651029586791992 + ], + [ + "Work", + -11.651061058044434 + ], + [ + "▁Plastic", + -11.65113925933838 + ], + [ + "▁locals", + -11.651203155517578 + ], + [ + "▁demonstration", + -11.651269912719728 + ], + [ + "▁bears", + -11.651307106018066 + ], + [ + "▁bloggers", + -11.651326179504396 + ], + [ + "▁Certification", + -11.651461601257324 + ], + [ + "▁Labour", + -11.65147590637207 + ], + [ + "▁Luxury", + -11.651609420776367 + ], + [ + "▁gum", + -11.651920318603516 + ], + [ + "▁columns", + -11.651926040649414 + ], + [ + "▁urge", + -11.651983261108398 + ], + [ + "▁viable", + -11.652098655700684 + ], + [ + "45", + -11.652255058288574 + ], + [ + "AL", + -11.652280807495115 + ], + [ + "order", + -11.652456283569336 + ], + [ + "▁profound", + -11.652583122253418 + ], + [ + "▁investigating", + -11.65260124206543 + ], + [ + "ada", + -11.652639389038086 + ], + [ + "▁spirits", + -11.653210639953612 + ], + [ + "log", + -11.653225898742676 + ], + [ + "▁Richmond", + -11.65329360961914 + ], + [ + "▁apples", + -11.653313636779783 + ], + [ + "▁administrators", + -11.65331745147705 + ], + [ + "▁tri", + -11.65343189239502 + ], + [ + "▁overlooking", + -11.653874397277832 + ], + [ + "▁occurring", + -11.653968811035156 + ], + [ + "▁desirable", + -11.654040336608888 + ], + [ + "▁UP", + -11.6541109085083 + ], + [ + "▁noon", + -11.654134750366213 + ], + [ + "▁posters", + -11.65419101715088 + ], + [ + "▁tin", + -11.65471649169922 + ], + [ + "▁banner", + -11.654900550842283 + ], + [ + "▁villa", + -11.65536880493164 + ], + [ + "▁specification", + -11.655725479125977 + ], + [ + "▁cinnamon", + -11.655755043029783 + ], + [ + "▁influential", + -11.655755043029783 + ], + [ + "▁lively", + -11.655965805053713 + ], + [ + "pre", + -11.655985832214355 + ], + [ + "▁SW", + -11.656264305114746 + ], + [ + "▁activate", + -11.656368255615234 + ], + [ + "CA", + -11.656643867492676 + ], + [ + "core", + -11.656795501708984 + ], + [ + "▁researcher", + -11.65727710723877 + ], + [ + "▁Airlines", + -11.657608032226562 + ], + [ + "▁Emily", + -11.657622337341309 + ], + [ + "▁verification", + -11.65773868560791 + ], + [ + "▁bat", + -11.65776252746582 + ], + [ + "▁Aaron", + -11.6580171585083 + ], + [ + "▁wages", + -11.658188819885254 + ], + [ + "▁demonstrates", + -11.658265113830566 + ], + [ + "▁strings", + -11.658269882202148 + ], + [ + "▁Madrid", + -11.658288955688477 + ], + [ + "▁steal", + -11.658353805541992 + ], + [ + "Still", + -11.6585111618042 + ], + [ + "▁Format", + -11.658530235290527 + ], + [ + "▁projected", + -11.65855312347412 + ], + [ + "rock", + -11.658636093139648 + ], + [ + "▁offshore", + -11.658695220947266 + ], + [ + "▁Physical", + -11.658738136291504 + ], + [ + "▁describing", + -11.658944129943848 + ], + [ + "▁1996", + -11.658960342407228 + ], + [ + "Right", + -11.659225463867188 + ], + [ + "▁inspirational", + -11.659863471984863 + ], + [ + "▁bespoke", + -11.659878730773926 + ], + [ + "▁sacred", + -11.659903526306152 + ], + [ + "▁Recovery", + -11.660000801086426 + ], + [ + "▁6-", + -11.66003131866455 + ], + [ + "mile", + -11.660219192504885 + ], + [ + "▁necklace", + -11.66047191619873 + ], + [ + "▁XP", + -11.660883903503418 + ], + [ + "3,", + -11.660988807678224 + ], + [ + "▁missions", + -11.661176681518556 + ], + [ + "▁breeze", + -11.661320686340332 + ], + [ + "▁Stand", + -11.661584854125977 + ], + [ + "▁Strategy", + -11.661920547485352 + ], + [ + "▁Constitution", + -11.662002563476562 + ], + [ + "TH", + -11.662007331848145 + ], + [ + "▁unemployment", + -11.662107467651367 + ], + [ + "▁Soul", + -11.662158012390137 + ], + [ + "▁imported", + -11.662385940551758 + ], + [ + "▁fate", + -11.662466049194336 + ], + [ + "lar", + -11.662592887878418 + ], + [ + "form", + -11.66270637512207 + ], + [ + "▁commissioned", + -11.662991523742676 + ], + [ + "▁Agriculture", + -11.663037300109863 + ], + [ + "iya", + -11.663225173950195 + ], + [ + "▁silly", + -11.66340446472168 + ], + [ + "ok", + -11.66352367401123 + ], + [ + "▁reservations", + -11.66377067565918 + ], + [ + "▁biology", + -11.663870811462402 + ], + [ + "▁Artist", + -11.664273262023926 + ], + [ + "▁spam", + -11.664859771728516 + ], + [ + "28", + -11.664969444274902 + ], + [ + "▁Northwest", + -11.665292739868164 + ], + [ + "▁Amsterdam", + -11.66547679901123 + ], + [ + "▁NASA", + -11.665828704833984 + ], + [ + "▁Ready", + -11.66585922241211 + ], + [ + "▁Taking", + -11.66591453552246 + ], + [ + "▁legislative", + -11.665948867797852 + ], + [ + "▁sandwich", + -11.666044235229492 + ], + [ + "▁Elementary", + -11.666359901428224 + ], + [ + "▁Carter", + -11.666434288024902 + ], + [ + "▁3.0", + -11.666488647460938 + ], + [ + "Mark", + -11.666626930236816 + ], + [ + "▁nut", + -11.666728019714355 + ], + [ + "▁Nu", + -11.666762351989746 + ], + [ + "▁Lights", + -11.66697883605957 + ], + [ + "▁Track", + -11.66713047027588 + ], + [ + "▁avoided", + -11.667330741882324 + ], + [ + "▁Workshop", + -11.667373657226562 + ], + [ + "▁economical", + -11.667482376098633 + ], + [ + "▁exhibitions", + -11.667534828186035 + ], + [ + "▁wires", + -11.667646408081056 + ], + [ + "▁textures", + -11.668024063110352 + ], + [ + "▁Joint", + -11.668025970458984 + ], + [ + "▁Doors", + -11.668061256408691 + ], + [ + "▁medicines", + -11.66806983947754 + ], + [ + "▁bother", + -11.668095588684082 + ], + [ + "through", + -11.668143272399902 + ], + [ + "▁Meet", + -11.668387413024902 + ], + [ + "▁Robin", + -11.668424606323242 + ], + [ + "▁predicted", + -11.668580055236816 + ], + [ + "▁Rachel", + -11.668813705444336 + ], + [ + "▁appetite", + -11.668871879577637 + ], + [ + "▁deploy", + -11.669225692749023 + ], + [ + "▁negotiate", + -11.669363975524902 + ], + [ + "▁Columbus", + -11.669621467590332 + ], + [ + "▁Voice", + -11.669809341430664 + ], + [ + "▁glimpse", + -11.670158386230469 + ], + [ + "▁incorrect", + -11.670158386230469 + ], + [ + "West", + -11.67026138305664 + ], + [ + "je", + -11.670575141906738 + ], + [ + "▁pads", + -11.670796394348145 + ], + [ + "▁ch", + -11.670856475830078 + ], + [ + "▁smallest", + -11.671231269836426 + ], + [ + "▁quantities", + -11.671277046203612 + ], + [ + "▁eaten", + -11.67128086090088 + ], + [ + "▁timeless", + -11.671360969543455 + ], + [ + "▁pursuit", + -11.671364784240724 + ], + [ + "▁traded", + -11.67140007019043 + ], + [ + "▁hung", + -11.67156982421875 + ], + [ + "55", + -11.671611785888672 + ], + [ + "▁Close", + -11.671655654907228 + ], + [ + "Al", + -11.672225952148438 + ], + [ + "▁Beyond", + -11.67224407196045 + ], + [ + "World", + -11.672249794006348 + ], + [ + "▁Arabia", + -11.672258377075195 + ], + [ + "▁NHS", + -11.672327041625977 + ], + [ + "▁beside", + -11.672389030456545 + ], + [ + "▁dishwasher", + -11.672613143920898 + ], + [ + "▁Angel", + -11.672701835632324 + ], + [ + "▁securely", + -11.672780990600586 + ], + [ + "▁quoted", + -11.672783851623535 + ], + [ + "▁Bond", + -11.672913551330566 + ], + [ + "▁outlined", + -11.67311668395996 + ], + [ + "▁yogurt", + -11.673282623291016 + ], + [ + "▁Questions", + -11.673304557800291 + ], + [ + "▁distant", + -11.67331600189209 + ], + [ + "▁Parker", + -11.673531532287598 + ], + [ + "▁Sheet", + -11.673765182495115 + ], + [ + "▁MBA", + -11.674067497253418 + ], + [ + "hill", + -11.67408847808838 + ], + [ + "▁Paint", + -11.67409896850586 + ], + [ + "▁landscapes", + -11.67426586151123 + ], + [ + "pp", + -11.674323081970217 + ], + [ + "▁securities", + -11.674375534057615 + ], + [ + "base", + -11.674580574035645 + ], + [ + "▁Kennedy", + -11.674627304077148 + ], + [ + "▁camps", + -11.674814224243164 + ], + [ + "▁Stewart", + -11.674870491027832 + ], + [ + "▁revised", + -11.67494773864746 + ], + [ + "▁2007,", + -11.67502498626709 + ], + [ + "▁Murray", + -11.67520523071289 + ], + [ + "▁Focus", + -11.675310134887695 + ], + [ + "Green", + -11.675450325012209 + ], + [ + "▁statistical", + -11.6755952835083 + ], + [ + "Select", + -11.675970077514648 + ], + [ + "▁Programme", + -11.67601490020752 + ], + [ + "▁selections", + -11.676070213317873 + ], + [ + "▁recovered", + -11.676177024841309 + ], + [ + "▁accommodations", + -11.676366806030272 + ], + [ + "▁Nashville", + -11.676444053649902 + ], + [ + "ade", + -11.676506996154783 + ], + [ + "ence", + -11.676660537719728 + ], + [ + "▁washer", + -11.676886558532717 + ], + [ + "▁Marie", + -11.676932334899902 + ], + [ + "▁reads", + -11.677553176879885 + ], + [ + "▁candle", + -11.677574157714844 + ], + [ + "Happy", + -11.677664756774902 + ], + [ + "▁Cards", + -11.67775058746338 + ], + [ + "▁Say", + -11.677926063537598 + ], + [ + "▁enthusiastic", + -11.67814826965332 + ], + [ + "▁greens", + -11.678340911865234 + ], + [ + "▁holistic", + -11.678375244140623 + ], + [ + "▁lakes", + -11.678389549255373 + ], + [ + "▁Copyright", + -11.67839241027832 + ], + [ + "▁appearances", + -11.67855739593506 + ], + [ + "▁sends", + -11.678664207458496 + ], + [ + "night", + -11.678740501403809 + ], + [ + "▁kingdom", + -11.67896842956543 + ], + [ + "▁nursery", + -11.678974151611328 + ], + [ + "▁mph", + -11.678997039794922 + ], + [ + "▁shy", + -11.67900562286377 + ], + [ + "▁enrollment", + -11.679166793823242 + ], + [ + "▁Ash", + -11.679569244384766 + ], + [ + "▁proportion", + -11.679765701293944 + ], + [ + "▁Author", + -11.679924964904783 + ], + [ + "▁Denmark", + -11.680002212524414 + ], + [ + "▁Visa", + -11.68001651763916 + ], + [ + "▁skiing", + -11.680143356323242 + ], + [ + "▁roster", + -11.680152893066406 + ], + [ + "▁Until", + -11.68033504486084 + ], + [ + "▁enjoyment", + -11.680415153503418 + ], + [ + "▁Forex", + -11.68064022064209 + ], + [ + "▁costumes", + -11.681093215942385 + ], + [ + "▁Payment", + -11.681170463562012 + ], + [ + "▁que", + -11.68125057220459 + ], + [ + "▁phrases", + -11.681361198425291 + ], + [ + "▁conflicts", + -11.681557655334473 + ], + [ + "▁frustration", + -11.681560516357422 + ], + [ + "▁Vintage", + -11.681988716125488 + ], + [ + "▁ceilings", + -11.682028770446776 + ], + [ + "▁anticipate", + -11.682122230529783 + ], + [ + "▁Fitness", + -11.682153701782228 + ], + [ + "▁CC", + -11.682164192199709 + ], + [ + "▁mechanics", + -11.682201385498049 + ], + [ + "▁gospel", + -11.68231964111328 + ], + [ + "▁Either", + -11.682392120361328 + ], + [ + "▁empower", + -11.682669639587402 + ], + [ + "▁Recently", + -11.682870864868164 + ], + [ + "▁CPU", + -11.683270454406738 + ], + [ + "▁consumed", + -11.683308601379396 + ], + [ + "▁Arkansas", + -11.68345069885254 + ], + [ + "▁referral", + -11.683481216430664 + ], + [ + "filled", + -11.6835355758667 + ], + [ + "▁gem", + -11.68362045288086 + ], + [ + "▁remedy", + -11.683785438537598 + ], + [ + "▁Dis", + -11.683868408203123 + ], + [ + "▁Official", + -11.68392562866211 + ], + [ + "▁Maintenance", + -11.684123992919922 + ], + [ + "▁penalties", + -11.684192657470703 + ], + [ + "▁Har", + -11.684355735778809 + ], + [ + "▁62", + -11.684504508972168 + ], + [ + "▁Alberta", + -11.684630393981934 + ], + [ + "▁listened", + -11.684678077697754 + ], + [ + "▁Hart", + -11.684730529785156 + ], + [ + "▁Virgin", + -11.684828758239746 + ], + [ + "▁Fortunately", + -11.684942245483398 + ], + [ + "▁absorb", + -11.68523406982422 + ], + [ + "▁recordings", + -11.685518264770508 + ], + [ + "▁Chat", + -11.68553352355957 + ], + [ + "Data", + -11.68561840057373 + ], + [ + "▁Standards", + -11.68576431274414 + ], + [ + "▁Extra", + -11.68585205078125 + ], + [ + "▁Liberty", + -11.686071395874023 + ], + [ + "▁witnessed", + -11.686112403869627 + ], + [ + "▁swap", + -11.686214447021484 + ], + [ + "▁Rice", + -11.686325073242188 + ], + [ + "▁Aid", + -11.68632698059082 + ], + [ + "▁rival", + -11.686713218688965 + ], + [ + "▁joke", + -11.686803817749023 + ], + [ + "▁screws", + -11.686824798583984 + ], + [ + "▁Warren", + -11.687036514282228 + ], + [ + "Try", + -11.687207221984863 + ], + [ + "▁stirring", + -11.687210083007812 + ], + [ + "ph", + -11.687237739562988 + ], + [ + "▁Collins", + -11.687396049499512 + ], + [ + "fer", + -11.68756103515625 + ], + [ + "▁el", + -11.68769073486328 + ], + [ + "▁Budget", + -11.687742233276367 + ], + [ + "UK", + -11.687798500061035 + ], + [ + "▁Islam", + -11.68797779083252 + ], + [ + "▁Browse", + -11.688013076782228 + ], + [ + "▁NE", + -11.688240051269531 + ], + [ + "▁SMS", + -11.68830108642578 + ], + [ + "▁implants", + -11.688310623168944 + ], + [ + "▁thumb", + -11.688511848449709 + ], + [ + "▁Brothers", + -11.688775062561035 + ], + [ + "▁documented", + -11.68896198272705 + ], + [ + "▁pending", + -11.68909740447998 + ], + [ + "▁Must", + -11.689374923706056 + ], + [ + "▁slices", + -11.689530372619627 + ], + [ + "▁vector", + -11.689584732055664 + ], + [ + "Car", + -11.689630508422852 + ], + [ + "▁adverse", + -11.68967342376709 + ], + [ + "▁Karen", + -11.68967628479004 + ], + [ + "▁header", + -11.68978214263916 + ], + [ + "▁20,", + -11.69031810760498 + ], + [ + "▁locksmith", + -11.690384864807127 + ], + [ + "▁journals", + -11.69042682647705 + ], + [ + "▁Revolution", + -11.690431594848633 + ], + [ + "36", + -11.690460205078123 + ], + [ + "▁Ian", + -11.69071102142334 + ], + [ + "▁seasoned", + -11.690930366516112 + ], + [ + "▁Had", + -11.691320419311523 + ], + [ + "▁Cafe", + -11.691362380981444 + ], + [ + "▁activated", + -11.691472053527832 + ], + [ + "▁Shopping", + -11.691481590270996 + ], + [ + "▁flesh", + -11.691481590270996 + ], + [ + "▁lush", + -11.69155502319336 + ], + [ + "▁illustration", + -11.69167709350586 + ], + [ + "Part", + -11.691713333129885 + ], + [ + "▁Turkish", + -11.69184684753418 + ], + [ + "▁washed", + -11.691876411437988 + ], + [ + "▁Mad", + -11.691981315612791 + ], + [ + "▁backdrop", + -11.692065238952637 + ], + [ + "▁Gate", + -11.69206714630127 + ], + [ + "▁Between", + -11.69211196899414 + ], + [ + "▁Ham", + -11.692279815673828 + ], + [ + "▁elevated", + -11.692524909973145 + ], + [ + "▁Twin", + -11.692621231079102 + ], + [ + "▁bedding", + -11.693227767944336 + ], + [ + "▁slower", + -11.69344425201416 + ], + [ + "▁banned", + -11.69347858428955 + ], + [ + "▁defeated", + -11.6934814453125 + ], + [ + "▁mint", + -11.693689346313477 + ], + [ + "▁advisory", + -11.693928718566896 + ], + [ + "built", + -11.694029808044434 + ], + [ + "▁Platform", + -11.694090843200684 + ], + [ + "▁Cell", + -11.694347381591797 + ], + [ + "▁briefly", + -11.694379806518556 + ], + [ + "▁liberal", + -11.69438648223877 + ], + [ + "▁Alice", + -11.695068359375 + ], + [ + "▁regulated", + -11.695188522338867 + ], + [ + "▁surf", + -11.69536018371582 + ], + [ + "▁decorate", + -11.695534706115724 + ], + [ + "▁ebook", + -11.695557594299316 + ], + [ + "▁Southeast", + -11.695764541625977 + ], + [ + "4)", + -11.69618797302246 + ], + [ + "▁bases", + -11.696617126464844 + ], + [ + "▁000", + -11.69672393798828 + ], + [ + "▁Graduate", + -11.69680118560791 + ], + [ + "▁linking", + -11.696907043457031 + ], + [ + "▁Rules", + -11.69694709777832 + ], + [ + "▁divine", + -11.69697380065918 + ], + [ + "▁Ge", + -11.69699478149414 + ], + [ + "▁aggregate", + -11.697028160095217 + ], + [ + "▁hats", + -11.697155952453612 + ], + [ + "▁Commissioner", + -11.697242736816406 + ], + [ + "app", + -11.69730281829834 + ], + [ + "▁partly", + -11.69735050201416 + ], + [ + "▁dietary", + -11.698189735412598 + ], + [ + "▁modest", + -11.698326110839844 + ], + [ + "▁59", + -11.69834041595459 + ], + [ + "▁answering", + -11.698342323303224 + ], + [ + "▁Options", + -11.698490142822266 + ], + [ + "du", + -11.698492050170898 + ], + [ + "▁Circuit", + -11.698548316955566 + ], + [ + "▁farmer", + -11.69865608215332 + ], + [ + "▁MB", + -11.698710441589355 + ], + [ + "▁Soviet", + -11.698847770690918 + ], + [ + "▁shifts", + -11.698978424072266 + ], + [ + "▁Arthur", + -11.699121475219728 + ], + [ + "▁elegance", + -11.699337005615234 + ], + [ + "▁coordinate", + -11.699406623840332 + ], + [ + "▁brokers", + -11.699469566345217 + ], + [ + "ever", + -11.699495315551758 + ], + [ + "▁heels", + -11.69971752166748 + ], + [ + "▁invites", + -11.699874877929688 + ], + [ + "▁rounded", + -11.700008392333984 + ], + [ + "sville", + -11.700231552124023 + ], + [ + "▁Campus", + -11.70037078857422 + ], + [ + "▁notifications", + -11.700395584106444 + ], + [ + "▁grandmother", + -11.700519561767578 + ], + [ + "▁earliest", + -11.70057773590088 + ], + [ + "▁Storm", + -11.70085334777832 + ], + [ + "▁rugs", + -11.70125675201416 + ], + [ + "▁utilities", + -11.701401710510254 + ], + [ + "▁harmony", + -11.701458930969238 + ], + [ + "▁tobacco", + -11.701528549194336 + ], + [ + "▁Applications", + -11.701942443847656 + ], + [ + "▁mall", + -11.702021598815918 + ], + [ + "▁warrant", + -11.702034950256348 + ], + [ + "▁chopped", + -11.702235221862791 + ], + [ + "▁surgeon", + -11.702375411987305 + ], + [ + "▁compounds", + -11.702427864074709 + ], + [ + "▁switches", + -11.702526092529297 + ], + [ + "▁flame", + -11.70256519317627 + ], + [ + "▁sometime", + -11.702642440795898 + ], + [ + "▁Flat", + -11.702655792236328 + ], + [ + "▁Campbell", + -11.702999114990234 + ], + [ + "ical", + -11.70334815979004 + ], + [ + "▁ONE", + -11.703486442565918 + ], + [ + "▁donors", + -11.703500747680664 + ], + [ + "▁scholarships", + -11.703661918640137 + ], + [ + "▁Orchestra", + -11.70405387878418 + ], + [ + "▁extraction", + -11.704056739807127 + ], + [ + "▁Austria", + -11.704206466674805 + ], + [ + "▁beads", + -11.704241752624512 + ], + [ + "▁Nintendo", + -11.70447063446045 + ], + [ + "▁Picture", + -11.704538345336914 + ], + [ + "▁mushrooms", + -11.704869270324709 + ], + [ + "▁Faculty", + -11.70501708984375 + ], + [ + "▁Ground", + -11.7051362991333 + ], + [ + "▁Outlook", + -11.705307960510254 + ], + [ + "▁gratitude", + -11.705543518066406 + ], + [ + "▁qualifying", + -11.70582103729248 + ], + [ + "▁lazy", + -11.705873489379885 + ], + [ + "ong", + -11.706005096435549 + ], + [ + "▁clinics", + -11.706011772155762 + ], + [ + "▁casting", + -11.706032752990724 + ], + [ + "▁passport", + -11.706063270568848 + ], + [ + "▁Carl", + -11.706320762634276 + ], + [ + "▁minority", + -11.706494331359863 + ], + [ + "Red", + -11.706496238708496 + ], + [ + "▁PHP", + -11.706536293029783 + ], + [ + "▁cafe", + -11.706619262695312 + ], + [ + "▁spoon", + -11.706905364990234 + ], + [ + "▁bitter", + -11.706914901733398 + ], + [ + "▁convey", + -11.706988334655762 + ], + [ + "▁accessing", + -11.707143783569336 + ], + [ + "▁remodeling", + -11.70716953277588 + ], + [ + "founder", + -11.707199096679688 + ], + [ + "▁fortune", + -11.707230567932127 + ], + [ + "▁Camera", + -11.70726490020752 + ], + [ + "▁yearly", + -11.707581520080566 + ], + [ + "▁Sean", + -11.70767593383789 + ], + [ + "ix", + -11.707797050476074 + ], + [ + "▁68", + -11.70780086517334 + ], + [ + "▁Jerusalem", + -11.707996368408203 + ], + [ + "▁sunshine", + -11.708043098449709 + ], + [ + "▁observations", + -11.708292007446287 + ], + [ + "DC", + -11.708345413208008 + ], + [ + "▁android", + -11.708351135253906 + ], + [ + "▁incentive", + -11.7085542678833 + ], + [ + "▁Ranch", + -11.708579063415527 + ], + [ + "▁Polish", + -11.708669662475586 + ], + [ + "kan", + -11.70868682861328 + ], + [ + "▁Pearl", + -11.708822250366213 + ], + [ + "▁characteristic", + -11.708829879760742 + ], + [ + "▁cents", + -11.70897102355957 + ], + [ + "▁evenly", + -11.709059715270996 + ], + [ + "▁shallow", + -11.709100723266602 + ], + [ + "▁grasp", + -11.709186553955078 + ], + [ + "▁performers", + -11.709239959716797 + ], + [ + "▁Military", + -11.709257125854492 + ], + [ + "Overall", + -11.709269523620604 + ], + [ + "▁Penn", + -11.709427833557127 + ], + [ + "Their", + -11.709477424621582 + ], + [ + "▁harness", + -11.709512710571287 + ], + [ + "▁bomb", + -11.709869384765623 + ], + [ + "▁Adams", + -11.709917068481444 + ], + [ + "ken", + -11.710267066955566 + ], + [ + "ward", + -11.71031379699707 + ], + [ + "▁bulbs", + -11.710351943969728 + ], + [ + "▁Electrical", + -11.710412979125977 + ], + [ + "▁visually", + -11.710481643676758 + ], + [ + "▁Czech", + -11.710586547851562 + ], + [ + "▁suites", + -11.71074390411377 + ], + [ + "▁belly", + -11.711039543151855 + ], + [ + "▁hobby", + -11.711111068725586 + ], + [ + "▁boutique", + -11.711132049560549 + ], + [ + "▁detected", + -11.71117115020752 + ], + [ + "ett", + -11.71140193939209 + ], + [ + "▁Jacob", + -11.71141242980957 + ], + [ + "▁impacted", + -11.711467742919922 + ], + [ + "▁Buffalo", + -11.711636543273926 + ], + [ + "source", + -11.71175765991211 + ], + [ + "Google", + -11.712169647216797 + ], + [ + "▁Hotels", + -11.712265014648438 + ], + [ + "▁node", + -11.71243667602539 + ], + [ + "▁slides", + -11.71262550354004 + ], + [ + "▁prone", + -11.712728500366213 + ], + [ + "▁gates", + -11.71304702758789 + ], + [ + "▁Seven", + -11.713068962097168 + ], + [ + "wing", + -11.713394165039062 + ], + [ + "▁accessory", + -11.713571548461914 + ], + [ + "▁jurisdiction", + -11.71381950378418 + ], + [ + "▁cancelled", + -11.713916778564451 + ], + [ + "▁Montana", + -11.7141752243042 + ], + [ + "▁roasted", + -11.714282989501951 + ], + [ + "especially", + -11.714316368103027 + ], + [ + "yan", + -11.714381217956545 + ], + [ + "tal", + -11.714605331420898 + ], + [ + "▁Carpet", + -11.714741706848145 + ], + [ + "▁dense", + -11.71480941772461 + ], + [ + "open", + -11.714899063110352 + ], + [ + "▁Olympics", + -11.714908599853516 + ], + [ + "story", + -11.715020179748535 + ], + [ + "▁namely", + -11.715124130249023 + ], + [ + "▁1997", + -11.715250015258787 + ], + [ + "▁breathtaking", + -11.715325355529783 + ], + [ + "▁20-", + -11.715547561645508 + ], + [ + "Perhaps", + -11.715600967407228 + ], + [ + "▁credentials", + -11.716084480285645 + ], + [ + "nes", + -11.716118812561035 + ], + [ + "▁thoughtful", + -11.716178894042969 + ], + [ + "▁discharge", + -11.716423034667969 + ], + [ + "▁touring", + -11.716523170471191 + ], + [ + "▁energetic", + -11.716534614562988 + ], + [ + "-9", + -11.716592788696287 + ], + [ + "▁salon", + -11.716714859008787 + ], + [ + "▁showers", + -11.716880798339844 + ], + [ + "band", + -11.716888427734377 + ], + [ + "▁calcium", + -11.717013359069824 + ], + [ + "▁approve", + -11.717287063598633 + ], + [ + "▁themed", + -11.717344284057615 + ], + [ + "▁dominant", + -11.717435836791992 + ], + [ + "▁Success", + -11.717596054077148 + ], + [ + "▁touching", + -11.717658996582031 + ], + [ + "▁lung", + -11.71766757965088 + ], + [ + "▁bulb", + -11.71780490875244 + ], + [ + "ably", + -11.71802806854248 + ], + [ + "▁Cultural", + -11.71806526184082 + ], + [ + "tan", + -11.718269348144531 + ], + [ + "▁lectures", + -11.718503952026367 + ], + [ + "▁hammer", + -11.718603134155272 + ], + [ + "▁Broadway", + -11.718708992004396 + ], + [ + "▁grams", + -11.71894359588623 + ], + [ + "▁Rod", + -11.718948364257812 + ], + [ + "▁bridges", + -11.71895980834961 + ], + [ + "▁Tile", + -11.71920394897461 + ], + [ + "▁Moving", + -11.71924114227295 + ], + [ + "▁cellular", + -11.7193021774292 + ], + [ + "▁Lots", + -11.719528198242188 + ], + [ + "▁allergies", + -11.719754219055176 + ], + [ + "▁configure", + -11.719974517822266 + ], + [ + "▁marketers", + -11.720122337341309 + ], + [ + "▁fragrance", + -11.720425605773926 + ], + [ + "▁acoustic", + -11.720523834228516 + ], + [ + "▁eligibility", + -11.720663070678713 + ], + [ + "▁coated", + -11.720694541931152 + ], + [ + "▁qualification", + -11.72087287902832 + ], + [ + "▁drilling", + -11.720873832702637 + ], + [ + "Pre", + -11.721047401428224 + ], + [ + "▁160", + -11.721152305603027 + ], + [ + "▁Advisory", + -11.72118854522705 + ], + [ + "▁humble", + -11.721280097961426 + ], + [ + "▁terrorist", + -11.72160816192627 + ], + [ + "▁shrimp", + -11.721861839294434 + ], + [ + "▁Champions", + -11.721894264221191 + ], + [ + "▁Steam", + -11.721956253051758 + ], + [ + "▁veggies", + -11.722016334533691 + ], + [ + "▁FM", + -11.722087860107422 + ], + [ + "▁anonymous", + -11.72222137451172 + ], + [ + "▁exquisite", + -11.72246265411377 + ], + [ + "27", + -11.722612380981444 + ], + [ + "▁allegedly", + -11.722657203674316 + ], + [ + "▁discrimination", + -11.722658157348633 + ], + [ + "▁Location", + -11.722956657409668 + ], + [ + "▁grandchildren", + -11.723352432250977 + ], + [ + "COM", + -11.723411560058594 + ], + [ + "▁spokesman", + -11.723562240600586 + ], + [ + "▁premiere", + -11.723569869995115 + ], + [ + "post", + -11.723587036132812 + ], + [ + "ES", + -11.724056243896484 + ], + [ + "???", + -11.724095344543455 + ], + [ + "▁favour", + -11.72410488128662 + ], + [ + "▁Linda", + -11.72417163848877 + ], + [ + "▁folding", + -11.724441528320312 + ], + [ + "▁rotation", + -11.72481632232666 + ], + [ + "sch", + -11.724888801574709 + ], + [ + "▁intersection", + -11.724961280822754 + ], + [ + "SA", + -11.72500228881836 + ], + [ + "▁Log", + -11.725016593933104 + ], + [ + "▁lengthy", + -11.725231170654297 + ], + [ + "away", + -11.725452423095703 + ], + [ + "▁footprint", + -11.725664138793944 + ], + [ + "▁Arena", + -11.726240158081056 + ], + [ + "▁shiny", + -11.726306915283203 + ], + [ + "▁theoretical", + -11.726346015930176 + ], + [ + "▁Unique", + -11.726360321044922 + ], + [ + "▁altogether", + -11.726948738098145 + ], + [ + "Search", + -11.727154731750488 + ], + [ + "▁£1", + -11.727164268493652 + ], + [ + "▁Wolf", + -11.72722339630127 + ], + [ + "▁accountability", + -11.727232933044434 + ], + [ + "▁withdrawal", + -11.727316856384276 + ], + [ + "▁builders", + -11.727725982666016 + ], + [ + "▁tendency", + -11.727798461914062 + ], + [ + "▁Crew", + -11.72797966003418 + ], + [ + "▁Die", + -11.728068351745604 + ], + [ + "▁capturing", + -11.728132247924805 + ], + [ + "▁Portugal", + -11.72844123840332 + ], + [ + "▁dull", + -11.72856616973877 + ], + [ + "▁acknowledged", + -11.728609085083008 + ], + [ + "▁Mitchell", + -11.728684425354004 + ], + [ + "▁playground", + -11.728719711303713 + ], + [ + "card", + -11.728760719299316 + ], + [ + "▁attacked", + -11.729240417480469 + ], + [ + "▁innocent", + -11.729484558105469 + ], + [ + "▁Secret", + -11.729619026184082 + ], + [ + "building", + -11.73007869720459 + ], + [ + "ell", + -11.73019313812256 + ], + [ + "▁disputes", + -11.730360984802246 + ], + [ + "py", + -11.730436325073242 + ], + [ + "income", + -11.73045539855957 + ], + [ + "▁Managing", + -11.730491638183594 + ], + [ + "China", + -11.730603218078612 + ], + [ + "▁chaos", + -11.730799674987791 + ], + [ + "▁cholesterol", + -11.730877876281738 + ], + [ + "▁pressed", + -11.730884552001951 + ], + [ + "▁coordinator", + -11.731175422668455 + ], + [ + "▁LP", + -11.731659889221191 + ], + [ + "800", + -11.731866836547852 + ], + [ + "▁Weather", + -11.731985092163086 + ], + [ + "pan", + -11.7319974899292 + ], + [ + "▁Photos", + -11.732190132141112 + ], + [ + "▁towels", + -11.732192039489746 + ], + [ + "▁compliant", + -11.73226261138916 + ], + [ + "ula", + -11.73228931427002 + ], + [ + "▁caps", + -11.732366561889648 + ], + [ + "▁melt", + -11.73243236541748 + ], + [ + "▁wellbeing", + -11.732465744018556 + ], + [ + "▁appropriately", + -11.732487678527832 + ], + [ + "▁celebrations", + -11.732569694519045 + ], + [ + "▁Retail", + -11.732589721679688 + ], + [ + "cast", + -11.732656478881836 + ], + [ + "▁spark", + -11.732800483703612 + ], + [ + "▁cylinder", + -11.732903480529783 + ], + [ + "▁1%", + -11.733074188232422 + ], + [ + "▁GP", + -11.733181953430176 + ], + [ + "▁extending", + -11.733924865722656 + ], + [ + "▁Cisco", + -11.73405647277832 + ], + [ + "▁mixer", + -11.734060287475586 + ], + [ + "▁Left", + -11.73406219482422 + ], + [ + "▁exhibits", + -11.73430061340332 + ], + [ + "web", + -11.734654426574709 + ], + [ + "Everyone", + -11.734829902648926 + ], + [ + "▁homeowner", + -11.73486328125 + ], + [ + "▁Taiwan", + -11.73495864868164 + ], + [ + "▁grief", + -11.735026359558104 + ], + [ + "family", + -11.735077857971191 + ], + [ + "ena", + -11.735078811645508 + ], + [ + "Due", + -11.735114097595217 + ], + [ + "▁crowded", + -11.735336303710938 + ], + [ + "ay", + -11.735389709472656 + ], + [ + "▁reporter", + -11.735414505004885 + ], + [ + "▁behavioral", + -11.73556900024414 + ], + [ + "▁encouragement", + -11.735672950744627 + ], + [ + "▁wishing", + -11.735681533813477 + ], + [ + "▁$500", + -11.735753059387209 + ], + [ + "▁THAT", + -11.735939979553224 + ], + [ + "▁memorial", + -11.73594093322754 + ], + [ + "▁startups", + -11.736021995544434 + ], + [ + "▁Tampa", + -11.736166954040527 + ], + [ + "▁publishers", + -11.73627471923828 + ], + [ + "▁evolve", + -11.73659610748291 + ], + [ + "media", + -11.736791610717772 + ], + [ + "▁bonuses", + -11.736883163452148 + ], + [ + "▁2,000", + -11.737253189086914 + ], + [ + "▁pins", + -11.73770236968994 + ], + [ + "▁Return", + -11.737716674804688 + ], + [ + "▁glance", + -11.737919807434082 + ], + [ + "▁wonders", + -11.73809051513672 + ], + [ + "lee", + -11.738329887390137 + ], + [ + "▁affair", + -11.738375663757324 + ], + [ + "PA", + -11.738584518432615 + ], + [ + "600", + -11.738693237304688 + ], + [ + "▁fraction", + -11.738791465759276 + ], + [ + "▁arising", + -11.73880100250244 + ], + [ + "▁insects", + -11.739093780517578 + ], + [ + "▁genuinely", + -11.739948272705078 + ], + [ + "▁extensively", + -11.740327835083008 + ], + [ + "▁realised", + -11.740534782409668 + ], + [ + "▁scientist", + -11.740554809570312 + ], + [ + "▁dominated", + -11.74070930480957 + ], + [ + "▁Shanghai", + -11.7407865524292 + ], + [ + "▁Sep", + -11.74096393585205 + ], + [ + "▁frustrated", + -11.74109935760498 + ], + [ + "▁alerts", + -11.74121379852295 + ], + [ + "▁hydraulic", + -11.741374969482422 + ], + [ + "▁professionalism", + -11.741519927978516 + ], + [ + "▁assortment", + -11.741888046264648 + ], + [ + "ika", + -11.741971015930176 + ], + [ + "▁revolutionary", + -11.742466926574709 + ], + [ + "▁beginner", + -11.742511749267578 + ], + [ + "▁laying", + -11.742545127868652 + ], + [ + "ator", + -11.742632865905762 + ], + [ + "▁Worth", + -11.742961883544922 + ], + [ + "PC", + -11.743041038513184 + ], + [ + "▁diamonds", + -11.74309539794922 + ], + [ + "tor", + -11.743247985839844 + ], + [ + "▁sentences", + -11.743342399597168 + ], + [ + "▁Phase", + -11.743558883666992 + ], + [ + "▁Sorry", + -11.744032859802246 + ], + [ + "▁cattle", + -11.744063377380373 + ], + [ + "▁asleep", + -11.74428367614746 + ], + [ + "▁payday", + -11.744291305541992 + ], + [ + "season", + -11.744340896606444 + ], + [ + "iv", + -11.744388580322266 + ], + [ + "▁prohibited", + -11.744592666625977 + ], + [ + "love", + -11.744625091552734 + ], + [ + "▁divide", + -11.744647979736328 + ], + [ + "▁Client", + -11.744648933410645 + ], + [ + "▁shoppers", + -11.744755744934082 + ], + [ + "▁flush", + -11.74520206451416 + ], + [ + "▁float", + -11.745448112487791 + ], + [ + "▁linen", + -11.745635986328123 + ], + [ + "▁Traditional", + -11.745683670043944 + ], + [ + "▁License", + -11.745713233947754 + ], + [ + "front", + -11.745834350585938 + ], + [ + "▁1)", + -11.745845794677734 + ], + [ + "▁respondents", + -11.74587059020996 + ], + [ + "▁Got", + -11.745948791503906 + ], + [ + "Online", + -11.746410369873049 + ], + [ + "33", + -11.74714183807373 + ], + [ + "▁midst", + -11.747207641601562 + ], + [ + "▁connector", + -11.747565269470217 + ], + [ + "▁ankle", + -11.747939109802246 + ], + [ + "cy", + -11.74805736541748 + ], + [ + "▁editors", + -11.748419761657717 + ], + [ + "▁bachelor", + -11.748534202575684 + ], + [ + "▁Desk", + -11.74865436553955 + ], + [ + "▁throat", + -11.748786926269531 + ], + [ + "var", + -11.748921394348145 + ], + [ + "▁knock", + -11.7489595413208 + ], + [ + "▁timeline", + -11.749120712280272 + ], + [ + "▁slim", + -11.749250411987305 + ], + [ + "▁NOW", + -11.749329566955566 + ], + [ + "▁theories", + -11.74942684173584 + ], + [ + "▁patches", + -11.749505996704102 + ], + [ + "▁illustrated", + -11.749591827392578 + ], + [ + "▁Teaching", + -11.74960231781006 + ], + [ + "▁graph", + -11.749804496765137 + ], + [ + "▁Climate", + -11.749822616577148 + ], + [ + "▁gameplay", + -11.749900817871094 + ], + [ + "▁foundations", + -11.749907493591309 + ], + [ + "▁undoubtedly", + -11.75010585784912 + ], + [ + "▁Match", + -11.750210762023926 + ], + [ + "▁distinction", + -11.750362396240234 + ], + [ + "▁Margaret", + -11.750394821166992 + ], + [ + "▁seminars", + -11.75052547454834 + ], + [ + "▁hi", + -11.750648498535156 + ], + [ + "lu", + -11.750848770141602 + ], + [ + "David", + -11.750983238220217 + ], + [ + "Full", + -11.751005172729492 + ], + [ + "▁overwhelmed", + -11.751070976257324 + ], + [ + "▁scanning", + -11.751260757446287 + ], + [ + "code", + -11.751522064208984 + ], + [ + "▁occupation", + -11.751558303833008 + ], + [ + "▁accessibility", + -11.751696586608888 + ], + [ + "▁Almost", + -11.751712799072266 + ], + [ + "▁approx", + -11.75229549407959 + ], + [ + "▁fires", + -11.752361297607422 + ], + [ + "▁Disease", + -11.75253200531006 + ], + [ + "▁cycles", + -11.752622604370115 + ], + [ + "▁positively", + -11.752824783325195 + ], + [ + "▁technically", + -11.753034591674805 + ], + [ + "▁Industries", + -11.753153800964355 + ], + [ + "▁fever", + -11.753171920776367 + ], + [ + "▁badge", + -11.753504753112791 + ], + [ + "▁Morris", + -11.753539085388184 + ], + [ + "▁stats", + -11.75365161895752 + ], + [ + "▁lacking", + -11.753759384155272 + ], + [ + "▁Engineer", + -11.75383758544922 + ], + [ + "▁collapse", + -11.753998756408691 + ], + [ + "▁anchor", + -11.754000663757324 + ], + [ + "▁communicating", + -11.75401210784912 + ], + [ + "▁Cyber", + -11.754228591918944 + ], + [ + "▁(3)", + -11.754243850708008 + ], + [ + "data", + -11.754249572753906 + ], + [ + "pen", + -11.75428581237793 + ], + [ + "▁Stainless", + -11.754624366760254 + ], + [ + "▁Cable", + -11.754645347595217 + ], + [ + "▁monster", + -11.754924774169922 + ], + [ + "▁renewed", + -11.75519561767578 + ], + [ + "▁marking", + -11.755300521850586 + ], + [ + "▁weigh", + -11.755417823791504 + ], + [ + "▁Brazilian", + -11.755535125732422 + ], + [ + "▁clue", + -11.75558853149414 + ], + [ + "Instead", + -11.75561237335205 + ], + [ + "▁rows", + -11.75580883026123 + ], + [ + "▁parameter", + -11.756032943725586 + ], + [ + "ding", + -11.756107330322266 + ], + [ + "▁pale", + -11.756364822387695 + ], + [ + "▁shareholders", + -11.756528854370115 + ], + [ + "▁1930", + -11.756613731384276 + ], + [ + "▁Robinson", + -11.756670951843262 + ], + [ + "▁Morning", + -11.75670337677002 + ], + [ + "uri", + -11.756816864013672 + ], + [ + "cher", + -11.756871223449709 + ], + [ + "▁vibe", + -11.757306098937988 + ], + [ + "▁optimized", + -11.757357597351074 + ], + [ + "▁Dry", + -11.757488250732422 + ], + [ + "▁CAN", + -11.757587432861328 + ], + [ + "▁licence", + -11.757608413696287 + ], + [ + "▁existed", + -11.75779151916504 + ], + [ + "▁architects", + -11.757953643798828 + ], + [ + "▁burned", + -11.757969856262209 + ], + [ + "▁needle", + -11.758106231689451 + ], + [ + "▁Prices", + -11.75834846496582 + ], + [ + "▁Emma", + -11.7583589553833 + ], + [ + "▁63", + -11.758416175842283 + ], + [ + "▁associates", + -11.758537292480469 + ], + [ + "▁boom", + -11.758618354797363 + ], + [ + "▁Knowledge", + -11.758707046508787 + ], + [ + "▁intentions", + -11.75885009765625 + ], + [ + "▁hunger", + -11.758893966674805 + ], + [ + "▁discovering", + -11.759132385253906 + ], + [ + "▁OEM", + -11.759320259094238 + ], + [ + "▁withstand", + -11.759387969970703 + ], + [ + "amp", + -11.759599685668944 + ], + [ + "▁branded", + -11.759950637817385 + ], + [ + "▁76", + -11.760091781616213 + ], + [ + "▁Offer", + -11.760233879089355 + ], + [ + "▁accountable", + -11.760257720947266 + ], + [ + "▁Sugar", + -11.76071071624756 + ], + [ + "▁Math", + -11.760991096496582 + ], + [ + "▁Ultimate", + -11.761533737182615 + ], + [ + "▁reporters", + -11.761609077453612 + ], + [ + "▁abundant", + -11.761611938476562 + ], + [ + "▁logged", + -11.761651992797852 + ], + [ + "SE", + -11.762113571166992 + ], + [ + "▁damaging", + -11.762131690979004 + ], + [ + "▁sync", + -11.762303352355955 + ], + [ + "▁Downtown", + -11.762310981750488 + ], + [ + "▁Col", + -11.762316703796388 + ], + [ + "par", + -11.762495994567873 + ], + [ + "▁sour", + -11.76255989074707 + ], + [ + "▁Wireless", + -11.762578964233398 + ], + [ + "▁Knight", + -11.762580871582031 + ], + [ + "▁undertaken", + -11.762630462646484 + ], + [ + "▁2006.", + -11.76267147064209 + ], + [ + "▁initiated", + -11.762819290161133 + ], + [ + "▁Puerto", + -11.76296043395996 + ], + [ + "▁stains", + -11.762984275817873 + ], + [ + "▁Mel", + -11.76303768157959 + ], + [ + "THE", + -11.763096809387209 + ], + [ + "▁modifications", + -11.763336181640623 + ], + [ + "▁Nevertheless", + -11.763457298278809 + ], + [ + "▁meta", + -11.763510704040527 + ], + [ + "▁cricket", + -11.76353645324707 + ], + [ + "▁Academic", + -11.763586044311523 + ], + [ + "▁workflow", + -11.763839721679688 + ], + [ + "▁advocates", + -11.764120101928713 + ], + [ + "▁Michelle", + -11.764375686645508 + ], + [ + "▁$4", + -11.764740943908691 + ], + [ + "▁introduces", + -11.764798164367676 + ], + [ + "▁tattoo", + -11.764826774597168 + ], + [ + "Big", + -11.764976501464844 + ], + [ + "▁chase", + -11.764981269836426 + ], + [ + "▁violations", + -11.765239715576172 + ], + [ + "▁awful", + -11.76526927947998 + ], + [ + "▁assign", + -11.765398025512695 + ], + [ + "Shop", + -11.765419006347656 + ], + [ + "▁Agent", + -11.765423774719238 + ], + [ + "▁viral", + -11.765737533569336 + ], + [ + "▁Larry", + -11.765816688537598 + ], + [ + "▁beverages", + -11.765875816345217 + ], + [ + "▁giveaway", + -11.766101837158203 + ], + [ + "400", + -11.7661714553833 + ], + [ + "▁positioning", + -11.766725540161133 + ], + [ + "▁compression", + -11.766820907592772 + ], + [ + "▁Wheel", + -11.767047882080078 + ], + [ + "▁unforgettable", + -11.767167091369627 + ], + [ + "▁Schedule", + -11.767220497131348 + ], + [ + "▁decides", + -11.76724910736084 + ], + [ + "▁Dell", + -11.76732063293457 + ], + [ + "▁Marc", + -11.767386436462402 + ], + [ + "▁partnered", + -11.76748275756836 + ], + [ + "▁cocktails", + -11.76764678955078 + ], + [ + "Currently", + -11.767742156982422 + ], + [ + "▁Fred", + -11.767996788024902 + ], + [ + "▁140", + -11.768051147460938 + ], + [ + "med", + -11.768211364746094 + ], + [ + "▁retro", + -11.768572807312012 + ], + [ + "▁Queensland", + -11.76866340637207 + ], + [ + "General", + -11.76874542236328 + ], + [ + "▁Historical", + -11.76881217956543 + ], + [ + "▁switched", + -11.768861770629885 + ], + [ + "▁horrible", + -11.768881797790527 + ], + [ + "▁nowadays", + -11.768935203552246 + ], + [ + "▁storing", + -11.769381523132324 + ], + [ + "▁gravity", + -11.769412994384766 + ], + [ + "Choose", + -11.76944065093994 + ], + [ + "ari", + -11.769536018371582 + ], + [ + "zo", + -11.769537925720217 + ], + [ + "maker", + -11.769841194152832 + ], + [ + "▁Higher", + -11.769936561584473 + ], + [ + "▁Sat", + -11.77001667022705 + ], + [ + "▁renewal", + -11.7701997756958 + ], + [ + "▁cancellation", + -11.770235061645508 + ], + [ + "▁1-2", + -11.77045440673828 + ], + [ + "▁municipal", + -11.770537376403809 + ], + [ + "▁allegations", + -11.77070426940918 + ], + [ + "▁Plaza", + -11.770709037780762 + ], + [ + "▁driveway", + -11.770759582519531 + ], + [ + "▁poorly", + -11.770977020263672 + ], + [ + "▁Vermont", + -11.771245002746582 + ], + [ + "▁kicked", + -11.77152156829834 + ], + [ + "▁hygiene", + -11.771591186523438 + ], + [ + "▁Prof", + -11.771953582763672 + ], + [ + "▁Calendar", + -11.772034645080566 + ], + [ + "▁Fat", + -11.772037506103516 + ], + [ + "▁malware", + -11.772627830505373 + ], + [ + "▁Corps", + -11.772738456726074 + ], + [ + "▁literacy", + -11.77275848388672 + ], + [ + "26", + -11.772982597351074 + ], + [ + "▁hardest", + -11.7730131149292 + ], + [ + "▁67", + -11.773018836975098 + ], + [ + "▁Gun", + -11.773036003112791 + ], + [ + "▁Hat", + -11.773070335388184 + ], + [ + "▁Breakfast", + -11.773305892944336 + ], + [ + "▁strongest", + -11.77370262145996 + ], + [ + "▁sentiment", + -11.773781776428224 + ], + [ + "▁Built", + -11.773893356323242 + ], + [ + "▁desperate", + -11.77394962310791 + ], + [ + "▁invitations", + -11.774434089660645 + ], + [ + "▁Han", + -11.774782180786133 + ], + [ + "million", + -11.774928092956545 + ], + [ + "▁Pure", + -11.774935722351074 + ], + [ + "▁emerge", + -11.775042533874512 + ], + [ + "▁Privacy", + -11.775067329406738 + ], + [ + "▁adhere", + -11.77549171447754 + ], + [ + "▁domains", + -11.77586269378662 + ], + [ + "▁bias", + -11.776374816894531 + ], + [ + "▁Volume", + -11.77639389038086 + ], + [ + "▁incorporating", + -11.776394844055176 + ], + [ + "▁engineered", + -11.776450157165527 + ], + [ + "▁suspected", + -11.77694320678711 + ], + [ + "▁Deputy", + -11.777196884155272 + ], + [ + "▁securing", + -11.777372360229492 + ], + [ + "▁critics", + -11.777647972106934 + ], + [ + "▁cleaners", + -11.777681350708008 + ], + [ + "▁breeding", + -11.777769088745115 + ], + [ + "▁anxious", + -11.777996063232422 + ], + [ + "▁ka", + -11.778180122375488 + ], + [ + "▁activation", + -11.778247833251951 + ], + [ + "▁mum", + -11.778321266174316 + ], + [ + "▁fixture", + -11.778335571289062 + ], + [ + "▁lesser", + -11.77846908569336 + ], + [ + "Need", + -11.778544425964355 + ], + [ + "▁Notice", + -11.778605461120604 + ], + [ + "▁cab", + -11.7786283493042 + ], + [ + "Plus", + -11.77872085571289 + ], + [ + "▁Brisbane", + -11.778888702392578 + ], + [ + "▁$6", + -11.778989791870115 + ], + [ + "makers", + -11.779038429260254 + ], + [ + "▁blocking", + -11.779182434082031 + ], + [ + "▁Materials", + -11.779500007629396 + ], + [ + "▁Different", + -11.779532432556152 + ], + [ + "burg", + -11.779626846313477 + ], + [ + "risk", + -11.779706954956056 + ], + [ + "▁deadly", + -11.779979705810549 + ], + [ + "▁curiosity", + -11.78005027770996 + ], + [ + "▁Customers", + -11.780179977416992 + ], + [ + "▁Excellent", + -11.780315399169922 + ], + [ + "▁raises", + -11.780508041381836 + ], + [ + "place", + -11.780517578125 + ], + [ + "▁1/4", + -11.780630111694336 + ], + [ + "▁tan", + -11.780679702758787 + ], + [ + "elle", + -11.780698776245115 + ], + [ + "▁interventions", + -11.780763626098633 + ], + [ + "soft", + -11.78085994720459 + ], + [ + "▁fame", + -11.78138256072998 + ], + [ + "▁VAT", + -11.781461715698242 + ], + [ + "▁#2", + -11.781527519226074 + ], + [ + "▁Yahoo", + -11.781625747680664 + ], + [ + "Description", + -11.781795501708984 + ], + [ + "▁beginners", + -11.781800270080566 + ], + [ + "▁130", + -11.781867027282717 + ], + [ + "▁Switch", + -11.782023429870604 + ], + [ + "▁indicating", + -11.782024383544922 + ], + [ + "▁strengthening", + -11.782061576843262 + ], + [ + "▁youngest", + -11.782198905944824 + ], + [ + "▁Hub", + -11.7822265625 + ], + [ + "▁optimum", + -11.782289505004885 + ], + [ + "CD", + -11.78240966796875 + ], + [ + "▁yeah", + -11.782554626464844 + ], + [ + "▁framed", + -11.78297519683838 + ], + [ + "piece", + -11.78299617767334 + ], + [ + "▁coloured", + -11.78313446044922 + ], + [ + "range", + -11.78316593170166 + ], + [ + "works", + -11.783166885375977 + ], + [ + "▁Palestinian", + -11.78325080871582 + ], + [ + "▁formerly", + -11.783270835876465 + ], + [ + "▁TN", + -11.783312797546388 + ], + [ + "▁mathematics", + -11.783634185791016 + ], + [ + "▁marathon", + -11.783649444580078 + ], + [ + "▁genes", + -11.783674240112305 + ], + [ + "▁batter", + -11.783930778503418 + ], + [ + "ala", + -11.783949851989746 + ], + [ + "▁inevitable", + -11.78404140472412 + ], + [ + "▁Excellence", + -11.78410530090332 + ], + [ + "▁Hudson", + -11.784205436706545 + ], + [ + "▁drainage", + -11.78460693359375 + ], + [ + "▁fatty", + -11.78466510772705 + ], + [ + "▁helmet", + -11.784671783447266 + ], + [ + "▁vocals", + -11.7849760055542 + ], + [ + "▁pastor", + -11.784979820251465 + ], + [ + "▁servicing", + -11.78498077392578 + ], + [ + "▁Adventure", + -11.78513240814209 + ], + [ + "▁recognise", + -11.78542709350586 + ], + [ + "▁devastating", + -11.785429954528809 + ], + [ + "▁vegetarian", + -11.78562831878662 + ], + [ + "sha", + -11.78585720062256 + ], + [ + "▁eighth", + -11.786092758178713 + ], + [ + "▁Adult", + -11.7861909866333 + ], + [ + "▁humidity", + -11.78634548187256 + ], + [ + "▁forex", + -11.786524772644045 + ], + [ + "▁Starting", + -11.786548614501951 + ], + [ + "▁kg", + -11.786635398864746 + ], + [ + "▁Samuel", + -11.787043571472168 + ], + [ + "▁emotionally", + -11.78705596923828 + ], + [ + "five", + -11.787153244018556 + ], + [ + "▁Package", + -11.787221908569336 + ], + [ + "▁beats", + -11.787242889404297 + ], + [ + "▁Pot", + -11.787328720092772 + ], + [ + "▁Glasgow", + -11.787872314453123 + ], + [ + "▁bamboo", + -11.788009643554688 + ], + [ + "▁prompted", + -11.78835105895996 + ], + [ + "ide", + -11.788424491882324 + ], + [ + "eg", + -11.788814544677734 + ], + [ + "▁8-", + -11.788838386535645 + ], + [ + "▁analyzed", + -11.788858413696287 + ], + [ + "iest", + -11.788878440856934 + ], + [ + "▁Vitamin", + -11.788965225219728 + ], + [ + "stage", + -11.789116859436035 + ], + [ + "▁fifty", + -11.789294242858888 + ], + [ + "75", + -11.78947639465332 + ], + [ + "▁licenses", + -11.789548873901367 + ], + [ + "▁debit", + -11.789616584777832 + ], + [ + "max", + -11.789639472961426 + ], + [ + "tro", + -11.789640426635742 + ], + [ + "▁acclaimed", + -11.789833068847656 + ], + [ + "ane", + -11.789834022521973 + ], + [ + "▁beam", + -11.789922714233398 + ], + [ + "▁recommends", + -11.789956092834473 + ], + [ + "▁candles", + -11.78996467590332 + ], + [ + "▁imagined", + -11.789984703063965 + ], + [ + "▁commentary", + -11.790048599243164 + ], + [ + "▁girlfriend", + -11.790154457092283 + ], + [ + "▁relieve", + -11.7902193069458 + ], + [ + "▁Ja", + -11.79024887084961 + ], + [ + "▁waited", + -11.79025650024414 + ], + [ + "▁repaired", + -11.790472984313965 + ], + [ + "▁Roger", + -11.790587425231934 + ], + [ + "▁MN", + -11.790666580200195 + ], + [ + "▁apparel", + -11.79084014892578 + ], + [ + "▁Hampshire", + -11.790864944458008 + ], + [ + "▁splash", + -11.791003227233888 + ], + [ + "▁Oscar", + -11.791024208068848 + ], + [ + "▁invaluable", + -11.791093826293944 + ], + [ + "▁concentrated", + -11.791289329528809 + ], + [ + "Out", + -11.79183864593506 + ], + [ + "▁defects", + -11.792228698730469 + ], + [ + "▁failures", + -11.792552947998049 + ], + [ + "▁tee", + -11.792604446411133 + ], + [ + "▁furnished", + -11.792759895324709 + ], + [ + "▁internship", + -11.79288387298584 + ], + [ + "▁expects", + -11.792925834655762 + ], + [ + "wan", + -11.792941093444824 + ], + [ + "▁Val", + -11.792988777160645 + ], + [ + "-15", + -11.793374061584473 + ], + [ + "▁glorious", + -11.79369831085205 + ], + [ + "▁Partnership", + -11.793899536132812 + ], + [ + "tin", + -11.793974876403809 + ], + [ + "▁imperative", + -11.794008255004885 + ], + [ + "▁burst", + -11.794323921203612 + ], + [ + "▁Bright", + -11.794404029846191 + ], + [ + "▁stickers", + -11.794754981994627 + ], + [ + "▁monitored", + -11.794873237609863 + ], + [ + "▁flagship", + -11.794964790344238 + ], + [ + "▁unprecedented", + -11.79500961303711 + ], + [ + "▁Parks", + -11.795110702514648 + ], + [ + "▁threads", + -11.795132637023926 + ], + [ + "▁buffet", + -11.795207977294922 + ], + [ + "▁collision", + -11.795221328735352 + ], + [ + "▁freshly", + -11.795307159423828 + ], + [ + "▁contrary", + -11.795376777648926 + ], + [ + "▁melted", + -11.795382499694824 + ], + [ + "т", + -11.79544448852539 + ], + [ + "was", + -11.796259880065918 + ], + [ + "▁parish", + -11.796269416809082 + ], + [ + "BC", + -11.796469688415527 + ], + [ + "▁Ban", + -11.796521186828612 + ], + [ + "▁Jun", + -11.79660701751709 + ], + [ + "▁Fr", + -11.796974182128906 + ], + [ + "▁Stars", + -11.797019004821776 + ], + [ + "▁SAP", + -11.797099113464355 + ], + [ + "▁FBI", + -11.79720973968506 + ], + [ + "RS", + -11.797375679016112 + ], + [ + "▁Bike", + -11.797595024108888 + ], + [ + "▁viewer", + -11.79771900177002 + ], + [ + "yn", + -11.797737121582031 + ], + [ + "▁Montreal", + -11.797755241394045 + ], + [ + "AC", + -11.79814624786377 + ], + [ + "▁knees", + -11.798184394836426 + ], + [ + "▁continent", + -11.79818630218506 + ], + [ + "▁tissues", + -11.798234939575195 + ], + [ + "▁CRM", + -11.798501014709473 + ], + [ + "▁Tar", + -11.798565864562988 + ], + [ + "▁Gear", + -11.798605918884276 + ], + [ + "▁china", + -11.79863452911377 + ], + [ + "▁activists", + -11.79885482788086 + ], + [ + "▁uniquely", + -11.799131393432615 + ], + [ + "▁configured", + -11.799174308776855 + ], + [ + "▁77", + -11.799384117126465 + ], + [ + "▁SUV", + -11.79946517944336 + ], + [ + "▁ladder", + -11.799625396728516 + ], + [ + "▁bail", + -11.799631118774414 + ], + [ + "ue", + -11.799816131591797 + ], + [ + "▁scrap", + -11.799861907958984 + ], + [ + "▁gang", + -11.79991054534912 + ], + [ + "▁Zoo", + -11.799991607666016 + ], + [ + "▁Potter", + -11.80018711090088 + ], + [ + "▁analytical", + -11.800248146057127 + ], + [ + "▁Sch", + -11.800301551818848 + ], + [ + "har", + -11.800318717956545 + ], + [ + "▁Nepal", + -11.800423622131348 + ], + [ + "▁yummy", + -11.80043601989746 + ], + [ + "▁Loan", + -11.800498008728027 + ], + [ + "▁peppers", + -11.80056381225586 + ], + [ + "▁highlighting", + -11.80068588256836 + ], + [ + "▁ya", + -11.800714492797852 + ], + [ + "▁parade", + -11.800787925720217 + ], + [ + "▁SF", + -11.800914764404297 + ], + [ + "▁doubled", + -11.801029205322266 + ], + [ + "▁Wide", + -11.801072120666504 + ], + [ + "bridge", + -11.80138874053955 + ], + [ + "▁commented", + -11.801508903503418 + ], + [ + "gan", + -11.801718711853027 + ], + [ + "▁Audi", + -11.801862716674805 + ], + [ + "▁zoom", + -11.801942825317385 + ], + [ + "▁predictions", + -11.801946640014648 + ], + [ + "▁modification", + -11.801961898803713 + ], + [ + "▁Flower", + -11.802008628845217 + ], + [ + "▁correction", + -11.802068710327148 + ], + [ + "▁Planet", + -11.8021879196167 + ], + [ + "▁Sara", + -11.802310943603516 + ], + [ + "▁CS", + -11.802464485168455 + ], + [ + "▁Marshall", + -11.802478790283203 + ], + [ + "▁Assessment", + -11.802536010742188 + ], + [ + "▁pills", + -11.802608489990234 + ], + [ + "Water", + -11.802638053894045 + ], + [ + "Located", + -11.80270290374756 + ], + [ + "▁shortage", + -11.803200721740724 + ], + [ + "▁intriguing", + -11.80357551574707 + ], + [ + "Com", + -11.803688049316406 + ], + [ + "▁Conservation", + -11.803759574890137 + ], + [ + "▁medal", + -11.803777694702148 + ], + [ + "color", + -11.803869247436523 + ], + [ + "▁soak", + -11.803898811340332 + ], + [ + "▁metallic", + -11.80393886566162 + ], + [ + "▁blended", + -11.804014205932615 + ], + [ + "▁detailing", + -11.804443359375 + ], + [ + "▁searched", + -11.804510116577148 + ], + [ + "▁sketch", + -11.804743766784668 + ], + [ + "▁rider", + -11.804780960083008 + ], + [ + "▁cow", + -11.804821968078612 + ], + [ + "▁blinds", + -11.804999351501465 + ], + [ + "▁Drop", + -11.805136680603027 + ], + [ + "▁Bull", + -11.805413246154783 + ], + [ + "▁Solution", + -11.805538177490234 + ], + [ + "▁beaten", + -11.805550575256348 + ], + [ + "▁2005.", + -11.805570602416992 + ], + [ + "▁realm", + -11.80570125579834 + ], + [ + "wheel", + -11.805848121643066 + ], + [ + "br", + -11.80599308013916 + ], + [ + "▁Material", + -11.80629062652588 + ], + [ + "▁Purchase", + -11.806467056274414 + ], + [ + "az", + -11.806546211242676 + ], + [ + "▁portions", + -11.806689262390137 + ], + [ + "▁worrying", + -11.807148933410645 + ], + [ + "White", + -11.807280540466309 + ], + [ + "▁flooding", + -11.807293891906738 + ], + [ + "body", + -11.807337760925291 + ], + [ + "▁2006,", + -11.80737590789795 + ], + [ + "▁tutorials", + -11.80741024017334 + ], + [ + "▁aligned", + -11.80749225616455 + ], + [ + "▁threshold", + -11.80752182006836 + ], + [ + "▁kindness", + -11.807661056518556 + ], + [ + "▁modular", + -11.807672500610352 + ], + [ + "▁temporarily", + -11.807820320129396 + ], + [ + "ties", + -11.80808162689209 + ], + [ + "▁(6", + -11.808135032653809 + ], + [ + "▁Continue", + -11.808371543884276 + ], + [ + "▁spinal", + -11.80842399597168 + ], + [ + "▁adapter", + -11.808612823486328 + ], + [ + "▁Actually", + -11.808720588684082 + ], + [ + "check", + -11.80874729156494 + ], + [ + "▁Consulting", + -11.80881118774414 + ], + [ + "▁Roy", + -11.80894374847412 + ], + [ + "▁infected", + -11.809016227722168 + ], + [ + "▁testimony", + -11.809083938598633 + ], + [ + "▁imposed", + -11.80948257446289 + ], + [ + "▁attribute", + -11.809526443481444 + ], + [ + "▁preservation", + -11.80954933166504 + ], + [ + "▁freelance", + -11.810302734375 + ], + [ + "▁Sleep", + -11.810869216918944 + ], + [ + "▁clearing", + -11.810962677001951 + ], + [ + "▁Episode", + -11.810985565185549 + ], + [ + "af", + -11.811034202575684 + ], + [ + "▁Finding", + -11.811213493347168 + ], + [ + "▁deny", + -11.811513900756836 + ], + [ + "ene", + -11.811837196350098 + ], + [ + "▁celebrities", + -11.811849594116213 + ], + [ + "▁Alpha", + -11.81185817718506 + ], + [ + "▁imagery", + -11.81196117401123 + ], + [ + "▁mega", + -11.811996459960938 + ], + [ + "▁shield", + -11.812055587768556 + ], + [ + "▁angles", + -11.812496185302734 + ], + [ + "State", + -11.812687873840332 + ], + [ + "▁cushion", + -11.813033103942873 + ], + [ + "Mobile", + -11.813040733337402 + ], + [ + "▁furnishings", + -11.813151359558104 + ], + [ + "▁encryption", + -11.813241958618164 + ], + [ + "▁Release", + -11.8133544921875 + ], + [ + "▁Championships", + -11.813394546508787 + ], + [ + "▁Cap", + -11.81384563446045 + ], + [ + "▁Around", + -11.81398582458496 + ], + [ + "▁payroll", + -11.814000129699709 + ], + [ + "▁freezing", + -11.81406307220459 + ], + [ + "Give", + -11.814064025878906 + ], + [ + "▁greenhouse", + -11.81418514251709 + ], + [ + "▁Carol", + -11.814348220825195 + ], + [ + "▁trades", + -11.81435775756836 + ], + [ + "▁stretching", + -11.814358711242676 + ], + [ + "▁Nissan", + -11.814425468444824 + ], + [ + "▁propose", + -11.814599990844728 + ], + [ + "▁Jessica", + -11.81461238861084 + ], + [ + "▁Branch", + -11.81491756439209 + ], + [ + "▁seamlessly", + -11.81496524810791 + ], + [ + "▁competitor", + -11.815000534057615 + ], + [ + "▁renting", + -11.815279960632324 + ], + [ + "▁monitors", + -11.81531810760498 + ], + [ + "▁Ward", + -11.815418243408203 + ], + [ + "tra", + -11.81565284729004 + ], + [ + "table", + -11.815692901611328 + ], + [ + "▁Record", + -11.815910339355469 + ], + [ + "▁Syrian", + -11.81591510772705 + ], + [ + "▁insulin", + -11.816048622131348 + ], + [ + "▁Initiative", + -11.81607723236084 + ], + [ + "wise", + -11.816213607788086 + ], + [ + "▁rigorous", + -11.81623649597168 + ], + [ + "▁preserved", + -11.816290855407717 + ], + [ + "▁honour", + -11.816476821899414 + ], + [ + "▁unsure", + -11.816513061523438 + ], + [ + "than", + -11.816643714904783 + ], + [ + "▁Stir", + -11.816696166992188 + ], + [ + "▁Cars", + -11.816705703735352 + ], + [ + "▁fellowship", + -11.816766738891602 + ], + [ + "kar", + -11.81682586669922 + ], + [ + "▁consensus", + -11.816939353942873 + ], + [ + "▁renovated", + -11.817105293273926 + ], + [ + "van", + -11.81721019744873 + ], + [ + "▁traits", + -11.817214965820312 + ], + [ + "▁Fed", + -11.81725025177002 + ], + [ + "▁faithful", + -11.817410469055176 + ], + [ + "▁IoT", + -11.817713737487791 + ], + [ + "▁MY", + -11.817764282226562 + ], + [ + "▁Born", + -11.817801475524902 + ], + [ + "▁earrings", + -11.817971229553224 + ], + [ + "▁Truck", + -11.81831169128418 + ], + [ + "power", + -11.8184814453125 + ], + [ + "▁recipients", + -11.818808555603027 + ], + [ + "ped", + -11.820087432861328 + ], + [ + "MA", + -11.820151329040527 + ], + [ + "▁Kar", + -11.820257186889648 + ], + [ + "ado", + -11.820404052734377 + ], + [ + "▁Firm", + -11.820453643798828 + ], + [ + "▁Explore", + -11.820477485656738 + ], + [ + "▁Corner", + -11.82056999206543 + ], + [ + "▁Gospel", + -11.820780754089355 + ], + [ + "▁voluntary", + -11.82079029083252 + ], + [ + "▁surround", + -11.820915222167969 + ], + [ + "tu", + -11.821075439453123 + ], + [ + "11.", + -11.821165084838867 + ], + [ + "▁aiming", + -11.821173667907717 + ], + [ + "▁quarterly", + -11.821675300598145 + ], + [ + "bound", + -11.821681022644045 + ], + [ + "▁Woman", + -11.82175350189209 + ], + [ + "29", + -11.82179355621338 + ], + [ + "OK", + -11.821871757507324 + ], + [ + "86", + -11.82188892364502 + ], + [ + "▁withdraw", + -11.821928977966309 + ], + [ + "len", + -11.8219633102417 + ], + [ + "▁Mega", + -11.82224941253662 + ], + [ + "selling", + -11.82237148284912 + ], + [ + "▁wealthy", + -11.822491645812988 + ], + [ + "▁broadband", + -11.822554588317873 + ], + [ + "▁1995", + -11.82271671295166 + ], + [ + "▁opera", + -11.823139190673828 + ], + [ + "▁Concrete", + -11.823226928710938 + ], + [ + "▁composer", + -11.823356628417969 + ], + [ + "▁weakness", + -11.82345485687256 + ], + [ + "▁SS", + -11.823748588562012 + ], + [ + "▁defendant", + -11.824094772338867 + ], + [ + "▁medieval", + -11.82414722442627 + ], + [ + "▁61", + -11.824226379394531 + ], + [ + "Web", + -11.824501037597656 + ], + [ + "▁Perry", + -11.82453441619873 + ], + [ + "▁2)", + -11.82479190826416 + ], + [ + "▁displaying", + -11.824804306030272 + ], + [ + "▁Keith", + -11.825213432312012 + ], + [ + "▁admire", + -11.82542896270752 + ], + [ + "▁Woods", + -11.82559871673584 + ], + [ + "cap", + -11.825725555419922 + ], + [ + "▁Heavy", + -11.825870513916016 + ], + [ + "▁underway", + -11.825901985168455 + ], + [ + "fa", + -11.826079368591309 + ], + [ + "▁organizer", + -11.826102256774902 + ], + [ + "▁evenings", + -11.826159477233888 + ], + [ + "▁Brad", + -11.826260566711426 + ], + [ + "▁Jimmy", + -11.826326370239258 + ], + [ + "▁3:", + -11.82633113861084 + ], + [ + "▁Tu", + -11.826360702514648 + ], + [ + "wear", + -11.826425552368164 + ], + [ + "06", + -11.826525688171388 + ], + [ + "▁Za", + -11.826644897460938 + ], + [ + "▁mice", + -11.826650619506836 + ], + [ + "ky", + -11.826693534851074 + ], + [ + "rie", + -11.82671070098877 + ], + [ + "▁united", + -11.826762199401855 + ], + [ + "▁coalition", + -11.826833724975586 + ], + [ + "▁interviewed", + -11.826905250549316 + ], + [ + "ap", + -11.826913833618164 + ], + [ + "▁Bishop", + -11.827102661132812 + ], + [ + "▁cushions", + -11.82723617553711 + ], + [ + "▁Senator", + -11.8273344039917 + ], + [ + "road", + -11.827574729919434 + ], + [ + "▁donor", + -11.827754020690918 + ], + [ + "▁Photoshop", + -11.827805519104004 + ], + [ + "shirts", + -11.827911376953123 + ], + [ + "▁limitation", + -11.827959060668944 + ], + [ + "▁Cruz", + -11.828289985656738 + ], + [ + "▁substantially", + -11.828304290771484 + ], + [ + "▁Pine", + -11.828370094299316 + ], + [ + "▁likelihood", + -11.828605651855469 + ], + [ + "▁drone", + -11.828670501708984 + ], + [ + "▁align", + -11.82878303527832 + ], + [ + "▁peanut", + -11.82879638671875 + ], + [ + "▁maple", + -11.828974723815918 + ], + [ + "▁shuttle", + -11.828990936279297 + ], + [ + "ification", + -11.82915210723877 + ], + [ + "▁molecular", + -11.82938289642334 + ], + [ + "▁Joy", + -11.829390525817873 + ], + [ + "▁complain", + -11.829476356506348 + ], + [ + "▁trapped", + -11.829510688781738 + ], + [ + "▁Guy", + -11.829517364501951 + ], + [ + "▁Champion", + -11.829716682434082 + ], + [ + "test", + -11.82995891571045 + ], + [ + "▁toddler", + -11.830048561096191 + ], + [ + "▁ver", + -11.830060005187988 + ], + [ + "▁phases", + -11.83029079437256 + ], + [ + "▁airports", + -11.830365180969238 + ], + [ + "▁multitude", + -11.830491065979004 + ], + [ + "ure", + -11.830851554870604 + ], + [ + "▁trainers", + -11.830857276916504 + ], + [ + "▁cracks", + -11.830975532531738 + ], + [ + "▁1500", + -11.831094741821287 + ], + [ + "▁Chain", + -11.831178665161133 + ], + [ + "rin", + -11.83119773864746 + ], + [ + "▁mentally", + -11.831573486328123 + ], + [ + "▁horizon", + -11.831609725952148 + ], + [ + "▁lengths", + -11.831645965576172 + ], + [ + "▁heel", + -11.831647872924805 + ], + [ + "▁borrow", + -11.831697463989258 + ], + [ + "craft", + -11.831785202026367 + ], + [ + "▁charitable", + -11.831896781921388 + ], + [ + "▁poet", + -11.832009315490724 + ], + [ + "▁incorporates", + -11.83227825164795 + ], + [ + "▁viruses", + -11.832594871520996 + ], + [ + "▁stating", + -11.832629203796388 + ], + [ + ")?", + -11.832879066467283 + ], + [ + "▁Career", + -11.832982063293455 + ], + [ + "▁Mills", + -11.833078384399414 + ], + [ + "▁prototype", + -11.833090782165527 + ], + [ + "ston", + -11.833151817321776 + ], + [ + "▁radar", + -11.833236694335938 + ], + [ + "▁exchanges", + -11.83335018157959 + ], + [ + "▁peel", + -11.833370208740234 + ], + [ + "▁canada", + -11.833450317382812 + ], + [ + "▁shocked", + -11.834168434143066 + ], + [ + "▁logs", + -11.834218978881836 + ], + [ + "▁Whenever", + -11.834284782409668 + ], + [ + "meter", + -11.834436416625977 + ], + [ + "▁Jam", + -11.834561347961426 + ], + [ + "▁sa", + -11.83465576171875 + ], + [ + "▁ghost", + -11.83469295501709 + ], + [ + "▁Going", + -11.834753036499023 + ], + [ + "▁Tourism", + -11.834823608398438 + ], + [ + "▁Belt", + -11.834920883178713 + ], + [ + "▁laughing", + -11.835023880004885 + ], + [ + "▁Surgery", + -11.83506202697754 + ], + [ + "eye", + -11.8351411819458 + ], + [ + "▁Er", + -11.83514404296875 + ], + [ + "ice", + -11.835199356079102 + ], + [ + "▁Vi", + -11.835371971130373 + ], + [ + "▁contributes", + -11.835546493530272 + ], + [ + "▁budgets", + -11.83590030670166 + ], + [ + "▁cons", + -11.836012840270996 + ], + [ + "▁sourced", + -11.836053848266602 + ], + [ + "inspired", + -11.836406707763672 + ], + [ + "▁Mine", + -11.836548805236816 + ], + [ + "▁Oliver", + -11.83665657043457 + ], + [ + "▁Display", + -11.836695671081545 + ], + [ + "▁teenagers", + -11.837028503417969 + ], + [ + "▁aids", + -11.837030410766602 + ], + [ + "Blue", + -11.837480545043944 + ], + [ + "▁78", + -11.837891578674316 + ], + [ + "▁Medicaid", + -11.837942123413086 + ], + [ + "Post", + -11.83808708190918 + ], + [ + "▁submissions", + -11.838123321533203 + ], + [ + "▁WILL", + -11.838160514831545 + ], + [ + "▁duck", + -11.83877944946289 + ], + [ + "because", + -11.838915824890137 + ], + [ + "▁learnt", + -11.838934898376465 + ], + [ + "oli", + -11.838967323303224 + ], + [ + "▁Growth", + -11.839052200317385 + ], + [ + "▁Oakland", + -11.83909511566162 + ], + [ + "▁Mario", + -11.839096069335938 + ], + [ + "▁grilled", + -11.83958911895752 + ], + [ + "▁wrist", + -11.839740753173828 + ], + [ + "▁07", + -11.839802742004396 + ], + [ + "▁Replacement", + -11.840075492858888 + ], + [ + "▁Mu", + -11.840083122253418 + ], + [ + "▁$30", + -11.840167999267578 + ], + [ + "▁tubes", + -11.840180397033691 + ], + [ + "▁trendy", + -11.840217590332031 + ], + [ + "▁torque", + -11.840229988098145 + ], + [ + "▁landlord", + -11.840316772460938 + ], + [ + "Among", + -11.840742111206056 + ], + [ + "2018", + -11.84075927734375 + ], + [ + "▁metro", + -11.840936660766602 + ], + [ + "▁deficit", + -11.8409423828125 + ], + [ + "▁siding", + -11.8409423828125 + ], + [ + "▁Psychology", + -11.841064453125 + ], + [ + "▁defining", + -11.84117031097412 + ], + [ + "▁tumor", + -11.841254234313965 + ], + [ + "▁customs", + -11.841376304626465 + ], + [ + "▁exceptionally", + -11.84144687652588 + ], + [ + "▁RM", + -11.84156608581543 + ], + [ + "▁debts", + -11.841581344604492 + ], + [ + "▁Roof", + -11.84170150756836 + ], + [ + "▁rugged", + -11.841843605041504 + ], + [ + "▁Cor", + -11.841853141784668 + ], + [ + "▁Muslims", + -11.84205722808838 + ], + [ + "▁Ana", + -11.842148780822754 + ], + [ + "ros", + -11.842562675476074 + ], + [ + "▁Jerry", + -11.84267234802246 + ], + [ + "▁Nancy", + -11.842798233032228 + ], + [ + "Mar", + -11.842918395996094 + ], + [ + "▁900", + -11.843152046203612 + ], + [ + "▁ugly", + -11.843185424804688 + ], + [ + "▁Manufacturing", + -11.843283653259276 + ], + [ + "bu", + -11.843737602233888 + ], + [ + "▁twitter", + -11.843871116638184 + ], + [ + "Air", + -11.844162940979004 + ], + [ + "▁grandfather", + -11.844277381896973 + ], + [ + "▁equality", + -11.84451961517334 + ], + [ + "▁darker", + -11.844606399536133 + ], + [ + "▁blown", + -11.84469223022461 + ], + [ + "▁comfy", + -11.844696044921877 + ], + [ + "▁fencing", + -11.844697952270508 + ], + [ + "▁upholstery", + -11.844704627990724 + ], + [ + "▁lifelong", + -11.844870567321776 + ], + [ + "▁Soon", + -11.844923973083496 + ], + [ + "▁classification", + -11.845169067382812 + ], + [ + "▁thriving", + -11.845170974731444 + ], + [ + "▁(\"", + -11.845233917236328 + ], + [ + "▁diy", + -11.845473289489746 + ], + [ + "▁isolation", + -11.84564971923828 + ], + [ + "▁roast", + -11.845656394958496 + ], + [ + "▁Hey", + -11.845947265625 + ], + [ + "▁creations", + -11.84596824645996 + ], + [ + "▁outfits", + -11.846030235290527 + ], + [ + "lon", + -11.846187591552734 + ], + [ + "AS", + -11.84619140625 + ], + [ + "▁70%", + -11.846288681030272 + ], + [ + "ati", + -11.84634017944336 + ], + [ + "bel", + -11.846622467041016 + ], + [ + "Follow", + -11.846692085266112 + ], + [ + "▁resin", + -11.846704483032228 + ], + [ + "going", + -11.846773147583008 + ], + [ + "▁indigenous", + -11.846787452697754 + ], + [ + "▁aroma", + -11.846887588500977 + ], + [ + "▁intermediate", + -11.846963882446287 + ], + [ + "▁Deck", + -11.847049713134766 + ], + [ + "▁Holland", + -11.847323417663574 + ], + [ + "▁drawers", + -11.847455024719238 + ], + [ + "▁leaks", + -11.847501754760742 + ], + [ + "▁Alzheimer", + -11.84754753112793 + ], + [ + "▁Terry", + -11.847759246826172 + ], + [ + "▁upside", + -11.847823143005373 + ], + [ + "ME", + -11.84786319732666 + ], + [ + "▁Bit", + -11.847930908203123 + ], + [ + "vin", + -11.84793758392334 + ], + [ + "▁scripts", + -11.848076820373535 + ], + [ + "▁125", + -11.848122596740724 + ], + [ + "live", + -11.848259925842283 + ], + [ + "ku", + -11.848283767700195 + ], + [ + "GS", + -11.848438262939451 + ], + [ + "▁brakes", + -11.84844207763672 + ], + [ + "▁dashboard", + -11.848491668701172 + ], + [ + "▁sampling", + -11.848503112792969 + ], + [ + "▁registry", + -11.848587989807127 + ], + [ + "▁Vehicle", + -11.848923683166504 + ], + [ + "▁Les", + -11.848958015441896 + ], + [ + "▁ridiculous", + -11.848958969116213 + ], + [ + "▁jack", + -11.849088668823242 + ], + [ + "▁Coordinator", + -11.849489212036133 + ], + [ + "▁worlds", + -11.849491119384766 + ], + [ + "▁fulfilling", + -11.849613189697266 + ], + [ + "black", + -11.849760055541992 + ], + [ + "▁toast", + -11.849909782409668 + ], + [ + "▁limiting", + -11.849918365478516 + ], + [ + "NO", + -11.849930763244627 + ], + [ + "▁acquiring", + -11.849953651428224 + ], + [ + "▁staple", + -11.849969863891602 + ], + [ + "▁Murphy", + -11.850526809692385 + ], + [ + "▁Stanley", + -11.85053539276123 + ], + [ + "▁altered", + -11.850576400756836 + ], + [ + "▁sticking", + -11.850714683532717 + ], + [ + "▁crushed", + -11.850741386413574 + ], + [ + "▁feeds", + -11.850763320922852 + ], + [ + "▁sensation", + -11.85083293914795 + ], + [ + "▁Rate", + -11.850882530212402 + ], + [ + "▁adaptation", + -11.850954055786133 + ], + [ + "Help", + -11.850956916809082 + ], + [ + "▁advertise", + -11.851012229919434 + ], + [ + "▁racial", + -11.851015090942385 + ], + [ + "▁Zero", + -11.851106643676758 + ], + [ + "▁vent", + -11.8511323928833 + ], + [ + "▁characterized", + -11.851332664489746 + ], + [ + "▁revealing", + -11.85150909423828 + ], + [ + "▁eliminated", + -11.851654052734377 + ], + [ + "▁sensible", + -11.851873397827148 + ], + [ + "▁forcing", + -11.851996421813965 + ], + [ + "▁rebuild", + -11.852240562438965 + ], + [ + "▁lifted", + -11.85234546661377 + ], + [ + "▁dealership", + -11.852375030517578 + ], + [ + "▁dies", + -11.85243034362793 + ], + [ + "▁mayor", + -11.85254192352295 + ], + [ + "▁downloads", + -11.852596282958984 + ], + [ + "▁workouts", + -11.85262680053711 + ], + [ + "▁98", + -11.852690696716309 + ], + [ + "▁Stories", + -11.852753639221191 + ], + [ + "▁Ore", + -11.852758407592772 + ], + [ + "▁protocols", + -11.852849960327148 + ], + [ + "▁opener", + -11.85286808013916 + ], + [ + "▁centered", + -11.85290241241455 + ], + [ + "▁elaborate", + -11.852953910827637 + ], + [ + "▁Laboratory", + -11.853045463562012 + ], + [ + "▁logging", + -11.85307502746582 + ], + [ + "▁Ashley", + -11.853084564208984 + ], + [ + "▁economies", + -11.853316307067873 + ], + [ + "▁100,000", + -11.853801727294922 + ], + [ + "▁exports", + -11.853857040405272 + ], + [ + "Business", + -11.853946685791016 + ], + [ + "▁faucet", + -11.854007720947266 + ], + [ + "▁freight", + -11.854058265686035 + ], + [ + "▁Prevention", + -11.854461669921877 + ], + [ + "nie", + -11.854578971862791 + ], + [ + "▁von", + -11.854608535766602 + ], + [ + "▁Regardless", + -11.854612350463867 + ], + [ + "▁bored", + -11.85476303100586 + ], + [ + "▁void", + -11.854902267456056 + ], + [ + "▁constraints", + -11.85496711730957 + ], + [ + "Play", + -11.855010032653809 + ], + [ + "resistant", + -11.855073928833008 + ], + [ + "iz", + -11.855147361755373 + ], + [ + "▁coats", + -11.855292320251465 + ], + [ + "▁Bangladesh", + -11.855311393737791 + ], + [ + "TO", + -11.855359077453612 + ], + [ + "▁Luckily", + -11.85545253753662 + ], + [ + "▁graduating", + -11.855724334716797 + ], + [ + "▁equation", + -11.855748176574709 + ], + [ + "▁eternal", + -11.856085777282717 + ], + [ + "▁tier", + -11.856297492980955 + ], + [ + "▁Programs", + -11.856467247009276 + ], + [ + "▁metabolism", + -11.856525421142578 + ], + [ + "▁parenting", + -11.856876373291016 + ], + [ + "▁subsidiary", + -11.857172012329102 + ], + [ + "used", + -11.857282638549805 + ], + [ + "▁purely", + -11.85758113861084 + ], + [ + "city", + -11.857746124267578 + ], + [ + "▁fifteen", + -11.85810089111328 + ], + [ + "zer", + -11.858222007751465 + ], + [ + "▁Discovery", + -11.858294486999512 + ], + [ + "▁therapies", + -11.858358383178713 + ], + [ + "▁surfing", + -11.85866641998291 + ], + [ + "mont", + -11.858702659606934 + ], + [ + "▁stuffed", + -11.858856201171877 + ], + [ + "▁Same", + -11.858932495117188 + ], + [ + "saving", + -11.859051704406738 + ], + [ + "half", + -11.859136581420898 + ], + [ + "▁bracket", + -11.85927391052246 + ], + [ + "▁mins", + -11.859330177307127 + ], + [ + "▁spotlight", + -11.859403610229492 + ], + [ + "▁Apart", + -11.85973834991455 + ], + [ + "▁Comments", + -11.859981536865234 + ], + [ + "08", + -11.8603515625 + ], + [ + "▁hints", + -11.86036205291748 + ], + [ + "▁markers", + -11.860858917236328 + ], + [ + "▁distinguished", + -11.860891342163086 + ], + [ + "has", + -11.86094093322754 + ], + [ + "▁Parents", + -11.861019134521484 + ], + [ + "▁studios", + -11.861034393310549 + ], + [ + "via", + -11.861044883728027 + ], + [ + "▁sandwiches", + -11.861215591430664 + ], + [ + "▁merchant", + -11.861660957336426 + ], + [ + "▁liner", + -11.861668586730955 + ], + [ + "▁GDP", + -11.861778259277344 + ], + [ + "▁Tiger", + -11.861797332763672 + ], + [ + "▁bell", + -11.86183738708496 + ], + [ + "▁grains", + -11.86188793182373 + ], + [ + "▁tabs", + -11.862059593200684 + ], + [ + "del", + -11.86208438873291 + ], + [ + "▁reflecting", + -11.86226749420166 + ], + [ + "▁Tab", + -11.862276077270508 + ], + [ + "stock", + -11.862332344055176 + ], + [ + "▁resorts", + -11.862497329711914 + ], + [ + "▁Fu", + -11.862512588500977 + ], + [ + "▁specializing", + -11.86255168914795 + ], + [ + "▁terror", + -11.86257553100586 + ], + [ + "▁EC", + -11.862606048583984 + ], + [ + "▁furnace", + -11.862615585327148 + ], + [ + "▁teenager", + -11.862781524658203 + ], + [ + "▁consequence", + -11.863088607788086 + ], + [ + "▁Mode", + -11.86309051513672 + ], + [ + "▁menus", + -11.863222122192385 + ], + [ + "▁BY", + -11.863430976867676 + ], + [ + "▁cousin", + -11.86358642578125 + ], + [ + "▁loft", + -11.863701820373535 + ], + [ + "▁immense", + -11.863715171813965 + ], + [ + "▁Wildlife", + -11.86400032043457 + ], + [ + "▁webinar", + -11.86409854888916 + ], + [ + "▁Compare", + -11.864250183105469 + ], + [ + "▁Elite", + -11.864316940307615 + ], + [ + "▁premiums", + -11.864402770996094 + ], + [ + "▁practitioner", + -11.864405632019045 + ], + [ + "▁forty", + -11.864524841308594 + ], + [ + "▁avail", + -11.864543914794922 + ], + [ + "▁spelling", + -11.864766120910645 + ], + [ + "▁obesity", + -11.864930152893066 + ], + [ + "▁Walter", + -11.864980697631836 + ], + [ + "▁heights", + -11.86507511138916 + ], + [ + "▁india", + -11.865094184875488 + ], + [ + "itis", + -11.86520767211914 + ], + [ + "▁Expert", + -11.865633010864258 + ], + [ + "▁Mason", + -11.866086959838867 + ], + [ + "▁resolutions", + -11.866129875183104 + ], + [ + "42", + -11.866172790527344 + ], + [ + "▁ET", + -11.86623764038086 + ], + [ + "▁60%", + -11.86635971069336 + ], + [ + "▁Veterans", + -11.866392135620115 + ], + [ + "▁Flight", + -11.866430282592772 + ], + [ + "▁Tap", + -11.866578102111816 + ], + [ + "▁headphones", + -11.866860389709473 + ], + [ + "▁Guest", + -11.866989135742188 + ], + [ + "▁tweet", + -11.867000579833984 + ], + [ + "▁aviation", + -11.867368698120115 + ], + [ + "▁considerations", + -11.86750316619873 + ], + [ + "▁privately", + -11.867586135864258 + ], + [ + "▁disagree", + -11.867709159851074 + ], + [ + "▁EPA", + -11.86778163909912 + ], + [ + "▁tragedy", + -11.867855072021484 + ], + [ + "burn", + -11.86791706085205 + ], + [ + "▁Barry", + -11.867964744567873 + ], + [ + "▁infant", + -11.868023872375488 + ], + [ + "▁Jet", + -11.86823558807373 + ], + [ + "▁Lock", + -11.868401527404783 + ], + [ + "▁Finland", + -11.868486404418944 + ], + [ + "▁stitch", + -11.868562698364258 + ], + [ + "▁vaccine", + -11.868586540222168 + ], + [ + "▁stems", + -11.868606567382812 + ], + [ + "Yeah", + -11.86864948272705 + ], + [ + "▁soy", + -11.868927001953123 + ], + [ + "▁pillows", + -11.869073867797852 + ], + [ + "▁Hell", + -11.869534492492676 + ], + [ + "▁Brain", + -11.869678497314451 + ], + [ + "▁pots", + -11.869950294494627 + ], + [ + "▁attitudes", + -11.870346069335938 + ], + [ + "online", + -11.870455741882324 + ], + [ + "▁joins", + -11.870509147644045 + ], + [ + "▁Eagles", + -11.870709419250488 + ], + [ + "▁Players", + -11.870779037475586 + ], + [ + "▁foremost", + -11.870800018310549 + ], + [ + "▁Billy", + -11.871020317077637 + ], + [ + "Yet", + -11.871430397033691 + ], + [ + "▁Benjamin", + -11.87157917022705 + ], + [ + "Speaking", + -11.87159824371338 + ], + [ + "▁guards", + -11.871899604797363 + ], + [ + "bus", + -11.872136116027832 + ], + [ + "powered", + -11.872340202331545 + ], + [ + "▁amid", + -11.872357368469238 + ], + [ + "▁rust", + -11.872368812561035 + ], + [ + "▁stimulate", + -11.872369766235352 + ], + [ + "▁Laser", + -11.87240982055664 + ], + [ + "▁Argentina", + -11.872577667236328 + ], + [ + "▁Sets", + -11.872601509094238 + ], + [ + "▁Discussion", + -11.872751235961914 + ], + [ + "▁chill", + -11.872790336608888 + ], + [ + "▁Ok", + -11.87285327911377 + ], + [ + "▁rocket", + -11.873088836669922 + ], + [ + "sey", + -11.873124122619627 + ], + [ + "▁passive", + -11.87314224243164 + ], + [ + "rated", + -11.873231887817385 + ], + [ + "▁unclear", + -11.87333869934082 + ], + [ + "▁packaged", + -11.873390197753906 + ], + [ + "▁Ted", + -11.87342357635498 + ], + [ + "▁boarding", + -11.87366008758545 + ], + [ + "both", + -11.873993873596191 + ], + [ + "▁$8", + -11.874029159545898 + ], + [ + "▁Lanka", + -11.874090194702148 + ], + [ + "▁proactive", + -11.874496459960938 + ], + [ + "▁incoming", + -11.874499320983888 + ], + [ + "▁commitments", + -11.874571800231934 + ], + [ + "su", + -11.87465000152588 + ], + [ + "▁pendant", + -11.875176429748535 + ], + [ + "▁expectation", + -11.875343322753906 + ], + [ + "▁evaluating", + -11.875351905822754 + ], + [ + "▁Nebraska", + -11.875486373901367 + ], + [ + "▁Haven", + -11.875703811645508 + ], + [ + "pay", + -11.875732421875 + ], + [ + "▁bandwidth", + -11.875829696655272 + ], + [ + "▁1800", + -11.876151084899902 + ], + [ + "▁Pizza", + -11.87630844116211 + ], + [ + "▁Flooring", + -11.876666069030762 + ], + [ + "▁inquiries", + -11.876680374145508 + ], + [ + "▁Wholesale", + -11.87677764892578 + ], + [ + "▁headaches", + -11.876837730407717 + ], + [ + "Ex", + -11.876908302307127 + ], + [ + "▁Idaho", + -11.876928329467772 + ], + [ + "▁sticky", + -11.87704086303711 + ], + [ + "▁dash", + -11.8771390914917 + ], + [ + "▁Rain", + -11.87714958190918 + ], + [ + "▁conclude", + -11.877342224121094 + ], + [ + "▁74", + -11.877729415893556 + ], + [ + "▁UC", + -11.878085136413574 + ], + [ + "▁pill", + -11.878140449523926 + ], + [ + "▁Relations", + -11.878474235534668 + ], + [ + "▁colourful", + -11.878477096557615 + ], + [ + "▁04", + -11.878626823425291 + ], + [ + "▁flavours", + -11.878681182861328 + ], + [ + "▁Mortgage", + -11.87883758544922 + ], + [ + "▁Para", + -11.87897777557373 + ], + [ + "▁colleague", + -11.879358291625977 + ], + [ + "Working", + -11.879469871520996 + ], + [ + "▁similarly", + -11.879664421081545 + ], + [ + "▁arch", + -11.879877090454102 + ], + [ + "Bar", + -11.879913330078123 + ], + [ + "Think", + -11.880115509033203 + ], + [ + "▁Lin", + -11.880123138427734 + ], + [ + "▁Blu", + -11.880196571350098 + ], + [ + "▁Mor", + -11.880301475524902 + ], + [ + "▁voucher", + -11.880303382873535 + ], + [ + "tec", + -11.880417823791504 + ], + [ + "▁Honor", + -11.8804292678833 + ], + [ + "▁clicks", + -11.880477905273438 + ], + [ + "▁envelope", + -11.88056755065918 + ], + [ + "▁Tournament", + -11.880593299865724 + ], + [ + "▁macro", + -11.880624771118164 + ], + [ + "31", + -11.880828857421877 + ], + [ + "oc", + -11.88092803955078 + ], + [ + "▁Geo", + -11.881009101867676 + ], + [ + "▁Juan", + -11.881189346313477 + ], + [ + "▁Julie", + -11.881210327148438 + ], + [ + "user", + -11.881234169006348 + ], + [ + "▁threatening", + -11.881369590759276 + ], + [ + "▁Ideal", + -11.881393432617188 + ], + [ + "cho", + -11.881404876708984 + ], + [ + "group", + -11.881576538085938 + ], + [ + "▁MT", + -11.881665229797363 + ], + [ + "▁Des", + -11.881950378417969 + ], + [ + "▁Teachers", + -11.88217067718506 + ], + [ + "▁Wash", + -11.882283210754396 + ], + [ + "▁Lauren", + -11.882306098937988 + ], + [ + "pi", + -11.88234043121338 + ], + [ + "▁defending", + -11.882508277893066 + ], + [ + "▁yeast", + -11.882672309875488 + ], + [ + "Anyone", + -11.882752418518066 + ], + [ + "02", + -11.883017539978027 + ], + [ + "▁utmost", + -11.883108139038086 + ], + [ + "door", + -11.88319969177246 + ], + [ + "▁token", + -11.883220672607422 + ], + [ + "Super", + -11.883380889892578 + ], + [ + "HP", + -11.883434295654297 + ], + [ + "▁worthwhile", + -11.883649826049805 + ], + [ + "ens", + -11.883816719055176 + ], + [ + "▁accelerate", + -11.883865356445312 + ], + [ + "▁analyzing", + -11.884024620056152 + ], + [ + "▁Yorkshire", + -11.884181022644045 + ], + [ + "▁demographic", + -11.88442325592041 + ], + [ + "▁id", + -11.884686470031738 + ], + [ + "▁5,000", + -11.884831428527832 + ], + [ + "istic", + -11.88497543334961 + ], + [ + "▁cardiovascular", + -11.885088920593262 + ], + [ + "▁belonging", + -11.885310173034668 + ], + [ + "▁genius", + -11.885324478149414 + ], + [ + "▁1.2", + -11.88555145263672 + ], + [ + "▁Desktop", + -11.885716438293455 + ], + [ + "▁Philip", + -11.885751724243164 + ], + [ + "▁compatibility", + -11.885812759399414 + ], + [ + "ground", + -11.88597011566162 + ], + [ + "▁Turner", + -11.886013984680176 + ], + [ + "ori", + -11.886220932006836 + ], + [ + "South", + -11.886404991149902 + ], + [ + "▁Testing", + -11.886409759521484 + ], + [ + "▁persistent", + -11.886666297912598 + ], + [ + "▁Perth", + -11.886848449707031 + ], + [ + "▁blues", + -11.886850357055664 + ], + [ + "▁NSW", + -11.887056350708008 + ], + [ + "▁nonetheless", + -11.887076377868652 + ], + [ + "▁GO", + -11.887097358703612 + ], + [ + "▁Hire", + -11.887255668640137 + ], + [ + "▁Expo", + -11.887556076049805 + ], + [ + "▁Solid", + -11.887666702270508 + ], + [ + "▁overly", + -11.887672424316406 + ], + [ + "▁Milan", + -11.887904167175291 + ], + [ + "▁Generally", + -11.887933731079102 + ], + [ + "▁charities", + -11.88807773590088 + ], + [ + "▁classrooms", + -11.888381004333496 + ], + [ + "▁honors", + -11.888445854187012 + ], + [ + "▁firmware", + -11.88869857788086 + ], + [ + "▁Rental", + -11.888769149780272 + ], + [ + "ris", + -11.888930320739746 + ], + [ + "▁beers", + -11.889019012451172 + ], + [ + "▁Profile", + -11.889052391052246 + ], + [ + "▁ballot", + -11.88906955718994 + ], + [ + "▁distributor", + -11.889154434204102 + ], + [ + "▁Nor", + -11.889410018920898 + ], + [ + "▁ONLY", + -11.889763832092283 + ], + [ + "▁Beer", + -11.889925003051758 + ], + [ + "▁Faith", + -11.889997482299805 + ], + [ + "▁Internal", + -11.89004898071289 + ], + [ + "ua", + -11.890067100524902 + ], + [ + "▁trillion", + -11.89006805419922 + ], + [ + "Long", + -11.890325546264648 + ], + [ + "▁lol", + -11.890542984008787 + ], + [ + "▁nevertheless", + -11.890565872192385 + ], + [ + "▁Maps", + -11.89065170288086 + ], + [ + "▁picturesque", + -11.890711784362791 + ], + [ + "ova", + -11.89090061187744 + ], + [ + "▁defines", + -11.891127586364746 + ], + [ + "▁elevation", + -11.891237258911133 + ], + [ + "▁ventilation", + -11.891281127929688 + ], + [ + "▁Swift", + -11.891302108764648 + ], + [ + "▁urged", + -11.891335487365724 + ], + [ + "April", + -11.89186191558838 + ], + [ + "▁Walmart", + -11.892016410827637 + ], + [ + "▁democratic", + -11.892026901245115 + ], + [ + "▁opted", + -11.892087936401367 + ], + [ + "▁overlooked", + -11.89209270477295 + ], + [ + "NA", + -11.89217758178711 + ], + [ + "▁triggered", + -11.892455101013184 + ], + [ + "▁rendering", + -11.89254379272461 + ], + [ + "▁Fame", + -11.89260196685791 + ], + [ + "▁recruit", + -11.892618179321287 + ], + [ + "▁authentication", + -11.892658233642578 + ], + [ + "▁remainder", + -11.892727851867676 + ], + [ + "▁investigated", + -11.892925262451172 + ], + [ + "▁flew", + -11.893075942993164 + ], + [ + "▁implant", + -11.89307689666748 + ], + [ + "▁crude", + -11.893143653869627 + ], + [ + "▁Deal", + -11.893515586853027 + ], + [ + "▁regulate", + -11.89357566833496 + ], + [ + "▁stepping", + -11.893675804138184 + ], + [ + "▁expose", + -11.894048690795898 + ], + [ + "ich", + -11.894108772277832 + ], + [ + "▁squash", + -11.894186973571776 + ], + [ + "▁Railway", + -11.894217491149902 + ], + [ + "▁battles", + -11.894336700439451 + ], + [ + "▁dosage", + -11.89463710784912 + ], + [ + "▁ferry", + -11.894672393798828 + ], + [ + "▁relies", + -11.89516544342041 + ], + [ + "Art", + -11.89517879486084 + ], + [ + "▁sanctions", + -11.89519214630127 + ], + [ + "▁robots", + -11.895462989807127 + ], + [ + "▁angel", + -11.895512580871582 + ], + [ + "▁storytelling", + -11.89560890197754 + ], + [ + "▁journalism", + -11.895682334899902 + ], + [ + "▁Bel", + -11.895705223083496 + ], + [ + "▁herbal", + -11.895709991455078 + ], + [ + "▁Tel", + -11.895716667175291 + ], + [ + "▁Sierra", + -11.89596462249756 + ], + [ + "▁Membership", + -11.896039962768556 + ], + [ + "stein", + -11.896044731140137 + ], + [ + "▁grammar", + -11.896081924438477 + ], + [ + "▁Hunt", + -11.896098136901855 + ], + [ + "▁Settings", + -11.896184921264648 + ], + [ + "▁aluminium", + -11.896240234375 + ], + [ + "san", + -11.89626693725586 + ], + [ + "https", + -11.896272659301758 + ], + [ + "▁residency", + -11.896416664123535 + ], + [ + "Link", + -11.896458625793455 + ], + [ + "Pay", + -11.896852493286133 + ], + [ + "fe", + -11.896875381469728 + ], + [ + "▁assuming", + -11.896992683410645 + ], + [ + "▁conviction", + -11.897029876708984 + ], + [ + "▁origins", + -11.897141456604004 + ], + [ + "although", + -11.89724063873291 + ], + [ + "▁mate", + -11.897321701049805 + ], + [ + "▁buzz", + -11.897347450256348 + ], + [ + "▁trio", + -11.89746379852295 + ], + [ + "▁senses", + -11.897486686706545 + ], + [ + "▁quarters", + -11.897496223449709 + ], + [ + "▁disappear", + -11.897528648376465 + ], + [ + "▁litter", + -11.897696495056152 + ], + [ + "▁Campaign", + -11.897719383239746 + ], + [ + "dimensional", + -11.897749900817873 + ], + [ + "bn", + -11.897765159606934 + ], + [ + "▁sponsorship", + -11.898148536682127 + ], + [ + "▁Cha", + -11.898173332214355 + ], + [ + "▁stroll", + -11.898333549499512 + ], + [ + "▁AB", + -11.898386001586914 + ], + [ + "▁Publishing", + -11.898499488830566 + ], + [ + "▁steak", + -11.898514747619627 + ], + [ + "▁dancers", + -11.898815155029297 + ], + [ + "▁kindly", + -11.898837089538574 + ], + [ + "▁Grinding", + -11.898845672607422 + ], + [ + "any", + -11.8988618850708 + ], + [ + "▁spite", + -11.899078369140623 + ], + [ + "USA", + -11.899395942687988 + ], + [ + "▁sail", + -11.899420738220217 + ], + [ + "▁thru", + -11.899746894836426 + ], + [ + "▁springs", + -11.899785995483398 + ], + [ + "▁corrosion", + -11.899922370910645 + ], + [ + "▁vocabulary", + -11.900099754333496 + ], + [ + "▁dock", + -11.900238990783691 + ], + [ + "▁tales", + -11.90037441253662 + ], + [ + "▁poses", + -11.900551795959473 + ], + [ + "▁comics", + -11.900588989257812 + ], + [ + "▁Foods", + -11.901290893554688 + ], + [ + "tes", + -11.901698112487791 + ], + [ + "▁Commonwealth", + -11.901844024658203 + ], + [ + "▁specs", + -11.901902198791504 + ], + [ + "▁Healthy", + -11.902016639709473 + ], + [ + "ase", + -11.902132987976074 + ], + [ + "▁advertisements", + -11.902139663696287 + ], + [ + "▁jersey", + -11.902151107788086 + ], + [ + "▁render", + -11.902323722839355 + ], + [ + "▁flies", + -11.90244960784912 + ], + [ + "▁exceptions", + -11.903356552124023 + ], + [ + "▁Ra", + -11.90354347229004 + ], + [ + "▁Historic", + -11.903565406799316 + ], + [ + "▁Delaware", + -11.903627395629885 + ], + [ + "President", + -11.903671264648438 + ], + [ + "▁critically", + -11.90388011932373 + ], + [ + "▁3,000", + -11.904030799865724 + ], + [ + "around", + -11.904041290283203 + ], + [ + "oni", + -11.90418815612793 + ], + [ + "▁messy", + -11.904396057128906 + ], + [ + "▁kitchens", + -11.904440879821776 + ], + [ + "▁turnover", + -11.90471649169922 + ], + [ + "▁Command", + -11.90483856201172 + ], + [ + "▁Listen", + -11.905405044555664 + ], + [ + "degree", + -11.905508995056152 + ], + [ + "▁carved", + -11.90553092956543 + ], + [ + "▁conserve", + -11.905609130859377 + ], + [ + "▁analyses", + -11.90568733215332 + ], + [ + "Sorry", + -11.905750274658203 + ], + [ + "ians", + -11.90615940093994 + ], + [ + "▁ideally", + -11.906205177307127 + ], + [ + "▁landmark", + -11.906323432922363 + ], + [ + "▁printers", + -11.906439781188965 + ], + [ + "focused", + -11.90646266937256 + ], + [ + "ric", + -11.906481742858888 + ], + [ + "▁Bat", + -11.906855583190918 + ], + [ + "▁inspect", + -11.906885147094728 + ], + [ + "▁Dinner", + -11.907516479492188 + ], + [ + "dar", + -11.90766143798828 + ], + [ + "▁2005,", + -11.907825469970703 + ], + [ + "▁Nokia", + -11.90809726715088 + ], + [ + "85", + -11.908232688903809 + ], + [ + "▁calculation", + -11.90833568572998 + ], + [ + "▁readings", + -11.908407211303713 + ], + [ + "65", + -11.908451080322266 + ], + [ + "▁Bonus", + -11.908673286437988 + ], + [ + "▁allocated", + -11.908761978149414 + ], + [ + "▁Neil", + -11.909042358398438 + ], + [ + "▁gig", + -11.90923309326172 + ], + [ + "▁Someone", + -11.90931510925293 + ], + [ + "▁yields", + -11.909493446350098 + ], + [ + "▁Abu", + -11.909527778625488 + ], + [ + "▁drums", + -11.909595489501951 + ], + [ + "▁Ba", + -11.909675598144531 + ], + [ + "▁AA", + -11.909680366516112 + ], + [ + "▁forefront", + -11.909728050231934 + ], + [ + "▁wasted", + -11.909735679626465 + ], + [ + "▁illustrate", + -11.909790992736816 + ], + [ + "generation", + -11.909832000732422 + ], + [ + "▁Chapel", + -11.90984058380127 + ], + [ + "▁fats", + -11.90994644165039 + ], + [ + "▁crowds", + -11.910033226013184 + ], + [ + "▁Nova", + -11.910197257995604 + ], + [ + "ow", + -11.910234451293944 + ], + [ + "▁spinach", + -11.910256385803224 + ], + [ + "▁Notes", + -11.910539627075195 + ], + [ + "ify", + -11.910622596740724 + ], + [ + "hole", + -11.910655975341797 + ], + [ + "▁Shore", + -11.910687446594238 + ], + [ + "▁shaft", + -11.910689353942873 + ], + [ + "cat", + -11.910691261291504 + ], + [ + "▁Cake", + -11.910844802856444 + ], + [ + "▁Truth", + -11.91100788116455 + ], + [ + "▁Fill", + -11.911185264587402 + ], + [ + "▁NCAA", + -11.911283493041992 + ], + [ + "▁acted", + -11.91128921508789 + ], + [ + "▁Tyler", + -11.911297798156738 + ], + [ + "▁amateur", + -11.91149616241455 + ], + [ + "▁Copper", + -11.911566734313965 + ], + [ + "▁innings", + -11.911602020263672 + ], + [ + "▁focal", + -11.91172218322754 + ], + [ + "shop", + -11.912005424499512 + ], + [ + "tone", + -11.912137985229492 + ], + [ + "Box", + -11.912250518798828 + ], + [ + "▁notably", + -11.912469863891602 + ], + [ + "ona", + -11.912487983703612 + ], + [ + "▁fax", + -11.912725448608398 + ], + [ + "▁retained", + -11.912741661071776 + ], + [ + "▁dementia", + -11.9127836227417 + ], + [ + "▁endeavor", + -11.91297721862793 + ], + [ + "?)", + -11.913101196289062 + ], + [ + "▁Poker", + -11.913362503051758 + ], + [ + "▁Directory", + -11.913444519042969 + ], + [ + "▁Path", + -11.91348648071289 + ], + [ + "▁entertain", + -11.913511276245115 + ], + [ + "▁None", + -11.91359043121338 + ], + [ + "▁crying", + -11.913653373718262 + ], + [ + "12.", + -11.913663864135742 + ], + [ + "▁Skills", + -11.913726806640623 + ], + [ + "▁logos", + -11.913768768310549 + ], + [ + "▁Political", + -11.913774490356444 + ], + [ + "▁Owner", + -11.913838386535645 + ], + [ + "▁Conditions", + -11.913946151733398 + ], + [ + "▁unions", + -11.91395092010498 + ], + [ + "▁transported", + -11.914003372192385 + ], + [ + "▁calculator", + -11.914111137390137 + ], + [ + "▁PE", + -11.91451358795166 + ], + [ + "▁Wikipedia", + -11.914545059204102 + ], + [ + "share", + -11.91457462310791 + ], + [ + "▁Ki", + -11.914589881896973 + ], + [ + "▁streak", + -11.914673805236816 + ], + [ + "▁Statistics", + -11.91469383239746 + ], + [ + "▁firing", + -11.91481590270996 + ], + [ + "▁Roofing", + -11.91486358642578 + ], + [ + "▁nest", + -11.91494846343994 + ], + [ + "▁remotely", + -11.91514492034912 + ], + [ + "▁enhances", + -11.915349960327148 + ], + [ + "▁guiding", + -11.915853500366213 + ], + [ + "▁accompany", + -11.91585922241211 + ], + [ + "case", + -11.91600227355957 + ], + [ + "▁praying", + -11.916120529174805 + ], + [ + "▁paradise", + -11.916327476501465 + ], + [ + "Sign", + -11.91697883605957 + ], + [ + "▁unveiled", + -11.916985511779783 + ], + [ + "▁procurement", + -11.917094230651855 + ], + [ + "▁Fly", + -11.91721248626709 + ], + [ + "▁tolerance", + -11.917243003845217 + ], + [ + "▁Hero", + -11.917277336120604 + ], + [ + "▁expressions", + -11.91730785369873 + ], + [ + "▁BB", + -11.917335510253906 + ], + [ + "▁coil", + -11.917449951171877 + ], + [ + "▁favorable", + -11.917595863342283 + ], + [ + "▁lodge", + -11.917646408081056 + ], + [ + "▁Fit", + -11.917946815490724 + ], + [ + "▁fatal", + -11.917986869812012 + ], + [ + "▁Various", + -11.918160438537598 + ], + [ + "▁governing", + -11.918220520019531 + ], + [ + "▁intact", + -11.918441772460938 + ], + [ + "AD", + -11.918496131896973 + ], + [ + "▁invisible", + -11.91860294342041 + ], + [ + "▁Fri", + -11.918741226196287 + ], + [ + "Additionally", + -11.91896629333496 + ], + [ + "▁probability", + -11.918974876403809 + ], + [ + "MM", + -11.91928482055664 + ], + [ + "▁Nutrition", + -11.919376373291016 + ], + [ + "▁Dual", + -11.919448852539062 + ], + [ + "▁Unless", + -11.919462203979492 + ], + [ + "Made", + -11.91983127593994 + ], + [ + "▁Mal", + -11.919917106628418 + ], + [ + "▁Running", + -11.919928550720217 + ], + [ + "Such", + -11.919974327087402 + ], + [ + "▁Uber", + -11.920291900634766 + ], + [ + "▁wars", + -11.92037868499756 + ], + [ + "▁portraits", + -11.920416831970217 + ], + [ + "▁noticeable", + -11.920666694641112 + ], + [ + "▁fuse", + -11.920682907104492 + ], + [ + "▁marker", + -11.920839309692385 + ], + [ + "▁Flow", + -11.92096710205078 + ], + [ + "▁deadlines", + -11.921102523803713 + ], + [ + "▁asthma", + -11.921184539794922 + ], + [ + "▁terrorism", + -11.92158317565918 + ], + [ + "▁plugins", + -11.921686172485352 + ], + [ + "▁Depot", + -11.92187786102295 + ], + [ + "SO", + -11.922026634216309 + ], + [ + "▁trustworthy", + -11.9220609664917 + ], + [ + "▁1994", + -11.922256469726562 + ], + [ + "▁Medium", + -11.922772407531738 + ], + [ + "El", + -11.92277717590332 + ], + [ + "▁guilt", + -11.922786712646484 + ], + [ + "07", + -11.922813415527344 + ], + [ + "▁gifted", + -11.92306137084961 + ], + [ + "▁sparkling", + -11.923087120056152 + ], + [ + "▁2004.", + -11.923283576965332 + ], + [ + "▁knit", + -11.923300743103027 + ], + [ + "▁ranch", + -11.92331886291504 + ], + [ + "▁Pretty", + -11.923439979553224 + ], + [ + "▁aboard", + -11.923469543457031 + ], + [ + "▁scales", + -11.92349624633789 + ], + [ + "Am", + -11.92353630065918 + ], + [ + "Getting", + -11.923675537109377 + ], + [ + "▁Flowers", + -11.923785209655762 + ], + [ + "▁blades", + -11.923797607421877 + ], + [ + "Paul", + -11.923910140991213 + ], + [ + "▁administered", + -11.92398166656494 + ], + [ + "▁Anniversary", + -11.924083709716797 + ], + [ + "Second", + -11.924333572387695 + ], + [ + "▁92", + -11.924402236938477 + ], + [ + "48", + -11.924428939819336 + ], + [ + "▁verse", + -11.924429893493652 + ], + [ + "▁rays", + -11.924562454223633 + ], + [ + "performance", + -11.924684524536133 + ], + [ + "gmail", + -11.92483901977539 + ], + [ + "▁bolt", + -11.924861907958984 + ], + [ + "▁compliment", + -11.925049781799316 + ], + [ + "▁scalp", + -11.925088882446287 + ], + [ + "hard", + -11.925395965576172 + ], + [ + "▁squeeze", + -11.925626754760742 + ], + [ + "shi", + -11.925719261169434 + ], + [ + "▁constitute", + -11.925895690917969 + ], + [ + "▁organs", + -11.926027297973633 + ], + [ + "pad", + -11.926063537597656 + ], + [ + "acre", + -11.92608642578125 + ], + [ + "▁Cole", + -11.926207542419434 + ], + [ + "▁stereo", + -11.926225662231444 + ], + [ + "▁15-", + -11.92623805999756 + ], + [ + "▁gravel", + -11.926239013671877 + ], + [ + "▁Chevrolet", + -11.92629051208496 + ], + [ + "▁arthritis", + -11.92727756500244 + ], + [ + "▁fork", + -11.927397727966309 + ], + [ + "▁Chen", + -11.927657127380373 + ], + [ + "▁hottest", + -11.927812576293944 + ], + [ + "▁gadgets", + -11.92806339263916 + ], + [ + "▁transforming", + -11.928167343139648 + ], + [ + "▁03", + -11.928400039672852 + ], + [ + "▁honesty", + -11.928438186645508 + ], + [ + "▁vulnerability", + -11.928793907165527 + ], + [ + "small", + -11.928970336914062 + ], + [ + "▁enters", + -11.928980827331545 + ], + [ + "▁retaining", + -11.928982734680176 + ], + [ + "▁absorbed", + -11.929036140441896 + ], + [ + "▁Poly", + -11.92908763885498 + ], + [ + "▁undergo", + -11.929274559020996 + ], + [ + "▁bullet", + -11.929287910461426 + ], + [ + "▁fashionable", + -11.929383277893066 + ], + [ + "▁owns", + -11.929429054260254 + ], + [ + "▁oriented", + -11.92976188659668 + ], + [ + "hu", + -11.929876327514648 + ], + [ + "▁bargain", + -11.930180549621582 + ], + [ + "▁cache", + -11.930295944213867 + ], + [ + "▁0.", + -11.930327415466309 + ], + [ + "▁crushers", + -11.930651664733888 + ], + [ + "▁Cotton", + -11.930672645568848 + ], + [ + "FM", + -11.930776596069336 + ], + [ + "▁french", + -11.930809020996094 + ], + [ + "▁Address", + -11.930825233459473 + ], + [ + "▁feasible", + -11.930856704711914 + ], + [ + "▁indoors", + -11.930953979492188 + ], + [ + "▁woven", + -11.931048393249512 + ], + [ + "▁masters", + -11.931151390075684 + ], + [ + "▁Mat", + -11.931197166442873 + ], + [ + "▁AN", + -11.931451797485352 + ], + [ + "▁Todd", + -11.931618690490724 + ], + [ + "▁Blues", + -11.931729316711426 + ], + [ + "▁Warner", + -11.93185806274414 + ], + [ + "▁implies", + -11.93185806274414 + ], + [ + "▁Duty", + -11.932045936584473 + ], + [ + "City", + -11.932816505432127 + ], + [ + "▁cryptocurrency", + -11.93289852142334 + ], + [ + "▁Cathedral", + -11.933226585388184 + ], + [ + "▁notebook", + -11.933462142944336 + ], + [ + "▁quietly", + -11.933632850646973 + ], + [ + "▁siblings", + -11.933643341064451 + ], + [ + "▁Berkeley", + -11.933770179748535 + ], + [ + "▁Theory", + -11.933856010437012 + ], + [ + "▁recession", + -11.934082984924316 + ], + [ + "▁Powder", + -11.934149742126465 + ], + [ + "▁planes", + -11.934162139892578 + ], + [ + "▁Pour", + -11.934409141540527 + ], + [ + "▁fog", + -11.934524536132812 + ], + [ + "▁84", + -11.934539794921877 + ], + [ + "▁laptops", + -11.934672355651855 + ], + [ + "▁fonts", + -11.934906005859377 + ], + [ + "▁Calgary", + -11.935012817382812 + ], + [ + "▁Jamie", + -11.93506908416748 + ], + [ + "▁champions", + -11.935235977172852 + ], + [ + "▁SEC", + -11.935264587402344 + ], + [ + "▁valuation", + -11.935381889343262 + ], + [ + "▁survivors", + -11.935436248779297 + ], + [ + "▁smiling", + -11.935506820678713 + ], + [ + "▁roses", + -11.935744285583496 + ], + [ + "▁shipment", + -11.935786247253418 + ], + [ + "▁Educational", + -11.93580436706543 + ], + [ + "though", + -11.935833930969238 + ], + [ + "▁hormone", + -11.93593406677246 + ], + [ + "▁notch", + -11.936050415039062 + ], + [ + "▁planner", + -11.936086654663086 + ], + [ + "▁canal", + -11.936135292053224 + ], + [ + "▁proxy", + -11.93614101409912 + ], + [ + "▁whatsoever", + -11.936161994934082 + ], + [ + "▁glucose", + -11.936326026916504 + ], + [ + "▁Carbon", + -11.936477661132812 + ], + [ + "▁genres", + -11.93663215637207 + ], + [ + "Enter", + -11.936686515808104 + ], + [ + "▁Automatic", + -11.936689376831056 + ], + [ + "▁Jefferson", + -11.936765670776367 + ], + [ + "▁hazards", + -11.936859130859377 + ], + [ + "mp", + -11.93715763092041 + ], + [ + "▁captures", + -11.9375 + ], + [ + "▁Dam", + -11.93752670288086 + ], + [ + "▁illnesses", + -11.937559127807615 + ], + [ + "▁hazardous", + -11.937631607055664 + ], + [ + "▁Doug", + -11.937806129455566 + ], + [ + "▁Latest", + -11.93785285949707 + ], + [ + "▁Stanford", + -11.93812656402588 + ], + [ + "▁Tai", + -11.93812656402588 + ], + [ + "▁accompanying", + -11.938284873962402 + ], + [ + "▁tunes", + -11.938302040100098 + ], + [ + "▁unfortunate", + -11.938409805297852 + ], + [ + "▁71", + -11.938419342041016 + ], + [ + "▁crafting", + -11.938430786132812 + ], + [ + "▁Egyptian", + -11.938684463500977 + ], + [ + "Le", + -11.938687324523926 + ], + [ + "▁kilometers", + -11.938712120056152 + ], + [ + "▁Brandon", + -11.93911838531494 + ], + [ + "▁HS", + -11.939332008361816 + ], + [ + "▁balancing", + -11.939334869384766 + ], + [ + "▁Yo", + -11.939398765563965 + ], + [ + "▁abortion", + -11.93950653076172 + ], + [ + "▁bleeding", + -11.9395112991333 + ], + [ + "53", + -11.939592361450195 + ], + [ + "▁toilets", + -11.939696311950684 + ], + [ + "▁advertisement", + -11.939709663391112 + ], + [ + "▁irrigation", + -11.940062522888184 + ], + [ + "▁Lakes", + -11.940306663513184 + ], + [ + "lie", + -11.940338134765623 + ], + [ + "▁Bee", + -11.940503120422363 + ], + [ + "▁Jaw", + -11.940754890441896 + ], + [ + "▁Avoid", + -11.94077205657959 + ], + [ + "▁wipe", + -11.940826416015623 + ], + [ + "▁Watson", + -11.94091510772705 + ], + [ + "▁grapes", + -11.941080093383787 + ], + [ + "▁disappointment", + -11.941313743591309 + ], + [ + "▁Foot", + -11.941368103027344 + ], + [ + "▁scattered", + -11.941433906555176 + ], + [ + "▁inherent", + -11.94155216217041 + ], + [ + "▁coordinated", + -11.941610336303713 + ], + [ + "▁historically", + -11.941665649414062 + ], + [ + "▁Commons", + -11.941808700561523 + ], + [ + "▁soothing", + -11.94189453125 + ], + [ + "▁$200", + -11.942068099975586 + ], + [ + "▁DS", + -11.942076683044434 + ], + [ + "▁Barn", + -11.942096710205078 + ], + [ + "▁1940", + -11.942110061645508 + ], + [ + "▁mono", + -11.942148208618164 + ], + [ + "bin", + -11.942234992980955 + ], + [ + "pop", + -11.942279815673828 + ], + [ + "▁moist", + -11.942300796508787 + ], + [ + "▁bearings", + -11.942480087280272 + ], + [ + "▁Multiple", + -11.94248104095459 + ], + [ + "▁Anyway", + -11.942575454711914 + ], + [ + "▁Reports", + -11.94279956817627 + ], + [ + "▁Sterling", + -11.942828178405762 + ], + [ + "▁sword", + -11.94287109375 + ], + [ + "▁explosion", + -11.942875862121582 + ], + [ + "ington", + -11.942962646484377 + ], + [ + "email", + -11.9431734085083 + ], + [ + "▁calculations", + -11.943230628967283 + ], + [ + "Michael", + -11.943303108215332 + ], + [ + "▁daunting", + -11.943371772766112 + ], + [ + "▁gateway", + -11.943408966064451 + ], + [ + "▁Memory", + -11.943753242492676 + ], + [ + "▁relates", + -11.943818092346191 + ], + [ + "▁1.0", + -11.943937301635742 + ], + [ + "▁justify", + -11.943937301635742 + ], + [ + "▁bean", + -11.944079399108888 + ], + [ + "flow", + -11.94416332244873 + ], + [ + "09", + -11.944365501403809 + ], + [ + "39", + -11.944424629211426 + ], + [ + "Power", + -11.94455909729004 + ], + [ + "▁Guardian", + -11.94473361968994 + ], + [ + "▁laminate", + -11.944978713989258 + ], + [ + "▁skillet", + -11.945093154907228 + ], + [ + "▁creature", + -11.94528102874756 + ], + [ + "▁caution", + -11.945429801940918 + ], + [ + "▁impress", + -11.9454345703125 + ], + [ + "▁AG", + -11.945497512817385 + ], + [ + "▁proves", + -11.945539474487305 + ], + [ + "▁protests", + -11.945550918579102 + ], + [ + "▁fairy", + -11.945734024047852 + ], + [ + "▁quiz", + -11.945751190185549 + ], + [ + "▁Norman", + -11.94590950012207 + ], + [ + "▁berries", + -11.945992469787598 + ], + [ + "▁02", + -11.946258544921877 + ], + [ + "March", + -11.9462890625 + ], + [ + "▁laughter", + -11.946313858032228 + ], + [ + "BA", + -11.946368217468262 + ], + [ + "▁shaping", + -11.94643211364746 + ], + [ + "▁banana", + -11.94665813446045 + ], + [ + "▁helicopter", + -11.947007179260254 + ], + [ + "▁tens", + -11.947023391723633 + ], + [ + "▁integrating", + -11.947065353393556 + ], + [ + "▁Walking", + -11.947135925292969 + ], + [ + "▁baths", + -11.947175979614258 + ], + [ + "▁amp", + -11.947430610656738 + ], + [ + "▁Shot", + -11.947494506835938 + ], + [ + "▁MLS", + -11.94768524169922 + ], + [ + "▁Sar", + -11.947713851928713 + ], + [ + "▁Cuba", + -11.947943687438965 + ], + [ + "▁Projects", + -11.948047637939451 + ], + [ + "▁Kindle", + -11.948084831237791 + ], + [ + "▁Ti", + -11.948124885559082 + ], + [ + "National", + -11.948546409606934 + ], + [ + "sk", + -11.948562622070312 + ], + [ + "▁lend", + -11.948648452758787 + ], + [ + "▁removable", + -11.948675155639648 + ], + [ + "▁Helen", + -11.948749542236328 + ], + [ + "four", + -11.948988914489746 + ], + [ + "▁hooked", + -11.949047088623049 + ], + [ + "▁Mental", + -11.94912815093994 + ], + [ + "phone", + -11.949281692504885 + ], + [ + "▁Evans", + -11.949299812316896 + ], + [ + "Ha", + -11.949422836303713 + ], + [ + "Nice", + -11.949448585510254 + ], + [ + "▁Jeremy", + -11.94948673248291 + ], + [ + "show", + -11.94961166381836 + ], + [ + "▁travelled", + -11.949625015258787 + ], + [ + "▁EN", + -11.949628829956056 + ], + [ + "▁Peru", + -11.94965648651123 + ], + [ + "▁personalised", + -11.949762344360352 + ], + [ + "▁awkward", + -11.949913024902344 + ], + [ + "ible", + -11.949941635131836 + ], + [ + "illa", + -11.95019817352295 + ], + [ + "▁elastic", + -11.950335502624512 + ], + [ + "▁bounce", + -11.95037078857422 + ], + [ + "▁nodes", + -11.950461387634276 + ], + [ + "▁blends", + -11.950493812561035 + ], + [ + "▁leap", + -11.950687408447266 + ], + [ + "▁Strong", + -11.95069980621338 + ], + [ + "250", + -11.950806617736816 + ], + [ + "▁Jeep", + -11.950815200805664 + ], + [ + "length", + -11.950901985168455 + ], + [ + "▁69", + -11.950953483581545 + ], + [ + "▁relay", + -11.951119422912598 + ], + [ + "▁replied", + -11.951300621032717 + ], + [ + "Special", + -11.951339721679688 + ], + [ + "ud", + -11.95136833190918 + ], + [ + "▁relocation", + -11.95136833190918 + ], + [ + "▁Cameron", + -11.951445579528809 + ], + [ + "▁Roberts", + -11.952130317687988 + ], + [ + "▁Cruise", + -11.952259063720703 + ], + [ + "▁employs", + -11.952277183532717 + ], + [ + "▁Norwegian", + -11.95232105255127 + ], + [ + "▁Properties", + -11.952347755432127 + ], + [ + "▁Ghana", + -11.9524564743042 + ], + [ + "▁Wallpaper", + -11.952523231506348 + ], + [ + "ified", + -11.952677726745604 + ], + [ + "▁Zen", + -11.952800750732422 + ], + [ + "▁rigid", + -11.952848434448242 + ], + [ + "▁Processing", + -11.952860832214355 + ], + [ + "▁Remote", + -11.95289134979248 + ], + [ + "working", + -11.9532470703125 + ], + [ + "▁willingness", + -11.953269004821776 + ], + [ + "▁mo", + -11.953411102294922 + ], + [ + "▁advisors", + -11.953694343566896 + ], + [ + "▁Request", + -11.953702926635742 + ], + [ + "▁Framework", + -11.954004287719728 + ], + [ + "▁acre", + -11.954026222229004 + ], + [ + "▁attain", + -11.954050064086914 + ], + [ + "▁rub", + -11.954092979431152 + ], + [ + "▁collectors", + -11.954157829284668 + ], + [ + "▁Discount", + -11.954231262207031 + ], + [ + "▁XL", + -11.954380989074709 + ], + [ + "▁Whole", + -11.954479217529297 + ], + [ + "▁convicted", + -11.95457363128662 + ], + [ + "▁whisk", + -11.954609870910645 + ], + [ + "▁Lost", + -11.954663276672363 + ], + [ + "business", + -11.954682350158691 + ], + [ + "▁Bali", + -11.954806327819824 + ], + [ + "west", + -11.955144882202148 + ], + [ + "▁interpret", + -11.955224990844728 + ], + [ + "▁Peak", + -11.95533847808838 + ], + [ + "▁Ottawa", + -11.955410957336426 + ], + [ + "▁Bass", + -11.955451011657717 + ], + [ + "▁Fellow", + -11.955506324768066 + ], + [ + "▁Mirror", + -11.955601692199709 + ], + [ + "▁generates", + -11.955673217773438 + ], + [ + "▁dialog", + -11.955812454223633 + ], + [ + "▁straps", + -11.955855369567873 + ], + [ + "▁82", + -11.95586109161377 + ], + [ + "▁Shell", + -11.95595359802246 + ], + [ + "▁mug", + -11.955994606018066 + ], + [ + "▁arrow", + -11.956214904785156 + ], + [ + "▁webpage", + -11.956584930419922 + ], + [ + "▁validation", + -11.956796646118164 + ], + [ + "▁bracelet", + -11.95681381225586 + ], + [ + "▁uncommon", + -11.956835746765137 + ], + [ + "▁assemble", + -11.95707893371582 + ], + [ + "▁Resolution", + -11.957086563110352 + ], + [ + "▁Serve", + -11.957354545593262 + ], + [ + "▁Ski", + -11.957490921020508 + ], + [ + "▁Jake", + -11.957517623901367 + ], + [ + "▁teenage", + -11.957622528076172 + ], + [ + "▁Vienna", + -11.957648277282717 + ], + [ + "▁asphalt", + -11.957693099975586 + ], + [ + "▁ritual", + -11.95797634124756 + ], + [ + "▁Obviously", + -11.95813274383545 + ], + [ + "▁supervisor", + -11.958569526672363 + ], + [ + "ram", + -11.95865249633789 + ], + [ + "▁spinning", + -11.958687782287598 + ], + [ + "▁Pope", + -11.958824157714844 + ], + [ + "▁Stan", + -11.958900451660156 + ], + [ + "▁Lovely", + -11.95895004272461 + ], + [ + "▁CMS", + -11.959118843078612 + ], + [ + "ban", + -11.959229469299316 + ], + [ + "▁Task", + -11.959253311157228 + ], + [ + "▁credibility", + -11.959291458129885 + ], + [ + "▁Wire", + -11.959301948547363 + ], + [ + "▁tournaments", + -11.959508895874023 + ], + [ + "▁McDonald", + -11.959527015686035 + ], + [ + "Local", + -11.95953369140625 + ], + [ + "▁mentoring", + -11.95954132080078 + ], + [ + "▁disable", + -11.959582328796388 + ], + [ + "▁vet", + -11.96003246307373 + ], + [ + "▁ma", + -11.960075378417969 + ], + [ + "▁adhesive", + -11.960259437561035 + ], + [ + "▁grease", + -11.960297584533691 + ], + [ + "▁Rule", + -11.960482597351074 + ], + [ + "▁Hack", + -11.960658073425291 + ], + [ + "▁Lounge", + -11.96066188812256 + ], + [ + "▁deputy", + -11.960897445678713 + ], + [ + "Beautiful", + -11.961040496826172 + ], + [ + "▁Featuring", + -11.961055755615234 + ], + [ + "▁Min", + -11.961517333984377 + ], + [ + "▁Wave", + -11.96163558959961 + ], + [ + "▁Movement", + -11.961636543273926 + ], + [ + "▁stranger", + -11.96173858642578 + ], + [ + "olo", + -11.96174144744873 + ], + [ + "▁vivid", + -11.961771965026855 + ], + [ + "▁milestone", + -11.961809158325195 + ], + [ + "▁Parish", + -11.961864471435549 + ], + [ + "gy", + -11.961909294128418 + ], + [ + "full", + -11.961965560913086 + ], + [ + "value", + -11.9619722366333 + ], + [ + "cent", + -11.962352752685549 + ], + [ + "▁gourmet", + -11.962483406066896 + ], + [ + "▁accepts", + -11.962613105773926 + ], + [ + "▁requesting", + -11.962776184082031 + ], + [ + "▁Trinity", + -11.962861061096191 + ], + [ + "▁believing", + -11.962961196899414 + ], + [ + "ye", + -11.96299934387207 + ], + [ + "gun", + -11.963138580322266 + ], + [ + "▁christmas", + -11.96343231201172 + ], + [ + "▁UAE", + -11.963488578796388 + ], + [ + "▁Principal", + -11.963493347167969 + ], + [ + "▁severely", + -11.963510513305664 + ], + [ + "uff", + -11.963700294494627 + ], + [ + "▁Revenue", + -11.963809967041016 + ], + [ + "lasting", + -11.963863372802734 + ], + [ + "▁Venice", + -11.963933944702148 + ], + [ + "▁73", + -11.963948249816896 + ], + [ + "▁Cu", + -11.964016914367676 + ], + [ + "▁Essay", + -11.964109420776367 + ], + [ + "▁Harrison", + -11.964205741882324 + ], + [ + "▁declare", + -11.964359283447266 + ], + [ + "▁£", + -11.964437484741213 + ], + [ + "▁grave", + -11.96480655670166 + ], + [ + "▁Scholarship", + -11.964927673339844 + ], + [ + "▁dump", + -11.964947700500488 + ], + [ + "▁gallon", + -11.964964866638184 + ], + [ + "▁traction", + -11.964985847473145 + ], + [ + "▁username", + -11.964999198913574 + ], + [ + "▁cardboard", + -11.965088844299316 + ], + [ + "▁dismissed", + -11.965394020080566 + ], + [ + "-19", + -11.965405464172363 + ], + [ + "▁inspections", + -11.965494155883787 + ], + [ + "▁boundary", + -11.965906143188477 + ], + [ + "▁Universe", + -11.966069221496582 + ], + [ + "▁Hour", + -11.966198921203612 + ], + [ + "▁Hop", + -11.966217041015623 + ], + [ + "▁advancement", + -11.966252326965332 + ], + [ + "start", + -11.966391563415527 + ], + [ + "▁invented", + -11.966403007507324 + ], + [ + "▁chefs", + -11.966490745544434 + ], + [ + "lia", + -11.96663761138916 + ], + [ + "Ask", + -11.966717720031738 + ], + [ + "fold", + -11.966958999633787 + ], + [ + "▁dangers", + -11.96696662902832 + ], + [ + "▁labeled", + -11.967243194580078 + ], + [ + "▁Templates", + -11.96741771697998 + ], + [ + "anti", + -11.967572212219238 + ], + [ + "▁Ro", + -11.967622756958008 + ], + [ + "▁Typically", + -11.967652320861816 + ], + [ + "TB", + -11.967743873596191 + ], + [ + "▁Rogers", + -11.96784496307373 + ], + [ + "▁Dollar", + -11.967877388000488 + ], + [ + "▁4.5", + -11.967958450317385 + ], + [ + "▁Lion", + -11.96800136566162 + ], + [ + "/10", + -11.968093872070312 + ], + [ + "standing", + -11.96813678741455 + ], + [ + "▁randomly", + -11.968161582946776 + ], + [ + "▁Battery", + -11.968360900878906 + ], + [ + "▁polyester", + -11.968485832214355 + ], + [ + "▁enforce", + -11.968523979187012 + ], + [ + "▁adore", + -11.969016075134276 + ], + [ + "Social", + -11.969080924987791 + ], + [ + "ica", + -11.969098091125488 + ], + [ + "Health", + -11.969159126281738 + ], + [ + "▁cheer", + -11.96932601928711 + ], + [ + "ib", + -11.96939182281494 + ], + [ + "-7", + -11.969564437866213 + ], + [ + "▁Portable", + -11.96956729888916 + ], + [ + "▁Iranian", + -11.969572067260742 + ], + [ + "▁Alternatively", + -11.969677925109863 + ], + [ + "▁reside", + -11.969841003417969 + ], + [ + "▁accidentally", + -11.970126152038574 + ], + [ + "▁payable", + -11.970621109008787 + ], + [ + "▁posture", + -11.970663070678713 + ], + [ + "▁attributed", + -11.971293449401855 + ], + [ + "ging", + -11.971654891967772 + ], + [ + "▁blender", + -11.971757888793944 + ], + [ + "▁stiff", + -11.972040176391602 + ], + [ + "▁wheelchair", + -11.972064018249512 + ], + [ + "▁disappointing", + -11.97206974029541 + ], + [ + "▁Cherry", + -11.972156524658203 + ], + [ + "▁cleansing", + -11.972315788269045 + ], + [ + "▁Marina", + -11.972346305847168 + ], + [ + "▁slate", + -11.972382545471191 + ], + [ + "▁rivals", + -11.97243309020996 + ], + [ + "▁headache", + -11.972671508789062 + ], + [ + "▁headlines", + -11.972885131835938 + ], + [ + "▁PVC", + -11.972966194152832 + ], + [ + "▁Ger", + -11.973000526428224 + ], + [ + "▁Funeral", + -11.97317886352539 + ], + [ + "lay", + -11.973226547241213 + ], + [ + "▁Township", + -11.973410606384276 + ], + [ + "▁st", + -11.973466873168944 + ], + [ + "▁Grab", + -11.973928451538086 + ], + [ + "▁cartoon", + -11.97400951385498 + ], + [ + "▁investigators", + -11.974027633666992 + ], + [ + "▁7:30", + -11.974095344543455 + ], + [ + "5)", + -11.974160194396973 + ], + [ + "square", + -11.974210739135742 + ], + [ + "▁dwelling", + -11.97423267364502 + ], + [ + "boy", + -11.974403381347656 + ], + [ + "nan", + -11.97447109222412 + ], + [ + "mel", + -11.974477767944336 + ], + [ + "MD", + -11.97459602355957 + ], + [ + "Never", + -11.974696159362791 + ], + [ + "▁Chart", + -11.974817276000977 + ], + [ + "▁Rail", + -11.975279808044434 + ], + [ + "▁bend", + -11.975306510925291 + ], + [ + "▁disappeared", + -11.975353240966797 + ], + [ + "▁systematic", + -11.975378036499023 + ], + [ + "▁crypto", + -11.975552558898926 + ], + [ + "▁Ta", + -11.975855827331545 + ], + [ + "▁archives", + -11.976052284240724 + ], + [ + "▁clarify", + -11.97659397125244 + ], + [ + "▁spiral", + -11.97661590576172 + ], + [ + "ily", + -11.976770401000977 + ], + [ + "▁trek", + -11.976791381835938 + ], + [ + "▁ancestors", + -11.976953506469728 + ], + [ + "-30", + -11.97719669342041 + ], + [ + "▁Bur", + -11.977252960205078 + ], + [ + "▁Tamil", + -11.977492332458496 + ], + [ + "▁cartridge", + -11.977544784545898 + ], + [ + "▁SSL", + -11.97783374786377 + ], + [ + "▁swelling", + -11.977834701538086 + ], + [ + "▁owning", + -11.977859497070312 + ], + [ + "▁folders", + -11.97794246673584 + ], + [ + "ius", + -11.978132247924805 + ], + [ + "Anyway", + -11.978190422058104 + ], + [ + "▁tragic", + -11.978318214416504 + ], + [ + "▁locking", + -11.978401184082031 + ], + [ + "▁Figure", + -11.97846794128418 + ], + [ + "▁respiratory", + -11.978753089904783 + ], + [ + "Besides", + -11.978776931762695 + ], + [ + "▁typing", + -11.978867530822754 + ], + [ + "▁hilarious", + -11.97903823852539 + ], + [ + "▁Waste", + -11.979092597961426 + ], + [ + "▁shorts", + -11.979119300842283 + ], + [ + "03", + -11.979191780090332 + ], + [ + "▁attracting", + -11.979408264160156 + ], + [ + "52", + -11.979950904846191 + ], + [ + "▁AZ", + -11.97995376586914 + ], + [ + "lib", + -11.979971885681152 + ], + [ + "▁Southwest", + -11.979976654052734 + ], + [ + "▁outdated", + -11.980236053466797 + ], + [ + "▁tightly", + -11.980269432067873 + ], + [ + "▁sodium", + -11.980294227600098 + ], + [ + "ora", + -11.980767250061035 + ], + [ + "nis", + -11.98078155517578 + ], + [ + "▁88", + -11.980853080749512 + ], + [ + "food", + -11.980968475341797 + ], + [ + "▁damp", + -11.9811429977417 + ], + [ + "bad", + -11.981274604797363 + ], + [ + "▁converting", + -11.981444358825684 + ], + [ + "▁enroll", + -11.98145866394043 + ], + [ + "▁stance", + -11.98170280456543 + ], + [ + "▁punishment", + -11.981914520263672 + ], + [ + "▁trademarks", + -11.981947898864746 + ], + [ + "▁Craft", + -11.98202419281006 + ], + [ + "▁pantry", + -11.982054710388184 + ], + [ + "val", + -11.982484817504885 + ], + [ + "▁Coalition", + -11.982563018798828 + ], + [ + "▁aerial", + -11.982617378234863 + ], + [ + "▁Lamp", + -11.982857704162598 + ], + [ + "▁controversy", + -11.983108520507812 + ], + [ + "DB", + -11.983197212219238 + ], + [ + "Share", + -11.983266830444336 + ], + [ + "▁Christianity", + -11.983354568481444 + ], + [ + "▁personalities", + -11.98349666595459 + ], + [ + "▁ensemble", + -11.983619689941406 + ], + [ + "▁avocado", + -11.983627319335938 + ], + [ + "▁fixes", + -11.983742713928224 + ], + [ + "plan", + -11.983824729919434 + ], + [ + "▁bets", + -11.98392391204834 + ], + [ + "▁Database", + -11.984115600585938 + ], + [ + "▁Arabic", + -11.984230995178224 + ], + [ + "▁Move", + -11.984285354614258 + ], + [ + "▁margins", + -11.984371185302734 + ], + [ + "▁starring", + -11.98442840576172 + ], + [ + "▁Sheriff", + -11.984504699707031 + ], + [ + "▁Scientific", + -11.984556198120115 + ], + [ + "▁tenure", + -11.984785079956056 + ], + [ + "▁rendered", + -11.985185623168944 + ], + [ + "design", + -11.985212326049805 + ], + [ + "▁warranties", + -11.985342979431152 + ], + [ + "▁refresh", + -11.985432624816896 + ], + [ + "▁Chase", + -11.985434532165527 + ], + [ + "stra", + -11.98552703857422 + ], + [ + "▁broth", + -11.98561191558838 + ], + [ + "▁patented", + -11.985625267028809 + ], + [ + "▁wrinkles", + -11.985709190368652 + ], + [ + "▁Row", + -11.986016273498535 + ], + [ + "05", + -11.986048698425291 + ], + [ + "▁accents", + -11.986157417297363 + ], + [ + "▁Guests", + -11.98626708984375 + ], + [ + "make", + -11.986373901367188 + ], + [ + "Care", + -11.986419677734377 + ], + [ + "▁biking", + -11.986422538757324 + ], + [ + "Bo", + -11.98655605316162 + ], + [ + "▁referrals", + -11.98666286468506 + ], + [ + "▁Chile", + -11.986735343933104 + ], + [ + "North", + -11.986923217773438 + ], + [ + "▁Heaven", + -11.987088203430176 + ], + [ + "▁compassionate", + -11.98719882965088 + ], + [ + "▁bookings", + -11.98747730255127 + ], + [ + "▁cared", + -11.987502098083496 + ], + [ + "▁NBC", + -11.987554550170898 + ], + [ + "▁cage", + -11.987613677978516 + ], + [ + "▁mileage", + -11.987614631652832 + ], + [ + "▁rooted", + -11.987663269042969 + ], + [ + "▁Bal", + -11.987815856933594 + ], + [ + "▁recognizes", + -11.987874984741213 + ], + [ + "▁catalogue", + -11.988184928894045 + ], + [ + "▁neglect", + -11.988204002380373 + ], + [ + "▁pulse", + -11.988341331481934 + ], + [ + "▁volunteering", + -11.98837184906006 + ], + [ + "▁quarterback", + -11.988561630249023 + ], + [ + "Always", + -11.988574981689451 + ], + [ + "safe", + -11.98861026763916 + ], + [ + "▁feast", + -11.989270210266112 + ], + [ + "▁Kyle", + -11.989676475524902 + ], + [ + "▁0.5", + -11.989691734313965 + ], + [ + "▁desserts", + -11.989754676818848 + ], + [ + "▁Boat", + -11.9898099899292 + ], + [ + "▁sneak", + -11.990345001220703 + ], + [ + "▁sorted", + -11.990449905395508 + ], + [ + "track", + -11.990482330322266 + ], + [ + "▁fusion", + -11.990561485290527 + ], + [ + "▁practiced", + -11.990705490112305 + ], + [ + "▁vol", + -11.990711212158203 + ], + [ + "▁Amendment", + -11.990814208984377 + ], + [ + "▁digging", + -11.990824699401855 + ], + [ + "▁umbrella", + -11.990854263305664 + ], + [ + "▁intricate", + -11.991119384765623 + ], + [ + "▁suspicious", + -11.991203308105469 + ], + [ + "▁Wear", + -11.991331100463867 + ], + [ + "▁Kid", + -11.991427421569824 + ], + [ + "▁reforms", + -11.991456985473633 + ], + [ + "▁canopy", + -11.991765975952148 + ], + [ + "blue", + -11.991790771484377 + ], + [ + "▁drunk", + -11.991989135742188 + ], + [ + "▁autism", + -11.992164611816406 + ], + [ + "weight", + -11.992321014404297 + ], + [ + "▁backpack", + -11.99234390258789 + ], + [ + "51", + -11.992494583129885 + ], + [ + "▁grabbed", + -11.992506980895996 + ], + [ + "▁lamb", + -11.992559432983398 + ], + [ + "▁upgrading", + -11.992621421813965 + ], + [ + "▁curb", + -11.992728233337402 + ], + [ + "▁relying", + -11.992996215820312 + ], + [ + "4,", + -11.993054389953612 + ], + [ + "▁lb", + -11.993098258972168 + ], + [ + "▁Weekend", + -11.993118286132812 + ], + [ + "▁carpets", + -11.993151664733888 + ], + [ + "FA", + -11.993157386779783 + ], + [ + "▁Dennis", + -11.993173599243164 + ], + [ + "▁Uni", + -11.99325942993164 + ], + [ + "mat", + -11.993263244628906 + ], + [ + "▁Generation", + -11.99356746673584 + ], + [ + "▁societies", + -11.993571281433104 + ], + [ + "▁94", + -11.993721961975098 + ], + [ + "Unlike", + -11.993776321411133 + ], + [ + "gi", + -11.993918418884276 + ], + [ + "▁pinch", + -11.993999481201172 + ], + [ + "▁bitcoin", + -11.994050979614258 + ], + [ + "▁benchmark", + -11.994267463684082 + ], + [ + "▁Dress", + -11.994388580322266 + ], + [ + "▁witnesses", + -11.994466781616213 + ], + [ + "ip", + -11.994611740112305 + ], + [ + "Live", + -11.995055198669434 + ], + [ + "-16", + -11.99516487121582 + ], + [ + "▁renew", + -11.995315551757812 + ], + [ + "▁smells", + -11.995418548583984 + ], + [ + "ob", + -11.99545192718506 + ], + [ + "▁$7", + -11.995553970336914 + ], + [ + "▁Apps", + -11.995614051818848 + ], + [ + "Remove", + -11.995731353759766 + ], + [ + "▁weaknesses", + -11.99595546722412 + ], + [ + "▁CSS", + -11.996127128601074 + ], + [ + "▁uncover", + -11.996150016784668 + ], + [ + "▁wrapping", + -11.996323585510254 + ], + [ + "▁Portuguese", + -11.996427536010742 + ], + [ + "▁woke", + -11.996501922607422 + ], + [ + "▁scam", + -11.996679306030272 + ], + [ + "▁Katie", + -11.99685001373291 + ], + [ + "▁competence", + -11.996915817260742 + ], + [ + "▁Ruth", + -11.996940612792969 + ], + [ + "▁unity", + -11.996996879577637 + ], + [ + "▁2004,", + -11.997492790222168 + ], + [ + "Put", + -11.997556686401367 + ], + [ + "Men", + -11.997641563415527 + ], + [ + "▁PO", + -11.99765396118164 + ], + [ + "berry", + -11.997900009155272 + ], + [ + "▁retire", + -11.9979829788208 + ], + [ + "▁demonstrating", + -11.99800968170166 + ], + [ + "2-", + -11.998052597045898 + ], + [ + "▁Statement", + -11.998083114624023 + ], + [ + "▁(10", + -11.99816608428955 + ], + [ + "▁fibre", + -11.998262405395508 + ], + [ + "▁porcelain", + -11.99828815460205 + ], + [ + "▁alloy", + -11.998418807983398 + ], + [ + "▁assessing", + -11.998547554016112 + ], + [ + "▁Hal", + -11.998705863952637 + ], + [ + "▁mandate", + -11.999105453491213 + ], + [ + "php", + -11.99912166595459 + ], + [ + "PO", + -11.99912929534912 + ], + [ + "▁rehab", + -11.999199867248535 + ], + [ + "▁registering", + -11.99951457977295 + ], + [ + "▁wilderness", + -11.999678611755373 + ], + [ + "June", + -11.999715805053713 + ], + [ + "▁worksheets", + -11.999795913696287 + ], + [ + "▁amendment", + -11.999839782714844 + ], + [ + "▁inserted", + -11.999897003173828 + ], + [ + "▁revision", + -11.999919891357422 + ], + [ + "▁FA", + -11.99995231628418 + ], + [ + "▁Dodge", + -11.999957084655762 + ], + [ + "▁formally", + -11.99997329711914 + ], + [ + "▁wonderfully", + -12.000067710876465 + ], + [ + "▁Employment", + -12.000235557556152 + ], + [ + "▁2003.", + -12.000323295593262 + ], + [ + "▁affiliates", + -12.00049114227295 + ], + [ + "▁weights", + -12.000494003295898 + ], + [ + "▁mac", + -12.000580787658691 + ], + [ + "▁noting", + -12.00062084197998 + ], + [ + "▁humanitarian", + -12.00081729888916 + ], + [ + "▁launches", + -12.000821113586426 + ], + [ + "▁browsers", + -12.001036643981934 + ], + [ + "▁kicks", + -12.001258850097656 + ], + [ + "▁tick", + -12.001277923583984 + ], + [ + "▁Aqua", + -12.001386642456056 + ], + [ + "▁earthquake", + -12.001522064208984 + ], + [ + "▁nomination", + -12.001710891723633 + ], + [ + "▁allies", + -12.001718521118164 + ], + [ + "▁Brussels", + -12.001729011535645 + ], + [ + "▁carrots", + -12.00177764892578 + ], + [ + "▁Cedar", + -12.00198459625244 + ], + [ + "▁trunk", + -12.002242088317873 + ], + [ + "▁showcasing", + -12.002467155456545 + ], + [ + "▁simplify", + -12.002518653869627 + ], + [ + "▁rented", + -12.002601623535156 + ], + [ + "Several", + -12.00278091430664 + ], + [ + "▁negligence", + -12.003026008605955 + ], + [ + "▁versatility", + -12.003026008605955 + ], + [ + "▁Basically", + -12.003090858459473 + ], + [ + "▁Symphony", + -12.00319766998291 + ], + [ + "AR", + -12.003609657287598 + ], + [ + "▁showroom", + -12.003987312316896 + ], + [ + "▁Dar", + -12.004141807556152 + ], + [ + "ERS", + -12.004196166992188 + ], + [ + "▁dentistry", + -12.004217147827148 + ], + [ + "▁Pastor", + -12.004236221313477 + ], + [ + "▁optimistic", + -12.004476547241213 + ], + [ + "▁Newcastle", + -12.00450611114502 + ], + [ + "▁freshman", + -12.004619598388672 + ], + [ + "▁Sim", + -12.004651069641112 + ], + [ + "▁CNN", + -12.004742622375488 + ], + [ + "▁Firefox", + -12.00481128692627 + ], + [ + "▁Ceiling", + -12.004863739013672 + ], + [ + "▁activist", + -12.004890441894531 + ], + [ + "▁4.0", + -12.004898071289062 + ], + [ + "”).", + -12.00490379333496 + ], + [ + "▁INC", + -12.004962921142578 + ], + [ + "gas", + -12.005179405212402 + ], + [ + "▁Question", + -12.005449295043944 + ], + [ + "▁potent", + -12.00556182861328 + ], + [ + "▁450", + -12.005818367004396 + ], + [ + "▁baskets", + -12.005936622619627 + ], + [ + "▁fossil", + -12.005955696105955 + ], + [ + "▁curved", + -12.006285667419434 + ], + [ + "▁Shakespeare", + -12.006514549255373 + ], + [ + "▁Rent", + -12.006537437438965 + ], + [ + "▁celebrates", + -12.006590843200684 + ], + [ + "▁Gov", + -12.006604194641112 + ], + [ + "▁Abraham", + -12.006608963012695 + ], + [ + "▁Indians", + -12.006608963012695 + ], + [ + "▁Similarly", + -12.006728172302246 + ], + [ + "▁prevented", + -12.006897926330566 + ], + [ + "▁sandy", + -12.007243156433104 + ], + [ + "▁enclosed", + -12.00725555419922 + ], + [ + "▁useless", + -12.007380485534668 + ], + [ + "▁customizable", + -12.007526397705078 + ], + [ + "▁lawmakers", + -12.007582664489746 + ], + [ + "other", + -12.007850646972656 + ], + [ + "88", + -12.008124351501465 + ], + [ + "▁cocoa", + -12.008203506469728 + ], + [ + "▁uncertain", + -12.008207321166992 + ], + [ + "CC", + -12.008209228515623 + ], + [ + "▁analog", + -12.008326530456545 + ], + [ + "▁simplest", + -12.008688926696776 + ], + [ + "Hope", + -12.00876808166504 + ], + [ + "▁Motion", + -12.008803367614746 + ], + [ + "ag", + -12.008810997009276 + ], + [ + "▁invasive", + -12.00884246826172 + ], + [ + "▁disclosed", + -12.008930206298828 + ], + [ + "▁Near", + -12.009020805358888 + ], + [ + "▁youtube", + -12.009161949157717 + ], + [ + "▁remodel", + -12.00949001312256 + ], + [ + "▁simmer", + -12.009521484375 + ], + [ + "▁Train", + -12.009624481201172 + ], + [ + "▁storms", + -12.009723663330078 + ], + [ + "▁tangible", + -12.00975513458252 + ], + [ + "▁upstairs", + -12.009881019592283 + ], + [ + "then", + -12.00995922088623 + ], + [ + "▁determines", + -12.010004043579102 + ], + [ + "lands", + -12.010027885437012 + ], + [ + "▁Fellowship", + -12.010031700134276 + ], + [ + "▁Cam", + -12.010168075561523 + ], + [ + "▁Electronics", + -12.010173797607422 + ], + [ + "▁pause", + -12.01020622253418 + ], + [ + "ese", + -12.010483741760254 + ], + [ + "tri", + -12.010709762573242 + ], + [ + "▁flags", + -12.01079559326172 + ], + [ + "▁steer", + -12.010872840881348 + ], + [ + "▁inaugural", + -12.01088047027588 + ], + [ + "▁Securities", + -12.011080741882324 + ], + [ + "House", + -12.011115074157717 + ], + [ + "▁recovering", + -12.011260032653809 + ], + [ + "▁bowls", + -12.011314392089844 + ], + [ + "▁inhabitants", + -12.011462211608888 + ], + [ + "ev", + -12.01172161102295 + ], + [ + "▁Grill", + -12.011808395385742 + ], + [ + "▁Less", + -12.01185703277588 + ], + [ + "Line", + -12.012301445007324 + ], + [ + "▁supermarket", + -12.01240062713623 + ], + [ + "▁pastry", + -12.01303482055664 + ], + [ + "▁Conditioning", + -12.01341438293457 + ], + [ + "▁Bet", + -12.013561248779297 + ], + [ + "▁norm", + -12.013627052307127 + ], + [ + "▁civic", + -12.013701438903809 + ], + [ + "▁MC", + -12.013813972473145 + ], + [ + "cal", + -12.01402187347412 + ], + [ + "▁drought", + -12.014030456542969 + ], + [ + "▁committees", + -12.014273643493652 + ], + [ + "▁collector", + -12.014430046081545 + ], + [ + "▁ruin", + -12.014623641967772 + ], + [ + "▁matrix", + -12.014732360839844 + ], + [ + "▁Cities", + -12.01474666595459 + ], + [ + "▁resilience", + -12.014830589294434 + ], + [ + "▁implied", + -12.014838218688965 + ], + [ + "Stay", + -12.015247344970703 + ], + [ + "▁sadly", + -12.015653610229492 + ], + [ + "▁prediction", + -12.015788078308104 + ], + [ + "▁hooks", + -12.015871047973633 + ], + [ + "▁probe", + -12.015953063964844 + ], + [ + "▁Lou", + -12.016053199768066 + ], + [ + "▁heavier", + -12.01605987548828 + ], + [ + "▁crystals", + -12.016077041625977 + ], + [ + "▁Mod", + -12.016236305236816 + ], + [ + "rt", + -12.0166015625 + ], + [ + "▁mathematical", + -12.016645431518556 + ], + [ + "workers", + -12.016767501831056 + ], + [ + "demand", + -12.016772270202637 + ], + [ + "▁packet", + -12.016801834106444 + ], + [ + "Congratulations", + -12.017087936401367 + ], + [ + "▁sang", + -12.01710033416748 + ], + [ + "Key", + -12.017146110534668 + ], + [ + "▁countertops", + -12.017617225646973 + ], + [ + "▁Den", + -12.017661094665527 + ], + [ + "▁Jen", + -12.01772689819336 + ], + [ + "LE", + -12.017813682556152 + ], + [ + "ida", + -12.017966270446776 + ], + [ + "▁initiate", + -12.0180082321167 + ], + [ + "▁statue", + -12.018019676208496 + ], + [ + "▁pedestrian", + -12.01806354522705 + ], + [ + "matic", + -12.01808738708496 + ], + [ + "▁homepage", + -12.018143653869627 + ], + [ + "▁Archives", + -12.018357276916504 + ], + [ + "▁Harvey", + -12.018359184265137 + ], + [ + "▁variant", + -12.01840877532959 + ], + [ + "PE", + -12.01878261566162 + ], + [ + "▁martial", + -12.018800735473633 + ], + [ + "▁chili", + -12.01901149749756 + ], + [ + "▁interiors", + -12.01909351348877 + ], + [ + "▁Heating", + -12.01921844482422 + ], + [ + "43", + -12.019381523132324 + ], + [ + "▁Experts", + -12.019598007202148 + ], + [ + "▁resting", + -12.019652366638184 + ], + [ + "▁Congratulations", + -12.019845962524414 + ], + [ + "▁bloom", + -12.019880294799805 + ], + [ + "▁socket", + -12.019888877868652 + ], + [ + "▁Python", + -12.01996898651123 + ], + [ + "▁unto", + -12.020286560058594 + ], + [ + "▁Stream", + -12.020304679870604 + ], + [ + "▁Tesla", + -12.02043914794922 + ], + [ + "ela", + -12.020594596862791 + ], + [ + "▁Formula", + -12.021034240722656 + ], + [ + "▁assumptions", + -12.02104949951172 + ], + [ + "▁absent", + -12.021103858947754 + ], + [ + "▁molecules", + -12.021142959594728 + ], + [ + "tier", + -12.021143913269045 + ], + [ + "▁Johnny", + -12.021294593811035 + ], + [ + "ou", + -12.021321296691896 + ], + [ + "▁Ya", + -12.02134895324707 + ], + [ + "▁Residential", + -12.021550178527832 + ], + [ + "om", + -12.021562576293944 + ], + [ + "▁comp", + -12.021583557128906 + ], + [ + "▁Frame", + -12.021584510803224 + ], + [ + "-25", + -12.021608352661133 + ], + [ + "▁ham", + -12.021772384643556 + ], + [ + "▁pulls", + -12.02183723449707 + ], + [ + "file", + -12.021844863891602 + ], + [ + "▁passwords", + -12.021868705749512 + ], + [ + "▁remarks", + -12.021961212158203 + ], + [ + "ot", + -12.022173881530762 + ], + [ + "▁shadows", + -12.02218532562256 + ], + [ + "▁lanes", + -12.022252082824709 + ], + [ + "▁(8", + -12.022503852844238 + ], + [ + "▁Journey", + -12.022516250610352 + ], + [ + "▁CBS", + -12.022655487060549 + ], + [ + "▁Ne", + -12.022762298583984 + ], + [ + "▁GE", + -12.023009300231934 + ], + [ + "▁mills", + -12.02308750152588 + ], + [ + "▁Popular", + -12.02309799194336 + ], + [ + "lb", + -12.0232515335083 + ], + [ + "▁relevance", + -12.023348808288574 + ], + [ + "Research", + -12.02367877960205 + ], + [ + "▁Azure", + -12.023710250854492 + ], + [ + "▁motivate", + -12.02375316619873 + ], + [ + "Author", + -12.023951530456545 + ], + [ + "rum", + -12.024211883544922 + ], + [ + "▁barrels", + -12.024251937866213 + ], + [ + "▁Desert", + -12.024279594421388 + ], + [ + "ima", + -12.02434539794922 + ], + [ + "▁wounded", + -12.024497985839844 + ], + [ + "▁vibration", + -12.024563789367676 + ], + [ + "▁fireworks", + -12.024588584899902 + ], + [ + "▁owe", + -12.024624824523926 + ], + [ + "▁91", + -12.024688720703123 + ], + [ + "ans", + -12.025032997131348 + ], + [ + "▁proving", + -12.0252046585083 + ], + [ + "San", + -12.02520751953125 + ], + [ + "ante", + -12.025290489196776 + ], + [ + "▁pixel", + -12.0255708694458 + ], + [ + "oma", + -12.025634765625 + ], + [ + "▁craftsmanship", + -12.025640487670898 + ], + [ + "▁Diagram", + -12.02566909790039 + ], + [ + "▁invention", + -12.025690078735352 + ], + [ + "Ma", + -12.025726318359377 + ], + [ + "cell", + -12.025797843933104 + ], + [ + "▁Skype", + -12.02585506439209 + ], + [ + "150", + -12.026155471801758 + ], + [ + "▁barbecue", + -12.026162147521973 + ], + [ + "▁alien", + -12.026166915893556 + ], + [ + "▁1993", + -12.026594161987305 + ], + [ + "▁salaries", + -12.026779174804688 + ], + [ + "▁Late", + -12.02680206298828 + ], + [ + "▁photographic", + -12.027240753173828 + ], + [ + "57", + -12.027247428894045 + ], + [ + "▁profitability", + -12.027426719665527 + ], + [ + "▁Ab", + -12.027482986450195 + ], + [ + "▁Items", + -12.027490615844728 + ], + [ + "▁DNS", + -12.028386116027832 + ], + [ + "CM", + -12.028390884399414 + ], + [ + "▁Rocky", + -12.028411865234377 + ], + [ + "▁Fisher", + -12.028634071350098 + ], + [ + "▁Biology", + -12.028883934020996 + ], + [ + "▁considers", + -12.028935432434082 + ], + [ + "▁disruption", + -12.029013633728027 + ], + [ + "▁Em", + -12.029070854187012 + ], + [ + "tax", + -12.02915859222412 + ], + [ + "▁belongings", + -12.029231071472168 + ], + [ + "▁successes", + -12.029614448547363 + ], + [ + "▁appeals", + -12.029662132263184 + ], + [ + "▁overtime", + -12.029862403869627 + ], + [ + "ele", + -12.02992057800293 + ], + [ + "▁Beat", + -12.030120849609377 + ], + [ + "lite", + -12.030195236206056 + ], + [ + "Show", + -12.030214309692385 + ], + [ + "▁bees", + -12.030404090881348 + ], + [ + "▁pleasing", + -12.030421257019045 + ], + [ + "designed", + -12.030477523803713 + ], + [ + "▁grandparents", + -12.030573844909668 + ], + [ + "▁1991", + -12.030600547790527 + ], + [ + "▁checklist", + -12.030680656433104 + ], + [ + "▁Surface", + -12.030716896057127 + ], + [ + "▁sophomore", + -12.030790328979492 + ], + [ + "▁rises", + -12.030841827392578 + ], + [ + "▁rainbow", + -12.030903816223145 + ], + [ + ".00", + -12.031044960021973 + ], + [ + "using", + -12.03105640411377 + ], + [ + "shot", + -12.031190872192385 + ], + [ + "▁Cemetery", + -12.031364440917969 + ], + [ + "▁identifies", + -12.031364440917969 + ], + [ + "▁attacking", + -12.031373023986816 + ], + [ + "▁Yeah", + -12.031386375427246 + ], + [ + "gel", + -12.031396865844728 + ], + [ + "▁grind", + -12.031548500061035 + ], + [ + "▁constitutional", + -12.031620025634766 + ], + [ + "▁advertisers", + -12.03214168548584 + ], + [ + "▁je", + -12.032341003417969 + ], + [ + "▁geographic", + -12.032384872436523 + ], + [ + "uma", + -12.032410621643066 + ], + [ + "▁dots", + -12.032464981079102 + ], + [ + "▁diagnose", + -12.032567977905272 + ], + [ + "▁bush", + -12.032585144042969 + ], + [ + "▁citrus", + -12.032829284667969 + ], + [ + "▁gems", + -12.032862663269045 + ], + [ + "nik", + -12.03287124633789 + ], + [ + "▁developmental", + -12.032934188842772 + ], + [ + "▁performer", + -12.032949447631836 + ], + [ + "▁£2", + -12.033116340637209 + ], + [ + "▁multimedia", + -12.033185005187988 + ], + [ + "Without", + -12.03333568572998 + ], + [ + "▁distress", + -12.03360652923584 + ], + [ + "▁Pradesh", + -12.03366756439209 + ], + [ + "▁Workers", + -12.03376007080078 + ], + [ + "▁balloon", + -12.034065246582031 + ], + [ + "▁priest", + -12.034205436706545 + ], + [ + "▁Sandy", + -12.03432846069336 + ], + [ + "▁Allow", + -12.034353256225586 + ], + [ + "▁Previous", + -12.034616470336914 + ], + [ + "▁Florence", + -12.034663200378418 + ], + [ + "▁absorption", + -12.034802436828612 + ], + [ + "▁18-", + -12.035006523132324 + ], + [ + "▁boiling", + -12.035094261169434 + ], + [ + "▁pathway", + -12.03511905670166 + ], + [ + "▁Gar", + -12.035148620605469 + ], + [ + "Bring", + -12.03529930114746 + ], + [ + "▁indie", + -12.035404205322266 + ], + [ + "▁Parking", + -12.035436630249023 + ], + [ + "fit", + -12.03582000732422 + ], + [ + "tar", + -12.035935401916504 + ], + [ + "▁sunglasses", + -12.035978317260742 + ], + [ + "▁Batman", + -12.03599452972412 + ], + [ + "growing", + -12.036120414733888 + ], + [ + "▁reject", + -12.03623867034912 + ], + [ + "▁cracked", + -12.036261558532717 + ], + [ + "▁throws", + -12.036665916442873 + ], + [ + "▁Wing", + -12.036724090576172 + ], + [ + "ew", + -12.036808967590332 + ], + [ + "▁underwater", + -12.036931991577148 + ], + [ + "▁distinguish", + -12.036972999572754 + ], + [ + "▁kinda", + -12.03704071044922 + ], + [ + "brook", + -12.037280082702637 + ], + [ + "▁shifted", + -12.037323951721191 + ], + [ + "▁Tip", + -12.03742218017578 + ], + [ + "▁89", + -12.037495613098145 + ], + [ + "▁lasted", + -12.037603378295898 + ], + [ + "Police", + -12.03774070739746 + ], + [ + "dan", + -12.038097381591797 + ], + [ + "▁fighter", + -12.038113594055176 + ], + [ + "▁restart", + -12.038331031799316 + ], + [ + "▁Shaw", + -12.03834342956543 + ], + [ + "▁CI", + -12.038496971130373 + ], + [ + "▁sweater", + -12.038729667663574 + ], + [ + "▁textile", + -12.03880214691162 + ], + [ + "▁Strategic", + -12.038931846618652 + ], + [ + "▁Baseball", + -12.03916072845459 + ], + [ + "▁ramp", + -12.039164543151855 + ], + [ + "▁rinse", + -12.03950023651123 + ], + [ + "=\"", + -12.03952407836914 + ], + [ + "▁3-4", + -12.039558410644531 + ], + [ + "38", + -12.039589881896973 + ], + [ + "▁Wang", + -12.039876937866213 + ], + [ + "▁Uncategorized", + -12.039972305297852 + ], + [ + "▁bull", + -12.039987564086914 + ], + [ + "▁SIM", + -12.040009498596191 + ], + [ + "▁décor", + -12.040026664733888 + ], + [ + "▁negotiation", + -12.040064811706545 + ], + [ + "▁Own", + -12.040385246276855 + ], + [ + "▁Lucy", + -12.04057788848877 + ], + [ + "▁Welsh", + -12.04068088531494 + ], + [ + "bury", + -12.04068660736084 + ], + [ + "▁hometown", + -12.04099178314209 + ], + [ + "Real", + -12.041126251220703 + ], + [ + "▁soldier", + -12.04121208190918 + ], + [ + "▁Rescue", + -12.041236877441406 + ], + [ + "▁neighbourhood", + -12.041253089904783 + ], + [ + "▁decay", + -12.041464805603027 + ], + [ + "▁Secure", + -12.041702270507812 + ], + [ + "▁transmitted", + -12.041780471801758 + ], + [ + "▁sanctuary", + -12.04178524017334 + ], + [ + "▁malicious", + -12.042110443115234 + ], + [ + "▁weed", + -12.042253494262695 + ], + [ + "▁inception", + -12.042527198791504 + ], + [ + "▁institute", + -12.04274559020996 + ], + [ + "▁myriad", + -12.04293155670166 + ], + [ + "Ed", + -12.04302215576172 + ], + [ + "▁clutch", + -12.043136596679688 + ], + [ + "help", + -12.043142318725586 + ], + [ + "▁puzzles", + -12.043231964111328 + ], + [ + "▁Amanda", + -12.043395042419434 + ], + [ + "die", + -12.043427467346191 + ], + [ + "▁NHL", + -12.043641090393066 + ], + [ + "▁utilizes", + -12.043651580810549 + ], + [ + "▁dare", + -12.044325828552246 + ], + [ + "▁peek", + -12.044501304626465 + ], + [ + "▁masses", + -12.044507026672363 + ], + [ + "▁Blake", + -12.0447359085083 + ], + [ + "▁charger", + -12.044888496398926 + ], + [ + "▁civilian", + -12.044918060302734 + ], + [ + "▁zinc", + -12.045015335083008 + ], + [ + "row", + -12.045082092285156 + ], + [ + "three", + -12.045402526855469 + ], + [ + "▁moms", + -12.04544734954834 + ], + [ + "▁Sustainable", + -12.04563045501709 + ], + [ + "mate", + -12.045696258544922 + ], + [ + "▁skies", + -12.045734405517578 + ], + [ + "▁inputs", + -12.045806884765623 + ], + [ + "Master", + -12.045933723449709 + ], + [ + "▁pertaining", + -12.04601764678955 + ], + [ + "▁RF", + -12.046080589294434 + ], + [ + "▁lightning", + -12.046189308166504 + ], + [ + "Per", + -12.046192169189451 + ], + [ + "Point", + -12.04625415802002 + ], + [ + "hood", + -12.046260833740234 + ], + [ + "▁tide", + -12.046438217163086 + ], + [ + "▁Rest", + -12.04647159576416 + ], + [ + "▁Entry", + -12.04653549194336 + ], + [ + "▁Hold", + -12.046597480773926 + ], + [ + "▁definitions", + -12.046749114990234 + ], + [ + "▁coral", + -12.046792984008787 + ], + [ + "NY", + -12.046940803527832 + ], + [ + "▁Province", + -12.046996116638184 + ], + [ + "▁almond", + -12.047161102294922 + ], + [ + "▁Gaming", + -12.047430038452148 + ], + [ + "▁strangers", + -12.047467231750488 + ], + [ + "▁08", + -12.047490119934082 + ], + [ + "left", + -12.047493934631348 + ], + [ + "▁routines", + -12.047762870788574 + ], + [ + "Children", + -12.047873497009276 + ], + [ + "pdf", + -12.047990798950195 + ], + [ + "▁lottery", + -12.048177719116213 + ], + [ + "▁surge", + -12.048295974731444 + ], + [ + "▁mats", + -12.04860782623291 + ], + [ + "ridge", + -12.048684120178224 + ], + [ + "▁CR", + -12.04891872406006 + ], + [ + "disciplinary", + -12.048925399780272 + ], + [ + "action", + -12.048944473266602 + ], + [ + "▁RC", + -12.048986434936523 + ], + [ + "▁contamination", + -12.049095153808594 + ], + [ + "▁4:", + -12.049232482910156 + ], + [ + "▁Maker", + -12.049365043640137 + ], + [ + "▁rotating", + -12.049372673034668 + ], + [ + "▁polls", + -12.049485206604004 + ], + [ + "too", + -12.049567222595217 + ], + [ + "▁creators", + -12.049673080444336 + ], + [ + "▁digestive", + -12.049957275390623 + ], + [ + "▁pathways", + -12.049999237060549 + ], + [ + "▁hello", + -12.050005912780762 + ], + [ + "▁(7", + -12.05014419555664 + ], + [ + "▁dragon", + -12.050164222717283 + ], + [ + "▁signage", + -12.050387382507324 + ], + [ + "▁footwear", + -12.050583839416504 + ], + [ + "▁cartridges", + -12.050642013549805 + ], + [ + "▁Cincinnati", + -12.050694465637209 + ], + [ + "▁Loans", + -12.05079174041748 + ], + [ + "▁examining", + -12.05146598815918 + ], + [ + "▁noble", + -12.051543235778809 + ], + [ + "▁neuro", + -12.05163288116455 + ], + [ + "ae", + -12.051891326904297 + ], + [ + "▁slopes", + -12.052048683166504 + ], + [ + "▁Elegant", + -12.052129745483398 + ], + [ + "leading", + -12.05219268798828 + ], + [ + "▁avid", + -12.052236557006836 + ], + [ + "sp", + -12.05226230621338 + ], + [ + "▁duct", + -12.053059577941896 + ], + [ + "▁obsessed", + -12.05322265625 + ], + [ + "▁Pete", + -12.053382873535156 + ], + [ + "▁prevalent", + -12.053470611572266 + ], + [ + "▁Sofa", + -12.053519248962402 + ], + [ + "▁interference", + -12.053550720214844 + ], + [ + "▁Portal", + -12.05360221862793 + ], + [ + "▁internally", + -12.053648948669434 + ], + [ + "▁Leeds", + -12.053716659545898 + ], + [ + "▁dependable", + -12.053717613220217 + ], + [ + "▁organizers", + -12.053979873657228 + ], + [ + "▁shampoo", + -12.054009437561035 + ], + [ + "▁Wal", + -12.054073333740234 + ], + [ + "▁periodically", + -12.054146766662598 + ], + [ + "Type", + -12.05423355102539 + ], + [ + "▁Theme", + -12.054241180419922 + ], + [ + "▁Regular", + -12.054335594177246 + ], + [ + "▁salads", + -12.054343223571776 + ], + [ + "▁tracked", + -12.054383277893066 + ], + [ + "hop", + -12.054597854614258 + ], + [ + "▁Leo", + -12.054694175720217 + ], + [ + "▁Scout", + -12.054777145385742 + ], + [ + "▁burger", + -12.05482292175293 + ], + [ + "▁reflective", + -12.054828643798828 + ], + [ + "++", + -12.054859161376951 + ], + [ + "IS", + -12.054911613464355 + ], + [ + "▁op", + -12.054932594299316 + ], + [ + "▁repairing", + -12.0550537109375 + ], + [ + "▁Posted", + -12.055139541625977 + ], + [ + "▁Clay", + -12.05515480041504 + ], + [ + "▁bridal", + -12.055218696594238 + ], + [ + "▁retrieve", + -12.055219650268556 + ], + [ + "▁3000", + -12.05557632446289 + ], + [ + "▁Response", + -12.055584907531738 + ], + [ + "▁provincial", + -12.055614471435549 + ], + [ + "▁caregivers", + -12.055663108825684 + ], + [ + "▁Bon", + -12.055699348449709 + ], + [ + "▁fulfilled", + -12.055708885192873 + ], + [ + "▁realizing", + -12.056011199951172 + ], + [ + "▁halfway", + -12.056058883666992 + ], + [ + "▁RBI", + -12.056156158447266 + ], + [ + "▁socially", + -12.056181907653809 + ], + [ + "▁sculptures", + -12.056194305419922 + ], + [ + "▁Television", + -12.056207656860352 + ], + [ + "▁conclusions", + -12.056219100952148 + ], + [ + "▁Income", + -12.056227684020996 + ], + [ + "▁ROI", + -12.056398391723633 + ], + [ + "▁yacht", + -12.056466102600098 + ], + [ + "▁Foster", + -12.056623458862305 + ], + [ + "▁interval", + -12.05688190460205 + ], + [ + "▁merchants", + -12.056885719299316 + ], + [ + "SC", + -12.057013511657717 + ], + [ + "▁Pain", + -12.05705738067627 + ], + [ + "ned", + -12.057123184204102 + ], + [ + "▁headboard", + -12.057130813598633 + ], + [ + "▁Past", + -12.057202339172363 + ], + [ + "aw", + -12.05726432800293 + ], + [ + "▁motors", + -12.05737590789795 + ], + [ + "99", + -12.057538986206056 + ], + [ + "lit", + -12.057539939880373 + ], + [ + "▁consultancy", + -12.057580947875977 + ], + [ + "▁Sol", + -12.057788848876951 + ], + [ + "▁troubles", + -12.057838439941406 + ], + [ + "▁euro", + -12.057843208312988 + ], + [ + "▁damn", + -12.057875633239746 + ], + [ + "▁travellers", + -12.057994842529297 + ], + [ + "▁remedies", + -12.058165550231934 + ], + [ + "▁spins", + -12.058207511901855 + ], + [ + "▁soundtrack", + -12.058353424072266 + ], + [ + "▁stamps", + -12.058481216430664 + ], + [ + "▁Peninsula", + -12.058599472045898 + ], + [ + "▁Sha", + -12.058601379394531 + ], + [ + "stream", + -12.058727264404297 + ], + [ + "▁BS", + -12.05876636505127 + ], + [ + "▁counted", + -12.059056282043455 + ], + [ + "▁announcements", + -12.05948257446289 + ], + [ + "▁unfair", + -12.05967903137207 + ], + [ + "▁fade", + -12.059806823730469 + ], + [ + "▁Honey", + -12.05981159210205 + ], + [ + "-11", + -12.05984115600586 + ], + [ + "Max", + -12.059906959533691 + ], + [ + "bee", + -12.060050964355469 + ], + [ + "▁fittings", + -12.060099601745604 + ], + [ + "▁1992", + -12.060134887695312 + ], + [ + "▁sticker", + -12.060528755187988 + ], + [ + "watch", + -12.060601234436035 + ], + [ + "▁6:30", + -12.060694694519045 + ], + [ + "big", + -12.06070327758789 + ], + [ + "wick", + -12.060827255249023 + ], + [ + "▁wow", + -12.060951232910156 + ], + [ + "rn", + -12.06114101409912 + ], + [ + "▁Machinery", + -12.061262130737305 + ], + [ + "▁advancing", + -12.06171417236328 + ], + [ + "▁Prepare", + -12.06192398071289 + ], + [ + "load", + -12.06214427947998 + ], + [ + "34", + -12.062255859375 + ], + [ + "▁Speaker", + -12.062265396118164 + ], + [ + "AA", + -12.062360763549805 + ], + [ + "take", + -12.06254768371582 + ], + [ + "eth", + -12.062721252441406 + ], + [ + "▁Phillips", + -12.062735557556152 + ], + [ + "▁antenna", + -12.062803268432615 + ], + [ + "▁hopeful", + -12.062865257263184 + ], + [ + "▁hurry", + -12.06290054321289 + ], + [ + "DE", + -12.062981605529783 + ], + [ + "LA", + -12.063024520874023 + ], + [ + "ions", + -12.063084602355955 + ], + [ + "▁rushed", + -12.063226699829102 + ], + [ + "▁wounds", + -12.063234329223633 + ], + [ + "▁Danny", + -12.06337070465088 + ], + [ + "▁bless", + -12.063406944274902 + ], + [ + "▁Physics", + -12.063448905944824 + ], + [ + "▁getaway", + -12.063591003417969 + ], + [ + "▁Buddhist", + -12.063721656799316 + ], + [ + "▁Dogs", + -12.063820838928224 + ], + [ + "▁Chemical", + -12.064056396484377 + ], + [ + "▁Probably", + -12.06406307220459 + ], + [ + "▁Fortune", + -12.064080238342283 + ], + [ + "▁Milwaukee", + -12.06410026550293 + ], + [ + "▁Vincent", + -12.064167022705078 + ], + [ + "▁Centers", + -12.064214706420898 + ], + [ + "▁herb", + -12.064265251159668 + ], + [ + "▁adjusting", + -12.064288139343262 + ], + [ + "▁7-", + -12.064322471618652 + ], + [ + "tis", + -12.0643892288208 + ], + [ + "▁adopting", + -12.064569473266602 + ], + [ + "▁unparalleled", + -12.064682006835938 + ], + [ + "its", + -12.064736366271973 + ], + [ + "▁toxins", + -12.064772605895996 + ], + [ + "▁Landscape", + -12.064783096313477 + ], + [ + "▁Ghost", + -12.0648193359375 + ], + [ + "▁harassment", + -12.064839363098145 + ], + [ + "self", + -12.06487274169922 + ], + [ + "▁faux", + -12.06496810913086 + ], + [ + "▁Fence", + -12.065275192260742 + ], + [ + "▁Sh", + -12.065275192260742 + ], + [ + "▁STEM", + -12.065577507019045 + ], + [ + "▁welcomes", + -12.065759658813477 + ], + [ + "▁chassis", + -12.065871238708496 + ], + [ + "▁compromised", + -12.06588363647461 + ], + [ + "▁Gene", + -12.06590461730957 + ], + [ + "▁curated", + -12.066014289855955 + ], + [ + "▁tribe", + -12.066018104553224 + ], + [ + "▁towers", + -12.066067695617676 + ], + [ + "▁examines", + -12.06609344482422 + ], + [ + "▁metric", + -12.066107749938965 + ], + [ + "▁wasting", + -12.06618881225586 + ], + [ + "▁repository", + -12.06623077392578 + ], + [ + "▁commerce", + -12.06631851196289 + ], + [ + "▁distances", + -12.066362380981444 + ], + [ + "▁congregation", + -12.06659984588623 + ], + [ + "▁Guild", + -12.06662368774414 + ], + [ + "▁curry", + -12.066709518432615 + ], + [ + "▁crews", + -12.066728591918944 + ], + [ + "▁lowering", + -12.066766738891602 + ], + [ + "▁wished", + -12.066819190979004 + ], + [ + "▁pedal", + -12.066929817199709 + ], + [ + "▁Hours", + -12.066957473754885 + ], + [ + "▁Adelaide", + -12.066974639892578 + ], + [ + "▁dignity", + -12.06706428527832 + ], + [ + "▁Understanding", + -12.067317962646484 + ], + [ + "lyn", + -12.067343711853027 + ], + [ + "▁Patients", + -12.067367553710938 + ], + [ + "▁Hillary", + -12.067476272583008 + ], + [ + "MT", + -12.067526817321776 + ], + [ + "EU", + -12.067791938781738 + ], + [ + "▁Milk", + -12.068060874938965 + ], + [ + "▁keynote", + -12.068135261535645 + ], + [ + "▁steadily", + -12.068255424499512 + ], + [ + "▁mortality", + -12.068265914916992 + ], + [ + "▁Removal", + -12.0682954788208 + ], + [ + "cia", + -12.068775177001951 + ], + [ + "▁brighter", + -12.068963050842283 + ], + [ + "stick", + -12.069050788879396 + ], + [ + "Prior", + -12.06906795501709 + ], + [ + "▁20,000", + -12.069098472595217 + ], + [ + "oo", + -12.069114685058594 + ], + [ + "▁Brick", + -12.069258689880373 + ], + [ + "▁Accounting", + -12.069308280944824 + ], + [ + "▁flex", + -12.069320678710938 + ], + [ + "▁cooker", + -12.069488525390623 + ], + [ + "▁Marathon", + -12.069499969482422 + ], + [ + "▁distributors", + -12.069513320922852 + ], + [ + "▁Jul", + -12.06972885131836 + ], + [ + "▁urine", + -12.069730758666992 + ], + [ + "▁Newton", + -12.069870948791504 + ], + [ + "▁accomplishments", + -12.069881439208984 + ], + [ + "▁additions", + -12.070239067077637 + ], + [ + "▁onsite", + -12.070481300354004 + ], + [ + "entrepreneurship", + -12.070616722106934 + ], + [ + "▁Claire", + -12.070640563964844 + ], + [ + "OP", + -12.070653915405272 + ], + [ + "▁Lot", + -12.07065486907959 + ], + [ + "Everything", + -12.070905685424805 + ], + [ + "▁mustard", + -12.07113265991211 + ], + [ + "▁Sacramento", + -12.071174621582031 + ], + [ + "▁GOP", + -12.071263313293455 + ], + [ + "▁petrol", + -12.07127571105957 + ], + [ + "▁Coming", + -12.071298599243164 + ], + [ + "▁chin", + -12.071415901184082 + ], + [ + "▁Julia", + -12.07142448425293 + ], + [ + "▁allocation", + -12.071690559387209 + ], + [ + "▁employing", + -12.071741104125977 + ], + [ + "path", + -12.07177448272705 + ], + [ + "▁1.1", + -12.071775436401367 + ], + [ + "▁mercy", + -12.0718412399292 + ], + [ + "▁Dale", + -12.071871757507324 + ], + [ + "▁Complex", + -12.0719633102417 + ], + [ + "▁march", + -12.072036743164062 + ], + [ + "▁membrane", + -12.072360038757324 + ], + [ + "▁forthcoming", + -12.072458267211914 + ], + [ + "▁reinforced", + -12.072731018066406 + ], + [ + "▁bent", + -12.072802543640137 + ], + [ + "▁geographical", + -12.072898864746094 + ], + [ + "▁Wa", + -12.072904586791992 + ], + [ + "▁citizenship", + -12.073076248168944 + ], + [ + "pot", + -12.073110580444336 + ], + [ + "Small", + -12.073431015014648 + ], + [ + "▁arguably", + -12.073772430419922 + ], + [ + "▁excluded", + -12.074074745178224 + ], + [ + "▁reasoning", + -12.074090003967283 + ], + [ + "▁stained", + -12.074104309082031 + ], + [ + "▁Rico", + -12.074111938476562 + ], + [ + "▁cider", + -12.074283599853516 + ], + [ + "sburg", + -12.074398040771484 + ], + [ + "▁pH", + -12.074508666992188 + ], + [ + "▁Networks", + -12.074556350708008 + ], + [ + "▁attracts", + -12.07474136352539 + ], + [ + "▁Keeping", + -12.074743270874023 + ], + [ + "▁Hindi", + -12.07494831085205 + ], + [ + "▁smiles", + -12.07497501373291 + ], + [ + "▁Wonder", + -12.075064659118652 + ], + [ + "ali", + -12.075078964233398 + ], + [ + "47", + -12.075258255004885 + ], + [ + "▁stretches", + -12.075409889221191 + ], + [ + "▁Examples", + -12.075458526611328 + ], + [ + "▁oversight", + -12.075803756713867 + ], + [ + "▁Fireplace", + -12.0761079788208 + ], + [ + "Has", + -12.076214790344238 + ], + [ + "lab", + -12.076271057128906 + ], + [ + "▁vpn", + -12.07639503479004 + ], + [ + "▁females", + -12.076401710510254 + ], + [ + "▁2003,", + -12.076512336730955 + ], + [ + "▁Imperial", + -12.07667636871338 + ], + [ + "▁rainy", + -12.076797485351562 + ], + [ + "▁Ag", + -12.077008247375488 + ], + [ + "human", + -12.07714557647705 + ], + [ + "▁NZ", + -12.077259063720703 + ], + [ + "▁taxpayers", + -12.077292442321776 + ], + [ + "▁weighing", + -12.077340126037598 + ], + [ + "▁Painting", + -12.077372550964355 + ], + [ + "▁blowing", + -12.077445030212402 + ], + [ + "▁hedge", + -12.07773780822754 + ], + [ + "▁maturity", + -12.077754974365234 + ], + [ + "▁prosperity", + -12.07785701751709 + ], + [ + "▁Cabinets", + -12.07791519165039 + ], + [ + "▁expressing", + -12.077959060668944 + ], + [ + "GO", + -12.078059196472168 + ], + [ + "▁diagrams", + -12.078083038330078 + ], + [ + "▁impressions", + -12.078116416931152 + ], + [ + "fest", + -12.078118324279783 + ], + [ + "▁preserving", + -12.07823371887207 + ], + [ + "▁tweets", + -12.07826042175293 + ], + [ + "▁parcel", + -12.07843017578125 + ], + [ + "▁Wellness", + -12.07847023010254 + ], + [ + "▁exhausted", + -12.07852268218994 + ], + [ + "▁Outside", + -12.078587532043455 + ], + [ + "▁RS", + -12.078740119934082 + ], + [ + "▁layouts", + -12.07878875732422 + ], + [ + "▁Monitor", + -12.078812599182127 + ], + [ + "▁Danish", + -12.078855514526367 + ], + [ + "▁exhibited", + -12.078863143920898 + ], + [ + "▁Recruitment", + -12.078949928283691 + ], + [ + "▁tasted", + -12.078987121582031 + ], + [ + "▁te", + -12.07906436920166 + ], + [ + "▁Colombia", + -12.079115867614746 + ], + [ + "▁Arctic", + -12.079120635986328 + ], + [ + "▁Banking", + -12.07922077178955 + ], + [ + "▁layered", + -12.07928466796875 + ], + [ + "▁Bor", + -12.0792875289917 + ], + [ + "▁Gr", + -12.079326629638672 + ], + [ + "▁Sounds", + -12.079551696777344 + ], + [ + "▁brushes", + -12.079609870910645 + ], + [ + "900", + -12.079617500305176 + ], + [ + "SS", + -12.079669952392578 + ], + [ + "tr", + -12.079716682434082 + ], + [ + "Question", + -12.079719543457031 + ], + [ + "▁spends", + -12.079751014709473 + ], + [ + "▁surviving", + -12.080255508422852 + ], + [ + "NOTE", + -12.08033561706543 + ], + [ + "▁Seat", + -12.080357551574709 + ], + [ + "Design", + -12.080501556396484 + ], + [ + "▁nasty", + -12.080866813659668 + ], + [ + "▁therapists", + -12.080891609191896 + ], + [ + "▁sounded", + -12.08100414276123 + ], + [ + "▁variants", + -12.081138610839844 + ], + [ + "▁Plate", + -12.081274032592772 + ], + [ + "▁incurred", + -12.081374168395996 + ], + [ + "▁Applied", + -12.081418991088867 + ], + [ + "▁smarter", + -12.08145523071289 + ], + [ + "▁correspondence", + -12.081470489501951 + ], + [ + "▁Ticket", + -12.08155918121338 + ], + [ + "▁Highly", + -12.081646919250488 + ], + [ + "▁2020.", + -12.081656455993652 + ], + [ + "▁scoop", + -12.081759452819824 + ], + [ + "▁Pad", + -12.082104682922363 + ], + [ + "▁Sci", + -12.082113265991213 + ], + [ + "▁Boss", + -12.08227252960205 + ], + [ + "▁Pressure", + -12.08257293701172 + ], + [ + "▁Nathan", + -12.082630157470703 + ], + [ + "Given", + -12.08265209197998 + ], + [ + "▁panoramic", + -12.08267307281494 + ], + [ + "ming", + -12.082730293273926 + ], + [ + "▁filming", + -12.08282470703125 + ], + [ + "▁quantum", + -12.082923889160156 + ], + [ + "▁93", + -12.082942008972168 + ], + [ + "▁Ber", + -12.08298397064209 + ], + [ + "▁nano", + -12.082999229431152 + ], + [ + "▁caramel", + -12.083184242248535 + ], + [ + "Food", + -12.083240509033203 + ], + [ + "▁denim", + -12.083330154418944 + ], + [ + "▁Rebecca", + -12.083358764648438 + ], + [ + "▁Autumn", + -12.083389282226562 + ], + [ + "▁128", + -12.083418846130373 + ], + [ + "▁NH", + -12.083491325378418 + ], + [ + "▁cooperative", + -12.083683967590332 + ], + [ + "▁Treasury", + -12.083765983581545 + ], + [ + "▁Catherine", + -12.083831787109377 + ], + [ + "Light", + -12.084002494812012 + ], + [ + "▁Trek", + -12.08477020263672 + ], + [ + "Ra", + -12.084774017333984 + ], + [ + "HR", + -12.084961891174316 + ], + [ + "▁choir", + -12.085089683532717 + ], + [ + "▁fond", + -12.08533763885498 + ], + [ + "Service", + -12.08534812927246 + ], + [ + "▁Install", + -12.085433959960938 + ], + [ + "▁Device", + -12.08547019958496 + ], + [ + "▁Mag", + -12.085787773132324 + ], + [ + "▁Operating", + -12.085810661315918 + ], + [ + "▁Cinema", + -12.086050987243652 + ], + [ + "▁crashes", + -12.086175918579102 + ], + [ + "▁forgive", + -12.086198806762695 + ], + [ + "▁Soccer", + -12.08620548248291 + ], + [ + "▁movers", + -12.086277961730955 + ], + [ + "International", + -12.086338996887209 + ], + [ + "▁Metropolitan", + -12.086527824401855 + ], + [ + "▁$9", + -12.086565971374512 + ], + [ + "▁inbox", + -12.086824417114258 + ], + [ + "▁Spider", + -12.08701229095459 + ], + [ + "ks", + -12.087043762207031 + ], + [ + "▁deceased", + -12.087071418762209 + ], + [ + "▁Introduction", + -12.087198257446287 + ], + [ + "▁1.3", + -12.087390899658203 + ], + [ + "▁pests", + -12.087462425231934 + ], + [ + "▁Monster", + -12.087531089782717 + ], + [ + "▁clause", + -12.087844848632812 + ], + [ + "▁Related", + -12.088027000427246 + ], + [ + "▁Lebanon", + -12.088075637817385 + ], + [ + "▁Bryan", + -12.088133811950684 + ], + [ + "▁Ruby", + -12.088187217712402 + ], + [ + "▁awe", + -12.088290214538574 + ], + [ + "▁demonstrations", + -12.088369369506836 + ], + [ + "DO", + -12.08851718902588 + ], + [ + "▁Driving", + -12.08853244781494 + ], + [ + "▁microphone", + -12.088567733764648 + ], + [ + "▁Eat", + -12.088640213012695 + ], + [ + "▁Hannah", + -12.08891773223877 + ], + [ + "una", + -12.088979721069336 + ], + [ + "▁rep", + -12.089018821716309 + ], + [ + "▁Chemistry", + -12.089125633239746 + ], + [ + "▁geo", + -12.089198112487791 + ], + [ + "ending", + -12.089287757873535 + ], + [ + "▁$1,000", + -12.089591979980469 + ], + [ + "▁Iceland", + -12.089597702026367 + ], + [ + "▁mindful", + -12.089627265930176 + ], + [ + "▁stamped", + -12.089643478393556 + ], + [ + "paced", + -12.08966064453125 + ], + [ + "Whatever", + -12.08973503112793 + ], + [ + "▁synthesis", + -12.089778900146484 + ], + [ + "▁pioneer", + -12.089942932128906 + ], + [ + "▁valves", + -12.08994483947754 + ], + [ + "profile", + -12.089961051940918 + ], + [ + "▁liking", + -12.08997631072998 + ], + [ + "▁noodles", + -12.08998203277588 + ], + [ + "▁autonomous", + -12.09005355834961 + ], + [ + "▁Activity", + -12.090413093566896 + ], + [ + "▁83", + -12.090460777282717 + ], + [ + "▁folded", + -12.090588569641112 + ], + [ + "▁configurations", + -12.09067440032959 + ], + [ + "▁authenticity", + -12.09070110321045 + ], + [ + "▁Cast", + -12.090944290161133 + ], + [ + "▁Ride", + -12.091025352478027 + ], + [ + "▁Ty", + -12.091132164001465 + ], + [ + "▁nickel", + -12.091261863708496 + ], + [ + "▁Ci", + -12.091307640075684 + ], + [ + "zone", + -12.091326713562012 + ], + [ + "▁heaters", + -12.09133243560791 + ], + [ + "▁Fuel", + -12.091334342956545 + ], + [ + "▁alliance", + -12.091480255126951 + ], + [ + "▁counterparts", + -12.091645240783691 + ], + [ + "▁Method", + -12.091766357421877 + ], + [ + "▁fa", + -12.091824531555176 + ], + [ + "▁Diet", + -12.091853141784668 + ], + [ + "mes", + -12.09213161468506 + ], + [ + "▁Wiring", + -12.092337608337402 + ], + [ + "▁Eventually", + -12.092397689819336 + ], + [ + "▁Mint", + -12.092470169067385 + ], + [ + "▁sequel", + -12.092479705810549 + ], + [ + "sell", + -12.092482566833496 + ], + [ + "▁arc", + -12.092533111572266 + ], + [ + "▁Independence", + -12.092726707458496 + ], + [ + "▁fry", + -12.092855453491213 + ], + [ + "▁Capitol", + -12.09318733215332 + ], + [ + "▁Minneapolis", + -12.093289375305176 + ], + [ + "▁NW", + -12.093318939208984 + ], + [ + "DR", + -12.093334197998049 + ], + [ + "pack", + -12.093482971191406 + ], + [ + "efficient", + -12.093530654907228 + ], + [ + "ION", + -12.09353733062744 + ], + [ + "▁questioned", + -12.09372615814209 + ], + [ + "▁DB", + -12.093816757202148 + ], + [ + "▁asbestos", + -12.094236373901367 + ], + [ + "▁termination", + -12.09425926208496 + ], + [ + "▁verbal", + -12.09429168701172 + ], + [ + "esh", + -12.09434413909912 + ], + [ + "▁enhancement", + -12.09453296661377 + ], + [ + "▁intervals", + -12.094611167907717 + ], + [ + "▁glitter", + -12.094622611999512 + ], + [ + "▁merit", + -12.094650268554688 + ], + [ + "▁removes", + -12.094820976257324 + ], + [ + "▁Brother", + -12.094868659973145 + ], + [ + "▁Volkswagen", + -12.095171928405762 + ], + [ + "▁Vinyl", + -12.095196723937988 + ], + [ + "Rated", + -12.095503807067873 + ], + [ + "▁rejection", + -12.09553337097168 + ], + [ + "▁Purple", + -12.09559440612793 + ], + [ + "▁spy", + -12.095629692077637 + ], + [ + "▁divisions", + -12.09570026397705 + ], + [ + "Excellent", + -12.09571647644043 + ], + [ + "▁restrict", + -12.095807075500488 + ], + [ + "▁exceeded", + -12.095843315124512 + ], + [ + "▁Menu", + -12.095865249633787 + ], + [ + "▁Tours", + -12.09597110748291 + ], + [ + "▁knocked", + -12.096023559570312 + ], + [ + "▁hugely", + -12.09613800048828 + ], + [ + "▁plaque", + -12.096273422241213 + ], + [ + "▁Contractors", + -12.09644603729248 + ], + [ + "▁97", + -12.096575736999512 + ], + [ + "▁rebounds", + -12.096643447875977 + ], + [ + "▁zoo", + -12.09669017791748 + ], + [ + "▁inability", + -12.09708023071289 + ], + [ + "▁installment", + -12.097105979919434 + ], + [ + "▁Hungary", + -12.097148895263672 + ], + [ + "second", + -12.097210884094238 + ], + [ + "▁embroidery", + -12.097331047058104 + ], + [ + "▁VI", + -12.097349166870115 + ], + [ + "▁problematic", + -12.097397804260254 + ], + [ + "▁welding", + -12.097464561462402 + ], + [ + "▁rational", + -12.097526550292969 + ], + [ + "▁Acid", + -12.097558975219728 + ], + [ + "▁Bake", + -12.097588539123535 + ], + [ + "▁emphasize", + -12.097768783569336 + ], + [ + "▁SL", + -12.097796440124512 + ], + [ + "▁rewarded", + -12.097869873046877 + ], + [ + "▁ambition", + -12.098037719726562 + ], + [ + "AT", + -12.098050117492676 + ], + [ + "▁empowering", + -12.09807014465332 + ], + [ + "News", + -12.09808349609375 + ], + [ + "▁Res", + -12.098310470581056 + ], + [ + "think", + -12.098331451416016 + ], + [ + "aj", + -12.09842300415039 + ], + [ + "▁awhile", + -12.098536491394045 + ], + [ + "▁Hood", + -12.098546981811523 + ], + [ + "▁pretend", + -12.098625183105469 + ], + [ + "ero", + -12.098702430725098 + ], + [ + "tree", + -12.098847389221191 + ], + [ + "▁Qatar", + -12.098983764648438 + ], + [ + "▁KS", + -12.099663734436035 + ], + [ + "▁blessings", + -12.099729537963867 + ], + [ + "▁Warriors", + -12.09981632232666 + ], + [ + "bb", + -12.100004196166992 + ], + [ + "-18", + -12.10020923614502 + ], + [ + "des", + -12.100347518920898 + ], + [ + "▁Quebec", + -12.10037326812744 + ], + [ + "▁Safari", + -12.100393295288086 + ], + [ + "▁delegates", + -12.100506782531738 + ], + [ + "pers", + -12.100591659545898 + ], + [ + "▁Traffic", + -12.100645065307615 + ], + [ + "▁Weekly", + -12.10067081451416 + ], + [ + "▁livestock", + -12.10067081451416 + ], + [ + "▁fighters", + -12.100738525390623 + ], + [ + "▁Decorating", + -12.100752830505373 + ], + [ + "▁Led", + -12.100831031799316 + ], + [ + "Recently", + -12.100865364074709 + ], + [ + "▁copied", + -12.100996971130373 + ], + [ + "▁Automotive", + -12.101043701171877 + ], + [ + "▁Moses", + -12.101079940795898 + ], + [ + "▁advertised", + -12.101154327392578 + ], + [ + "▁fights", + -12.101177215576172 + ], + [ + "▁magnet", + -12.101276397705078 + ], + [ + "▁Lions", + -12.101287841796877 + ], + [ + "▁housed", + -12.101336479187012 + ], + [ + "46", + -12.1013765335083 + ], + [ + "▁Manufacturer", + -12.101651191711426 + ], + [ + "▁Hurricane", + -12.101694107055664 + ], + [ + "▁Rooms", + -12.101733207702637 + ], + [ + "▁Sue", + -12.101826667785645 + ], + [ + "▁Bangalore", + -12.101861000061035 + ], + [ + "▁Crime", + -12.102554321289062 + ], + [ + "TA", + -12.10263442993164 + ], + [ + "▁merger", + -12.102653503417969 + ], + [ + "jpg", + -12.102702140808104 + ], + [ + "▁Individual", + -12.102725982666016 + ], + [ + "▁demanded", + -12.102806091308594 + ], + [ + "▁Superior", + -12.102826118469238 + ], + [ + "▁premise", + -12.103139877319336 + ], + [ + "Fire", + -12.103215217590332 + ], + [ + "▁souls", + -12.10329818725586 + ], + [ + "ants", + -12.103384971618652 + ], + [ + "▁Wells", + -12.103615760803224 + ], + [ + "▁TD", + -12.103754997253418 + ], + [ + "Mac", + -12.103806495666504 + ], + [ + "▁Aviation", + -12.103846549987791 + ], + [ + "▁compose", + -12.103873252868652 + ], + [ + "▁palate", + -12.104131698608398 + ], + [ + "▁Doing", + -12.104134559631348 + ], + [ + "▁playoff", + -12.10418701171875 + ], + [ + "▁paddle", + -12.104365348815918 + ], + [ + "▁grounded", + -12.104400634765623 + ], + [ + "▁nutrient", + -12.1044340133667 + ], + [ + "Earlier", + -12.104549407958984 + ], + [ + "▁slope", + -12.104558944702148 + ], + [ + "▁disasters", + -12.104565620422363 + ], + [ + "▁Participants", + -12.104612350463867 + ], + [ + "nu", + -12.104646682739258 + ], + [ + "▁pinterest", + -12.104706764221191 + ], + [ + "▁Bangkok", + -12.1051664352417 + ], + [ + "hen", + -12.105463027954102 + ], + [ + "67", + -12.105649948120115 + ], + [ + "MO", + -12.105751037597656 + ], + [ + "▁Score", + -12.105770111083984 + ], + [ + "▁Pra", + -12.105823516845703 + ], + [ + "▁partnering", + -12.105849266052246 + ], + [ + "Video", + -12.105865478515623 + ], + [ + "▁Kan", + -12.105928421020508 + ], + [ + "▁negotiating", + -12.106172561645508 + ], + [ + "▁crush", + -12.106283187866213 + ], + [ + "▁questioning", + -12.106306076049805 + ], + [ + "force", + -12.106521606445312 + ], + [ + "▁risky", + -12.10690975189209 + ], + [ + "▁exercising", + -12.107176780700684 + ], + [ + "Address", + -12.107287406921388 + ], + [ + "▁imports", + -12.107495307922363 + ], + [ + "-21", + -12.107603073120115 + ], + [ + "enberg", + -12.107641220092772 + ], + [ + "▁Rangers", + -12.107935905456545 + ], + [ + "▁Contest", + -12.108101844787598 + ], + [ + "▁Geneva", + -12.10832977294922 + ], + [ + "▁Gates", + -12.108490943908691 + ], + [ + "▁Maple", + -12.108712196350098 + ], + [ + "▁pilots", + -12.108722686767578 + ], + [ + "PL", + -12.10874366760254 + ], + [ + "▁poured", + -12.10881519317627 + ], + [ + "▁credited", + -12.10909366607666 + ], + [ + "rk", + -12.109106063842772 + ], + [ + "▁miracle", + -12.109132766723633 + ], + [ + "▁Victor", + -12.109160423278809 + ], + [ + "▁accumulated", + -12.109190940856934 + ], + [ + "▁bucks", + -12.109272956848145 + ], + [ + "▁Trip", + -12.10927677154541 + ], + [ + "▁altitude", + -12.10929012298584 + ], + [ + "▁rap", + -12.109298706054688 + ], + [ + "▁factories", + -12.109305381774902 + ], + [ + "▁Exhibition", + -12.109334945678713 + ], + [ + "▁fibers", + -12.10942840576172 + ], + [ + "Easy", + -12.109638214111328 + ], + [ + "▁advisable", + -12.109660148620604 + ], + [ + "▁salvation", + -12.109660148620604 + ], + [ + "▁sterling", + -12.109662055969238 + ], + [ + "▁Wow", + -12.109713554382324 + ], + [ + "▁Fans", + -12.109797477722168 + ], + [ + "▁greeted", + -12.10999584197998 + ], + [ + "▁CON", + -12.110007286071776 + ], + [ + "▁Lucas", + -12.110106468200684 + ], + [ + "▁limestone", + -12.110177993774414 + ], + [ + "zy", + -12.110334396362305 + ], + [ + "▁regulators", + -12.110390663146973 + ], + [ + "▁undergoing", + -12.110698699951172 + ], + [ + "▁lo", + -12.110782623291016 + ], + [ + "▁Engineers", + -12.110838890075684 + ], + [ + "▁adventurous", + -12.110904693603516 + ], + [ + "▁Leaders", + -12.111001014709473 + ], + [ + "▁Shadow", + -12.111113548278809 + ], + [ + "▁neighboring", + -12.111113548278809 + ], + [ + "▁sausage", + -12.111186981201172 + ], + [ + "▁desperately", + -12.111244201660156 + ], + [ + "gr", + -12.11146640777588 + ], + [ + "▁hormones", + -12.111610412597656 + ], + [ + "▁directing", + -12.111745834350586 + ], + [ + "▁seated", + -12.111868858337402 + ], + [ + "▁trailers", + -12.111883163452148 + ], + [ + "CT", + -12.111939430236816 + ], + [ + "▁upward", + -12.112122535705566 + ], + [ + "▁crispy", + -12.112133026123049 + ], + [ + "▁EUR", + -12.112494468688965 + ], + [ + "▁convincing", + -12.112530708312988 + ], + [ + "zen", + -12.112590789794922 + ], + [ + "▁Jar", + -12.11263942718506 + ], + [ + "▁notices", + -12.112646102905272 + ], + [ + "▁Above", + -12.112662315368652 + ], + [ + "▁sliced", + -12.112727165222168 + ], + [ + "▁encounters", + -12.112738609313965 + ], + [ + "▁anime", + -12.112784385681152 + ], + [ + "н", + -12.112800598144531 + ], + [ + "▁sweeping", + -12.113287925720217 + ], + [ + "mouth", + -12.113325119018556 + ], + [ + "▁paints", + -12.113593101501465 + ], + [ + "▁playful", + -12.113607406616213 + ], + [ + "▁comprehend", + -12.113862037658691 + ], + [ + "▁dye", + -12.11429500579834 + ], + [ + "▁ecological", + -12.114339828491213 + ], + [ + "▁Ink", + -12.11440086364746 + ], + [ + "▁Assistance", + -12.114419937133787 + ], + [ + "▁brightness", + -12.114492416381836 + ], + [ + "▁adviser", + -12.11455535888672 + ], + [ + "▁nurture", + -12.114673614501951 + ], + [ + "▁collectively", + -12.11469554901123 + ], + [ + "▁Broad", + -12.114818572998049 + ], + [ + "▁colonial", + -12.114984512329102 + ], + [ + "▁Filter", + -12.115066528320312 + ], + [ + "▁1989", + -12.11512851715088 + ], + [ + "▁jackets", + -12.11518383026123 + ], + [ + "▁Butter", + -12.115310668945312 + ], + [ + "bs", + -12.115670204162598 + ], + [ + "▁geared", + -12.115670204162598 + ], + [ + "Talk", + -12.11573314666748 + ], + [ + "▁commodity", + -12.115808486938477 + ], + [ + "▁interim", + -12.115949630737305 + ], + [ + "▁transferring", + -12.116028785705566 + ], + [ + "▁allergy", + -12.116232872009276 + ], + [ + "▁decks", + -12.116238594055176 + ], + [ + "▁Operation", + -12.116250991821287 + ], + [ + "▁crap", + -12.116292953491213 + ], + [ + "▁Democrat", + -12.116421699523926 + ], + [ + "▁Harbour", + -12.11652660369873 + ], + [ + "▁Lang", + -12.11652660369873 + ], + [ + "▁Wait", + -12.116562843322754 + ], + [ + "▁succeeded", + -12.11661434173584 + ], + [ + "▁Nicholas", + -12.116669654846191 + ], + [ + "▁brunch", + -12.1170072555542 + ], + [ + "▁declaration", + -12.117444038391112 + ], + [ + "▁deliveries", + -12.117561340332031 + ], + [ + "▁Instant", + -12.117565155029297 + ], + [ + "],", + -12.117587089538574 + ], + [ + "▁OUT", + -12.117645263671877 + ], + [ + "▁Athletic", + -12.1177396774292 + ], + [ + "▁manuals", + -12.117767333984377 + ], + [ + "▁Harper", + -12.117841720581056 + ], + [ + "hot", + -12.117850303649902 + ], + [ + "▁constitution", + -12.11790370941162 + ], + [ + "GA", + -12.117950439453123 + ], + [ + "▁Ambassador", + -12.118002891540527 + ], + [ + "▁peaks", + -12.118020057678224 + ], + [ + "66", + -12.11806297302246 + ], + [ + "▁recurring", + -12.118078231811523 + ], + [ + "▁contributor", + -12.11818790435791 + ], + [ + "ments", + -12.118229866027832 + ], + [ + "▁**", + -12.118243217468262 + ], + [ + "▁Chairs", + -12.118247032165527 + ], + [ + "▁census", + -12.118402481079102 + ], + [ + "▁plasma", + -12.11854648590088 + ], + [ + "Apple", + -12.118621826171877 + ], + [ + "▁Fruit", + -12.118972778320312 + ], + [ + "PT", + -12.11899185180664 + ], + [ + "▁entrepreneurial", + -12.119049072265623 + ], + [ + "▁installer", + -12.119174003601074 + ], + [ + "44", + -12.11933135986328 + ], + [ + "pl", + -12.119400024414062 + ], + [ + "centric", + -12.119640350341797 + ], + [ + "CE", + -12.119672775268556 + ], + [ + "▁infinite", + -12.119731903076172 + ], + [ + "Discover", + -12.119998931884766 + ], + [ + "▁bouquet", + -12.120044708251951 + ], + [ + "▁dam", + -12.120135307312012 + ], + [ + "▁temples", + -12.12015438079834 + ], + [ + "▁pa", + -12.12031078338623 + ], + [ + "▁Tag", + -12.12035846710205 + ], + [ + "▁converter", + -12.120366096496582 + ], + [ + "▁Provider", + -12.12084674835205 + ], + [ + "▁gutter", + -12.120857238769531 + ], + [ + "▁orchestra", + -12.12122917175293 + ], + [ + "▁Bailey", + -12.121582984924316 + ], + [ + "▁Kon", + -12.121853828430176 + ], + [ + "▁Heather", + -12.12208080291748 + ], + [ + "II", + -12.122169494628906 + ], + [ + "▁compilation", + -12.122172355651855 + ], + [ + "▁severity", + -12.12217903137207 + ], + [ + "wire", + -12.122288703918455 + ], + [ + "▁1080", + -12.12247371673584 + ], + [ + "Sun", + -12.12250804901123 + ], + [ + "▁gallons", + -12.122546195983888 + ], + [ + "▁tract", + -12.122601509094238 + ], + [ + "▁jungle", + -12.12260627746582 + ], + [ + "▁а", + -12.1226224899292 + ], + [ + "▁Apparently", + -12.122795104980469 + ], + [ + "▁Massage", + -12.122800827026367 + ], + [ + "▁unauthorized", + -12.122812271118164 + ], + [ + "▁Ship", + -12.122845649719238 + ], + [ + "▁Banks", + -12.12299919128418 + ], + [ + "▁elevator", + -12.12314796447754 + ], + [ + "▁torn", + -12.123196601867676 + ], + [ + "▁feminine", + -12.123213768005373 + ], + [ + "aging", + -12.123300552368164 + ], + [ + "▁males", + -12.123456001281738 + ], + [ + "wi", + -12.123696327209473 + ], + [ + "▁1900", + -12.123726844787598 + ], + [ + "▁Pe", + -12.123734474182127 + ], + [ + "▁ge", + -12.123976707458496 + ], + [ + "▁itinerary", + -12.124062538146973 + ], + [ + "▁comprising", + -12.124064445495604 + ], + [ + "▁alleviate", + -12.12409210205078 + ], + [ + "▁75%", + -12.12416172027588 + ], + [ + "▁Isle", + -12.124261856079102 + ], + [ + "Information", + -12.124472618103027 + ], + [ + "▁reps", + -12.12449550628662 + ], + [ + "▁Silicon", + -12.124688148498535 + ], + [ + "▁openly", + -12.124735832214355 + ], + [ + "▁3/4", + -12.12503433227539 + ], + [ + "▁Barack", + -12.125161170959473 + ], + [ + "▁goodbye", + -12.125267028808594 + ], + [ + "▁emergencies", + -12.125327110290527 + ], + [ + "▁Reader", + -12.125358581542969 + ], + [ + "2017", + -12.125458717346191 + ], + [ + "▁shining", + -12.12553882598877 + ], + [ + "Li", + -12.125566482543944 + ], + [ + "▁prisoners", + -12.12576389312744 + ], + [ + "▁em", + -12.125884056091309 + ], + [ + "▁Literature", + -12.126052856445312 + ], + [ + "▁Affordable", + -12.126121520996094 + ], + [ + "▁clues", + -12.126191139221191 + ], + [ + "▁bolts", + -12.126245498657228 + ], + [ + "▁lifts", + -12.126346588134766 + ], + [ + "▁rim", + -12.12644863128662 + ], + [ + "▁expansive", + -12.126588821411133 + ], + [ + "▁Publisher", + -12.126596450805664 + ], + [ + "▁PowerPoint", + -12.126652717590332 + ], + [ + "▁Document", + -12.126718521118164 + ], + [ + "▁Tank", + -12.126761436462402 + ], + [ + "▁insurers", + -12.126790046691896 + ], + [ + "▁Reed", + -12.126898765563965 + ], + [ + "▁Manufacturers", + -12.126914978027344 + ], + [ + "taking", + -12.126983642578123 + ], + [ + "▁DA", + -12.127012252807615 + ], + [ + "▁queue", + -12.12737274169922 + ], + [ + "▁showcases", + -12.127527236938477 + ], + [ + "▁170", + -12.12753963470459 + ], + [ + "▁86", + -12.127571105957031 + ], + [ + "▁SM", + -12.127739906311035 + ], + [ + "▁indirect", + -12.127745628356934 + ], + [ + "▁proposition", + -12.127764701843262 + ], + [ + "▁outlines", + -12.127781867980955 + ], + [ + "▁fragile", + -12.127854347229004 + ], + [ + "▁veterinary", + -12.127854347229004 + ], + [ + "!),", + -12.12796115875244 + ], + [ + "▁nap", + -12.128063201904297 + ], + [ + "▁su", + -12.128203392028809 + ], + [ + "▁Session", + -12.128512382507324 + ], + [ + "En", + -12.1286039352417 + ], + [ + "▁Auckland", + -12.128744125366213 + ], + [ + "▁jointly", + -12.12877368927002 + ], + [ + "Therefore", + -12.128993034362791 + ], + [ + "eh", + -12.129321098327637 + ], + [ + "▁81", + -12.129551887512209 + ], + [ + "▁Midwest", + -12.129586219787598 + ], + [ + "▁Criminal", + -12.129655838012695 + ], + [ + "▁vegetation", + -12.129755020141602 + ], + [ + "▁Kay", + -12.129865646362305 + ], + [ + "▁Accessories", + -12.129981994628906 + ], + [ + "▁Hebrew", + -12.13007640838623 + ], + [ + "learning", + -12.130082130432127 + ], + [ + "▁textured", + -12.130256652832031 + ], + [ + "duty", + -12.130271911621094 + ], + [ + "▁nightmare", + -12.130290031433104 + ], + [ + "content", + -12.13029956817627 + ], + [ + "▁accreditation", + -12.130326271057127 + ], + [ + "▁explosive", + -12.130359649658203 + ], + [ + "SP", + -12.130378723144531 + ], + [ + "▁lettuce", + -12.130390167236328 + ], + [ + "▁diets", + -12.13054084777832 + ], + [ + "▁predictable", + -12.13054656982422 + ], + [ + "sta", + -12.130759239196776 + ], + [ + "Making", + -12.130949020385742 + ], + [ + "his", + -12.131460189819336 + ], + [ + "natural", + -12.131542205810549 + ], + [ + "James", + -12.13160228729248 + ], + [ + "▁gamers", + -12.131797790527344 + ], + [ + "▁eleven", + -12.131906509399414 + ], + [ + "▁scanner", + -12.131935119628906 + ], + [ + "▁Plumbing", + -12.131965637207031 + ], + [ + "▁squares", + -12.132275581359863 + ], + [ + "▁Medal", + -12.132322311401367 + ], + [ + "elli", + -12.132633209228516 + ], + [ + "suite", + -12.132802963256836 + ], + [ + "▁pictured", + -12.132802963256836 + ], + [ + "rat", + -12.132885932922363 + ], + [ + "▁ko", + -12.133182525634766 + ], + [ + "▁240", + -12.13323974609375 + ], + [ + "▁Indianapolis", + -12.133243560791016 + ], + [ + "▁Sal", + -12.133370399475098 + ], + [ + "▁FROM", + -12.13353443145752 + ], + [ + "▁Testament", + -12.133606910705566 + ], + [ + "▁shutdown", + -12.133666038513184 + ], + [ + "Head", + -12.133817672729492 + ], + [ + "▁Salon", + -12.133866310119627 + ], + [ + "▁blankets", + -12.134057998657228 + ], + [ + "▁Porsche", + -12.134071350097656 + ], + [ + "Ok", + -12.134113311767578 + ], + [ + "▁Monte", + -12.134191513061523 + ], + [ + "▁Sr", + -12.134202003479004 + ], + [ + "▁sprinkle", + -12.134220123291016 + ], + [ + "▁Saints", + -12.134228706359863 + ], + [ + "56", + -12.134295463562012 + ], + [ + "▁Ju", + -12.134334564208984 + ], + [ + "▁CM", + -12.13440990447998 + ], + [ + "▁79", + -12.134503364562988 + ], + [ + "▁Hockey", + -12.134560585021973 + ], + [ + "▁velvet", + -12.134580612182615 + ], + [ + "▁quartz", + -12.134634017944336 + ], + [ + "▁Break", + -12.134773254394531 + ], + [ + "exe", + -12.134889602661133 + ], + [ + "▁meats", + -12.134934425354004 + ], + [ + "▁Domain", + -12.134970664978027 + ], + [ + "▁founders", + -12.135130882263184 + ], + [ + "▁kicking", + -12.135247230529783 + ], + [ + "▁Knowing", + -12.135647773742676 + ], + [ + "▁voter", + -12.135741233825684 + ], + [ + "writing", + -12.13588809967041 + ], + [ + "fast", + -12.136011123657228 + ], + [ + "books", + -12.1361665725708 + ], + [ + "▁butterfly", + -12.13619327545166 + ], + [ + "▁masks", + -12.136242866516112 + ], + [ + "▁Hilton", + -12.13624668121338 + ], + [ + "▁kilometres", + -12.13630485534668 + ], + [ + "EN", + -12.136425971984863 + ], + [ + "▁recognizing", + -12.136756896972656 + ], + [ + "▁Raw", + -12.13681697845459 + ], + [ + "▁Lynn", + -12.13720417022705 + ], + [ + "▁upright", + -12.137330055236816 + ], + [ + "TR", + -12.137343406677246 + ], + [ + "Class", + -12.137392044067385 + ], + [ + "bedroom", + -12.13744831085205 + ], + [ + "▁Charter", + -12.137511253356934 + ], + [ + "▁Oz", + -12.137557983398438 + ], + [ + "▁Interest", + -12.13758659362793 + ], + [ + "▁scarf", + -12.137765884399414 + ], + [ + "▁opposing", + -12.13803768157959 + ], + [ + "▁tempted", + -12.138154983520508 + ], + [ + "▁HAVE", + -12.138394355773926 + ], + [ + "▁Athens", + -12.138405799865724 + ], + [ + "▁Ethernet", + -12.138431549072266 + ], + [ + "▁formulated", + -12.138471603393556 + ], + [ + "lic", + -12.138555526733398 + ], + [ + "▁Representative", + -12.138915061950684 + ], + [ + "▁Mas", + -12.13898468017578 + ], + [ + "▁CAD", + -12.139046669006348 + ], + [ + "▁lungs", + -12.139111518859863 + ], + [ + "ira", + -12.139184951782228 + ], + [ + "rick", + -12.139246940612791 + ], + [ + "▁dividend", + -12.139299392700195 + ], + [ + "▁Wyoming", + -12.139702796936035 + ], + [ + "tek", + -12.13978099822998 + ], + [ + "▁ambitions", + -12.139830589294434 + ], + [ + "▁2001.", + -12.139850616455078 + ], + [ + "▁Issue", + -12.139902114868164 + ], + [ + "▁Songs", + -12.139906883239746 + ], + [ + "▁rushing", + -12.139944076538086 + ], + [ + "▁interfaces", + -12.139952659606934 + ], + [ + "▁Builder", + -12.14006805419922 + ], + [ + "▁OFF", + -12.140103340148926 + ], + [ + "▁onboard", + -12.14023208618164 + ], + [ + "▁Mai", + -12.140284538269045 + ], + [ + "▁chasing", + -12.140297889709473 + ], + [ + "▁bubbles", + -12.140416145324709 + ], + [ + "но", + -12.140435218811035 + ], + [ + "vis", + -12.1404447555542 + ], + [ + "▁$12", + -12.141020774841309 + ], + [ + "▁behave", + -12.141145706176758 + ], + [ + "Source", + -12.14128589630127 + ], + [ + "▁Colin", + -12.14138889312744 + ], + [ + "▁headline", + -12.141460418701172 + ], + [ + "▁ba", + -12.141502380371094 + ], + [ + "▁Tommy", + -12.141581535339355 + ], + [ + "▁220", + -12.14187240600586 + ], + [ + "▁cows", + -12.141971588134766 + ], + [ + "▁Sell", + -12.141996383666992 + ], + [ + "▁Diploma", + -12.142239570617676 + ], + [ + "▁cult", + -12.1422700881958 + ], + [ + "▁inappropriate", + -12.142318725585938 + ], + [ + "▁Regulation", + -12.142342567443848 + ], + [ + "▁Advertising", + -12.142451286315918 + ], + [ + "▁Arc", + -12.142516136169434 + ], + [ + "▁Fantasy", + -12.142556190490724 + ], + [ + "IC", + -12.142690658569336 + ], + [ + "▁hackers", + -12.142690658569336 + ], + [ + "▁agrees", + -12.14279079437256 + ], + [ + "▁10:00", + -12.14299201965332 + ], + [ + "/1", + -12.143052101135254 + ], + [ + "▁Gel", + -12.143360137939451 + ], + [ + "ago", + -12.143397331237791 + ], + [ + "▁Nicole", + -12.143479347229004 + ], + [ + "▁classics", + -12.143548965454102 + ], + [ + "▁1987", + -12.14365577697754 + ], + [ + "▁statutory", + -12.143829345703123 + ], + [ + "▁assumption", + -12.143832206726074 + ], + [ + "pet", + -12.144097328186035 + ], + [ + "37", + -12.144371032714844 + ], + [ + "▁Million", + -12.14443016052246 + ], + [ + "▁reconstruction", + -12.144514083862305 + ], + [ + "▁Ralph", + -12.14459228515625 + ], + [ + "▁pairing", + -12.144628524780272 + ], + [ + "49", + -12.14503002166748 + ], + [ + "▁enquiry", + -12.145095825195312 + ], + [ + "▁authorization", + -12.145315170288086 + ], + [ + "▁explicitly", + -12.145316123962402 + ], + [ + "Friday", + -12.14532470703125 + ], + [ + "▁essentials", + -12.145328521728516 + ], + [ + "▁Benefits", + -12.145587921142578 + ], + [ + "▁unhappy", + -12.145769119262695 + ], + [ + "Photo", + -12.145981788635254 + ], + [ + "▁Gran", + -12.146041870117188 + ], + [ + "▁2000,", + -12.14604949951172 + ], + [ + "▁silicone", + -12.1461181640625 + ], + [ + "▁Patio", + -12.146275520324709 + ], + [ + "drive", + -12.146324157714844 + ], + [ + "▁serum", + -12.14641284942627 + ], + [ + "▁friction", + -12.146612167358398 + ], + [ + "▁skincare", + -12.14675235748291 + ], + [ + "lam", + -12.146854400634766 + ], + [ + "▁pristine", + -12.147029876708984 + ], + [ + "▁utilization", + -12.147029876708984 + ], + [ + "▁restoring", + -12.147032737731934 + ], + [ + "▁listeners", + -12.14711570739746 + ], + [ + "Simply", + -12.147292137145996 + ], + [ + "▁refugee", + -12.147366523742676 + ], + [ + "▁Points", + -12.14742374420166 + ], + [ + "▁favourites", + -12.14750862121582 + ], + [ + "Access", + -12.147589683532717 + ], + [ + "▁admissions", + -12.147720336914062 + ], + [ + "▁Olive", + -12.147809982299805 + ], + [ + "▁haul", + -12.147873878479004 + ], + [ + "▁conceptual", + -12.148149490356444 + ], + [ + "▁costing", + -12.148241996765137 + ], + [ + "▁hydro", + -12.1482515335083 + ], + [ + "▁longevity", + -12.148322105407717 + ], + [ + "▁spokesperson", + -12.148323059082031 + ], + [ + "▁marry", + -12.148493766784668 + ], + [ + "▁nerves", + -12.148701667785645 + ], + [ + "▁wraps", + -12.14877986907959 + ], + [ + "great", + -12.148881912231444 + ], + [ + "▁penny", + -12.148951530456545 + ], + [ + "ico", + -12.148953437805176 + ], + [ + "eu", + -12.149106979370115 + ], + [ + "▁Idea", + -12.149121284484863 + ], + [ + "▁Pie", + -12.14959716796875 + ], + [ + "▁lodging", + -12.149616241455078 + ], + [ + "▁coordinates", + -12.149630546569824 + ], + [ + "▁oval", + -12.149645805358888 + ], + [ + "buy", + -12.149749755859377 + ], + [ + "▁chatting", + -12.149773597717283 + ], + [ + "▁pressures", + -12.149819374084473 + ], + [ + "▁Cheese", + -12.149857521057127 + ], + [ + "▁Mont", + -12.14986801147461 + ], + [ + "▁Integrated", + -12.149889945983888 + ], + [ + "fat", + -12.149893760681152 + ], + [ + "▁subway", + -12.150099754333496 + ], + [ + "▁Melissa", + -12.15036964416504 + ], + [ + "word", + -12.150408744812012 + ], + [ + "▁Corn", + -12.150577545166016 + ], + [ + "▁spatial", + -12.150607109069824 + ], + [ + "bert", + -12.150729179382324 + ], + [ + "▁Mer", + -12.150769233703612 + ], + [ + "▁thrilling", + -12.150922775268556 + ], + [ + "Turn", + -12.151030540466309 + ], + [ + "▁Recreation", + -12.15147876739502 + ], + [ + "▁sensory", + -12.151508331298828 + ], + [ + "▁sourcing", + -12.151705741882324 + ], + [ + "▁lonely", + -12.151726722717283 + ], + [ + "▁Gil", + -12.151762962341309 + ], + [ + "▁Looks", + -12.151819229125977 + ], + [ + "▁Sites", + -12.151922225952148 + ], + [ + "▁DUI", + -12.152117729187012 + ], + [ + "▁stretched", + -12.152325630187988 + ], + [ + "▁pledge", + -12.152448654174805 + ], + [ + "▁corrupt", + -12.152502059936523 + ], + [ + "▁1.6", + -12.15260887145996 + ], + [ + "▁MORE", + -12.152666091918944 + ], + [ + "▁handsome", + -12.15268325805664 + ], + [ + "print", + -12.152697563171388 + ], + [ + "▁strives", + -12.152782440185549 + ], + [ + "brand", + -12.152840614318848 + ], + [ + "▁openings", + -12.152999877929688 + ], + [ + "▁deductible", + -12.153043746948242 + ], + [ + "▁belts", + -12.153178215026855 + ], + [ + "▁Hughes", + -12.153191566467283 + ], + [ + "clock", + -12.153249740600586 + ], + [ + "▁IF", + -12.153322219848633 + ], + [ + "▁Term", + -12.153324127197266 + ], + [ + "▁funnel", + -12.153327941894531 + ], + [ + "▁Ukrainian", + -12.153427124023438 + ], + [ + "▁blending", + -12.153718948364258 + ], + [ + "Saturday", + -12.153918266296388 + ], + [ + "team", + -12.154013633728027 + ], + [ + "ick", + -12.154154777526855 + ], + [ + "▁aesthetics", + -12.154196739196776 + ], + [ + "UP", + -12.154363632202148 + ], + [ + "Smart", + -12.154616355895996 + ], + [ + "▁fountain", + -12.154845237731934 + ], + [ + "▁gods", + -12.154921531677246 + ], + [ + "izer", + -12.154991149902344 + ], + [ + "List", + -12.155111312866213 + ], + [ + "▁allergic", + -12.155160903930664 + ], + [ + "ami", + -12.155271530151367 + ], + [ + "▁Advisor", + -12.1552734375 + ], + [ + "▁replica", + -12.155338287353516 + ], + [ + "▁Lunch", + -12.15559196472168 + ], + [ + "Name", + -12.15566349029541 + ], + [ + "▁16-", + -12.155742645263672 + ], + [ + "Lo", + -12.155773162841797 + ], + [ + "▁Brook", + -12.155779838562012 + ], + [ + "coming", + -12.155860900878906 + ], + [ + "control", + -12.155861854553224 + ], + [ + "▁XML", + -12.155901908874512 + ], + [ + "▁Creating", + -12.155976295471191 + ], + [ + "▁Chennai", + -12.156143188476562 + ], + [ + "▁flaws", + -12.156244277954102 + ], + [ + "▁Dun", + -12.156378746032717 + ], + [ + "Jan", + -12.156400680541992 + ], + [ + "▁Cove", + -12.156442642211914 + ], + [ + "▁stool", + -12.156478881835938 + ], + [ + "▁inclined", + -12.156644821166992 + ], + [ + "▁Shi", + -12.15665340423584 + ], + [ + "▁prosecution", + -12.156758308410645 + ], + [ + "▁Reference", + -12.156766891479492 + ], + [ + "iva", + -12.156810760498049 + ], + [ + "▁unused", + -12.156850814819336 + ], + [ + "▁Economy", + -12.156906127929688 + ], + [ + "2019", + -12.157084465026855 + ], + [ + "▁extracted", + -12.157288551330566 + ], + [ + "ea", + -12.157825469970703 + ], + [ + "▁amino", + -12.157928466796877 + ], + [ + "▁bins", + -12.158302307128906 + ], + [ + "Within", + -12.158365249633787 + ], + [ + "▁bookmark", + -12.158422470092772 + ], + [ + "▁Canal", + -12.158706665039062 + ], + [ + "▁Che", + -12.158817291259766 + ], + [ + "▁contributors", + -12.158985137939451 + ], + [ + "▁Against", + -12.159168243408203 + ], + [ + "▁trophy", + -12.159192085266112 + ], + [ + "▁euros", + -12.159228324890137 + ], + [ + "▁Butler", + -12.159259796142578 + ], + [ + "nia", + -12.159382820129396 + ], + [ + "Again", + -12.159383773803713 + ], + [ + "▁brochure", + -12.15948486328125 + ], + [ + "▁consisted", + -12.159563064575195 + ], + [ + "▁shocking", + -12.159989356994627 + ], + [ + "▁Hu", + -12.159991264343262 + ], + [ + "▁Gateway", + -12.160076141357422 + ], + [ + "▁hourly", + -12.160157203674316 + ], + [ + "▁bump", + -12.16025161743164 + ], + [ + "▁Bros", + -12.160292625427246 + ], + [ + "country", + -12.16061305999756 + ], + [ + "Review", + -12.160755157470703 + ], + [ + "▁patrons", + -12.160945892333984 + ], + [ + "▁collects", + -12.161028861999512 + ], + [ + "except", + -12.161062240600586 + ], + [ + "Update", + -12.161402702331545 + ], + [ + "▁MUST", + -12.161443710327148 + ], + [ + "▁buddy", + -12.16160011291504 + ], + [ + "▁KY", + -12.1618070602417 + ], + [ + "▁BR", + -12.161812782287598 + ], + [ + "▁quantitative", + -12.161892890930176 + ], + [ + "▁$40", + -12.161983489990234 + ], + [ + "uc", + -12.162071228027344 + ], + [ + "▁billions", + -12.162131309509276 + ], + [ + "▁regain", + -12.162282943725586 + ], + [ + "Along", + -12.162498474121094 + ], + [ + "Figure", + -12.16262149810791 + ], + [ + "700", + -12.162663459777832 + ], + [ + "▁remembering", + -12.162737846374512 + ], + [ + "▁occurrence", + -12.162839889526367 + ], + [ + "▁courtyard", + -12.163078308105469 + ], + [ + "-22", + -12.163115501403809 + ], + [ + "▁Pixel", + -12.163163185119627 + ], + [ + "/2", + -12.163289070129396 + ], + [ + "▁arranging", + -12.163297653198242 + ], + [ + "▁teamed", + -12.163407325744627 + ], + [ + "▁Tennis", + -12.163490295410156 + ], + [ + "▁illusion", + -12.163578987121582 + ], + [ + "tron", + -12.164030075073242 + ], + [ + "▁750", + -12.164079666137695 + ], + [ + "Ms", + -12.164246559143066 + ], + [ + "▁Pump", + -12.164369583129885 + ], + [ + "▁particle", + -12.164481163024902 + ], + [ + "▁doll", + -12.164536476135254 + ], + [ + "▁Tub", + -12.16454792022705 + ], + [ + "▁attic", + -12.164628028869627 + ], + [ + "▁tutor", + -12.164671897888184 + ], + [ + "ila", + -12.164731979370115 + ], + [ + "▁forecasts", + -12.164855003356934 + ], + [ + "▁argues", + -12.164899826049805 + ], + [ + "▁reproduction", + -12.165011405944824 + ], + [ + "▁Brooks", + -12.165181159973145 + ], + [ + "▁seals", + -12.165249824523926 + ], + [ + "▁VP", + -12.165275573730469 + ], + [ + "▁duplicate", + -12.165288925170898 + ], + [ + "▁researched", + -12.165383338928224 + ], + [ + "▁endure", + -12.165398597717283 + ], + [ + "▁Brighton", + -12.16543674468994 + ], + [ + "▁distracted", + -12.165507316589355 + ], + [ + "▁Platinum", + -12.16567611694336 + ], + [ + "▁HA", + -12.165864944458008 + ], + [ + "▁Extension", + -12.165903091430664 + ], + [ + "▁sins", + -12.166013717651367 + ], + [ + "▁pig", + -12.166033744812012 + ], + [ + "▁Eden", + -12.166288375854492 + ], + [ + "▁mentors", + -12.16629409790039 + ], + [ + "▁sinks", + -12.166425704956056 + ], + [ + "▁Posts", + -12.166692733764648 + ], + [ + "sub", + -12.166715621948242 + ], + [ + "▁weighs", + -12.166935920715332 + ], + [ + "▁susceptible", + -12.16706371307373 + ], + [ + "▁electro", + -12.167165756225586 + ], + [ + "▁uncle", + -12.1671781539917 + ], + [ + "▁commissions", + -12.167232513427734 + ], + [ + "▁nylon", + -12.167243003845217 + ], + [ + "▁dioxide", + -12.167243957519531 + ], + [ + "CH", + -12.16732692718506 + ], + [ + "▁Sp", + -12.16733741760254 + ], + [ + "▁eliminates", + -12.167349815368652 + ], + [ + "▁endurance", + -12.167391777038574 + ], + [ + "▁9:00", + -12.16745376586914 + ], + [ + "office", + -12.167524337768556 + ], + [ + "uck", + -12.167808532714844 + ], + [ + "roll", + -12.167948722839355 + ], + [ + "▁hazard", + -12.168004989624023 + ], + [ + "map", + -12.168257713317873 + ], + [ + "▁Rush", + -12.168292999267578 + ], + [ + "▁ABS", + -12.168354988098145 + ], + [ + "▁empire", + -12.168472290039062 + ], + [ + "▁09", + -12.168756484985352 + ], + [ + "▁911", + -12.168774604797363 + ], + [ + "▁Printable", + -12.168997764587402 + ], + [ + "Press", + -12.16904640197754 + ], + [ + "▁Mile", + -12.169060707092283 + ], + [ + "▁smoked", + -12.169075965881348 + ], + [ + "▁Bend", + -12.169157028198242 + ], + [ + "osa", + -12.16938018798828 + ], + [ + "▁Basketball", + -12.169387817382812 + ], + [ + "▁Forces", + -12.16945743560791 + ], + [ + "Fast", + -12.169509887695312 + ], + [ + "▁Derby", + -12.169774055480955 + ], + [ + "▁Tin", + -12.16981601715088 + ], + [ + "350", + -12.170173645019531 + ], + [ + "▁creditors", + -12.170228958129885 + ], + [ + "▁Regarding", + -12.170402526855469 + ], + [ + "▁contests", + -12.170740127563477 + ], + [ + "▁effortless", + -12.170782089233398 + ], + [ + "▁Marcus", + -12.170899391174316 + ], + [ + "▁turf", + -12.170941352844238 + ], + [ + "▁educator", + -12.17102336883545 + ], + [ + "▁waterfront", + -12.171093940734863 + ], + [ + "▁Kumar", + -12.17129611968994 + ], + [ + "▁bathtub", + -12.171314239501951 + ], + [ + "▁gutters", + -12.171456336975098 + ], + [ + "▁originated", + -12.171457290649414 + ], + [ + "here", + -12.1715669631958 + ], + [ + "▁Sin", + -12.171870231628418 + ], + [ + "tte", + -12.171874046325684 + ], + [ + "▁antibiotics", + -12.171897888183594 + ], + [ + "▁Coupon", + -12.17197322845459 + ], + [ + "▁café", + -12.172080993652344 + ], + [ + "▁halls", + -12.172231674194336 + ], + [ + "▁commence", + -12.172255516052246 + ], + [ + "▁Tele", + -12.17231273651123 + ], + [ + "met", + -12.17239475250244 + ], + [ + "▁kills", + -12.172462463378906 + ], + [ + "▁gloss", + -12.172497749328612 + ], + [ + "▁exploit", + -12.172505378723145 + ], + [ + "▁risen", + -12.172527313232422 + ], + [ + "▁Whilst", + -12.1726655960083 + ], + [ + "▁Martha", + -12.172712326049805 + ], + [ + "▁pricey", + -12.172861099243164 + ], + [ + "▁governed", + -12.172910690307615 + ], + [ + "▁Kirk", + -12.173012733459473 + ], + [ + "▁Blvd", + -12.173184394836426 + ], + [ + "▁denial", + -12.173211097717283 + ], + [ + "▁corrected", + -12.173285484313965 + ], + [ + "▁hay", + -12.173319816589355 + ], + [ + "▁commute", + -12.173361778259276 + ], + [ + "▁juices", + -12.173434257507324 + ], + [ + "▁hype", + -12.173437118530272 + ], + [ + "▁wears", + -12.173462867736816 + ], + [ + "▁tonnes", + -12.173517227172852 + ], + [ + "▁Bradley", + -12.173548698425291 + ], + [ + "▁jars", + -12.17372226715088 + ], + [ + "▁snake", + -12.173749923706056 + ], + [ + "▁reproduce", + -12.173754692077637 + ], + [ + "▁BEST", + -12.17388916015625 + ], + [ + "▁Lloyd", + -12.173946380615234 + ], + [ + "▁goodies", + -12.17412281036377 + ], + [ + "▁judicial", + -12.174209594726562 + ], + [ + "▁triggers", + -12.174534797668455 + ], + [ + "FC", + -12.174572944641112 + ], + [ + "▁Logan", + -12.174600601196287 + ], + [ + "eur", + -12.174674987792969 + ], + [ + "ska", + -12.1747407913208 + ], + [ + "lis", + -12.174830436706545 + ], + [ + "▁ninth", + -12.175180435180664 + ], + [ + "▁prolonged", + -12.175378799438477 + ], + [ + "▁equip", + -12.175396919250488 + ], + [ + "call", + -12.175573348999023 + ], + [ + "July", + -12.175651550292969 + ], + [ + "▁fries", + -12.17581558227539 + ], + [ + "▁generosity", + -12.175837516784668 + ], + [ + "ema", + -12.176061630249023 + ], + [ + "ро", + -12.176112174987791 + ], + [ + "Gold", + -12.17617130279541 + ], + [ + "please", + -12.176218032836914 + ], + [ + "▁Immigration", + -12.176435470581056 + ], + [ + "▁settling", + -12.176508903503418 + ], + [ + "▁Boeing", + -12.176605224609377 + ], + [ + "▁announcing", + -12.176724433898926 + ], + [ + "▁straw", + -12.176799774169922 + ], + [ + "Level", + -12.176856994628906 + ], + [ + "▁Shoes", + -12.176891326904297 + ], + [ + "▁Beth", + -12.177083969116213 + ], + [ + "▁patents", + -12.177324295043944 + ], + [ + "▁incomplete", + -12.177678108215332 + ], + [ + "▁entertained", + -12.177694320678713 + ], + [ + "▁Beta", + -12.178162574768066 + ], + [ + "▁Pit", + -12.178248405456545 + ], + [ + "Mix", + -12.178299903869627 + ], + [ + "▁caffeine", + -12.17849826812744 + ], + [ + "▁mitigate", + -12.178563117980955 + ], + [ + "▁invasion", + -12.178702354431152 + ], + [ + "▁princess", + -12.178820610046388 + ], + [ + "▁PT", + -12.17885684967041 + ], + [ + "ening", + -12.178900718688965 + ], + [ + "rise", + -12.178949356079102 + ], + [ + "▁forgiveness", + -12.17898654937744 + ], + [ + "▁purse", + -12.179141998291016 + ], + [ + "ec", + -12.179436683654783 + ], + [ + "▁embraced", + -12.179508209228516 + ], + [ + "▁stellar", + -12.17951488494873 + ], + [ + "ways", + -12.179726600646973 + ], + [ + "▁Engagement", + -12.179808616638184 + ], + [ + "▁leasing", + -12.179835319519045 + ], + [ + "▁Joshua", + -12.179991722106934 + ], + [ + "▁english", + -12.180005073547363 + ], + [ + "▁ambient", + -12.180024147033691 + ], + [ + "CS", + -12.180100440979004 + ], + [ + "▁thrill", + -12.180204391479492 + ], + [ + "bet", + -12.18027400970459 + ], + [ + "▁Error", + -12.180475234985352 + ], + [ + "▁praised", + -12.180517196655272 + ], + [ + "▁hydrogen", + -12.180572509765623 + ], + [ + "▁Paradise", + -12.180724143981934 + ], + [ + "▁brutal", + -12.180890083312988 + ], + [ + "▁lion", + -12.18118953704834 + ], + [ + "written", + -12.181304931640623 + ], + [ + "▁Uploaded", + -12.181351661682127 + ], + [ + "▁organise", + -12.18136501312256 + ], + [ + "▁Gala", + -12.181431770324709 + ], + [ + "▁interacting", + -12.181612968444824 + ], + [ + "eo", + -12.18161964416504 + ], + [ + "something", + -12.181650161743164 + ], + [ + "▁airplane", + -12.181721687316896 + ], + [ + "▁agile", + -12.181854248046877 + ], + [ + "▁Census", + -12.181934356689451 + ], + [ + "Could", + -12.18197536468506 + ], + [ + "IL", + -12.182086944580078 + ], + [ + "▁magnitude", + -12.182170867919922 + ], + [ + "▁ribs", + -12.18222999572754 + ], + [ + "▁delegation", + -12.18250846862793 + ], + [ + "▁coordinating", + -12.182515144348145 + ], + [ + "▁transplant", + -12.182520866394045 + ], + [ + "▁95%", + -12.183218955993652 + ], + [ + "RT", + -12.183221817016602 + ], + [ + "▁bark", + -12.183245658874512 + ], + [ + "▁upwards", + -12.183245658874512 + ], + [ + "▁treasures", + -12.183429718017578 + ], + [ + "say", + -12.183443069458008 + ], + [ + "bird", + -12.18348503112793 + ], + [ + "▁awake", + -12.183660507202148 + ], + [ + "Taking", + -12.183679580688477 + ], + [ + "▁dominate", + -12.183743476867676 + ], + [ + "FS", + -12.183826446533203 + ], + [ + "▁drastically", + -12.18385410308838 + ], + [ + "▁stimulating", + -12.183975219726562 + ], + [ + "▁vein", + -12.184004783630373 + ], + [ + "▁Motors", + -12.18415641784668 + ], + [ + "▁Romania", + -12.184165000915527 + ], + [ + "Its", + -12.18429183959961 + ], + [ + "▁tractor", + -12.184508323669434 + ], + [ + "▁Pokemon", + -12.18458080291748 + ], + [ + "▁Pier", + -12.18466567993164 + ], + [ + "▁Lift", + -12.184701919555664 + ], + [ + "▁cardiac", + -12.184805870056152 + ], + [ + "▁Triple", + -12.184890747070312 + ], + [ + "▁miniature", + -12.185041427612305 + ], + [ + "▁Ce", + -12.18513011932373 + ], + [ + "▁inevitably", + -12.185179710388184 + ], + [ + "try", + -12.185189247131348 + ], + [ + "▁mighty", + -12.185230255126951 + ], + [ + "▁unified", + -12.18526840209961 + ], + [ + "SM", + -12.185276985168455 + ], + [ + "had", + -12.185296058654783 + ], + [ + "▁downside", + -12.185314178466797 + ], + [ + "▁Edwards", + -12.18545627593994 + ], + [ + "▁Loss", + -12.1857328414917 + ], + [ + "▁Met", + -12.185970306396484 + ], + [ + "▁longtime", + -12.186281204223633 + ], + [ + "▁catches", + -12.186321258544922 + ], + [ + "▁Joan", + -12.186378479003906 + ], + [ + "▁Loop", + -12.186675071716309 + ], + [ + "▁rifle", + -12.187105178833008 + ], + [ + "▁empathy", + -12.187215805053713 + ], + [ + "41", + -12.187286376953123 + ], + [ + "▁fierce", + -12.187509536743164 + ], + [ + "▁Rosa", + -12.187782287597656 + ], + [ + "▁Hay", + -12.187821388244627 + ], + [ + "GE", + -12.187996864318848 + ], + [ + "▁1.4", + -12.188115119934082 + ], + [ + "▁newborn", + -12.188192367553713 + ], + [ + "▁Shah", + -12.188220024108888 + ], + [ + "▁radius", + -12.18826389312744 + ], + [ + "▁ego", + -12.188365936279297 + ], + [ + "▁artifacts", + -12.188435554504396 + ], + [ + "▁educating", + -12.188538551330566 + ], + [ + "▁Abstract", + -12.188718795776367 + ], + [ + "▁disciples", + -12.18874454498291 + ], + [ + "▁2%", + -12.188819885253906 + ], + [ + "▁greeting", + -12.188820838928224 + ], + [ + "cor", + -12.188883781433104 + ], + [ + "▁manuscript", + -12.189101219177246 + ], + [ + "▁Grande", + -12.189186096191406 + ], + [ + "▁champagne", + -12.189210891723633 + ], + [ + "▁doubts", + -12.189640045166016 + ], + [ + "▁Recent", + -12.18966007232666 + ], + [ + "▁rumors", + -12.189751625061035 + ], + [ + "▁curves", + -12.189774513244627 + ], + [ + "▁decreasing", + -12.189884185791016 + ], + [ + "ole", + -12.189937591552734 + ], + [ + "▁parliament", + -12.189939498901367 + ], + [ + "bro", + -12.190135955810549 + ], + [ + "▁Dynamics", + -12.190322875976562 + ], + [ + "▁stakes", + -12.190422058105469 + ], + [ + "▁antioxidants", + -12.190427780151367 + ], + [ + "▁Markets", + -12.19056797027588 + ], + [ + "▁bang", + -12.190608024597168 + ], + [ + "▁cialis", + -12.19061279296875 + ], + [ + "▁и", + -12.190624237060549 + ], + [ + "▁Methodist", + -12.190679550170898 + ], + [ + "▁tidy", + -12.19074535369873 + ], + [ + "▁1200", + -12.190860748291016 + ], + [ + "▁Carlos", + -12.190865516662598 + ], + [ + "Upon", + -12.190999031066896 + ], + [ + "▁Lan", + -12.19120979309082 + ], + [ + "▁Hip", + -12.191214561462402 + ], + [ + "▁painter", + -12.191329002380373 + ], + [ + "▁basin", + -12.191620826721191 + ], + [ + "▁Answer", + -12.19166088104248 + ], + [ + "▁stripes", + -12.191683769226074 + ], + [ + "▁Andrea", + -12.19172191619873 + ], + [ + "▁referendum", + -12.191906929016112 + ], + [ + "▁Hydro", + -12.192011833190918 + ], + [ + "▁navy", + -12.19202995300293 + ], + [ + "▁rocking", + -12.192042350769045 + ], + [ + "▁arises", + -12.192121505737305 + ], + [ + "54", + -12.192204475402832 + ], + [ + "97", + -12.192339897155762 + ], + [ + "▁tyres", + -12.19236183166504 + ], + [ + "▁Ellen", + -12.192477226257324 + ], + [ + "▁cam", + -12.192679405212402 + ], + [ + "▁feat", + -12.192777633666992 + ], + [ + "▁Wu", + -12.19279670715332 + ], + [ + "▁clash", + -12.192903518676758 + ], + [ + "▁Bin", + -12.193017959594728 + ], + [ + "▁oversized", + -12.193120956420898 + ], + [ + "▁Item", + -12.193346977233888 + ], + [ + "▁Rochester", + -12.193352699279783 + ], + [ + "put", + -12.193406105041504 + ], + [ + "▁backwards", + -12.193439483642578 + ], + [ + "Po", + -12.193498611450195 + ], + [ + "▁£3", + -12.19351863861084 + ], + [ + "▁defect", + -12.193743705749512 + ], + [ + "▁brains", + -12.19379425048828 + ], + [ + "▁whip", + -12.19392204284668 + ], + [ + "▁acquisitions", + -12.194283485412598 + ], + [ + "tag", + -12.19430160522461 + ], + [ + "′", + -12.19527816772461 + ], + [ + "fall", + -12.195302963256836 + ], + [ + "▁rugby", + -12.19545841217041 + ], + [ + "▁warnings", + -12.195547103881836 + ], + [ + "economic", + -12.195589065551758 + ], + [ + "▁dawn", + -12.195642471313477 + ], + [ + "▁framing", + -12.195711135864258 + ], + [ + "▁Spot", + -12.19577980041504 + ], + [ + "▁currencies", + -12.195937156677246 + ], + [ + "▁complementary", + -12.196001052856444 + ], + [ + "▁Basement", + -12.196137428283691 + ], + [ + "▁espresso", + -12.19615650177002 + ], + [ + "▁shooter", + -12.196160316467283 + ], + [ + "ven", + -12.196537971496582 + ], + [ + "▁ultrasound", + -12.196672439575195 + ], + [ + "▁Huawei", + -12.196693420410156 + ], + [ + "▁Balance", + -12.196831703186035 + ], + [ + "▁mar", + -12.19700050354004 + ], + [ + "▁processors", + -12.197099685668944 + ], + [ + "▁spec", + -12.197259902954102 + ], + [ + "▁Manor", + -12.19727611541748 + ], + [ + "▁Chuck", + -12.19728183746338 + ], + [ + "rio", + -12.197383880615234 + ], + [ + "▁Pride", + -12.197402000427246 + ], + [ + "▁cooperate", + -12.19742202758789 + ], + [ + "ls", + -12.197579383850098 + ], + [ + "▁Artists", + -12.197635650634766 + ], + [ + "▁explanations", + -12.197650909423828 + ], + [ + "▁Renaissance", + -12.197681427001951 + ], + [ + "▁topping", + -12.197749137878418 + ], + [ + "▁Kin", + -12.197877883911133 + ], + [ + "Na", + -12.19804573059082 + ], + [ + "Stop", + -12.198195457458496 + ], + [ + "▁inning", + -12.198271751403809 + ], + [ + "▁Pros", + -12.198357582092283 + ], + [ + "▁Mercury", + -12.198405265808104 + ], + [ + "▁wired", + -12.198668479919434 + ], + [ + "▁kiss", + -12.198811531066896 + ], + [ + "▁Administrator", + -12.198847770690918 + ], + [ + "▁Chan", + -12.199023246765137 + ], + [ + "tie", + -12.199204444885254 + ], + [ + "▁matte", + -12.19922924041748 + ], + [ + "▁safeguard", + -12.19924545288086 + ], + [ + "▁thermostat", + -12.199270248413086 + ], + [ + "▁2002.", + -12.199285507202148 + ], + [ + "aries", + -12.199585914611816 + ], + [ + "ral", + -12.199599266052246 + ], + [ + "▁groom", + -12.199766159057615 + ], + [ + "▁informational", + -12.200074195861816 + ], + [ + "▁Concert", + -12.200173377990724 + ], + [ + "▁judged", + -12.200203895568848 + ], + [ + "▁Gifts", + -12.200238227844238 + ], + [ + "▁Codes", + -12.200276374816896 + ], + [ + "▁1986", + -12.200286865234377 + ], + [ + "▁Charleston", + -12.200332641601562 + ], + [ + "Cut", + -12.200419425964355 + ], + [ + "▁classy", + -12.200624465942385 + ], + [ + "▁Dawn", + -12.200627326965332 + ], + [ + "▁fulfillment", + -12.200674057006836 + ], + [ + "▁negatively", + -12.20078468322754 + ], + [ + "▁adequately", + -12.200807571411133 + ], + [ + "▁pronounced", + -12.200888633728027 + ], + [ + "▁breakthrough", + -12.200895309448242 + ], + [ + "▁insisted", + -12.201074600219728 + ], + [ + "▁approximate", + -12.201162338256836 + ], + [ + "▁depressed", + -12.201510429382324 + ], + [ + "▁doubles", + -12.20155906677246 + ], + [ + "▁Realty", + -12.201580047607422 + ], + [ + "▁Leon", + -12.20167350769043 + ], + [ + "▁Problem", + -12.201722145080566 + ], + [ + "▁cautious", + -12.201896667480469 + ], + [ + "▁identifiable", + -12.202048301696776 + ], + [ + "▁unaware", + -12.202109336853027 + ], + [ + "PDF", + -12.202261924743652 + ], + [ + "RA", + -12.202455520629885 + ], + [ + "▁definite", + -12.202512741088867 + ], + [ + "IF", + -12.20253086090088 + ], + [ + "BR", + -12.202916145324709 + ], + [ + "▁presently", + -12.203120231628418 + ], + [ + "▁Fabric", + -12.203132629394531 + ], + [ + "▁labs", + -12.203218460083008 + ], + [ + "▁boosting", + -12.2032470703125 + ], + [ + "▁garments", + -12.20339012145996 + ], + [ + "▁BUT", + -12.203423500061035 + ], + [ + "▁geometry", + -12.203452110290527 + ], + [ + "▁tactical", + -12.20364475250244 + ], + [ + "▁ripe", + -12.2039213180542 + ], + [ + "▁baseline", + -12.203950881958008 + ], + [ + "▁Nano", + -12.204068183898926 + ], + [ + "▁garment", + -12.204201698303224 + ], + [ + "people", + -12.204336166381836 + ], + [ + "ras", + -12.204410552978516 + ], + [ + "▁parked", + -12.204497337341309 + ], + [ + "▁customization", + -12.204631805419922 + ], + [ + "▁citing", + -12.20473289489746 + ], + [ + "blog", + -12.204751968383787 + ], + [ + "▁sphere", + -12.204789161682127 + ], + [ + "center", + -12.20495891571045 + ], + [ + "▁Quotes", + -12.204965591430664 + ], + [ + "▁Starbucks", + -12.205214500427246 + ], + [ + "▁mornings", + -12.205241203308104 + ], + [ + "▁ballet", + -12.205318450927734 + ], + [ + "▁amended", + -12.205367088317873 + ], + [ + "▁rig", + -12.205387115478516 + ], + [ + "▁Movies", + -12.20539379119873 + ], + [ + "▁resilient", + -12.205470085144045 + ], + [ + "▁Neo", + -12.205474853515623 + ], + [ + "▁50,000", + -12.205618858337402 + ], + [ + "sea", + -12.205631256103516 + ], + [ + "▁Thankfully", + -12.205671310424805 + ], + [ + "▁downtime", + -12.20579433441162 + ], + [ + "far", + -12.20582389831543 + ], + [ + "Okay", + -12.205902099609377 + ], + [ + "▁realization", + -12.206055641174316 + ], + [ + "▁87", + -12.20607852935791 + ], + [ + "▁unhealthy", + -12.206212997436523 + ], + [ + "▁CH", + -12.206225395202637 + ], + [ + "69", + -12.206345558166504 + ], + [ + "▁Poor", + -12.2064208984375 + ], + [ + "▁diploma", + -12.20647430419922 + ], + [ + "▁sp", + -12.206475257873535 + ], + [ + "nar", + -12.206483840942385 + ], + [ + "▁Cab", + -12.206717491149902 + ], + [ + "▁ke", + -12.206896781921388 + ], + [ + "▁gesture", + -12.206963539123535 + ], + [ + "0%", + -12.207040786743164 + ], + [ + "▁lowered", + -12.207067489624023 + ], + [ + "MC", + -12.207087516784668 + ], + [ + "aro", + -12.207098960876465 + ], + [ + "▁7:00", + -12.20726203918457 + ], + [ + "▁HE", + -12.207262992858888 + ], + [ + "▁friendships", + -12.20728874206543 + ], + [ + "breaking", + -12.207324981689451 + ], + [ + "▁Bro", + -12.20737648010254 + ], + [ + "▁merge", + -12.207395553588867 + ], + [ + "▁Wish", + -12.207429885864258 + ], + [ + "▁strawberries", + -12.207555770874023 + ], + [ + "▁2000.", + -12.207578659057615 + ], + [ + "▁routinely", + -12.207640647888184 + ], + [ + "▁expenditure", + -12.207656860351562 + ], + [ + "▁masterpiece", + -12.207738876342772 + ], + [ + "▁Edmonton", + -12.207883834838867 + ], + [ + "▁encrypted", + -12.207889556884766 + ], + [ + "▁Fest", + -12.20805549621582 + ], + [ + "▁Divine", + -12.20806121826172 + ], + [ + "▁roofs", + -12.208126068115234 + ], + [ + "course", + -12.208224296569824 + ], + [ + "▁lavender", + -12.208239555358888 + ], + [ + "▁Spencer", + -12.20824146270752 + ], + [ + "▁renovations", + -12.208516120910645 + ], + [ + "98", + -12.20915985107422 + ], + [ + "▁disturbing", + -12.209181785583496 + ], + [ + "::", + -12.209234237670898 + ], + [ + "▁rectangular", + -12.20923900604248 + ], + [ + "▁Gro", + -12.209271430969238 + ], + [ + "▁Nurse", + -12.20928192138672 + ], + [ + "▁Fix", + -12.209287643432615 + ], + [ + "▁ho", + -12.209391593933104 + ], + [ + "▁allowance", + -12.209428787231444 + ], + [ + "▁Election", + -12.209566116333008 + ], + [ + "text", + -12.209593772888184 + ], + [ + "▁Originally", + -12.210147857666016 + ], + [ + "▁Border", + -12.210176467895508 + ], + [ + "▁Host", + -12.210412979125977 + ], + [ + "▁Giants", + -12.210654258728027 + ], + [ + "▁prop", + -12.210704803466797 + ], + [ + "▁2001,", + -12.210722923278809 + ], + [ + "-40", + -12.210735321044922 + ], + [ + "FL", + -12.21101188659668 + ], + [ + "▁relied", + -12.21101188659668 + ], + [ + "▁figuring", + -12.211024284362791 + ], + [ + "rah", + -12.21108055114746 + ], + [ + "▁refine", + -12.211145401000977 + ], + [ + "▁Finish", + -12.211231231689451 + ], + [ + "▁winding", + -12.211448669433594 + ], + [ + "▁aspiring", + -12.211496353149414 + ], + [ + "▁anticipation", + -12.211676597595217 + ], + [ + "▁saucepan", + -12.211737632751465 + ], + [ + "▁Horn", + -12.211862564086914 + ], + [ + "▁immigrant", + -12.21217918395996 + ], + [ + "Nothing", + -12.212263107299805 + ], + [ + "NYSE", + -12.212281227111816 + ], + [ + "▁Egg", + -12.212287902832031 + ], + [ + "▁territories", + -12.21236515045166 + ], + [ + "▁unfamiliar", + -12.21237087249756 + ], + [ + "▁compartment", + -12.212518692016602 + ], + [ + "sia", + -12.21254825592041 + ], + [ + "▁endorsement", + -12.212549209594728 + ], + [ + "mas", + -12.2125883102417 + ], + [ + "▁posed", + -12.212949752807615 + ], + [ + "handed", + -12.212972640991213 + ], + [ + "▁Memphis", + -12.213072776794434 + ], + [ + "▁pens", + -12.21334743499756 + ], + [ + "▁Conditioner", + -12.213397026062012 + ], + [ + "▁Miles", + -12.21351146697998 + ], + [ + "▁1988", + -12.213520050048828 + ], + [ + "▁Counter", + -12.213677406311035 + ], + [ + "▁BIG", + -12.213873863220217 + ], + [ + "▁starters", + -12.213884353637695 + ], + [ + "▁ward", + -12.213951110839844 + ], + [ + "▁Bobby", + -12.213956832885742 + ], + [ + "▁velocity", + -12.214415550231934 + ], + [ + "▁representations", + -12.214526176452637 + ], + [ + "author", + -12.21460247039795 + ], + [ + "▁Anything", + -12.214640617370604 + ], + [ + "▁exempt", + -12.214877128601074 + ], + [ + "▁slave", + -12.214942932128906 + ], + [ + "▁concentrations", + -12.215123176574709 + ], + [ + "▁designation", + -12.215126991271973 + ], + [ + "Ka", + -12.215171813964844 + ], + [ + "▁Berry", + -12.215269088745115 + ], + [ + "▁Verizon", + -12.21527862548828 + ], + [ + "▁strategically", + -12.215293884277344 + ], + [ + "▁outsourcing", + -12.215346336364746 + ], + [ + "-13", + -12.215703010559082 + ], + [ + "ux", + -12.215744018554688 + ], + [ + "▁playoffs", + -12.215785026550291 + ], + [ + "▁compost", + -12.215802192687988 + ], + [ + "▁Nigerian", + -12.215835571289062 + ], + [ + "▁compensate", + -12.215907096862791 + ], + [ + "ATION", + -12.216153144836426 + ], + [ + "▁mechanic", + -12.216312408447266 + ], + [ + "ON", + -12.216338157653809 + ], + [ + "▁Fourth", + -12.216666221618652 + ], + [ + "▁brew", + -12.216732025146484 + ], + [ + "▁glazed", + -12.21682357788086 + ], + [ + "▁Char", + -12.2168607711792 + ], + [ + "-14", + -12.217018127441406 + ], + [ + "▁tribal", + -12.217058181762695 + ], + [ + "▁burns", + -12.217085838317873 + ], + [ + "Matt", + -12.21709156036377 + ], + [ + "AI", + -12.217236518859863 + ], + [ + "▁defender", + -12.217302322387695 + ], + [ + "▁Ancient", + -12.217374801635742 + ], + [ + "▁translates", + -12.21762466430664 + ], + [ + "▁clutter", + -12.217745780944824 + ], + [ + "▁IRA", + -12.217805862426758 + ], + [ + "▁Improvement", + -12.21794891357422 + ], + [ + "fin", + -12.217965126037598 + ], + [ + "▁seam", + -12.218023300170898 + ], + [ + "▁SR", + -12.21811294555664 + ], + [ + "▁reinforce", + -12.218202590942385 + ], + [ + "Ho", + -12.21827793121338 + ], + [ + "▁brackets", + -12.218504905700684 + ], + [ + "▁tense", + -12.218817710876465 + ], + [ + "▁palace", + -12.218831062316896 + ], + [ + "▁timer", + -12.219006538391112 + ], + [ + "BE", + -12.219039916992188 + ], + [ + "▁Gal", + -12.21916675567627 + ], + [ + "▁Zip", + -12.219442367553713 + ], + [ + "terdisciplinary", + -12.219443321228027 + ], + [ + "▁sadness", + -12.219536781311035 + ], + [ + "▁fuels", + -12.219627380371094 + ], + [ + "▁Hook", + -12.219679832458496 + ], + [ + "▁$10,000", + -12.21990203857422 + ], + [ + "late", + -12.2199068069458 + ], + [ + "▁screened", + -12.21993637084961 + ], + [ + "▁Montgomery", + -12.220111846923828 + ], + [ + "wo", + -12.220219612121582 + ], + [ + "touch", + -12.220449447631836 + ], + [ + "▁Repeat", + -12.220600128173828 + ], + [ + "▁ne", + -12.220701217651367 + ], + [ + "▁Karl", + -12.220708847045898 + ], + [ + "Experience", + -12.220810890197754 + ], + [ + "ei", + -12.220844268798828 + ], + [ + "av", + -12.220908164978027 + ], + [ + "▁rage", + -12.22100830078125 + ], + [ + "▁1984", + -12.221012115478516 + ], + [ + "active", + -12.221047401428224 + ], + [ + "▁05", + -12.221138954162598 + ], + [ + "▁ACT", + -12.221301078796388 + ], + [ + "▁eclectic", + -12.22136116027832 + ], + [ + "▁unpleasant", + -12.221367835998535 + ], + [ + "▁vacant", + -12.221379280090332 + ], + [ + "▁crawl", + -12.221721649169922 + ], + [ + "▁differential", + -12.221806526184082 + ], + [ + "▁uncovered", + -12.221898078918455 + ], + [ + "▁Sage", + -12.222023963928224 + ], + [ + "▁suburbs", + -12.222036361694336 + ], + [ + "▁sweep", + -12.222394943237305 + ], + [ + ".99", + -12.222596168518066 + ], + [ + "▁temp", + -12.222700119018556 + ], + [ + "▁Calif", + -12.223146438598633 + ], + [ + "▁5000", + -12.223223686218262 + ], + [ + "▁neglected", + -12.22325325012207 + ], + [ + "▁Sur", + -12.22340488433838 + ], + [ + "▁Fla", + -12.223509788513184 + ], + [ + "▁exceeds", + -12.223563194274902 + ], + [ + "Available", + -12.223565101623535 + ], + [ + "▁Legacy", + -12.223569869995115 + ], + [ + "▁Newport", + -12.223660469055176 + ], + [ + "▁effortlessly", + -12.223732948303224 + ], + [ + "▁tuning", + -12.223933219909668 + ], + [ + "▁cleanup", + -12.2239408493042 + ], + [ + "▁Professionals", + -12.22401237487793 + ], + [ + "▁Visitors", + -12.224164962768556 + ], + [ + "▁Devon", + -12.224417686462402 + ], + [ + "▁quarry", + -12.224445343017578 + ], + [ + "anna", + -12.22446346282959 + ], + [ + "▁enthusiast", + -12.22447109222412 + ], + [ + "▁Northeast", + -12.224539756774902 + ], + [ + "▁Kai", + -12.224609375 + ], + [ + "▁exceeding", + -12.224649429321287 + ], + [ + "▁cafes", + -12.224660873413086 + ], + [ + "▁coastline", + -12.224698066711426 + ], + [ + "▁sewer", + -12.22469997406006 + ], + [ + "Chris", + -12.224886894226074 + ], + [ + "mine", + -12.225083351135254 + ], + [ + "▁emailed", + -12.225143432617188 + ], + [ + "▁Cy", + -12.225262641906738 + ], + [ + "▁//", + -12.225308418273926 + ], + [ + "▁guessing", + -12.22537326812744 + ], + [ + "▁correlation", + -12.225427627563477 + ], + [ + "▁ye", + -12.225522994995115 + ], + [ + "▁ottoman", + -12.225542068481444 + ], + [ + "▁Fee", + -12.225627899169922 + ], + [ + "▁Guitar", + -12.22565746307373 + ], + [ + "ison", + -12.225679397583008 + ], + [ + "▁Deluxe", + -12.225753784179688 + ], + [ + "▁chiropractic", + -12.225966453552246 + ], + [ + "▁bites", + -12.225998878479004 + ], + [ + "▁irritation", + -12.226239204406738 + ], + [ + "▁waking", + -12.226248741149902 + ], + [ + "▁filmed", + -12.226434707641602 + ], + [ + "▁bait", + -12.226485252380373 + ], + [ + "tail", + -12.22663688659668 + ], + [ + "▁phenomenal", + -12.226703643798828 + ], + [ + "▁Holly", + -12.226739883422852 + ], + [ + "▁Logo", + -12.226740837097168 + ], + [ + "▁popped", + -12.227001190185549 + ], + [ + "▁counselor", + -12.227092742919922 + ], + [ + "▁buffer", + -12.227177619934082 + ], + [ + "▁beast", + -12.227185249328612 + ], + [ + "-17", + -12.227187156677246 + ], + [ + "eta", + -12.22721004486084 + ], + [ + "▁Status", + -12.227231979370115 + ], + [ + "▁neighbours", + -12.227295875549316 + ], + [ + "nic", + -12.22736644744873 + ], + [ + "▁Joel", + -12.227434158325195 + ], + [ + "▁academics", + -12.227445602416992 + ], + [ + "▁Mathematics", + -12.22751808166504 + ], + [ + "▁Gabriel", + -12.227842330932615 + ], + [ + "▁sequences", + -12.22785758972168 + ], + [ + "▁cares", + -12.22797393798828 + ], + [ + "▁stocked", + -12.227993965148926 + ], + [ + "▁hurricane", + -12.22801399230957 + ], + [ + "Price", + -12.228019714355469 + ], + [ + "themed", + -12.228130340576172 + ], + [ + "social", + -12.22818660736084 + ], + [ + "▁judging", + -12.228341102600098 + ], + [ + "▁elephant", + -12.228360176086426 + ], + [ + "▁confidentiality", + -12.228408813476562 + ], + [ + "▁Sadly", + -12.228597640991213 + ], + [ + "▁Essential", + -12.228636741638184 + ], + [ + "▁stall", + -12.228710174560549 + ], + [ + "▁DR", + -12.22878360748291 + ], + [ + "▁climbed", + -12.22884464263916 + ], + [ + "▁Au", + -12.228962898254396 + ], + [ + "▁minus", + -12.229036331176758 + ], + [ + "Support", + -12.229074478149414 + ], + [ + "▁insect", + -12.229111671447754 + ], + [ + "▁knot", + -12.22919464111328 + ], + [ + "Non", + -12.229595184326172 + ], + [ + "▁circuits", + -12.229660987854004 + ], + [ + "▁amazingly", + -12.229687690734863 + ], + [ + "▁preschool", + -12.22972011566162 + ], + [ + "▁VM", + -12.229798316955566 + ], + [ + "▁Ste", + -12.229849815368652 + ], + [ + "▁saddle", + -12.229955673217772 + ], + [ + "▁CNC", + -12.229958534240724 + ], + [ + "▁elimination", + -12.230127334594728 + ], + [ + "▁burgers", + -12.230269432067873 + ], + [ + "▁Walt", + -12.230435371398926 + ], + [ + "▁Rural", + -12.230608940124512 + ], + [ + "▁Rapid", + -12.230643272399902 + ], + [ + "▁Lamb", + -12.23067569732666 + ], + [ + "▁dice", + -12.23081398010254 + ], + [ + "▁monsters", + -12.230815887451172 + ], + [ + "▁judgments", + -12.230847358703612 + ], + [ + "▁prepares", + -12.230865478515623 + ], + [ + "▁basil", + -12.231101989746094 + ], + [ + "▁Silk", + -12.231148719787598 + ], + [ + "▁postal", + -12.231173515319824 + ], + [ + "▁armor", + -12.231216430664062 + ], + [ + "Jo", + -12.2314453125 + ], + [ + "▁professors", + -12.231629371643066 + ], + [ + "▁decking", + -12.231663703918455 + ], + [ + "▁devil", + -12.231751441955566 + ], + [ + "▁Angela", + -12.231867790222168 + ], + [ + "▁mines", + -12.232324600219728 + ], + [ + "SU", + -12.23250961303711 + ], + [ + "▁tents", + -12.232687950134276 + ], + [ + "▁recalled", + -12.232695579528809 + ], + [ + "▁Standing", + -12.23293113708496 + ], + [ + "▁wholly", + -12.232962608337402 + ], + [ + "catching", + -12.233033180236816 + ], + [ + "▁Hammer", + -12.233072280883787 + ], + [ + "▁theaters", + -12.23315143585205 + ], + [ + "NE", + -12.23318099975586 + ], + [ + "▁inadequate", + -12.23337459564209 + ], + [ + "▁Movers", + -12.233386039733888 + ], + [ + "▁paved", + -12.2335205078125 + ], + [ + "channel", + -12.23354148864746 + ], + [ + "▁geography", + -12.233783721923828 + ], + [ + "▁traces", + -12.233945846557615 + ], + [ + "October", + -12.234334945678713 + ], + [ + "EC", + -12.234454154968262 + ], + [ + "▁Coal", + -12.234488487243652 + ], + [ + "add", + -12.234622955322266 + ], + [ + "▁foul", + -12.23469352722168 + ], + [ + "India", + -12.23470401763916 + ], + [ + "▁amazon", + -12.234710693359377 + ], + [ + "▁Eddie", + -12.234732627868652 + ], + [ + "▁pores", + -12.234797477722168 + ], + [ + "▁ruins", + -12.234956741333008 + ], + [ + "▁Th", + -12.235100746154783 + ], + [ + "▁Gu", + -12.235114097595217 + ], + [ + "▁8:30", + -12.235130310058594 + ], + [ + "▁Cuban", + -12.23523998260498 + ], + [ + "▁bust", + -12.235433578491213 + ], + [ + "▁bullying", + -12.23543643951416 + ], + [ + "why", + -12.235544204711914 + ], + [ + "▁Representatives", + -12.235568046569824 + ], + [ + "Four", + -12.235685348510742 + ], + [ + "▁elect", + -12.23569679260254 + ], + [ + "▁daylight", + -12.235756874084473 + ], + [ + "▁upfront", + -12.236405372619627 + ], + [ + "▁spider", + -12.236413955688477 + ], + [ + "▁Prague", + -12.236464500427246 + ], + [ + "▁Ladies", + -12.236520767211914 + ], + [ + "13.", + -12.236542701721191 + ], + [ + "▁laughed", + -12.236562728881836 + ], + [ + "▁diligence", + -12.23658561706543 + ], + [ + "▁Apartment", + -12.236648559570312 + ], + [ + "▁Queens", + -12.23668098449707 + ], + [ + "6)", + -12.237114906311035 + ], + [ + "BB", + -12.237153053283691 + ], + [ + "▁cubic", + -12.237180709838867 + ], + [ + "▁transmit", + -12.237199783325195 + ], + [ + "-24", + -12.237370491027832 + ], + [ + "outs", + -12.237507820129396 + ], + [ + "▁Belle", + -12.237922668457031 + ], + [ + "Little", + -12.237945556640623 + ], + [ + "▁о", + -12.23796272277832 + ], + [ + "▁Candidates", + -12.23803997039795 + ], + [ + "▁Registered", + -12.238081932067873 + ], + [ + "VA", + -12.238187789916992 + ], + [ + "▁brokerage", + -12.238337516784668 + ], + [ + "▁Jewelry", + -12.23859977722168 + ], + [ + "360", + -12.238627433776855 + ], + [ + "▁Munich", + -12.238669395446776 + ], + [ + "din", + -12.238872528076172 + ], + [ + "Heat", + -12.23940086364746 + ], + [ + "▁UT", + -12.23952865600586 + ], + [ + "▁photographed", + -12.239544868469238 + ], + [ + "▁unpredictable", + -12.239601135253906 + ], + [ + "▁PlayStation", + -12.23961067199707 + ], + [ + "14.", + -12.239886283874512 + ], + [ + "▁Tigers", + -12.239978790283203 + ], + [ + "▁Casa", + -12.240026473999023 + ], + [ + "▁Fiber", + -12.240065574645996 + ], + [ + "▁crore", + -12.240110397338867 + ], + [ + "Trump", + -12.2401704788208 + ], + [ + "▁WP", + -12.240283966064451 + ], + [ + "▁nutritious", + -12.240309715270996 + ], + [ + "pc", + -12.240455627441406 + ], + [ + "▁Cohen", + -12.24046802520752 + ], + [ + "▁(9", + -12.240490913391112 + ], + [ + "▁Copy", + -12.24049186706543 + ], + [ + "▁Male", + -12.240565299987791 + ], + [ + "▁Talent", + -12.240629196166992 + ], + [ + "▁#3", + -12.240697860717772 + ], + [ + "▁1.8", + -12.240782737731934 + ], + [ + "▁Suppliers", + -12.240857124328612 + ], + [ + "▁volatility", + -12.241018295288086 + ], + [ + "▁Contractor", + -12.241026878356934 + ], + [ + "▁rip", + -12.24103832244873 + ], + [ + "▁warn", + -12.241044998168944 + ], + [ + "▁serviced", + -12.24109172821045 + ], + [ + "▁jokes", + -12.241106033325195 + ], + [ + "▁Sanders", + -12.241113662719728 + ], + [ + "▁Holidays", + -12.241128921508787 + ], + [ + "▁invalid", + -12.241299629211426 + ], + [ + "▁Message", + -12.24134922027588 + ], + [ + "▁leaking", + -12.241353034973145 + ], + [ + "▁Cyprus", + -12.241375923156738 + ], + [ + "▁Developer", + -12.241390228271484 + ], + [ + "English", + -12.241578102111816 + ], + [ + "HC", + -12.241579055786133 + ], + [ + "▁indulge", + -12.241622924804688 + ], + [ + "▁chickens", + -12.24162769317627 + ], + [ + "▁knitting", + -12.2417631149292 + ], + [ + "▁infectious", + -12.241836547851562 + ], + [ + "▁2.4", + -12.24185848236084 + ], + [ + "▁doi", + -12.241944313049316 + ], + [ + "▁Gi", + -12.242061614990234 + ], + [ + "▁FX", + -12.24246597290039 + ], + [ + "▁faulty", + -12.242576599121094 + ], + [ + "▁thicker", + -12.242576599121094 + ], + [ + "▁scrub", + -12.24258804321289 + ], + [ + "▁destructive", + -12.242618560791016 + ], + [ + "▁instructional", + -12.242635726928713 + ], + [ + "▁Mechanical", + -12.242748260498049 + ], + [ + "▁intentionally", + -12.242751121520996 + ], + [ + "▁explicit", + -12.24278163909912 + ], + [ + "▁$300", + -12.242786407470703 + ], + [ + "Ar", + -12.242902755737305 + ], + [ + "Women", + -12.243024826049805 + ], + [ + "▁weeds", + -12.243167877197266 + ], + [ + "▁intends", + -12.24332332611084 + ], + [ + "▁waterfall", + -12.24342918395996 + ], + [ + "wind", + -12.243578910827637 + ], + [ + "▁Kill", + -12.243730545043944 + ], + [ + "▁pouring", + -12.243926048278809 + ], + [ + "▁BT", + -12.244175910949709 + ], + [ + "▁Consultant", + -12.244185447692873 + ], + [ + "▁Shield", + -12.244240760803224 + ], + [ + "▁Stuart", + -12.244254112243652 + ], + [ + "▁Uganda", + -12.244288444519045 + ], + [ + "bach", + -12.244304656982422 + ], + [ + "▁Feed", + -12.24434757232666 + ], + [ + "nce", + -12.244351387023926 + ], + [ + "▁Donna", + -12.24436855316162 + ], + [ + "▁Dial", + -12.244413375854492 + ], + [ + "▁cutter", + -12.24454116821289 + ], + [ + "▁descent", + -12.24460792541504 + ], + [ + "▁sweetness", + -12.244613647460938 + ], + [ + "▁rainfall", + -12.24461841583252 + ], + [ + "▁projection", + -12.244661331176758 + ], + [ + "▁minimalist", + -12.244664192199709 + ], + [ + "▁Sector", + -12.244678497314451 + ], + [ + "▁Allah", + -12.24471950531006 + ], + [ + "▁Ah", + -12.244766235351562 + ], + [ + "▁stacked", + -12.244866371154783 + ], + [ + "▁5.5", + -12.244930267333984 + ], + [ + "▁Volunteer", + -12.24510097503662 + ], + [ + "yr", + -12.245208740234377 + ], + [ + "▁sunrise", + -12.245347023010254 + ], + [ + "notch", + -12.245561599731444 + ], + [ + "▁awaiting", + -12.245633125305176 + ], + [ + "▁Packers", + -12.24576473236084 + ], + [ + "press", + -12.246238708496094 + ], + [ + "▁editions", + -12.24635410308838 + ], + [ + "▁triangle", + -12.24656867980957 + ], + [ + "▁Lines", + -12.246574401855469 + ], + [ + "▁speculation", + -12.246575355529783 + ], + [ + "▁Brass", + -12.24659538269043 + ], + [ + "▁Spray", + -12.246634483337402 + ], + [ + "health", + -12.24675464630127 + ], + [ + "▁Person", + -12.246776580810549 + ], + [ + "▁needles", + -12.246871948242188 + ], + [ + "▁Rainbow", + -12.246882438659668 + ], + [ + "sel", + -12.246919631958008 + ], + [ + "▁Thunder", + -12.246931076049805 + ], + [ + "AB", + -12.247007369995115 + ], + [ + "▁UPS", + -12.247024536132812 + ], + [ + "▁Cottage", + -12.247142791748049 + ], + [ + "▁detached", + -12.247269630432127 + ], + [ + "▁beforehand", + -12.247315406799316 + ], + [ + "▁continuity", + -12.24731731414795 + ], + [ + "Sunday", + -12.247486114501951 + ], + [ + "▁validate", + -12.247519493103027 + ], + [ + "▁fluffy", + -12.247523307800291 + ], + [ + "▁Selection", + -12.247535705566406 + ], + [ + "▁BI", + -12.247708320617676 + ], + [ + "rod", + -12.247710227966309 + ], + [ + "▁Jamaica", + -12.247835159301758 + ], + [ + "▁infants", + -12.247910499572754 + ], + [ + "▁coping", + -12.248017311096191 + ], + [ + "system", + -12.248087882995604 + ], + [ + "RF", + -12.248098373413086 + ], + [ + "▁buck", + -12.248506546020508 + ], + [ + "▁youngsters", + -12.248652458190918 + ], + [ + "▁wanna", + -12.248662948608398 + ], + [ + "▁Lucky", + -12.248839378356934 + ], + [ + "▁Ze", + -12.248957633972168 + ], + [ + "▁dictionary", + -12.248961448669434 + ], + [ + "▁replicate", + -12.249082565307615 + ], + [ + "▁crab", + -12.24948787689209 + ], + [ + "▁Tro", + -12.249515533447266 + ], + [ + "▁foliage", + -12.24956226348877 + ], + [ + "▁interfere", + -12.249573707580566 + ], + [ + "▁nitrogen", + -12.249741554260254 + ], + [ + "▁Fixed", + -12.249992370605469 + ], + [ + "▁kernel", + -12.250187873840332 + ], + [ + "▁gasoline", + -12.25029182434082 + ], + [ + "▁kindergarten", + -12.25032901763916 + ], + [ + "▁troubled", + -12.25034236907959 + ], + [ + "▁statewide", + -12.250364303588867 + ], + [ + "▁Remodel", + -12.250422477722168 + ], + [ + "▁AMD", + -12.250515937805176 + ], + [ + "▁Brush", + -12.250901222229004 + ], + [ + "2016", + -12.25092601776123 + ], + [ + "▁grape", + -12.250943183898926 + ], + [ + "mini", + -12.251096725463867 + ], + [ + "GP", + -12.251120567321776 + ], + [ + "▁Managers", + -12.251466751098633 + ], + [ + "▁popping", + -12.25148105621338 + ], + [ + "▁8:00", + -12.25148868560791 + ], + [ + "▁manipulation", + -12.25148868560791 + ], + [ + "-01", + -12.251612663269045 + ], + [ + "▁compares", + -12.2516508102417 + ], + [ + "▁quirky", + -12.251747131347656 + ], + [ + "▁sincere", + -12.25200080871582 + ], + [ + "▁cloudy", + -12.252053260803224 + ], + [ + "▁Leaf", + -12.252074241638184 + ], + [ + "▁shutter", + -12.252087593078612 + ], + [ + "▁Indoor", + -12.252137184143066 + ], + [ + "▁advising", + -12.25242805480957 + ], + [ + "▁strawberry", + -12.252432823181152 + ], + [ + "▁Bang", + -12.25246524810791 + ], + [ + "▁impose", + -12.252486228942873 + ], + [ + "▁ash", + -12.252513885498049 + ], + [ + "▁Malta", + -12.252653121948242 + ], + [ + "▁sorting", + -12.252863883972168 + ], + [ + "▁Cart", + -12.252873420715332 + ], + [ + "▁Hindu", + -12.252918243408203 + ], + [ + "▁Founder", + -12.2529296875 + ], + [ + "▁cemetery", + -12.253144264221191 + ], + [ + "controlled", + -12.25323486328125 + ], + [ + "▁turnaround", + -12.253335952758787 + ], + [ + "▁Pipe", + -12.2534761428833 + ], + [ + "▁staffing", + -12.253496170043944 + ], + [ + "▁Regard", + -12.2535400390625 + ], + [ + "▁Labs", + -12.253690719604492 + ], + [ + "▁£5", + -12.253913879394531 + ], + [ + "walk", + -12.253918647766112 + ], + [ + "▁icing", + -12.254350662231444 + ], + [ + "▁shoots", + -12.254565238952637 + ], + [ + "▁shells", + -12.254745483398438 + ], + [ + "▁Dev", + -12.254841804504396 + ], + [ + "▁axis", + -12.255044937133787 + ], + [ + "▁Hardware", + -12.25509262084961 + ], + [ + "ious", + -12.255115509033203 + ], + [ + "▁inconvenience", + -12.255258560180664 + ], + [ + "▁stools", + -12.25526523590088 + ], + [ + "▁Sharon", + -12.2553129196167 + ], + [ + "cu", + -12.255362510681152 + ], + [ + "▁Gilbert", + -12.25539779663086 + ], + [ + "▁racism", + -12.255444526672363 + ], + [ + "▁Contract", + -12.255477905273438 + ], + [ + "▁carbs", + -12.255496978759766 + ], + [ + "▁clearer", + -12.255667686462402 + ], + [ + "dr", + -12.255739212036133 + ], + [ + "ug", + -12.255742073059082 + ], + [ + "▁overlook", + -12.255935668945312 + ], + [ + "▁HTC", + -12.25609016418457 + ], + [ + "▁wander", + -12.256244659423828 + ], + [ + "▁singled", + -12.25629711151123 + ], + [ + "aged", + -12.25650119781494 + ], + [ + "▁rocky", + -12.256505966186523 + ], + [ + "▁cosmetics", + -12.256550788879396 + ], + [ + "▁pineapple", + -12.256744384765623 + ], + [ + "6,", + -12.256980895996094 + ], + [ + "▁Apartments", + -12.257067680358888 + ], + [ + "▁believers", + -12.257176399230955 + ], + [ + "park", + -12.257205963134766 + ], + [ + "▁Papers", + -12.257339477539062 + ], + [ + "sale", + -12.257380485534668 + ], + [ + "▁obstacle", + -12.257431983947754 + ], + [ + "zu", + -12.257494926452637 + ], + [ + "Music", + -12.257684707641602 + ], + [ + "▁Pub", + -12.257702827453612 + ], + [ + "0-", + -12.258011817932127 + ], + [ + "▁Chester", + -12.25812530517578 + ], + [ + "▁harbor", + -12.25821018218994 + ], + [ + "▁bakery", + -12.258360862731934 + ], + [ + "BO", + -12.25840950012207 + ], + [ + "tha", + -12.258524894714355 + ], + [ + "▁smoother", + -12.258934020996094 + ], + [ + "▁Arm", + -12.259018898010254 + ], + [ + "▁rails", + -12.259033203125 + ], + [ + "▁cease", + -12.25906753540039 + ], + [ + "HA", + -12.259077072143556 + ], + [ + "▁Scale", + -12.259098052978516 + ], + [ + "▁myth", + -12.259170532226562 + ], + [ + "Family", + -12.259180068969728 + ], + [ + "▁cliff", + -12.259395599365234 + ], + [ + "CR", + -12.259876251220703 + ], + [ + "▁Modi", + -12.25997257232666 + ], + [ + "▁Politics", + -12.260019302368164 + ], + [ + "▁Words", + -12.260183334350586 + ], + [ + "▁devotion", + -12.260271072387695 + ], + [ + "without", + -12.26030731201172 + ], + [ + "▁bizarre", + -12.260345458984377 + ], + [ + "▁perceive", + -12.260400772094728 + ], + [ + "▁rotate", + -12.260427474975586 + ], + [ + "▁racks", + -12.260469436645508 + ], + [ + "▁loses", + -12.260790824890137 + ], + [ + "▁Wonderful", + -12.2609224319458 + ], + [ + "▁Genesis", + -12.26101016998291 + ], + [ + "▁??", + -12.261415481567385 + ], + [ + "▁06", + -12.2614164352417 + ], + [ + "▁Fran", + -12.261479377746582 + ], + [ + "sley", + -12.261494636535645 + ], + [ + "▁charcoal", + -12.26179313659668 + ], + [ + "▁grinder", + -12.261968612670898 + ], + [ + "▁FIFA", + -12.261988639831545 + ], + [ + "▁Rear", + -12.262042045593262 + ], + [ + "▁Norfolk", + -12.262287139892578 + ], + [ + "▁Worldwide", + -12.262314796447754 + ], + [ + "▁silhouette", + -12.262556076049805 + ], + [ + "▁peas", + -12.262635231018066 + ], + [ + "▁Hyper", + -12.262715339660645 + ], + [ + "▁Provide", + -12.262774467468262 + ], + [ + "▁visualization", + -12.262774467468262 + ], + [ + "▁efficacy", + -12.26278591156006 + ], + [ + "▁Forward", + -12.26279354095459 + ], + [ + "▁Dame", + -12.262812614440918 + ], + [ + "▁Giving", + -12.262917518615724 + ], + [ + "▁Ellis", + -12.26297664642334 + ], + [ + "▁hey", + -12.263011932373049 + ], + [ + "▁pumping", + -12.26309585571289 + ], + [ + "▁finale", + -12.26313018798828 + ], + [ + "▁Erin", + -12.26318073272705 + ], + [ + "▁NATO", + -12.263227462768556 + ], + [ + "▁Boulevard", + -12.2632417678833 + ], + [ + "▁atmospheric", + -12.2632417678833 + ], + [ + "▁Crushing", + -12.263333320617676 + ], + [ + "▁proceeding", + -12.263335227966309 + ], + [ + "▁Roth", + -12.263574600219728 + ], + [ + "▁watering", + -12.26360034942627 + ], + [ + "▁TB", + -12.26379108428955 + ], + [ + "▁Ly", + -12.263998985290527 + ], + [ + "63", + -12.26406478881836 + ], + [ + "▁glowing", + -12.26454734802246 + ], + [ + "▁hollow", + -12.26455307006836 + ], + [ + "▁Quarter", + -12.264762878417969 + ], + [ + "▁Rubber", + -12.264808654785156 + ], + [ + "(2)", + -12.264811515808104 + ], + [ + "▁booklet", + -12.264869689941406 + ], + [ + "72", + -12.265034675598145 + ], + [ + "Global", + -12.265158653259276 + ], + [ + "Tell", + -12.265182495117188 + ], + [ + "▁flawless", + -12.265182495117188 + ], + [ + "DP", + -12.265195846557615 + ], + [ + "▁youthful", + -12.265283584594728 + ], + [ + "▁Globe", + -12.265336990356444 + ], + [ + "▁KB", + -12.265643119812012 + ], + [ + "▁empowered", + -12.266138076782228 + ], + [ + "▁trader", + -12.266340255737305 + ], + [ + "sis", + -12.266493797302246 + ], + [ + "▁tart", + -12.266775131225586 + ], + [ + "▁slowing", + -12.26681900024414 + ], + [ + "▁fabrication", + -12.266834259033203 + ], + [ + "▁Edit", + -12.266845703125 + ], + [ + "▁observing", + -12.266874313354492 + ], + [ + "▁Stephanie", + -12.26689910888672 + ], + [ + "▁fascinated", + -12.26693344116211 + ], + [ + "▁2002,", + -12.26707363128662 + ], + [ + "▁confronted", + -12.267242431640623 + ], + [ + "▁cabbage", + -12.267600059509276 + ], + [ + "▁immersive", + -12.267600059509276 + ], + [ + "▁Buddha", + -12.267629623413086 + ], + [ + "▁fundraiser", + -12.267748832702637 + ], + [ + "▁Infrastructure", + -12.267783164978027 + ], + [ + "▁tokens", + -12.267800331115724 + ], + [ + "▁partition", + -12.267922401428224 + ], + [ + "▁recycle", + -12.26811981201172 + ], + [ + "▁AWS", + -12.26819133758545 + ], + [ + "eng", + -12.268318176269531 + ], + [ + "▁arguing", + -12.268328666687012 + ], + [ + "▁analyse", + -12.268383979797363 + ], + [ + "▁softer", + -12.268414497375488 + ], + [ + "▁fertility", + -12.268468856811523 + ], + [ + "▁cabins", + -12.268528938293455 + ], + [ + "▁testimonials", + -12.268528938293455 + ], + [ + "▁reimbursement", + -12.268654823303224 + ], + [ + "▁Arsenal", + -12.268792152404783 + ], + [ + "▁appraisal", + -12.26883602142334 + ], + [ + "ili", + -12.268869400024414 + ], + [ + "▁dreaming", + -12.268908500671388 + ], + [ + "▁Cox", + -12.269009590148926 + ], + [ + "▁credible", + -12.26905918121338 + ], + [ + "▁scans", + -12.269161224365234 + ], + [ + "Di", + -12.269164085388184 + ], + [ + "▁embracing", + -12.269244194030762 + ], + [ + "▁publicity", + -12.269280433654783 + ], + [ + "NC", + -12.269579887390137 + ], + [ + "▁AV", + -12.269747734069824 + ], + [ + "▁fundamentals", + -12.269784927368164 + ], + [ + "▁manifest", + -12.269864082336426 + ], + [ + "▁traveler", + -12.27001953125 + ], + [ + "ello", + -12.270025253295898 + ], + [ + "▁intentional", + -12.270042419433594 + ], + [ + "▁sur", + -12.27044677734375 + ], + [ + "▁reminiscent", + -12.270520210266112 + ], + [ + "▁Hon", + -12.270626068115234 + ], + [ + "colored", + -12.270627975463867 + ], + [ + "▁gown", + -12.270642280578612 + ], + [ + "▁Louisville", + -12.270719528198242 + ], + [ + "73", + -12.2708101272583 + ], + [ + "▁bricks", + -12.271259307861328 + ], + [ + "nal", + -12.271361351013184 + ], + [ + "▁sealing", + -12.271750450134276 + ], + [ + "▁fines", + -12.271832466125488 + ], + [ + "▁ambassador", + -12.271879196166992 + ], + [ + "2.5", + -12.271909713745115 + ], + [ + "lines", + -12.271937370300291 + ], + [ + "▁mit", + -12.272014617919922 + ], + [ + "▁Aside", + -12.27207374572754 + ], + [ + "▁bypass", + -12.27244472503662 + ], + [ + "WD", + -12.272594451904297 + ], + [ + "▁Seed", + -12.272603034973145 + ], + [ + "▁Offering", + -12.272621154785156 + ], + [ + "▁saturated", + -12.273012161254885 + ], + [ + "▁Connection", + -12.273123741149902 + ], + [ + "▁AAA", + -12.27333927154541 + ], + [ + "dom", + -12.27337646484375 + ], + [ + "▁respectful", + -12.273609161376951 + ], + [ + "▁Indigenous", + -12.273698806762695 + ], + [ + "▁flyer", + -12.27382755279541 + ], + [ + "▁deserved", + -12.273950576782228 + ], + [ + "▁5:", + -12.27405834197998 + ], + [ + "▁insane", + -12.274185180664062 + ], + [ + "▁doses", + -12.27423858642578 + ], + [ + "may", + -12.27425765991211 + ], + [ + "ological", + -12.274271965026855 + ], + [ + "/4", + -12.27464485168457 + ], + [ + "▁Secondary", + -12.274754524230955 + ], + [ + "▁Effects", + -12.27480125427246 + ], + [ + "▁volleyball", + -12.274909973144531 + ], + [ + "▁Inspection", + -12.275057792663574 + ], + [ + "▁Deer", + -12.27517795562744 + ], + [ + "Connect", + -12.275257110595703 + ], + [ + "▁donating", + -12.275382041931152 + ], + [ + "▁Tor", + -12.27542495727539 + ], + [ + "▁ornaments", + -12.275430679321287 + ], + [ + "▁ERP", + -12.275435447692873 + ], + [ + "consuming", + -12.275590896606444 + ], + [ + "act", + -12.27560329437256 + ], + [ + "▁WC", + -12.275630950927734 + ], + [ + "▁Neither", + -12.275646209716797 + ], + [ + "cl", + -12.275694847106934 + ], + [ + "▁railroad", + -12.275866508483888 + ], + [ + "▁staring", + -12.275993347167969 + ], + [ + "gram", + -12.276137351989746 + ], + [ + "▁abandon", + -12.276180267333984 + ], + [ + "▁greet", + -12.276180267333984 + ], + [ + "iel", + -12.276239395141602 + ], + [ + "asi", + -12.276247024536133 + ], + [ + "▁Westminster", + -12.276399612426758 + ], + [ + "Throughout", + -12.27646541595459 + ], + [ + "▁economically", + -12.2764892578125 + ], + [ + "▁Nat", + -12.276602745056152 + ], + [ + "▁tucked", + -12.27664852142334 + ], + [ + "PR", + -12.276716232299805 + ], + [ + "oil", + -12.276724815368652 + ], + [ + "▁beard", + -12.276766777038574 + ], + [ + "▁amendments", + -12.276925086975098 + ], + [ + "▁Stick", + -12.276930809020996 + ], + [ + "▁Bella", + -12.276969909667969 + ], + [ + "▁inspires", + -12.277000427246094 + ], + [ + "▁magnesium", + -12.277006149291992 + ], + [ + "▁rats", + -12.277012825012209 + ], + [ + "▁Belgian", + -12.27712059020996 + ], + [ + "August", + -12.277129173278809 + ], + [ + "▁finals", + -12.277416229248049 + ], + [ + "local", + -12.27742862701416 + ], + [ + "▁loops", + -12.27743911743164 + ], + [ + "▁bore", + -12.277461051940918 + ], + [ + "▁Tables", + -12.277558326721191 + ], + [ + "▁cheat", + -12.277745246887209 + ], + [ + "▁productions", + -12.277830123901367 + ], + [ + "▁Café", + -12.277849197387695 + ], + [ + "▁humour", + -12.277854919433594 + ], + [ + "▁shout", + -12.27787971496582 + ], + [ + "▁naming", + -12.277948379516602 + ], + [ + "▁burial", + -12.278080940246582 + ], + [ + "▁albeit", + -12.27823257446289 + ], + [ + "▁sickness", + -12.2783203125 + ], + [ + "▁overlap", + -12.278353691101074 + ], + [ + "Project", + -12.2785005569458 + ], + [ + "▁surplus", + -12.278590202331545 + ], + [ + "▁obsession", + -12.278606414794922 + ], + [ + "▁complaining", + -12.278651237487791 + ], + [ + "TS", + -12.278759956359863 + ], + [ + "▁accomplishment", + -12.27891731262207 + ], + [ + "▁satin", + -12.279020309448242 + ], + [ + "▁mixes", + -12.279026985168455 + ], + [ + "▁buds", + -12.27919101715088 + ], + [ + "news", + -12.27926254272461 + ], + [ + "▁prey", + -12.27936553955078 + ], + [ + "▁Rhode", + -12.279394149780272 + ], + [ + "Cloud", + -12.27940273284912 + ], + [ + "Digital", + -12.280120849609377 + ], + [ + "▁gadget", + -12.280224800109863 + ], + [ + "▁Than", + -12.280268669128418 + ], + [ + "▁privileged", + -12.280299186706545 + ], + [ + "▁expired", + -12.28057098388672 + ], + [ + "▁composing", + -12.280795097351074 + ], + [ + "▁Regulations", + -12.280816078186035 + ], + [ + "▁widget", + -12.280817031860352 + ], + [ + "▁Bears", + -12.28111457824707 + ], + [ + "Much", + -12.281227111816406 + ], + [ + "▁diary", + -12.281571388244627 + ], + [ + "▁Period", + -12.281610488891602 + ], + [ + "▁spill", + -12.281673431396484 + ], + [ + "▁staging", + -12.281673431396484 + ], + [ + "▁lasts", + -12.281877517700195 + ], + [ + "▁scandal", + -12.282124519348145 + ], + [ + "▁standardized", + -12.282265663146973 + ], + [ + "▁Lawyers", + -12.282307624816896 + ], + [ + "▁Pharmacy", + -12.28232765197754 + ], + [ + "▁seekers", + -12.28236198425293 + ], + [ + "▁123", + -12.282403945922852 + ], + [ + "server", + -12.282434463500977 + ], + [ + "▁modelling", + -12.28243923187256 + ], + [ + "▁sh", + -12.282583236694336 + ], + [ + "▁connectors", + -12.28284740447998 + ], + [ + "▁teammates", + -12.28297233581543 + ], + [ + "▁odor", + -12.283072471618652 + ], + [ + "▁Buying", + -12.283080101013184 + ], + [ + "▁politically", + -12.28317928314209 + ], + [ + "east", + -12.283354759216309 + ], + [ + "▁00", + -12.283379554748535 + ], + [ + "▁workmanship", + -12.283403396606444 + ], + [ + "▁mentions", + -12.283440589904783 + ], + [ + "▁Families", + -12.283528327941896 + ], + [ + "▁firewall", + -12.283581733703612 + ], + [ + "▁realities", + -12.283613204956056 + ], + [ + "62", + -12.283641815185549 + ], + [ + "▁Granite", + -12.283785820007324 + ], + [ + "▁Inspired", + -12.283862113952637 + ], + [ + "▁Vanity", + -12.283927917480469 + ], + [ + "▁los", + -12.28404140472412 + ], + [ + "▁swept", + -12.28404426574707 + ], + [ + "▁mediation", + -12.28404712677002 + ], + [ + "▁props", + -12.28420352935791 + ], + [ + "▁Croatia", + -12.284319877624512 + ], + [ + "▁introductory", + -12.2844877243042 + ], + [ + "▁endorsed", + -12.284503936767578 + ], + [ + "▁utterly", + -12.284649848937988 + ], + [ + "▁validity", + -12.284701347351074 + ], + [ + "ready", + -12.284830093383787 + ], + [ + "▁ATM", + -12.284870147705078 + ], + [ + "▁Printer", + -12.284998893737791 + ], + [ + "▁attachments", + -12.285042762756348 + ], + [ + "PD", + -12.285086631774902 + ], + [ + "▁Emirates", + -12.285344123840332 + ], + [ + "▁manipulate", + -12.28536891937256 + ], + [ + "▁Architects", + -12.285530090332031 + ], + [ + "▁Ace", + -12.285707473754885 + ], + [ + "▁hairstyles", + -12.28573226928711 + ], + [ + "▁Civic", + -12.285772323608398 + ], + [ + "▁Admin", + -12.285799980163574 + ], + [ + "▁journeys", + -12.28580379486084 + ], + [ + "public", + -12.285848617553713 + ], + [ + "▁disposable", + -12.285970687866213 + ], + [ + "▁cracking", + -12.286051750183104 + ], + [ + "▁singers", + -12.286065101623535 + ], + [ + "purpose", + -12.286144256591797 + ], + [ + "stand", + -12.28632354736328 + ], + [ + "58", + -12.286396980285645 + ], + [ + "▁rods", + -12.286514282226562 + ], + [ + "▁Equity", + -12.286580085754396 + ], + [ + "shire", + -12.28665542602539 + ], + [ + "▁toss", + -12.286665916442873 + ], + [ + "▁cr", + -12.286928176879885 + ], + [ + "Robert", + -12.2869291305542 + ], + [ + "▁filtering", + -12.287113189697266 + ], + [ + "▁comprise", + -12.2871732711792 + ], + [ + "▁braces", + -12.28721523284912 + ], + [ + "▁(4)", + -12.287249565124512 + ], + [ + "▁occupational", + -12.28727912902832 + ], + [ + "pal", + -12.28735637664795 + ], + [ + "▁Chad", + -12.28748893737793 + ], + [ + "▁Defence", + -12.287506103515623 + ], + [ + "hal", + -12.287579536437988 + ], + [ + "▁establishments", + -12.287699699401855 + ], + [ + "▁alpha", + -12.287755966186523 + ], + [ + "▁Nine", + -12.287970542907717 + ], + [ + "▁Dynamic", + -12.28798007965088 + ], + [ + "▁Adding", + -12.288066864013672 + ], + [ + "dal", + -12.28809928894043 + ], + [ + "▁lawsuits", + -12.288171768188477 + ], + [ + "Meet", + -12.28818130493164 + ], + [ + "iti", + -12.288331031799316 + ], + [ + "▁VERY", + -12.288379669189451 + ], + [ + "▁Hybrid", + -12.288455963134766 + ], + [ + "Microsoft", + -12.28846549987793 + ], + [ + "▁newsletters", + -12.288514137268066 + ], + [ + "▁cough", + -12.288578033447266 + ], + [ + "▁hemp", + -12.288652420043944 + ], + [ + "▁Ser", + -12.288735389709473 + ], + [ + "yu", + -12.288783073425291 + ], + [ + "▁Interactive", + -12.288819313049316 + ], + [ + "▁Saw", + -12.288922309875488 + ], + [ + "▁Echo", + -12.288997650146484 + ], + [ + "▁spells", + -12.28906536102295 + ], + [ + "thanks", + -12.28911590576172 + ], + [ + "▁tempting", + -12.289151191711426 + ], + [ + "▁teaspoon", + -12.28932285308838 + ], + [ + "▁Mum", + -12.289542198181152 + ], + [ + "▁sore", + -12.289946556091309 + ], + [ + "▁Fear", + -12.2901029586792 + ], + [ + "▁Tags", + -12.290203094482422 + ], + [ + "Send", + -12.290484428405762 + ], + [ + "▁Panama", + -12.290559768676758 + ], + [ + "▁enduring", + -12.290647506713867 + ], + [ + "▁Kerry", + -12.290727615356444 + ], + [ + "▁Youtube", + -12.290779113769531 + ], + [ + "▁terrorists", + -12.290786743164062 + ], + [ + "▁reuse", + -12.291014671325684 + ], + [ + "▁goat", + -12.291236877441406 + ], + [ + "cycle", + -12.291314125061035 + ], + [ + "inflammatory", + -12.291507720947266 + ], + [ + "▁enamel", + -12.291522979736328 + ], + [ + "▁specialised", + -12.291617393493652 + ], + [ + "▁biblical", + -12.291645050048828 + ], + [ + "▁consequently", + -12.29196548461914 + ], + [ + "WE", + -12.29197120666504 + ], + [ + "▁Ve", + -12.29197120666504 + ], + [ + "▁NT", + -12.29201316833496 + ], + [ + "▁automate", + -12.292128562927246 + ], + [ + "▁constitutes", + -12.292166709899902 + ], + [ + "(1)", + -12.29234504699707 + ], + [ + "▁Dal", + -12.292388916015623 + ], + [ + "▁telecommunicati", + -12.292487144470217 + ], + [ + "▁strains", + -12.292573928833008 + ], + [ + "▁Op", + -12.29257583618164 + ], + [ + "look", + -12.292598724365234 + ], + [ + "▁cube", + -12.292670249938965 + ], + [ + "Starting", + -12.292695999145508 + ], + [ + "▁conspiracy", + -12.292840003967283 + ], + [ + "▁cubes", + -12.2929048538208 + ], + [ + "talk", + -12.29293155670166 + ], + [ + "▁reunion", + -12.293128967285156 + ], + [ + "ituated", + -12.293290138244627 + ], + [ + "▁flashing", + -12.293353080749512 + ], + [ + "▁Bennett", + -12.293749809265137 + ], + [ + "▁lacks", + -12.293987274169922 + ], + [ + "▁inspected", + -12.293996810913086 + ], + [ + "▁Aluminum", + -12.29400634765625 + ], + [ + "▁academy", + -12.294133186340332 + ], + [ + "▁FAQ", + -12.294139862060549 + ], + [ + "▁Comfort", + -12.29420280456543 + ], + [ + "▁cosy", + -12.29431438446045 + ], + [ + "Mc", + -12.29433536529541 + ], + [ + "▁Vietnamese", + -12.294556617736816 + ], + [ + "▁concise", + -12.294672012329102 + ], + [ + "▁clusters", + -12.294687271118164 + ], + [ + "packed", + -12.294705390930176 + ], + [ + "▁brewing", + -12.294715881347656 + ], + [ + "▁insure", + -12.29497241973877 + ], + [ + "Cal", + -12.29516887664795 + ], + [ + "▁Sullivan", + -12.295208930969238 + ], + [ + "standard", + -12.29531192779541 + ], + [ + "▁Rica", + -12.295333862304688 + ], + [ + "▁decreases", + -12.295340538024902 + ], + [ + "▁Hyundai", + -12.29537582397461 + ], + [ + "▁experimenting", + -12.295400619506836 + ], + [ + "▁Neuro", + -12.295404434204102 + ], + [ + "▁Colour", + -12.295445442199709 + ], + [ + "▁scalable", + -12.29565715789795 + ], + [ + "▁Chem", + -12.295698165893556 + ], + [ + "▁crashed", + -12.295796394348145 + ], + [ + "▁Liz", + -12.295930862426758 + ], + [ + "smart", + -12.295936584472656 + ], + [ + "▁reign", + -12.296045303344728 + ], + [ + "▁Thinking", + -12.296072959899902 + ], + [ + "▁Chip", + -12.296088218688965 + ], + [ + "▁ounces", + -12.29629611968994 + ], + [ + "▁judgement", + -12.296308517456056 + ], + [ + "▁enhancements", + -12.296360969543455 + ], + [ + "Ta", + -12.296385765075684 + ], + [ + "▁vacancies", + -12.296405792236328 + ], + [ + "▁harbour", + -12.296406745910645 + ], + [ + "▁Clients", + -12.296488761901855 + ], + [ + "▁Turbo", + -12.296590805053713 + ], + [ + "▁Earlier", + -12.296610832214355 + ], + [ + "▁Bug", + -12.296629905700684 + ], + [ + "▁boast", + -12.29670238494873 + ], + [ + "▁snapshot", + -12.296866416931152 + ], + [ + "▁Kerala", + -12.29690170288086 + ], + [ + "▁!!", + -12.296974182128906 + ], + [ + "▁Durham", + -12.296979904174805 + ], + [ + "▁communal", + -12.2969970703125 + ], + [ + "▁Ft", + -12.297029495239258 + ], + [ + "▁Omega", + -12.297096252441406 + ], + [ + "▁po", + -12.297155380249023 + ], + [ + "▁Bu", + -12.29726791381836 + ], + [ + "▁Mae", + -12.297364234924316 + ], + [ + "third", + -12.297560691833496 + ], + [ + "mph", + -12.297684669494627 + ], + [ + "▁counters", + -12.297709465026855 + ], + [ + "▁Rover", + -12.29780387878418 + ], + [ + "▁committing", + -12.297987937927246 + ], + [ + "▁mindfulness", + -12.29803466796875 + ], + [ + "▁medicinal", + -12.298099517822266 + ], + [ + "▁suspects", + -12.298140525817873 + ], + [ + "▁boxing", + -12.298274040222168 + ], + [ + "92", + -12.298293113708496 + ], + [ + "▁sew", + -12.298327445983888 + ], + [ + "▁->", + -12.298378944396973 + ], + [ + "Furthermore", + -12.298433303833008 + ], + [ + "▁Terminal", + -12.298508644104004 + ], + [ + "Off", + -12.298568725585938 + ], + [ + "▁Abbey", + -12.298661231994627 + ], + [ + "Perfect", + -12.298697471618652 + ], + [ + "▁fills", + -12.298698425292969 + ], + [ + "▁calming", + -12.2987060546875 + ], + [ + "hat", + -12.298941612243652 + ], + [ + "▁heck", + -12.29896640777588 + ], + [ + "▁reel", + -12.298995018005373 + ], + [ + "▁Christine", + -12.299066543579102 + ], + [ + "▁Sharp", + -12.299217224121094 + ], + [ + "▁EA", + -12.29922103881836 + ], + [ + "▁usable", + -12.299277305603027 + ], + [ + "Large", + -12.299281120300291 + ], + [ + "▁Noah", + -12.299344062805176 + ], + [ + "59", + -12.299463272094728 + ], + [ + "▁thereafter", + -12.29952621459961 + ], + [ + "▁Zo", + -12.299554824829102 + ], + [ + "▁Warm", + -12.300141334533691 + ], + [ + "▁cooled", + -12.300206184387209 + ], + [ + "▁Venezuela", + -12.300317764282228 + ], + [ + "trained", + -12.300437927246094 + ], + [ + "▁drones", + -12.300582885742188 + ], + [ + "▁thereof", + -12.30070972442627 + ], + [ + "▁sponge", + -12.300713539123535 + ], + [ + "▁skating", + -12.30087661743164 + ], + [ + "Sure", + -12.301021575927734 + ], + [ + "▁Tube", + -12.301084518432615 + ], + [ + "▁Marco", + -12.30121898651123 + ], + [ + "dog", + -12.301219940185549 + ], + [ + "▁EV", + -12.301480293273926 + ], + [ + "▁wont", + -12.301609992980955 + ], + [ + "▁Drama", + -12.301668167114258 + ], + [ + "▁bidding", + -12.301698684692385 + ], + [ + "▁organisms", + -12.30178451538086 + ], + [ + "worthy", + -12.302093505859377 + ], + [ + "▁30,000", + -12.30216121673584 + ], + [ + "▁hips", + -12.30217170715332 + ], + [ + "▁orbit", + -12.302322387695312 + ], + [ + "▁Porter", + -12.30234432220459 + ], + [ + "▁aspirations", + -12.302701950073242 + ], + [ + "▁resides", + -12.302712440490724 + ], + [ + "▁Arch", + -12.302953720092772 + ], + [ + "▁sc", + -12.30306911468506 + ], + [ + "▁possessions", + -12.303119659423828 + ], + [ + "▁Kat", + -12.303146362304688 + ], + [ + "▁spanning", + -12.303277969360352 + ], + [ + "▁instructed", + -12.303363800048828 + ], + [ + "DM", + -12.30345344543457 + ], + [ + "▁controllers", + -12.30348300933838 + ], + [ + "▁Aurora", + -12.303499221801758 + ], + [ + "▁psychic", + -12.303695678710938 + ], + [ + "▁mattresses", + -12.30374813079834 + ], + [ + "▁Drew", + -12.303788185119627 + ], + [ + "▁virgin", + -12.303797721862791 + ], + [ + "▁Leonard", + -12.303813934326172 + ], + [ + "▁meanwhile", + -12.30400848388672 + ], + [ + "▁ICT", + -12.304152488708496 + ], + [ + "▁Deals", + -12.30434799194336 + ], + [ + "Personal", + -12.304563522338867 + ], + [ + "ute", + -12.304582595825195 + ], + [ + "▁25-", + -12.3046236038208 + ], + [ + "▁est", + -12.304712295532228 + ], + [ + "▁daytime", + -12.304800033569336 + ], + [ + "▁cultivate", + -12.304839134216309 + ], + [ + "▁adaptive", + -12.304913520812988 + ], + [ + "▁Legend", + -12.304960250854492 + ], + [ + "▁Unlimited", + -12.305176734924316 + ], + [ + "Team", + -12.305200576782228 + ], + [ + "▁evaluations", + -12.305241584777832 + ], + [ + "sar", + -12.305254936218262 + ], + [ + "▁turquoise", + -12.305327415466309 + ], + [ + "▁Myanmar", + -12.305328369140623 + ], + [ + "▁pearl", + -12.305498123168944 + ], + [ + "▁confined", + -12.305508613586426 + ], + [ + "pass", + -12.306034088134766 + ], + [ + "▁MIT", + -12.306175231933594 + ], + [ + "gold", + -12.30622673034668 + ], + [ + "▁Ob", + -12.306229591369627 + ], + [ + "▁Videos", + -12.306333541870115 + ], + [ + "▁geometric", + -12.306529998779297 + ], + [ + "▁discoveries", + -12.306554794311523 + ], + [ + "ites", + -12.306689262390137 + ], + [ + "▁neural", + -12.306719779968262 + ], + [ + "▁Bre", + -12.306782722473145 + ], + [ + "Run", + -12.306957244873049 + ], + [ + "▁Alcohol", + -12.307011604309082 + ], + [ + "▁supporter", + -12.307109832763672 + ], + [ + "▁electronically", + -12.307183265686035 + ], + [ + "▁abide", + -12.307195663452148 + ], + [ + "▁bonded", + -12.307266235351562 + ], + [ + "▁Domestic", + -12.307571411132812 + ], + [ + "7)", + -12.307663917541504 + ], + [ + "▁accumulation", + -12.307709693908691 + ], + [ + "▁collaborating", + -12.307709693908691 + ], + [ + "▁exchanged", + -12.307920455932615 + ], + [ + "▁Lawn", + -12.307938575744627 + ], + [ + "▁criminals", + -12.30795669555664 + ], + [ + "▁Protect", + -12.308109283447266 + ], + [ + "▁Length", + -12.308116912841797 + ], + [ + "last", + -12.308231353759766 + ], + [ + "▁Comment", + -12.30831527709961 + ], + [ + "production", + -12.308320999145508 + ], + [ + "▁maritime", + -12.30848503112793 + ], + [ + "IO", + -12.308551788330078 + ], + [ + "▁pans", + -12.308573722839355 + ], + [ + "Was", + -12.308602333068848 + ], + [ + "▁surveyed", + -12.308911323547363 + ], + [ + "▁insurer", + -12.308923721313477 + ], + [ + "▁definitive", + -12.30898380279541 + ], + [ + "▁fool", + -12.30913543701172 + ], + [ + "▁bumper", + -12.309232711791992 + ], + [ + "▁Griffin", + -12.309237480163574 + ], + [ + "▁Angels", + -12.309395790100098 + ], + [ + "lt", + -12.30945873260498 + ], + [ + "Windows", + -12.30950164794922 + ], + [ + "horn", + -12.309514999389648 + ], + [ + "sson", + -12.309677124023438 + ], + [ + "▁naked", + -12.309694290161133 + ], + [ + "▁Cookies", + -12.309825897216797 + ], + [ + "▁Laptop", + -12.310197830200195 + ], + [ + "▁PG", + -12.310298919677734 + ], + [ + "▁capsule", + -12.310314178466797 + ], + [ + "▁cupcakes", + -12.31039047241211 + ], + [ + "▁brushed", + -12.310447692871094 + ], + [ + "▁Guarantee", + -12.310643196105955 + ], + [ + "▁Extract", + -12.31064510345459 + ], + [ + "▁victories", + -12.310751914978027 + ], + [ + "▁Mama", + -12.310813903808594 + ], + [ + "▁Kil", + -12.310845375061035 + ], + [ + "▁(12", + -12.310949325561523 + ], + [ + "▁Barnes", + -12.311050415039062 + ], + [ + "▁Average", + -12.311161994934082 + ], + [ + "▁Productions", + -12.31136989593506 + ], + [ + "▁broadly", + -12.311551094055176 + ], + [ + "etc", + -12.311639785766602 + ], + [ + "▁Friend", + -12.311639785766602 + ], + [ + "▁Offers", + -12.311708450317385 + ], + [ + "▁poles", + -12.311739921569824 + ], + [ + "ui", + -12.311841011047363 + ], + [ + "▁Quest", + -12.312013626098633 + ], + [ + "▁BO", + -12.312078475952148 + ], + [ + "000", + -12.31209945678711 + ], + [ + "▁Scan", + -12.312166213989258 + ], + [ + "▁Flex", + -12.3121919631958 + ], + [ + "▁scare", + -12.312268257141112 + ], + [ + "▁gases", + -12.312275886535645 + ], + [ + "normal", + -12.31227970123291 + ], + [ + "Site", + -12.31247615814209 + ], + [ + "▁Luis", + -12.312554359436035 + ], + [ + "▁spans", + -12.312576293945312 + ], + [ + "▁Dylan", + -12.312614440917969 + ], + [ + "▁strokes", + -12.312623023986816 + ], + [ + "▁regulator", + -12.31263542175293 + ], + [ + "▁infamous", + -12.312644004821776 + ], + [ + "▁sparkle", + -12.312654495239258 + ], + [ + "energy", + -12.312832832336426 + ], + [ + "▁105", + -12.312949180603027 + ], + [ + "Consider", + -12.312981605529783 + ], + [ + "84", + -12.312987327575684 + ], + [ + "▁Ensure", + -12.313074111938477 + ], + [ + "▁Archive", + -12.313121795654297 + ], + [ + "Ah", + -12.31314468383789 + ], + [ + "▁styled", + -12.313369750976562 + ], + [ + "▁tribes", + -12.31344985961914 + ], + [ + "▁hunters", + -12.31350326538086 + ], + [ + "aga", + -12.31350803375244 + ], + [ + "▁insist", + -12.313714027404783 + ], + [ + "▁liquor", + -12.313783645629885 + ], + [ + "▁declining", + -12.31379222869873 + ], + [ + "▁Ale", + -12.314162254333496 + ], + [ + "▁australia", + -12.314349174499512 + ], + [ + "▁benches", + -12.31442928314209 + ], + [ + "East", + -12.314440727233888 + ], + [ + "▁violin", + -12.314480781555176 + ], + [ + "▁4,000", + -12.314640045166016 + ], + [ + "▁inherited", + -12.314719200134276 + ], + [ + "Bio", + -12.314833641052246 + ], + [ + "▁similarities", + -12.314841270446776 + ], + [ + "▁Ru", + -12.314916610717772 + ], + [ + "▁imply", + -12.31499481201172 + ], + [ + "▁plush", + -12.315150260925291 + ], + [ + "▁Annie", + -12.315156936645508 + ], + [ + "▁sounding", + -12.3153076171875 + ], + [ + "▁rubbish", + -12.315317153930664 + ], + [ + "fully", + -12.315342903137209 + ], + [ + "▁defective", + -12.31544017791748 + ], + [ + "▁RA", + -12.315492630004885 + ], + [ + "ep", + -12.31554126739502 + ], + [ + "▁Windsor", + -12.31555461883545 + ], + [ + "▁EST", + -12.315601348876951 + ], + [ + "▁visuals", + -12.315624237060549 + ], + [ + "usually", + -12.31563663482666 + ], + [ + "Old", + -12.315666198730469 + ], + [ + "▁circumstance", + -12.315984725952148 + ], + [ + "▁southwest", + -12.316020011901855 + ], + [ + "▁wandering", + -12.316620826721191 + ], + [ + "▁commercially", + -12.316739082336426 + ], + [ + "▁Critical", + -12.316936492919922 + ], + [ + "▁wifi", + -12.316973686218262 + ], + [ + "▁Rad", + -12.316981315612791 + ], + [ + "▁symbolic", + -12.317155838012695 + ], + [ + "▁ensured", + -12.317173957824709 + ], + [ + "▁6:00", + -12.317254066467283 + ], + [ + "▁scratches", + -12.317317008972168 + ], + [ + "▁Awareness", + -12.31735134124756 + ], + [ + "▁Agricultural", + -12.3173828125 + ], + [ + "▁Administrative", + -12.317419052124023 + ], + [ + "▁understandable", + -12.317486763000488 + ], + [ + "▁Graphic", + -12.317516326904297 + ], + [ + "▁migrants", + -12.317516326904297 + ], + [ + "▁Glenn", + -12.317586898803713 + ], + [ + "▁pudding", + -12.317611694335938 + ], + [ + "▁motto", + -12.317686080932615 + ], + [ + "▁chunks", + -12.317815780639648 + ], + [ + "▁deliberately", + -12.317828178405762 + ], + [ + "▁Fully", + -12.317917823791504 + ], + [ + "fu", + -12.31815242767334 + ], + [ + "Test", + -12.318331718444824 + ], + [ + "▁facilitating", + -12.318376541137695 + ], + [ + "Additional", + -12.318382263183594 + ], + [ + "▁Essex", + -12.318488121032717 + ], + [ + "jan", + -12.31853199005127 + ], + [ + "▁someday", + -12.318689346313477 + ], + [ + "▁Chevy", + -12.31871223449707 + ], + [ + "▁1999.", + -12.318753242492676 + ], + [ + "▁balances", + -12.31876277923584 + ], + [ + "iki", + -12.31881046295166 + ], + [ + "area", + -12.319012641906738 + ], + [ + "Works", + -12.319025993347168 + ], + [ + "▁corridor", + -12.319087982177734 + ], + [ + "▁striving", + -12.319143295288086 + ], + [ + "▁Sussex", + -12.319186210632324 + ], + [ + "▁generously", + -12.31930923461914 + ], + [ + "▁Farmers", + -12.319355010986328 + ], + [ + "▁populated", + -12.319408416748049 + ], + [ + "ben", + -12.319679260253906 + ], + [ + "▁Earl", + -12.31984519958496 + ], + [ + "▁wrestling", + -12.319917678833008 + ], + [ + "ations", + -12.320120811462402 + ], + [ + "video", + -12.320448875427246 + ], + [ + "ash", + -12.3204927444458 + ], + [ + "▁affection", + -12.320910453796388 + ], + [ + "▁Toy", + -12.321038246154783 + ], + [ + "App", + -12.321175575256348 + ], + [ + "▁stealing", + -12.321218490600586 + ], + [ + "▁Scheme", + -12.321234703063965 + ], + [ + "▁ceremonies", + -12.32144546508789 + ], + [ + "▁cried", + -12.321462631225586 + ], + [ + "▁Gaza", + -12.321527481079102 + ], + [ + "▁Messenger", + -12.321645736694336 + ], + [ + "▁Employees", + -12.321659088134766 + ], + [ + "lies", + -12.321691513061523 + ], + [ + "LP", + -12.321693420410156 + ], + [ + "Page", + -12.322163581848145 + ], + [ + "▁Pest", + -12.322373390197754 + ], + [ + "▁atop", + -12.322378158569336 + ], + [ + "▁Bol", + -12.32256031036377 + ], + [ + "▁assistants", + -12.322588920593262 + ], + [ + "▁pitcher", + -12.32261848449707 + ], + [ + "▁contracted", + -12.322661399841309 + ], + [ + "▁sofas", + -12.322867393493652 + ], + [ + "▁Kingston", + -12.322876930236816 + ], + [ + "▁pigs", + -12.322980880737305 + ], + [ + "▁puppies", + -12.322983741760254 + ], + [ + "▁despair", + -12.323053359985352 + ], + [ + "cs", + -12.323174476623535 + ], + [ + "▁elder", + -12.323223114013672 + ], + [ + "▁platinum", + -12.323482513427734 + ], + [ + "MAN", + -12.323494911193848 + ], + [ + "▁Activities", + -12.323554039001465 + ], + [ + "▁Opening", + -12.323664665222168 + ], + [ + "ava", + -12.3236722946167 + ], + [ + "▁Files", + -12.323681831359863 + ], + [ + "▁proficient", + -12.323755264282228 + ], + [ + "▁quotation", + -12.323760032653809 + ], + [ + "▁LORD", + -12.323781967163086 + ], + [ + "▁certifications", + -12.323785781860352 + ], + [ + "▁predominantly", + -12.323832511901855 + ], + [ + "▁melting", + -12.323866844177246 + ], + [ + "▁Hit", + -12.323870658874512 + ], + [ + "▁NV", + -12.323885917663574 + ], + [ + "▁Wellington", + -12.323914527893066 + ], + [ + "Rock", + -12.323941230773926 + ], + [ + "etti", + -12.324214935302734 + ], + [ + "rus", + -12.324370384216309 + ], + [ + "▁pulp", + -12.324420928955078 + ], + [ + "qu", + -12.32443618774414 + ], + [ + "▁compositions", + -12.324528694152832 + ], + [ + "▁calorie", + -12.324551582336426 + ], + [ + "▁bonding", + -12.324745178222656 + ], + [ + "January", + -12.324929237365724 + ], + [ + "▁Female", + -12.3250150680542 + ], + [ + "▁signatures", + -12.325121879577637 + ], + [ + "▁Wool", + -12.325155258178713 + ], + [ + "▁handcrafted", + -12.32546043395996 + ], + [ + "nn", + -12.325480461120604 + ], + [ + "▁Likewise", + -12.325544357299805 + ], + [ + "▁mortar", + -12.325632095336914 + ], + [ + "▁metabolic", + -12.325666427612305 + ], + [ + "Further", + -12.325695991516112 + ], + [ + "mal", + -12.325749397277832 + ], + [ + "▁Mis", + -12.325850486755373 + ], + [ + ">>", + -12.325860023498535 + ], + [ + "Depending", + -12.325904846191406 + ], + [ + "1000", + -12.325998306274414 + ], + [ + "▁Restoration", + -12.326048851013184 + ], + [ + "member", + -12.32607650756836 + ], + [ + "bra", + -12.3261079788208 + ], + [ + "▁bloody", + -12.326128005981444 + ], + [ + "mb", + -12.326380729675291 + ], + [ + "▁depths", + -12.326422691345217 + ], + [ + "▁Reuters", + -12.326568603515623 + ], + [ + "▁administer", + -12.326759338378906 + ], + [ + "Product", + -12.326760292053224 + ], + [ + "▁vicinity", + -12.326837539672852 + ], + [ + "▁shelters", + -12.327022552490234 + ], + [ + "▁hash", + -12.327176094055176 + ], + [ + "▁Draw", + -12.32746696472168 + ], + [ + "68", + -12.32761573791504 + ], + [ + "frame", + -12.327622413635254 + ], + [ + "▁staircase", + -12.327666282653809 + ], + [ + "Mike", + -12.327730178833008 + ], + [ + "tex", + -12.32813835144043 + ], + [ + "Thus", + -12.328231811523438 + ], + [ + "...”", + -12.32831573486328 + ], + [ + "▁aforementioned", + -12.328384399414062 + ], + [ + "▁sauna", + -12.328461647033691 + ], + [ + "nor", + -12.328649520874023 + ], + [ + "▁savvy", + -12.328779220581056 + ], + [ + "centered", + -12.32882308959961 + ], + [ + "Complete", + -12.328835487365724 + ], + [ + "▁cigarette", + -12.32888412475586 + ], + [ + "gal", + -12.32903003692627 + ], + [ + "ois", + -12.32903003692627 + ], + [ + "▁Bow", + -12.329111099243164 + ], + [ + "▁missile", + -12.329323768615724 + ], + [ + "▁twins", + -12.32943630218506 + ], + [ + "mobile", + -12.329466819763184 + ], + [ + "funded", + -12.329602241516112 + ], + [ + "September", + -12.32968044281006 + ], + [ + "▁conversions", + -12.329731941223145 + ], + [ + "▁encompasses", + -12.3300142288208 + ], + [ + "gle", + -12.330063819885254 + ], + [ + "▁Lemon", + -12.33009910583496 + ], + [ + "▁incidence", + -12.330181121826172 + ], + [ + "▁Definitely", + -12.330286979675291 + ], + [ + "ches", + -12.330326080322266 + ], + [ + "▁screaming", + -12.33035945892334 + ], + [ + "▁pat", + -12.330367088317873 + ], + [ + "▁Tall", + -12.330389022827148 + ], + [ + "▁monument", + -12.330488204956056 + ], + [ + "Tom", + -12.330548286437988 + ], + [ + "▁Frederick", + -12.330743789672852 + ], + [ + "▁Scripture", + -12.330793380737305 + ], + [ + "▁Isaac", + -12.33090114593506 + ], + [ + "Tip", + -12.33095932006836 + ], + [ + "jet", + -12.33095932006836 + ], + [ + "▁traps", + -12.330986976623535 + ], + [ + "▁Links", + -12.3310546875 + ], + [ + "▁tilt", + -12.33110523223877 + ], + [ + "▁Brewing", + -12.331171035766602 + ], + [ + "▁dancer", + -12.331255912780762 + ], + [ + "▁vague", + -12.33135223388672 + ], + [ + "▁popcorn", + -12.331513404846191 + ], + [ + "▁plaintiff", + -12.331571578979492 + ], + [ + "▁exemption", + -12.331610679626465 + ], + [ + "▁integrates", + -12.33165454864502 + ], + [ + "▁coatings", + -12.33166217803955 + ], + [ + "▁SI", + -12.33173656463623 + ], + [ + "Apply", + -12.331802368164062 + ], + [ + "▁glove", + -12.331829071044922 + ], + [ + "pr", + -12.331892013549805 + ], + [ + "▁Letters", + -12.331896781921388 + ], + [ + "▁Cho", + -12.331920623779297 + ], + [ + "▁tuna", + -12.332002639770508 + ], + [ + "▁arbitration", + -12.332260131835938 + ], + [ + "▁Guinea", + -12.332305908203123 + ], + [ + "TP", + -12.332314491271973 + ], + [ + "▁5:30", + -12.332347869873049 + ], + [ + "▁vineyards", + -12.332387924194336 + ], + [ + "▁hated", + -12.33245086669922 + ], + [ + "▁comeback", + -12.33261013031006 + ], + [ + "77", + -12.332613945007324 + ], + [ + "▁Putin", + -12.332637786865234 + ], + [ + "▁hashtag", + -12.332722663879396 + ], + [ + "▁Spin", + -12.332834243774414 + ], + [ + "▁Similar", + -12.3329439163208 + ], + [ + "▁supposedly", + -12.332972526550291 + ], + [ + "▁worksheet", + -12.33301830291748 + ], + [ + "▁biodiversity", + -12.333040237426758 + ], + [ + "▁bra", + -12.33342170715332 + ], + [ + "▁discs", + -12.333443641662598 + ], + [ + "▁privileges", + -12.33347225189209 + ], + [ + "▁copying", + -12.333697319030762 + ], + [ + "▁royalty", + -12.333868026733398 + ], + [ + "▁Jump", + -12.333884239196776 + ], + [ + "▁CPA", + -12.33393669128418 + ], + [ + "▁veins", + -12.334052085876465 + ], + [ + "EX", + -12.334290504455566 + ], + [ + "▁Hampton", + -12.334455490112305 + ], + [ + "▁nurturing", + -12.334592819213867 + ], + [ + "▁municipalities", + -12.334612846374512 + ], + [ + "▁polar", + -12.334630012512209 + ], + [ + "End", + -12.334641456604004 + ], + [ + "▁acceleration", + -12.334675788879396 + ], + [ + "▁Tur", + -12.334721565246582 + ], + [ + "▁periodic", + -12.334800720214844 + ], + [ + "▁Atlas", + -12.334941864013672 + ], + [ + "Really", + -12.334959983825684 + ], + [ + "▁Signature", + -12.33502197265625 + ], + [ + "fo", + -12.335055351257324 + ], + [ + "15.", + -12.335296630859377 + ], + [ + "▁preparations", + -12.335321426391602 + ], + [ + "SL", + -12.335418701171877 + ], + [ + "▁Officers", + -12.33559226989746 + ], + [ + "▁redesign", + -12.335740089416504 + ], + [ + "▁stalls", + -12.335847854614258 + ], + [ + "▁streamline", + -12.335944175720217 + ], + [ + "▁bunk", + -12.335948944091797 + ], + [ + "▁interpreted", + -12.335951805114746 + ], + [ + "▁galaxy", + -12.336152076721191 + ], + [ + "TY", + -12.336318969726562 + ], + [ + "Store", + -12.336411476135254 + ], + [ + "▁farmhouse", + -12.336539268493652 + ], + [ + "mu", + -12.336543083190918 + ], + [ + "▁Consequently", + -12.33686351776123 + ], + [ + "▁accounted", + -12.336926460266112 + ], + [ + "▁gatherings", + -12.337090492248535 + ], + [ + "mod", + -12.337153434753418 + ], + [ + "▁Reality", + -12.33718490600586 + ], + [ + "▁disappoint", + -12.337238311767578 + ], + [ + "▁sci", + -12.337247848510742 + ], + [ + "Building", + -12.337302207946776 + ], + [ + "▁Admission", + -12.337368965148926 + ], + [ + "▁Yale", + -12.337479591369627 + ], + [ + "▁debates", + -12.3377046585083 + ], + [ + "tv", + -12.33775806427002 + ], + [ + "▁traumatic", + -12.33778476715088 + ], + [ + "▁doorstep", + -12.337848663330078 + ], + [ + "▁antioxidant", + -12.33788013458252 + ], + [ + "▁deduction", + -12.337937355041504 + ], + [ + "aba", + -12.337955474853516 + ], + [ + "▁induction", + -12.337993621826172 + ], + [ + "▁Yesterday", + -12.338057518005373 + ], + [ + "guard", + -12.338094711303713 + ], + [ + "▁reels", + -12.33817195892334 + ], + [ + "char", + -12.3383207321167 + ], + [ + "dia", + -12.338321685791016 + ], + [ + "▁Satellite", + -12.338394165039062 + ], + [ + "▁Patient", + -12.338529586791992 + ], + [ + "▁civilization", + -12.338827133178713 + ], + [ + "▁Grid", + -12.338890075683594 + ], + [ + "osis", + -12.338895797729492 + ], + [ + "▁manufactures", + -12.339055061340332 + ], + [ + "▁1985", + -12.339076042175291 + ], + [ + "▁horn", + -12.339086532592772 + ], + [ + "tle", + -12.339120864868164 + ], + [ + "▁oversee", + -12.33919906616211 + ], + [ + "▁surgeons", + -12.339235305786133 + ], + [ + "▁confront", + -12.339278221130373 + ], + [ + "University", + -12.33928394317627 + ], + [ + "▁GST", + -12.33931827545166 + ], + [ + "▁grout", + -12.339341163635254 + ], + [ + "▁SB", + -12.339454650878906 + ], + [ + "▁tolerate", + -12.339466094970703 + ], + [ + "▁dinners", + -12.339468002319336 + ], + [ + "р", + -12.339470863342283 + ], + [ + "▁stumbled", + -12.339592933654783 + ], + [ + "▁leftover", + -12.339802742004396 + ], + [ + "▁Reform", + -12.339838027954102 + ], + [ + "TE", + -12.340045928955078 + ], + [ + "▁penetration", + -12.340060234069824 + ], + [ + "▁Celtic", + -12.340171813964844 + ], + [ + "▁runway", + -12.340194702148438 + ], + [ + "Email", + -12.340465545654297 + ], + [ + "CU", + -12.34063720703125 + ], + [ + "▁soils", + -12.34063720703125 + ], + [ + "▁stole", + -12.34067153930664 + ], + [ + "FR", + -12.34069538116455 + ], + [ + "▁Volvo", + -12.340761184692385 + ], + [ + "▁Vo", + -12.34080410003662 + ], + [ + "▁capacities", + -12.340840339660645 + ], + [ + "▁philosophical", + -12.340840339660645 + ], + [ + "▁detention", + -12.340869903564451 + ], + [ + "▁Fi", + -12.340912818908691 + ], + [ + "▁chess", + -12.34132957458496 + ], + [ + "▁Carr", + -12.34146785736084 + ], + [ + "▁Troy", + -12.3414888381958 + ], + [ + "▁fictional", + -12.341614723205566 + ], + [ + "▁petroleum", + -12.341626167297363 + ], + [ + "▁ridge", + -12.34168529510498 + ], + [ + "▁Via", + -12.341693878173828 + ], + [ + "▁Shin", + -12.341878890991213 + ], + [ + "▁MAC", + -12.341984748840332 + ], + [ + "▁reminders", + -12.342005729675291 + ], + [ + "96", + -12.342019081115724 + ], + [ + "ied", + -12.34202480316162 + ], + [ + "▁reluctant", + -12.342035293579102 + ], + [ + "▁Fishing", + -12.342045783996582 + ], + [ + "rel", + -12.342111587524414 + ], + [ + "▁115", + -12.342124938964844 + ], + [ + "▁Expect", + -12.342247009277344 + ], + [ + "▁energies", + -12.34241008758545 + ], + [ + "▁sightseeing", + -12.342414855957031 + ], + [ + "▁trout", + -12.342466354370115 + ], + [ + "▁governmental", + -12.342493057250977 + ], + [ + "▁depart", + -12.342514991760254 + ], + [ + "▁Supplier", + -12.342605590820312 + ], + [ + "▁guitarist", + -12.342718124389648 + ], + [ + "▁Clarke", + -12.342971801757812 + ], + [ + "▁Nuclear", + -12.343061447143556 + ], + [ + "▁borrowed", + -12.34307098388672 + ], + [ + "OH", + -12.343092918395996 + ], + [ + "▁Distribution", + -12.343132972717283 + ], + [ + "▁plethora", + -12.34319305419922 + ], + [ + "▁Hopkins", + -12.343198776245115 + ], + [ + "▁trackback", + -12.343389511108398 + ], + [ + "▁collateral", + -12.343396186828612 + ], + [ + "facing", + -12.34340476989746 + ], + [ + "▁detox", + -12.343432426452637 + ], + [ + "▁Morocco", + -12.343436241149902 + ], + [ + "▁ministers", + -12.34344482421875 + ], + [ + "CON", + -12.343534469604492 + ], + [ + "▁Mouse", + -12.343589782714844 + ], + [ + "▁emission", + -12.34359073638916 + ], + [ + "▁Alumni", + -12.343634605407717 + ], + [ + "▁sentenced", + -12.343838691711426 + ], + [ + "▁flair", + -12.343992233276367 + ], + [ + "Media", + -12.344144821166992 + ], + [ + "▁Hy", + -12.344167709350586 + ], + [ + "▁expedition", + -12.344226837158203 + ], + [ + "sided", + -12.344388008117676 + ], + [ + "▁routing", + -12.34455680847168 + ], + [ + "▁streamlined", + -12.3446044921875 + ], + [ + "▁Mono", + -12.344647407531738 + ], + [ + "lly", + -12.344676971435549 + ], + [ + "hp", + -12.34469985961914 + ], + [ + "▁juicy", + -12.344764709472656 + ], + [ + "▁Alexa", + -12.34488296508789 + ], + [ + "▁hp", + -12.344970703125 + ], + [ + "▁fled", + -12.345052719116213 + ], + [ + "Image", + -12.345358848571776 + ], + [ + "▁milling", + -12.345376014709473 + ], + [ + "▁civilians", + -12.345462799072266 + ], + [ + "▁insightful", + -12.345492362976074 + ], + [ + "▁battling", + -12.345551490783691 + ], + [ + "▁Inch", + -12.3455810546875 + ], + [ + "▁clicked", + -12.345736503601074 + ], + [ + "▁Units", + -12.34579372406006 + ], + [ + "sie", + -12.345807075500488 + ], + [ + "▁tablespoon", + -12.345840454101562 + ], + [ + "▁Accounts", + -12.346073150634766 + ], + [ + "▁cu", + -12.346077919006348 + ], + [ + "▁Okay", + -12.346323013305664 + ], + [ + "▁jelly", + -12.346335411071776 + ], + [ + "ser", + -12.346436500549316 + ], + [ + "CL", + -12.346479415893556 + ], + [ + "Related", + -12.346497535705566 + ], + [ + "▁lookout", + -12.346516609191896 + ], + [ + "▁1998.", + -12.346532821655272 + ], + [ + "download", + -12.346607208251951 + ], + [ + "▁substitution", + -12.34661102294922 + ], + [ + "verse", + -12.346720695495604 + ], + [ + "▁hug", + -12.346720695495604 + ], + [ + "▁Diane", + -12.346763610839844 + ], + [ + "▁GDPR", + -12.34676742553711 + ], + [ + "▁mentioning", + -12.346818923950195 + ], + [ + "▁Roller", + -12.346842765808104 + ], + [ + "▁dreamed", + -12.347143173217772 + ], + [ + "▁Bone", + -12.347272872924805 + ], + [ + "2000", + -12.347310066223145 + ], + [ + "▁landlords", + -12.347312927246094 + ], + [ + "▁Piano", + -12.347419738769531 + ], + [ + "▁revelation", + -12.347426414489746 + ], + [ + "▁Philosophy", + -12.347495079040527 + ], + [ + "▁invoices", + -12.347575187683104 + ], + [ + "▁differentiate", + -12.347783088684082 + ], + [ + "loss", + -12.347869873046877 + ], + [ + "▁repetitive", + -12.347915649414062 + ], + [ + "▁Jesse", + -12.347925186157228 + ], + [ + "▁Forbes", + -12.347994804382324 + ], + [ + "▁stitching", + -12.34804630279541 + ], + [ + "▁aquatic", + -12.348061561584473 + ], + [ + "▁Liberal", + -12.348150253295898 + ], + [ + "▁elbow", + -12.348204612731934 + ], + [ + "ech", + -12.34826946258545 + ], + [ + "▁Tier", + -12.348464012145996 + ], + [ + "▁polite", + -12.34848403930664 + ], + [ + "▁projections", + -12.348498344421388 + ], + [ + "▁bind", + -12.348550796508787 + ], + [ + "▁ignition", + -12.348705291748049 + ], + [ + "▁tackling", + -12.34873104095459 + ], + [ + "▁apologize", + -12.348895072937012 + ], + [ + "▁Compliance", + -12.349018096923828 + ], + [ + "rm", + -12.349282264709473 + ], + [ + "operative", + -12.34929370880127 + ], + [ + "▁Asset", + -12.349514961242676 + ], + [ + "▁settlements", + -12.34953784942627 + ], + [ + "ink", + -12.349679946899414 + ], + [ + "▁Albany", + -12.349721908569336 + ], + [ + "Five", + -12.349756240844728 + ], + [ + "▁referenced", + -12.34976863861084 + ], + [ + "▁Pull", + -12.349857330322266 + ], + [ + "▁TIME", + -12.349942207336426 + ], + [ + "▁rooftop", + -12.349968910217283 + ], + [ + "▁mainland", + -12.350020408630373 + ], + [ + "▁crunch", + -12.350049018859863 + ], + [ + "▁Raymond", + -12.350194931030272 + ], + [ + "▁retains", + -12.350264549255373 + ], + [ + "▁bacterial", + -12.350502014160156 + ], + [ + "LC", + -12.350508689880373 + ], + [ + "EM", + -12.350677490234377 + ], + [ + "▁Chu", + -12.350688934326172 + ], + [ + "▁complained", + -12.3509521484375 + ], + [ + "▁DM", + -12.351057052612305 + ], + [ + "▁Springfield", + -12.351207733154297 + ], + [ + "▁rum", + -12.351275444030762 + ], + [ + "▁Included", + -12.351296424865724 + ], + [ + "▁Ros", + -12.351312637329102 + ], + [ + "Low", + -12.351398468017578 + ], + [ + "nick", + -12.351449966430664 + ], + [ + "▁simplified", + -12.351452827453612 + ], + [ + "▁constructive", + -12.351524353027344 + ], + [ + "▁flooded", + -12.351591110229492 + ], + [ + "▁Fo", + -12.351794242858888 + ], + [ + "FT", + -12.351868629455566 + ], + [ + "▁Clara", + -12.351895332336426 + ], + [ + "▁Kal", + -12.351958274841309 + ], + [ + "oy", + -12.352046012878418 + ], + [ + "▁Farms", + -12.352128982543944 + ], + [ + "Spring", + -12.352195739746094 + ], + [ + "ido", + -12.35220718383789 + ], + [ + "▁Count", + -12.352217674255373 + ], + [ + "▁compressor", + -12.352296829223633 + ], + [ + "▁subjected", + -12.35230827331543 + ], + [ + "Ready", + -12.352387428283691 + ], + [ + "▁Drink", + -12.352399826049805 + ], + [ + "▁ISBN", + -12.352428436279297 + ], + [ + "▁GPU", + -12.35244846343994 + ], + [ + "▁edible", + -12.35269832611084 + ], + [ + "▁Employee", + -12.352758407592772 + ], + [ + "▁LLP", + -12.352766036987305 + ], + [ + "USD", + -12.35279369354248 + ], + [ + "▁sincerely", + -12.352943420410156 + ], + [ + "▁Drawing", + -12.353070259094238 + ], + [ + "▁outright", + -12.353109359741213 + ], + [ + "ien", + -12.353135108947754 + ], + [ + "▁Moto", + -12.353189468383787 + ], + [ + "AF", + -12.35325527191162 + ], + [ + "▁Cave", + -12.353346824645996 + ], + [ + "LS", + -12.353353500366213 + ], + [ + "▁3%", + -12.35338306427002 + ], + [ + "▁bead", + -12.353401184082031 + ], + [ + "▁swear", + -12.35342502593994 + ], + [ + "Wood", + -12.353459358215332 + ], + [ + "mus", + -12.353487014770508 + ], + [ + "▁slipped", + -12.353532791137695 + ], + [ + "Benz", + -12.353713989257812 + ], + [ + "▁Charity", + -12.353919982910156 + ], + [ + "▁Former", + -12.353940963745115 + ], + [ + "▁Ny", + -12.353973388671877 + ], + [ + "▁Evening", + -12.354012489318848 + ], + [ + "▁doctoral", + -12.354037284851074 + ], + [ + "▁insufficient", + -12.354093551635742 + ], + [ + "▁Poetry", + -12.354138374328612 + ], + [ + "▁Bernard", + -12.354222297668455 + ], + [ + "▁Drivers", + -12.354225158691406 + ], + [ + "vy", + -12.354413986206056 + ], + [ + "▁compressed", + -12.35442066192627 + ], + [ + "▁misleading", + -12.35443878173828 + ], + [ + "▁legends", + -12.354602813720703 + ], + [ + "▁Orders", + -12.354846954345703 + ], + [ + "▁Sheffield", + -12.354866027832031 + ], + [ + "▁Rates", + -12.35500144958496 + ], + [ + "▁majestic", + -12.355015754699709 + ], + [ + "▁Mur", + -12.355034828186035 + ], + [ + "▁whipped", + -12.355057716369627 + ], + [ + "uka", + -12.355061531066896 + ], + [ + "▁Lancaster", + -12.355125427246094 + ], + [ + "▁Grow", + -12.35512638092041 + ], + [ + "▁handheld", + -12.355210304260254 + ], + [ + "DL", + -12.355291366577148 + ], + [ + "Game", + -12.355301856994627 + ], + [ + "Early", + -12.355485916137695 + ], + [ + "▁constructing", + -12.355538368225098 + ], + [ + "▁Julian", + -12.355605125427246 + ], + [ + "▁Taste", + -12.355647087097168 + ], + [ + "along", + -12.355672836303713 + ], + [ + "▁whereby", + -12.355742454528809 + ], + [ + "2,000", + -12.355839729309082 + ], + [ + "▁Strength", + -12.355913162231444 + ], + [ + "▁Ferrari", + -12.355977058410645 + ], + [ + "▁Henderson", + -12.355996131896973 + ], + [ + "▁obscure", + -12.35603141784668 + ], + [ + "▁scholar", + -12.35615348815918 + ], + [ + "IR", + -12.356268882751465 + ], + [ + "▁competed", + -12.356284141540527 + ], + [ + "▁repayment", + -12.356327056884766 + ], + [ + "▁pitched", + -12.35634994506836 + ], + [ + "▁twisted", + -12.356363296508787 + ], + [ + "▁learner", + -12.356365203857422 + ], + [ + "▁chop", + -12.35655689239502 + ], + [ + "▁Ant", + -12.356595993041992 + ], + [ + "▁Cone", + -12.356754302978516 + ], + [ + "▁farther", + -12.356785774230955 + ], + [ + "▁Background", + -12.35680103302002 + ], + [ + "▁glossy", + -12.356948852539062 + ], + [ + "▁insulated", + -12.356961250305176 + ], + [ + "▁restriction", + -12.356963157653809 + ], + [ + "▁Flag", + -12.357195854187012 + ], + [ + "▁Arnold", + -12.357254028320312 + ], + [ + "▁Strip", + -12.357282638549805 + ], + [ + "▁leveraging", + -12.357434272766112 + ], + [ + "95", + -12.35745906829834 + ], + [ + "iah", + -12.35756778717041 + ], + [ + "▁Hyderabad", + -12.357572555541992 + ], + [ + "▁fingertips", + -12.35782527923584 + ], + [ + "js", + -12.35783576965332 + ], + [ + "bot", + -12.357847213745115 + ], + [ + "November", + -12.357863426208496 + ], + [ + "▁outputs", + -12.357951164245604 + ], + [ + "▁ventures", + -12.35824966430664 + ], + [ + "▁por", + -12.358293533325195 + ], + [ + "▁touchdown", + -12.358302116394045 + ], + [ + "▁Monroe", + -12.358650207519531 + ], + [ + "▁IEEE", + -12.35873031616211 + ], + [ + "▁racist", + -12.358834266662598 + ], + [ + "▁comforting", + -12.358860969543455 + ], + [ + "▁Boot", + -12.359127044677734 + ], + [ + "▁groove", + -12.359132766723633 + ], + [ + "▁Ren", + -12.359156608581545 + ], + [ + "0.00", + -12.359228134155272 + ], + [ + "Tickets", + -12.359235763549805 + ], + [ + "▁Writers", + -12.359498023986816 + ], + [ + "▁Draft", + -12.35949993133545 + ], + [ + "0000", + -12.35954761505127 + ], + [ + "▁Suites", + -12.359561920166016 + ], + [ + "▁Luther", + -12.359766006469728 + ], + [ + "hy", + -12.35981273651123 + ], + [ + "▁Diana", + -12.35988712310791 + ], + [ + "▁northeast", + -12.359901428222656 + ], + [ + "▁planets", + -12.359914779663086 + ], + [ + "▁planners", + -12.360033988952637 + ], + [ + "▁cereal", + -12.360259056091309 + ], + [ + "▁spreadsheet", + -12.360284805297852 + ], + [ + "120", + -12.360312461853027 + ], + [ + "EST", + -12.36040496826172 + ], + [ + "lot", + -12.360482215881348 + ], + [ + "▁jerseys", + -12.36056137084961 + ], + [ + "▁Parent", + -12.360602378845217 + ], + [ + "Pa", + -12.360702514648438 + ], + [ + "▁plots", + -12.360763549804688 + ], + [ + "▁advent", + -12.36081600189209 + ], + [ + "▁formatting", + -12.360925674438477 + ], + [ + "▁weave", + -12.360989570617676 + ], + [ + "▁hacking", + -12.361019134521484 + ], + [ + "King", + -12.361047744750977 + ], + [ + "▁Basin", + -12.361054420471191 + ], + [ + "▁dot", + -12.361083984375 + ], + [ + "▁Savings", + -12.36124324798584 + ], + [ + "▁Eli", + -12.361254692077637 + ], + [ + "▁Chrysler", + -12.361281394958496 + ], + [ + "Sa", + -12.361284255981444 + ], + [ + "▁beams", + -12.361297607421877 + ], + [ + "▁Os", + -12.361361503601074 + ], + [ + "▁Deposit", + -12.361448287963867 + ], + [ + "▁foreclosure", + -12.36145305633545 + ], + [ + "▁bowling", + -12.36147689819336 + ], + [ + "▁Jerseys", + -12.361542701721191 + ], + [ + "▁Municipal", + -12.361634254455566 + ], + [ + "▁Glad", + -12.3618745803833 + ], + [ + "▁Randy", + -12.361886978149414 + ], + [ + "mill", + -12.361968040466309 + ], + [ + "▁Bud", + -12.36201000213623 + ], + [ + "▁HTTP", + -12.362072944641112 + ], + [ + "section", + -12.36211395263672 + ], + [ + "▁halt", + -12.362171173095703 + ], + [ + "▁Giant", + -12.362218856811523 + ], + [ + "▁knives", + -12.362218856811523 + ], + [ + "▁1979", + -12.362247467041016 + ], + [ + "▁ESPN", + -12.36230754852295 + ], + [ + "lor", + -12.362449645996094 + ], + [ + "rc", + -12.362489700317385 + ], + [ + "▁northwest", + -12.362504959106444 + ], + [ + "▁illustrates", + -12.362773895263672 + ], + [ + "▁diplomatic", + -12.362995147705078 + ], + [ + "▁verdict", + -12.363021850585938 + ], + [ + "▁piping", + -12.363152503967283 + ], + [ + "▁14-", + -12.363179206848145 + ], + [ + "▁Wake", + -12.36326026916504 + ], + [ + "alone", + -12.363279342651367 + ], + [ + "▁Curtis", + -12.363299369812012 + ], + [ + "▁dubbed", + -12.363409042358398 + ], + [ + "▁Founded", + -12.363496780395508 + ], + [ + "▁supervised", + -12.36358642578125 + ], + [ + "▁verses", + -12.363703727722168 + ], + [ + "▁reap", + -12.3638334274292 + ], + [ + "▁Sundays", + -12.363868713378906 + ], + [ + "pool", + -12.364062309265137 + ], + [ + "▁Knights", + -12.364418029785156 + ], + [ + "▁Summary", + -12.364561080932615 + ], + [ + "▁lobster", + -12.364629745483398 + ], + [ + "▁guitars", + -12.364712715148926 + ], + [ + "▁Mazda", + -12.364823341369627 + ], + [ + "▁Wallace", + -12.36495590209961 + ], + [ + "▁unbelievable", + -12.36523151397705 + ], + [ + "▁Spread", + -12.365315437316896 + ], + [ + "▁Monica", + -12.365370750427246 + ], + [ + "▁Nobody", + -12.36544132232666 + ], + [ + "eau", + -12.365477561950684 + ], + [ + "living", + -12.365511894226074 + ], + [ + "▁suburban", + -12.365523338317873 + ], + [ + "▁NM", + -12.365668296813965 + ], + [ + "▁Combine", + -12.365674018859863 + ], + [ + "▁Associated", + -12.365699768066406 + ], + [ + "▁plastics", + -12.365704536437988 + ], + [ + "RO", + -12.36571979522705 + ], + [ + "▁Spark", + -12.365811347961426 + ], + [ + "▁plumber", + -12.36596393585205 + ], + [ + "Summer", + -12.36615753173828 + ], + [ + "▁speeches", + -12.366170883178713 + ], + [ + "▁executing", + -12.366229057312012 + ], + [ + "▁reboot", + -12.366238594055176 + ], + [ + "perfect", + -12.366283416748049 + ], + [ + "▁fuss", + -12.36634922027588 + ], + [ + "▁shark", + -12.366397857666016 + ], + [ + "▁q", + -12.36643123626709 + ], + [ + "RP", + -12.36645221710205 + ], + [ + "▁banners", + -12.366456985473633 + ], + [ + "▁fences", + -12.366517066955566 + ], + [ + "▁listener", + -12.366705894470217 + ], + [ + "▁servant", + -12.366726875305176 + ], + [ + "▁laboratories", + -12.367033004760742 + ], + [ + "▁herein", + -12.367125511169434 + ], + [ + "▁bladder", + -12.367219924926758 + ], + [ + "▁troubleshooting", + -12.367276191711426 + ], + [ + "uf", + -12.367472648620604 + ], + [ + "▁mushroom", + -12.367483139038086 + ], + [ + "▁Marriage", + -12.367640495300291 + ], + [ + "▁safest", + -12.367722511291504 + ], + [ + "mount", + -12.367783546447754 + ], + [ + "▁whoever", + -12.367806434631348 + ], + [ + "▁issuing", + -12.367852210998535 + ], + [ + "▁CDs", + -12.368040084838867 + ], + [ + "▁drift", + -12.368050575256348 + ], + [ + "bio", + -12.368138313293455 + ], + [ + "▁infrared", + -12.368459701538086 + ], + [ + "▁rib", + -12.368651390075684 + ], + [ + "▁Surrey", + -12.36866569519043 + ], + [ + "▁chord", + -12.368812561035156 + ], + [ + "Peter", + -12.36887264251709 + ], + [ + "▁contracting", + -12.368974685668944 + ], + [ + "sign", + -12.369033813476562 + ], + [ + "neck", + -12.369051933288574 + ], + [ + "▁Trial", + -12.36910343170166 + ], + [ + "2013", + -12.369133949279783 + ], + [ + "esteem", + -12.369168281555176 + ], + [ + "▁dysfunction", + -12.36953067779541 + ], + [ + "beat", + -12.369535446166992 + ], + [ + "School", + -12.369603157043455 + ], + [ + "▁Pune", + -12.36970329284668 + ], + [ + "▁Classes", + -12.369810104370115 + ], + [ + "▁OUR", + -12.369826316833496 + ], + [ + "▁questionnaire", + -12.370015144348145 + ], + [ + "▁flats", + -12.37013053894043 + ], + [ + "sport", + -12.370224952697754 + ], + [ + "scape", + -12.37027645111084 + ], + [ + "▁collaborations", + -12.37035846710205 + ], + [ + "▁shrink", + -12.370497703552246 + ], + [ + "▁digest", + -12.370509147644045 + ], + [ + "▁Hawaiian", + -12.370831489562988 + ], + [ + "▁Jin", + -12.37097454071045 + ], + [ + "▁digestion", + -12.371102333068848 + ], + [ + "▁borrowing", + -12.37112522125244 + ], + [ + "▁Travis", + -12.371254920959473 + ], + [ + "▁deficiency", + -12.371268272399902 + ], + [ + "▁medals", + -12.371280670166016 + ], + [ + "▁teachings", + -12.371441841125488 + ], + [ + "▁craving", + -12.371625900268556 + ], + [ + "▁qualitative", + -12.371625900268556 + ], + [ + "sharing", + -12.371649742126465 + ], + [ + "▁assumes", + -12.371685981750488 + ], + [ + "▁lever", + -12.37170124053955 + ], + [ + "dot", + -12.371726989746094 + ], + [ + "▁Orthodox", + -12.37173080444336 + ], + [ + "Bill", + -12.371862411499023 + ], + [ + "▁Jeffrey", + -12.37187671661377 + ], + [ + "Until", + -12.3719482421875 + ], + [ + "▁Wizard", + -12.372072219848633 + ], + [ + "▁inquire", + -12.37208652496338 + ], + [ + "Born", + -12.372105598449709 + ], + [ + "▁Parade", + -12.372283935546877 + ], + [ + "Auto", + -12.372285842895508 + ], + [ + "Da", + -12.372466087341309 + ], + [ + "▁SharePoint", + -12.372697830200195 + ], + [ + "Pacific", + -12.372732162475586 + ], + [ + "▁burnt", + -12.372732162475586 + ], + [ + "ters", + -12.372764587402344 + ], + [ + "▁polymer", + -12.37285041809082 + ], + [ + "▁parental", + -12.37297534942627 + ], + [ + "▁Musical", + -12.372997283935549 + ], + [ + "dd", + -12.373058319091797 + ], + [ + "Fill", + -12.373153686523438 + ], + [ + "▁mock", + -12.373170852661133 + ], + [ + "▁Disc", + -12.373241424560549 + ], + [ + "WP", + -12.373326301574709 + ], + [ + "▁shaking", + -12.373528480529783 + ], + [ + "▁commander", + -12.373598098754885 + ], + [ + "▁aka", + -12.373661994934082 + ], + [ + "▁Pakistani", + -12.373703956604004 + ], + [ + "▁Hans", + -12.373740196228027 + ], + [ + "▁Hispanic", + -12.373754501342772 + ], + [ + "▁rookie", + -12.37397003173828 + ], + [ + "▁escaped", + -12.374011993408203 + ], + [ + "url", + -12.374046325683594 + ], + [ + "▁Colors", + -12.374153137207031 + ], + [ + "▁pitches", + -12.374176025390623 + ], + [ + "▁slept", + -12.374297142028809 + ], + [ + "UN", + -12.374326705932615 + ], + [ + "▁sip", + -12.374427795410156 + ], + [ + "▁dedicate", + -12.374506950378418 + ], + [ + "▁Yamaha", + -12.374592781066896 + ], + [ + "▁pops", + -12.374646186828612 + ], + [ + "DA", + -12.37466526031494 + ], + [ + "▁joyful", + -12.374818801879885 + ], + [ + "▁Arlington", + -12.37494945526123 + ], + [ + "▁hallway", + -12.375067710876465 + ], + [ + "▁enquiries", + -12.375106811523438 + ], + [ + "▁colony", + -12.375337600708008 + ], + [ + "▁Berg", + -12.375411033630373 + ], + [ + "▁campuses", + -12.37543773651123 + ], + [ + "”),", + -12.375448226928713 + ], + [ + "▁deepest", + -12.375484466552734 + ], + [ + "▁Dana", + -12.375680923461914 + ], + [ + "▁fluids", + -12.375772476196287 + ], + [ + ",000", + -12.375784873962402 + ], + [ + "▁nausea", + -12.375933647155762 + ], + [ + "▁prostate", + -12.375995635986328 + ], + [ + "▁Growing", + -12.37611484527588 + ], + [ + "▁enzymes", + -12.376131057739258 + ], + [ + "▁Label", + -12.376158714294434 + ], + [ + "▁manageable", + -12.37632179260254 + ], + [ + "▁Riverside", + -12.376352310180664 + ], + [ + "fly", + -12.376476287841797 + ], + [ + "▁Reg", + -12.376501083374023 + ], + [ + "▁Integration", + -12.376667976379396 + ], + [ + "▁overweight", + -12.376687049865724 + ], + [ + "▁Subaru", + -12.376734733581545 + ], + [ + "RC", + -12.376768112182615 + ], + [ + "▁Cycle", + -12.376785278320312 + ], + [ + "▁UNESCO", + -12.376875877380373 + ], + [ + "aya", + -12.376896858215332 + ], + [ + "▁collagen", + -12.376935958862305 + ], + [ + "eb", + -12.37710952758789 + ], + [ + "▁FB", + -12.37725830078125 + ], + [ + "-35", + -12.377354621887209 + ], + [ + "▁Comes", + -12.377354621887209 + ], + [ + "▁1,500", + -12.377389907836914 + ], + [ + "▁digitally", + -12.37742042541504 + ], + [ + "▁mortgages", + -12.377610206604004 + ], + [ + "▁alcoholic", + -12.37761402130127 + ], + [ + "lle", + -12.377673149108888 + ], + [ + "▁Copenhagen", + -12.377689361572266 + ], + [ + "▁harvested", + -12.377708435058594 + ], + [ + "▁junction", + -12.37779140472412 + ], + [ + "▁Highland", + -12.377921104431152 + ], + [ + "▁Sally", + -12.378029823303224 + ], + [ + "▁Ballet", + -12.378416061401367 + ], + [ + "▁suffers", + -12.37848663330078 + ], + [ + "AH", + -12.378560066223145 + ], + [ + "▁slick", + -12.378681182861328 + ], + [ + "▁Believe", + -12.378717422485352 + ], + [ + "▁pursued", + -12.378921508789062 + ], + [ + "ography", + -12.379020690917969 + ], + [ + "chan", + -12.379199981689451 + ], + [ + "▁Bloomberg", + -12.379318237304688 + ], + [ + "SF", + -12.379385948181152 + ], + [ + "▁LAN", + -12.379443168640137 + ], + [ + "▁Progress", + -12.37946891784668 + ], + [ + "MI", + -12.379487991333008 + ], + [ + "▁Advance", + -12.379554748535156 + ], + [ + "▁Into", + -12.379620552062988 + ], + [ + "▁successor", + -12.379655838012695 + ], + [ + "▁tablespoons", + -12.379711151123049 + ], + [ + "▁Tomorrow", + -12.37981414794922 + ], + [ + "▁tweeted", + -12.379833221435549 + ], + [ + "modern", + -12.379940032958984 + ], + [ + "Ever", + -12.380084991455078 + ], + [ + "▁Stress", + -12.380085945129396 + ], + [ + "▁Maya", + -12.38022518157959 + ], + [ + "▁liberty", + -12.380295753479004 + ], + [ + "▁Drain", + -12.380311012268066 + ], + [ + "▁feathers", + -12.380334854125977 + ], + [ + "▁Adrian", + -12.380423545837402 + ], + [ + "▁endeavors", + -12.380489349365234 + ], + [ + "Young", + -12.380559921264648 + ], + [ + "▁downward", + -12.380651473999023 + ], + [ + "▁infused", + -12.380703926086426 + ], + [ + "▁Ry", + -12.380837440490724 + ], + [ + "▁Ubuntu", + -12.381023406982422 + ], + [ + "▁detector", + -12.381355285644531 + ], + [ + "▁Sigma", + -12.381403923034668 + ], + [ + "LL", + -12.38143825531006 + ], + [ + "▁vineyard", + -12.381487846374512 + ], + [ + "▁impaired", + -12.381508827209473 + ], + [ + "▁Facility", + -12.381613731384276 + ], + [ + "▁addictive", + -12.381658554077148 + ], + [ + "▁Inspector", + -12.381684303283691 + ], + [ + "uch", + -12.381696701049805 + ], + [ + "rr", + -12.38172435760498 + ], + [ + "▁$150", + -12.381744384765623 + ], + [ + "between", + -12.381834030151367 + ], + [ + "▁carbohydrates", + -12.381890296936035 + ], + [ + "Ko", + -12.38200855255127 + ], + [ + "▁immensely", + -12.382019996643066 + ], + [ + "▁pod", + -12.382071495056152 + ], + [ + "mates", + -12.382100105285645 + ], + [ + "▁Jacksonville", + -12.38227367401123 + ], + [ + "▁identities", + -12.382431030273438 + ], + [ + "▁Transit", + -12.38245964050293 + ], + [ + "▁socio", + -12.38246726989746 + ], + [ + "76", + -12.382516860961914 + ], + [ + "▁Podcast", + -12.38255214691162 + ], + [ + "▁Prayer", + -12.38265609741211 + ], + [ + "▁cancers", + -12.382787704467772 + ], + [ + "▁rabbit", + -12.382790565490724 + ], + [ + "▁frequencies", + -12.382866859436035 + ], + [ + "▁Drake", + -12.382874488830566 + ], + [ + "▁conceived", + -12.3828763961792 + ], + [ + "2015", + -12.382889747619627 + ], + [ + "▁Adventures", + -12.382928848266602 + ], + [ + "▁Rugby", + -12.383030891418455 + ], + [ + "▁Derek", + -12.383069038391112 + ], + [ + "▁si", + -12.38309383392334 + ], + [ + "▁satisfactory", + -12.38319206237793 + ], + [ + "▁beneficiaries", + -12.383246421813965 + ], + [ + "/5", + -12.38353443145752 + ], + [ + "maybe", + -12.38357162475586 + ], + [ + "▁occupy", + -12.383726119995115 + ], + [ + "Clean", + -12.383992195129396 + ], + [ + "defined", + -12.384135246276855 + ], + [ + "▁theatrical", + -12.384143829345703 + ], + [ + "▁standalone", + -12.384153366088867 + ], + [ + "▁Inspiration", + -12.384307861328123 + ], + [ + "▁hearty", + -12.384352684020996 + ], + [ + "▁Brands", + -12.384483337402344 + ], + [ + "▁passions", + -12.384614944458008 + ], + [ + "▁Powered", + -12.384645462036133 + ], + [ + "▁breeds", + -12.384714126586914 + ], + [ + "▁accidental", + -12.38482666015625 + ], + [ + "▁justified", + -12.384840965270996 + ], + [ + "▁lucrative", + -12.384882926940918 + ], + [ + "▁vacations", + -12.38497543334961 + ], + [ + "Jesus", + -12.38518238067627 + ], + [ + "▁concludes", + -12.38524341583252 + ], + [ + "▁Epic", + -12.385247230529783 + ], + [ + "▁Groups", + -12.38526725769043 + ], + [ + "▁Ultimately", + -12.38530445098877 + ], + [ + "▁1999,", + -12.38533878326416 + ], + [ + "▁calendars", + -12.385369300842283 + ], + [ + "▁Fusion", + -12.385478973388672 + ], + [ + "▁Indonesian", + -12.385658264160156 + ], + [ + "▁metropolitan", + -12.385703086853027 + ], + [ + "▁Wooden", + -12.38572883605957 + ], + [ + "▁endangered", + -12.385807991027832 + ], + [ + "▁dentists", + -12.385846138000488 + ], + [ + "▁LS", + -12.385891914367676 + ], + [ + "fan", + -12.385951042175291 + ], + [ + "sum", + -12.385968208312988 + ], + [ + "▁1968", + -12.386181831359863 + ], + [ + "▁ram", + -12.386277198791504 + ], + [ + "▁Flying", + -12.386302947998049 + ], + [ + "lets", + -12.386375427246094 + ], + [ + "▁Kor", + -12.386439323425291 + ], + [ + "▁radiant", + -12.38652229309082 + ], + [ + "▁mag", + -12.386551856994627 + ], + [ + "▁Bench", + -12.386553764343262 + ], + [ + "PI", + -12.386590003967283 + ], + [ + "▁WhatsApp", + -12.386648178100586 + ], + [ + "▁IR", + -12.386690139770508 + ], + [ + "▁lifespan", + -12.38683795928955 + ], + [ + "▁Buck", + -12.38690948486328 + ], + [ + "▁Nar", + -12.387086868286133 + ], + [ + "▁Controller", + -12.387113571166992 + ], + [ + "▁gums", + -12.387114524841309 + ], + [ + "▁grooming", + -12.38713264465332 + ], + [ + "GC", + -12.387136459350586 + ], + [ + "▁Amber", + -12.387142181396484 + ], + [ + "▁Casey", + -12.387214660644531 + ], + [ + "▁taxpayer", + -12.387290000915527 + ], + [ + "▁lumber", + -12.387346267700195 + ], + [ + "▁Etsy", + -12.387373924255373 + ], + [ + "▁Sunshine", + -12.387429237365724 + ], + [ + "▁Sox", + -12.387495994567873 + ], + [ + "▁Protein", + -12.387548446655272 + ], + [ + "▁consultations", + -12.387581825256348 + ], + [ + "▁Sunset", + -12.387676239013672 + ], + [ + "▁compile", + -12.38771915435791 + ], + [ + "▁digits", + -12.387810707092283 + ], + [ + "ory", + -12.387986183166504 + ], + [ + "note", + -12.388092041015623 + ], + [ + "▁festivities", + -12.38816261291504 + ], + [ + "▁cedar", + -12.388214111328123 + ], + [ + "approved", + -12.388264656066896 + ], + [ + "RY", + -12.388472557067873 + ], + [ + "▁bothered", + -12.388477325439451 + ], + [ + "▁Owen", + -12.38849925994873 + ], + [ + "▁tossed", + -12.38854694366455 + ], + [ + "Facebook", + -12.388554573059082 + ], + [ + "▁Solo", + -12.38861846923828 + ], + [ + "▁Timothy", + -12.388859748840332 + ], + [ + "▁cathedral", + -12.388989448547363 + ], + [ + "Designed", + -12.38909912109375 + ], + [ + "sec", + -12.389317512512209 + ], + [ + "▁whitening", + -12.389348030090332 + ], + [ + "▁Vale", + -12.389450073242188 + ], + [ + "▁Garcia", + -12.389639854431152 + ], + [ + "▁Birth", + -12.3897705078125 + ], + [ + "▁repertoire", + -12.389806747436523 + ], + [ + "▁contrasting", + -12.389840126037598 + ], + [ + "cam", + -12.38987922668457 + ], + [ + "▁MacBook", + -12.389994621276855 + ], + [ + "▁Aero", + -12.390005111694336 + ], + [ + "▁wallpapers", + -12.390144348144531 + ], + [ + "▁Booth", + -12.390151977539062 + ], + [ + "▁refurbished", + -12.390166282653809 + ], + [ + "Imagine", + -12.39023208618164 + ], + [ + "▁Album", + -12.390447616577148 + ], + [ + "SB", + -12.390460968017578 + ], + [ + "▁transitions", + -12.39051342010498 + ], + [ + "▁seasoning", + -12.390573501586914 + ], + [ + "clean", + -12.390759468078612 + ], + [ + "▁PI", + -12.390851020812988 + ], + [ + "▁CAR", + -12.39090633392334 + ], + [ + "▁shores", + -12.391014099121094 + ], + [ + "Soft", + -12.391023635864258 + ], + [ + "Ray", + -12.391075134277344 + ], + [ + "EP", + -12.391159057617188 + ], + [ + "▁devote", + -12.391196250915527 + ], + [ + "▁pediatric", + -12.39125156402588 + ], + [ + "xi", + -12.39137077331543 + ], + [ + "▁remarkably", + -12.39145851135254 + ], + [ + "▁wisely", + -12.391592025756836 + ], + [ + "▁aftermath", + -12.391813278198242 + ], + [ + "▁Symposium", + -12.392017364501951 + ], + [ + "▁nominations", + -12.39203643798828 + ], + [ + "”?", + -12.392051696777344 + ], + [ + "▁chew", + -12.392061233520508 + ], + [ + "▁destroying", + -12.392142295837402 + ], + [ + "▁Serving", + -12.392148971557615 + ], + [ + "▁versa", + -12.392213821411133 + ], + [ + "▁Pavilion", + -12.392277717590332 + ], + [ + "▁Sauce", + -12.392332077026367 + ], + [ + "image", + -12.392544746398926 + ], + [ + "▁Alternative", + -12.392573356628418 + ], + [ + "▁emergence", + -12.39263916015625 + ], + [ + "▁Plain", + -12.392657279968262 + ], + [ + "▁seized", + -12.39281177520752 + ], + [ + "▁exclusion", + -12.39283561706543 + ], + [ + "1%", + -12.39309024810791 + ], + [ + "▁Makes", + -12.393110275268556 + ], + [ + "Dec", + -12.39328670501709 + ], + [ + "ML", + -12.393351554870604 + ], + [ + "▁Added", + -12.393387794494627 + ], + [ + "▁fraudulent", + -12.39369010925293 + ], + [ + "▁owed", + -12.39389419555664 + ], + [ + "NS", + -12.393912315368652 + ], + [ + "▁NOTE", + -12.393953323364258 + ], + [ + "▁tapping", + -12.394060134887695 + ], + [ + "lane", + -12.39415454864502 + ], + [ + "▁compliments", + -12.394214630126951 + ], + [ + "▁dumb", + -12.394506454467772 + ], + [ + "▁teamwork", + -12.394610404968262 + ], + [ + "▁congestion", + -12.394777297973633 + ], + [ + "iri", + -12.39478588104248 + ], + [ + "▁Leading", + -12.394878387451172 + ], + [ + "▁Palmer", + -12.39497184753418 + ], + [ + "court", + -12.395034790039062 + ], + [ + "▁Antique", + -12.395042419433594 + ], + [ + "qui", + -12.395181655883787 + ], + [ + "▁frameworks", + -12.39523983001709 + ], + [ + "▁conception", + -12.395411491394045 + ], + [ + "cultural", + -12.395512580871582 + ], + [ + "▁shipments", + -12.395756721496582 + ], + [ + "▁wolf", + -12.396180152893066 + ], + [ + "▁Ark", + -12.396188735961914 + ], + [ + "bell", + -12.39633560180664 + ], + [ + "▁Patriots", + -12.39633846282959 + ], + [ + "▁clerk", + -12.39638328552246 + ], + [ + "▁preferably", + -12.396402359008787 + ], + [ + "▁Fifth", + -12.396405220031738 + ], + [ + "▁Computing", + -12.39641571044922 + ], + [ + "▁6:", + -12.396434783935549 + ], + [ + "▁Dee", + -12.39655303955078 + ], + [ + "ees", + -12.3966064453125 + ], + [ + "▁tar", + -12.39671230316162 + ], + [ + "▁Fur", + -12.396747589111328 + ], + [ + "▁Pilot", + -12.396759033203123 + ], + [ + "▁40-", + -12.396831512451172 + ], + [ + "▁stresses", + -12.39692497253418 + ], + [ + "cus", + -12.396980285644531 + ], + [ + "December", + -12.397003173828123 + ], + [ + "▁1/2\"", + -12.397090911865234 + ], + [ + "▁exclude", + -12.397103309631348 + ], + [ + "▁Pocket", + -12.397106170654297 + ], + [ + "cer", + -12.39723777770996 + ], + [ + "▁scanned", + -12.39729118347168 + ], + [ + "▁chunk", + -12.397320747375488 + ], + [ + "▁perceptions", + -12.398031234741213 + ], + [ + "▁MRI", + -12.398096084594728 + ], + [ + "▁selective", + -12.398104667663574 + ], + [ + "▁predecessor", + -12.398127555847168 + ], + [ + "▁padded", + -12.39820671081543 + ], + [ + "▁brushing", + -12.398344993591309 + ], + [ + "▁american", + -12.398364067077637 + ], + [ + "super", + -12.398431777954102 + ], + [ + "▁Bread", + -12.39857578277588 + ], + [ + "▁specialise", + -12.398639678955078 + ], + [ + "▁(0", + -12.39864730834961 + ], + [ + "61", + -12.398852348327637 + ], + [ + "▁hurts", + -12.398853302001951 + ], + [ + "▁makeover", + -12.39887809753418 + ], + [ + "▁Papa", + -12.398902893066406 + ], + [ + "▁statute", + -12.398969650268556 + ], + [ + "Brien", + -12.399075508117676 + ], + [ + "ale", + -12.399075508117676 + ], + [ + "Jack", + -12.399080276489258 + ], + [ + "▁mu", + -12.399107933044434 + ], + [ + "▁Es", + -12.399147987365724 + ], + [ + "▁Persian", + -12.399188041687012 + ], + [ + "▁formulation", + -12.399219512939451 + ], + [ + "▁mankind", + -12.3992280960083 + ], + [ + "▁Candy", + -12.399236679077148 + ], + [ + "VR", + -12.39937973022461 + ], + [ + "▁marketed", + -12.399528503417969 + ], + [ + "private", + -12.39955711364746 + ], + [ + "▁ZIP", + -12.39961051940918 + ], + [ + "▁ignoring", + -12.399728775024414 + ], + [ + "▁unmatched", + -12.399746894836426 + ], + [ + "▁angels", + -12.399867057800291 + ], + [ + "▁commenting", + -12.399962425231934 + ], + [ + "▁overhaul", + -12.40011501312256 + ], + [ + "▁Away", + -12.400136947631836 + ], + [ + "▁locker", + -12.400179862976074 + ], + [ + "▁les", + -12.40021514892578 + ], + [ + "▁Gibson", + -12.40025806427002 + ], + [ + "▁LOL", + -12.40035915374756 + ], + [ + "▁9:30", + -12.40037441253662 + ], + [ + "▁outbreak", + -12.40038013458252 + ], + [ + "▁norms", + -12.400392532348633 + ], + [ + "▁Armstrong", + -12.40040111541748 + ], + [ + "▁accustomed", + -12.400559425354004 + ], + [ + "▁navigating", + -12.400559425354004 + ], + [ + "▁chemotherapy", + -12.400561332702637 + ], + [ + "▁Der", + -12.400616645812988 + ], + [ + "▁oxide", + -12.400625228881836 + ], + [ + "▁Holdings", + -12.40063190460205 + ], + [ + "cin", + -12.400745391845703 + ], + [ + "▁$35", + -12.400877952575684 + ], + [ + "▁Powell", + -12.401000022888184 + ], + [ + "▁3-5", + -12.401007652282717 + ], + [ + "▁unsafe", + -12.401127815246582 + ], + [ + "▁splendid", + -12.401148796081545 + ], + [ + "iko", + -12.401150703430176 + ], + [ + "▁perks", + -12.40115451812744 + ], + [ + "▁exported", + -12.40133285522461 + ], + [ + "vel", + -12.401368141174316 + ], + [ + "▁baggage", + -12.40140438079834 + ], + [ + "▁purity", + -12.401408195495604 + ], + [ + "▁BP", + -12.401411056518556 + ], + [ + "host", + -12.401496887207031 + ], + [ + "▁Fiction", + -12.401605606079102 + ], + [ + "Dan", + -12.401643753051758 + ], + [ + "▁countertop", + -12.401676177978516 + ], + [ + "turn", + -12.401731491088867 + ], + [ + "▁Guru", + -12.40204620361328 + ], + [ + "WA", + -12.402069091796877 + ], + [ + "▁hd", + -12.40220069885254 + ], + [ + "▁captivating", + -12.40222454071045 + ], + [ + "▁lateral", + -12.402228355407717 + ], + [ + "▁blew", + -12.402238845825195 + ], + [ + "▁Merry", + -12.402338027954102 + ], + [ + "▁zu", + -12.402402877807615 + ], + [ + "▁thinner", + -12.402454376220703 + ], + [ + "▁Residence", + -12.402544021606444 + ], + [ + "▁Hosting", + -12.40255355834961 + ], + [ + "Sc", + -12.40269947052002 + ], + [ + "▁biography", + -12.402703285217283 + ], + [ + "▁Bronze", + -12.402853965759276 + ], + [ + "▁Snap", + -12.402867317199709 + ], + [ + "▁zipper", + -12.402878761291504 + ], + [ + "▁Root", + -12.402959823608398 + ], + [ + "▁Cornwall", + -12.403069496154783 + ], + [ + "▁burner", + -12.403079986572266 + ], + [ + "▁Monitoring", + -12.403085708618164 + ], + [ + "lum", + -12.403125762939451 + ], + [ + "▁virtue", + -12.40317726135254 + ], + [ + "unit", + -12.403190612792969 + ], + [ + "▁uploading", + -12.403247833251951 + ], + [ + "▁alphabet", + -12.403433799743652 + ], + [ + "▁sufficiently", + -12.403524398803713 + ], + [ + "▁Sie", + -12.403642654418944 + ], + [ + "chen", + -12.403706550598145 + ], + [ + "▁quad", + -12.40375518798828 + ], + [ + "▁broadcasting", + -12.404048919677734 + ], + [ + "Ba", + -12.40422534942627 + ], + [ + "▁famed", + -12.404303550720217 + ], + [ + "wash", + -12.404545783996582 + ], + [ + "▁Rise", + -12.404744148254396 + ], + [ + "▁permitting", + -12.40489387512207 + ], + [ + "▁Cooking", + -12.404972076416016 + ], + [ + "▁playlist", + -12.405007362365724 + ], + [ + "oon", + -12.405083656311035 + ], + [ + "moving", + -12.405190467834473 + ], + [ + "▁refunds", + -12.405224800109863 + ], + [ + "Color", + -12.405251502990724 + ], + [ + "▁wiki", + -12.40532398223877 + ], + [ + "▁cigarettes", + -12.40540599822998 + ], + [ + "▁Dash", + -12.405407905578612 + ], + [ + "▁accountant", + -12.40552806854248 + ], + [ + "▁epidemic", + -12.405561447143556 + ], + [ + "pel", + -12.405808448791504 + ], + [ + "▁GI", + -12.405843734741213 + ], + [ + "▁closes", + -12.405887603759766 + ], + [ + "nz", + -12.405942916870115 + ], + [ + "▁Creator", + -12.405965805053713 + ], + [ + "▁Holmes", + -12.406055450439451 + ], + [ + "▁pallet", + -12.406071662902832 + ], + [ + "▁canned", + -12.406155586242676 + ], + [ + "-23", + -12.406203269958496 + ], + [ + "paid", + -12.406216621398926 + ], + [ + "Travel", + -12.406312942504885 + ], + [ + "▁Isn", + -12.406400680541992 + ], + [ + "▁AF", + -12.406566619873049 + ], + [ + "▁WHO", + -12.406618118286133 + ], + [ + "▁Few", + -12.406625747680664 + ], + [ + "▁lag", + -12.406749725341797 + ], + [ + "▁Builders", + -12.406776428222656 + ], + [ + "floor", + -12.406848907470703 + ], + [ + "▁fashioned", + -12.406874656677246 + ], + [ + "search", + -12.406928062438965 + ], + [ + "wave", + -12.407175064086914 + ], + [ + "▁leagues", + -12.407217979431152 + ], + [ + "▁Example", + -12.407527923583984 + ], + [ + "▁bathing", + -12.407551765441896 + ], + [ + "tur", + -12.407560348510742 + ], + [ + "▁stripped", + -12.407574653625488 + ], + [ + "/11", + -12.407632827758787 + ], + [ + "▁Minimum", + -12.407722473144531 + ], + [ + "fill", + -12.407766342163086 + ], + [ + "▁Raj", + -12.407835006713867 + ], + [ + "▁murdered", + -12.407842636108398 + ], + [ + "Change", + -12.40799045562744 + ], + [ + "▁Coin", + -12.407994270324709 + ], + [ + "▁onset", + -12.408117294311523 + ], + [ + "▁frankly", + -12.40820598602295 + ], + [ + "▁Bean", + -12.40843391418457 + ], + [ + "▁certainty", + -12.408766746520996 + ], + [ + "six", + -12.408767700195312 + ], + [ + "▁embarrassing", + -12.408828735351562 + ], + [ + "▁3)", + -12.40894889831543 + ], + [ + "▁Noble", + -12.408949851989746 + ], + [ + "▁Lite", + -12.408978462219238 + ], + [ + "Ben", + -12.409083366394045 + ], + [ + "▁Coral", + -12.409097671508787 + ], + [ + "▁Pierre", + -12.40915870666504 + ], + [ + "4,000", + -12.409159660339355 + ], + [ + "▁crunchy", + -12.409189224243164 + ], + [ + "▁screenshot", + -12.40924835205078 + ], + [ + "▁Tru", + -12.40931797027588 + ], + [ + "CI", + -12.409411430358888 + ], + [ + "sur", + -12.409467697143556 + ], + [ + "▁Brady", + -12.409711837768556 + ], + [ + "▁perimeter", + -12.409811973571776 + ], + [ + "▁Blair", + -12.409974098205566 + ], + [ + "WC", + -12.409993171691896 + ], + [ + "▁Option", + -12.41016960144043 + ], + [ + "▁Effect", + -12.41028118133545 + ], + [ + "▁perfume", + -12.41028118133545 + ], + [ + "▁sedan", + -12.410326957702637 + ], + [ + "▁1982", + -12.410517692565918 + ], + [ + "mid", + -12.410632133483888 + ], + [ + "BP", + -12.411029815673828 + ], + [ + "▁Petersburg", + -12.411033630371094 + ], + [ + "▁jurisdictions", + -12.411190032958984 + ], + [ + "▁Duncan", + -12.411270141601562 + ], + [ + "America", + -12.41128635406494 + ], + [ + "▁bids", + -12.411299705505373 + ], + [ + "▁facilitates", + -12.411375045776367 + ], + [ + "▁broccoli", + -12.411429405212402 + ], + [ + "▁Speaking", + -12.41144847869873 + ], + [ + "▁accelerated", + -12.41160488128662 + ], + [ + "▁Doc", + -12.411714553833008 + ], + [ + "Browse", + -12.411910057067873 + ], + [ + "89", + -12.411911010742188 + ], + [ + "▁repeating", + -12.411925315856934 + ], + [ + "ama", + -12.411965370178224 + ], + [ + "▁recharge", + -12.41204071044922 + ], + [ + "▁Communities", + -12.4120454788208 + ], + [ + "▁guardian", + -12.412062644958496 + ], + [ + "▁superhero", + -12.412164688110352 + ], + [ + "▁1983", + -12.412321090698242 + ], + [ + "▁POS", + -12.412330627441406 + ], + [ + "▁Lynch", + -12.412382125854492 + ], + [ + "before", + -12.412421226501465 + ], + [ + "▁Slot", + -12.412456512451172 + ], + [ + "▁detective", + -12.41254997253418 + ], + [ + "▁Intended", + -12.412696838378906 + ], + [ + "▁Converter", + -12.41271686553955 + ], + [ + "pt", + -12.412841796875 + ], + [ + "▁Alfred", + -12.412923812866213 + ], + [ + "▁Crack", + -12.412994384765623 + ], + [ + "▁replies", + -12.413119316101074 + ], + [ + "▁ecosystems", + -12.41324234008789 + ], + [ + "glass", + -12.413270950317385 + ], + [ + "▁NS", + -12.413348197937012 + ], + [ + "eva", + -12.413358688354492 + ], + [ + "▁Gym", + -12.413412094116213 + ], + [ + "▁Button", + -12.413419723510742 + ], + [ + "▁Tara", + -12.413562774658203 + ], + [ + "▁molding", + -12.413594245910645 + ], + [ + "▁giants", + -12.41364574432373 + ], + [ + "Gen", + -12.413666725158691 + ], + [ + "▁examinations", + -12.413829803466797 + ], + [ + "bon", + -12.413897514343262 + ], + [ + "▁vapor", + -12.413926124572754 + ], + [ + "etta", + -12.413969039916992 + ], + [ + "PRO", + -12.413999557495115 + ], + [ + "▁0.1", + -12.414034843444824 + ], + [ + "▁Prix", + -12.414118766784668 + ], + [ + "▁wherein", + -12.414165496826172 + ], + [ + "▁Apollo", + -12.414166450500488 + ], + [ + "▁Xi", + -12.414204597473145 + ], + [ + "gu", + -12.414323806762695 + ], + [ + "hit", + -12.41432762145996 + ], + [ + "▁Cricket", + -12.414335250854492 + ], + [ + "▁Places", + -12.414575576782228 + ], + [ + "▁Hands", + -12.41461181640625 + ], + [ + "▁Mask", + -12.41468334197998 + ], + [ + "Group", + -12.414855003356934 + ], + [ + "▁translations", + -12.414907455444336 + ], + [ + "▁noisy", + -12.41498851776123 + ], + [ + "shell", + -12.414996147155762 + ], + [ + "London", + -12.414998054504396 + ], + [ + "hold", + -12.41504192352295 + ], + [ + "▁finely", + -12.4151611328125 + ], + [ + "▁Caroline", + -12.415166854858398 + ], + [ + "jar", + -12.41518497467041 + ], + [ + "▁Quite", + -12.415224075317385 + ], + [ + "▁maximise", + -12.415311813354492 + ], + [ + "▁oily", + -12.415447235107422 + ], + [ + "▁CP", + -12.415576934814451 + ], + [ + "▁resembles", + -12.41561508178711 + ], + [ + "▁Bulgaria", + -12.415643692016602 + ], + [ + "build", + -12.41565227508545 + ], + [ + "▁scrutiny", + -12.415655136108398 + ], + [ + "▁Lily", + -12.415674209594728 + ], + [ + "001", + -12.415693283081056 + ], + [ + "Win", + -12.415698051452637 + ], + [ + "▁responds", + -12.41574764251709 + ], + [ + "▁glaze", + -12.415915489196776 + ], + [ + "▁Patrol", + -12.415925979614258 + ], + [ + "Moreover", + -12.416013717651367 + ], + [ + "▁possesses", + -12.41612720489502 + ], + [ + "avi", + -12.4161376953125 + ], + [ + "▁Diesel", + -12.416253089904783 + ], + [ + "▁poultry", + -12.416486740112305 + ], + [ + "▁cybersecurity", + -12.416494369506836 + ], + [ + "▁Continental", + -12.416596412658691 + ], + [ + "▁outgoing", + -12.416611671447754 + ], + [ + "ota", + -12.416763305664062 + ], + [ + "▁abused", + -12.416857719421388 + ], + [ + "▁pouch", + -12.41723346710205 + ], + [ + "▁numbered", + -12.417262077331545 + ], + [ + "▁Winner", + -12.41730785369873 + ], + [ + "ock", + -12.417497634887695 + ], + [ + "▁enclosure", + -12.41762351989746 + ], + [ + "▁crosses", + -12.417633056640623 + ], + [ + "trip", + -12.417704582214355 + ], + [ + "▁salsa", + -12.417709350585938 + ], + [ + "▁tyre", + -12.41774082183838 + ], + [ + "▁announces", + -12.417805671691896 + ], + [ + "Custom", + -12.417893409729004 + ], + [ + "▁supreme", + -12.417935371398926 + ], + [ + "▁whichever", + -12.41794490814209 + ], + [ + "▁Piece", + -12.41806411743164 + ], + [ + "▁PD", + -12.418075561523438 + ], + [ + "▁surgeries", + -12.418190956115724 + ], + [ + "▁Patent", + -12.418205261230469 + ], + [ + "▁unavailable", + -12.418224334716797 + ], + [ + "▁GREAT", + -12.41847038269043 + ], + [ + "▁drafted", + -12.41849422454834 + ], + [ + "▁thriller", + -12.418697357177734 + ], + [ + "▁Yang", + -12.41882610321045 + ], + [ + "▁9-", + -12.419000625610352 + ], + [ + "▁carb", + -12.41903591156006 + ], + [ + "▁GS", + -12.41921043395996 + ], + [ + "▁Cr", + -12.419307708740234 + ], + [ + "aria", + -12.41930866241455 + ], + [ + "▁Zimbabwe", + -12.419377326965332 + ], + [ + "▁Princeton", + -12.419458389282228 + ], + [ + "▁Plymouth", + -12.419622421264648 + ], + [ + "▁NA", + -12.419742584228516 + ], + [ + "▁imaginative", + -12.419872283935549 + ], + [ + "▁methodologies", + -12.419894218444824 + ], + [ + "▁inequality", + -12.419918060302734 + ], + [ + "▁Rams", + -12.42002773284912 + ], + [ + "forward", + -12.420278549194336 + ], + [ + "▁robotic", + -12.420326232910156 + ], + [ + "▁scaling", + -12.420380592346191 + ], + [ + "lik", + -12.420524597167969 + ], + [ + "▁Coaching", + -12.420730590820312 + ], + [ + "Human", + -12.420771598815918 + ], + [ + "▁Presidential", + -12.420791625976562 + ], + [ + "▁potassium", + -12.420853614807127 + ], + [ + "▁permissions", + -12.421055793762209 + ], + [ + "▁Emperor", + -12.421064376831056 + ], + [ + "Smith", + -12.42106819152832 + ], + [ + "Quality", + -12.421074867248535 + ], + [ + "▁bombs", + -12.42108154296875 + ], + [ + "▁Kia", + -12.421342849731444 + ], + [ + "▁rescued", + -12.421344757080078 + ], + [ + "▁650", + -12.421350479125977 + ], + [ + "awa", + -12.421517372131348 + ], + [ + "▁Harley", + -12.421533584594728 + ], + [ + "▁Carnival", + -12.421740531921388 + ], + [ + "▁Monthly", + -12.421813011169434 + ], + [ + "▁1600", + -12.42192840576172 + ], + [ + "▁Prairie", + -12.421935081481934 + ], + [ + "▁ebay", + -12.422048568725586 + ], + [ + "▁Evolution", + -12.42215633392334 + ], + [ + "▁Boulder", + -12.422168731689451 + ], + [ + "ucci", + -12.422185897827148 + ], + [ + "▁Austrian", + -12.422201156616213 + ], + [ + "▁chilled", + -12.422258377075195 + ], + [ + "▁melody", + -12.422418594360352 + ], + [ + "▁Compact", + -12.422422409057615 + ], + [ + "▁Sad", + -12.422423362731934 + ], + [ + "▁amusement", + -12.42243194580078 + ], + [ + "▁Kick", + -12.42246150970459 + ], + [ + "▁Manila", + -12.422505378723145 + ], + [ + "▁Clerk", + -12.4227294921875 + ], + [ + "DD", + -12.42274570465088 + ], + [ + "fix", + -12.422880172729492 + ], + [ + "▁shareholder", + -12.422910690307615 + ], + [ + "▁skinny", + -12.422914505004885 + ], + [ + "▁caves", + -12.42296028137207 + ], + [ + "▁Embassy", + -12.42302131652832 + ], + [ + "▁kayak", + -12.4230318069458 + ], + [ + "▁Printing", + -12.423068046569824 + ], + [ + "▁brighten", + -12.423091888427734 + ], + [ + "▁monuments", + -12.423198699951172 + ], + [ + "▁Plants", + -12.423212051391602 + ], + [ + "▁ounce", + -12.423234939575195 + ], + [ + "▁southeast", + -12.423330307006836 + ], + [ + "8,000", + -12.423343658447266 + ], + [ + "BT", + -12.42340850830078 + ], + [ + "▁drip", + -12.423425674438477 + ], + [ + "▁companions", + -12.423469543457031 + ], + [ + "Build", + -12.423484802246094 + ], + [ + "▁phenomena", + -12.423555374145508 + ], + [ + "▁5:00", + -12.423617362976074 + ], + [ + "▁reservoir", + -12.423628807067873 + ], + [ + "▁Found", + -12.423664093017578 + ], + [ + "▁thyroid", + -12.423687934875488 + ], + [ + "▁acupuncture", + -12.423788070678713 + ], + [ + "▁Patricia", + -12.423802375793455 + ], + [ + "▁Apache", + -12.423892974853516 + ], + [ + "▁Ronald", + -12.423930168151855 + ], + [ + "▁extracts", + -12.423935890197754 + ], + [ + "▁Birds", + -12.42404842376709 + ], + [ + "kel", + -12.42416286468506 + ], + [ + "oid", + -12.424205780029297 + ], + [ + "running", + -12.42424201965332 + ], + [ + "▁Models", + -12.424361228942873 + ], + [ + "▁ml", + -12.42438793182373 + ], + [ + "▁pup", + -12.42444133758545 + ], + [ + "hl", + -12.424530982971191 + ], + [ + "▁hurting", + -12.424593925476074 + ], + [ + "▁Brett", + -12.424813270568848 + ], + [ + "▁Por", + -12.424917221069336 + ], + [ + "▁pains", + -12.42495346069336 + ], + [ + "lation", + -12.425007820129396 + ], + [ + "▁Minor", + -12.425201416015623 + ], + [ + "February", + -12.42542839050293 + ], + [ + "block", + -12.425487518310549 + ], + [ + "▁Iraqi", + -12.425517082214355 + ], + [ + "▁Issues", + -12.425601959228516 + ], + [ + "leg", + -12.425758361816406 + ], + [ + "▁pi", + -12.425775527954102 + ], + [ + "▁prayed", + -12.425816535949709 + ], + [ + "▁replaces", + -12.425877571105955 + ], + [ + "OC", + -12.42591667175293 + ], + [ + "▁IA", + -12.425965309143066 + ], + [ + "▁deliberate", + -12.426012992858888 + ], + [ + "▁ac", + -12.426044464111328 + ], + [ + "usa", + -12.426092147827148 + ], + [ + "mos", + -12.42609691619873 + ], + [ + "▁harmless", + -12.426240921020508 + ], + [ + "▁CIA", + -12.426350593566896 + ], + [ + "▁Interview", + -12.426403999328612 + ], + [ + "▁Ads", + -12.42661476135254 + ], + [ + "▁Lego", + -12.426643371582031 + ], + [ + "Ro", + -12.426651000976562 + ], + [ + "▁Kathy", + -12.426765441894531 + ], + [ + "▁soaking", + -12.426773071289062 + ], + [ + "▁cheerful", + -12.426825523376465 + ], + [ + "▁stimulation", + -12.426828384399414 + ], + [ + "▁continental", + -12.426838874816896 + ], + [ + "▁FR", + -12.42703342437744 + ], + [ + "▁salty", + -12.427046775817873 + ], + [ + "▁HDMI", + -12.427213668823242 + ], + [ + "▁MX", + -12.427224159240724 + ], + [ + "▁secular", + -12.427289009094238 + ], + [ + "▁winery", + -12.427488327026367 + ], + [ + "▁unchanged", + -12.427541732788086 + ], + [ + "▁scars", + -12.42757797241211 + ], + [ + "▁slavery", + -12.427637100219728 + ], + [ + "ра", + -12.427741050720217 + ], + [ + "▁Burton", + -12.427766799926758 + ], + [ + "▁LIVE", + -12.42778205871582 + ], + [ + "▁Twenty", + -12.42778491973877 + ], + [ + "▁critic", + -12.427889823913574 + ], + [ + "▁1972", + -12.428010940551758 + ], + [ + "▁Nam", + -12.428030014038086 + ], + [ + "▁2-1", + -12.428106307983398 + ], + [ + "▁Dow", + -12.42813205718994 + ], + [ + "▁2.2", + -12.428141593933104 + ], + [ + "▁emphasized", + -12.42836856842041 + ], + [ + "▁pianist", + -12.428399085998535 + ], + [ + "▁expands", + -12.428619384765623 + ], + [ + "▁legislature", + -12.428813934326172 + ], + [ + "▁induced", + -12.428845405578612 + ], + [ + "▁Uncle", + -12.42885684967041 + ], + [ + "BS", + -12.42900562286377 + ], + [ + "kit", + -12.429224967956545 + ], + [ + "▁mitigation", + -12.429242134094238 + ], + [ + "▁tu", + -12.429290771484377 + ], + [ + "▁confirming", + -12.429333686828612 + ], + [ + "▁intern", + -12.429359436035156 + ], + [ + "aire", + -12.429685592651367 + ], + [ + "established", + -12.429723739624023 + ], + [ + "Cover", + -12.429731369018556 + ], + [ + "▁Kara", + -12.429791450500488 + ], + [ + "▁pushes", + -12.429808616638184 + ], + [ + "▁astonishing", + -12.429877281188965 + ], + [ + "▁Conduct", + -12.430065155029297 + ], + [ + "▁Pur", + -12.430109977722168 + ], + [ + "Code", + -12.430119514465332 + ], + [ + "▁drafting", + -12.43012809753418 + ], + [ + "▁generators", + -12.430176734924316 + ], + [ + "▁Mil", + -12.430203437805176 + ], + [ + "▁Toys", + -12.430418014526367 + ], + [ + "▁contaminated", + -12.430642127990724 + ], + [ + "smith", + -12.430824279785156 + ], + [ + "▁haha", + -12.43086051940918 + ], + [ + "▁succession", + -12.43099880218506 + ], + [ + "▁municipality", + -12.431022644042969 + ], + [ + "▁expire", + -12.43120288848877 + ], + [ + "▁sketches", + -12.431219100952148 + ], + [ + "▁expertly", + -12.431229591369627 + ], + [ + "▁Healing", + -12.431259155273438 + ], + [ + "▁Jenny", + -12.43127727508545 + ], + [ + "▁propane", + -12.431297302246094 + ], + [ + "▁PV", + -12.431340217590332 + ], + [ + "▁Tre", + -12.431344032287598 + ], + [ + "▁negotiated", + -12.43138313293457 + ], + [ + "▁volatile", + -12.431405067443848 + ], + [ + "▁primer", + -12.431406021118164 + ], + [ + "5,", + -12.431438446044922 + ], + [ + "bay", + -12.431496620178224 + ], + [ + "▁gotta", + -12.431526184082031 + ], + [ + "▁upscale", + -12.431649208068848 + ], + [ + "▁Rotary", + -12.431812286376951 + ], + [ + "▁cruising", + -12.431815147399902 + ], + [ + "▁Lean", + -12.431840896606444 + ], + [ + "▁brewery", + -12.431899070739746 + ], + [ + "▁visualize", + -12.431951522827148 + ], + [ + "▁fulfil", + -12.432243347167969 + ], + [ + "▁Guidelines", + -12.432323455810549 + ], + [ + "▁dan", + -12.43244743347168 + ], + [ + "▁verb", + -12.43249797821045 + ], + [ + "cross", + -12.432558059692385 + ], + [ + "▁Updated", + -12.432642936706545 + ], + [ + "ture", + -12.43264865875244 + ], + [ + "▁pitching", + -12.432682991027832 + ], + [ + "▁Outstanding", + -12.43269157409668 + ], + [ + "▁staged", + -12.432933807373049 + ], + [ + "▁filtration", + -12.43300724029541 + ], + [ + "▁mic", + -12.433042526245115 + ], + [ + "▁empowerment", + -12.43308448791504 + ], + [ + "▁Protocol", + -12.433133125305176 + ], + [ + "▁Friendly", + -12.433144569396973 + ], + [ + "tta", + -12.433191299438477 + ], + [ + "▁refreshed", + -12.4332914352417 + ], + [ + "Professional", + -12.433306694030762 + ], + [ + "▁surrounds", + -12.433377265930176 + ], + [ + "▁contexts", + -12.433384895324709 + ], + [ + "▁pioneering", + -12.433385848999023 + ], + [ + "▁groceries", + -12.433537483215332 + ], + [ + "wp", + -12.433845520019531 + ], + [ + "wer", + -12.433853149414062 + ], + [ + "▁Thread", + -12.4338960647583 + ], + [ + "▁vest", + -12.43398094177246 + ], + [ + "▁topical", + -12.434024810791016 + ], + [ + "▁skull", + -12.43409538269043 + ], + [ + "▁Yard", + -12.434334754943848 + ], + [ + "▁vulnerabilities", + -12.434389114379885 + ], + [ + "▁gal", + -12.434402465820312 + ], + [ + "▁refuge", + -12.434460639953612 + ], + [ + "▁Fin", + -12.43459701538086 + ], + [ + "▁whale", + -12.434626579284668 + ], + [ + "▁triumph", + -12.43472957611084 + ], + [ + "▁differs", + -12.434853553771973 + ], + [ + "▁Fraser", + -12.4348783493042 + ], + [ + "▁waiver", + -12.435002326965332 + ], + [ + "71", + -12.435190200805664 + ], + [ + "▁asylum", + -12.435251235961914 + ], + [ + "▁destiny", + -12.43526840209961 + ], + [ + "Space", + -12.435285568237305 + ], + [ + "▁Nan", + -12.43533420562744 + ], + [ + "▁hostel", + -12.43540096282959 + ], + [ + "▁reef", + -12.43563461303711 + ], + [ + "SR", + -12.435641288757324 + ], + [ + "▁formulas", + -12.435955047607422 + ], + [ + "▁Thor", + -12.435978889465332 + ], + [ + "▁firearms", + -12.435990333557127 + ], + [ + "▁headquartered", + -12.43600368499756 + ], + [ + "fashioned", + -12.436159133911133 + ], + [ + "▁5.0", + -12.436294555664062 + ], + [ + "▁rhetoric", + -12.43637752532959 + ], + [ + "Later", + -12.436402320861816 + ], + [ + "▁discourse", + -12.436524391174316 + ], + [ + "▁Gill", + -12.436690330505373 + ], + [ + "▁Bru", + -12.436702728271484 + ], + [ + "▁Nearly", + -12.436824798583984 + ], + [ + "▁swivel", + -12.436973571777344 + ], + [ + "child", + -12.43698024749756 + ], + [ + "▁Ky", + -12.437005996704102 + ], + [ + "▁collapsed", + -12.437326431274414 + ], + [ + "/3", + -12.43745231628418 + ], + [ + "▁ripped", + -12.437699317932127 + ], + [ + "Finding", + -12.437734603881836 + ], + [ + "▁precautions", + -12.437796592712402 + ], + [ + "▁1/3", + -12.437873840332031 + ], + [ + "▁upholstered", + -12.437881469726562 + ], + [ + "gon", + -12.43795394897461 + ], + [ + "▁rude", + -12.43797206878662 + ], + [ + "▁Split", + -12.438060760498049 + ], + [ + "▁villas", + -12.43814468383789 + ], + [ + "▁recreate", + -12.438212394714355 + ], + [ + "▁1973", + -12.438230514526367 + ], + [ + "▁Yi", + -12.438244819641112 + ], + [ + "▁torture", + -12.438982009887695 + ], + [ + "▁fundamentally", + -12.439050674438477 + ], + [ + "▁vouchers", + -12.43906307220459 + ], + [ + "▁pesticides", + -12.439067840576172 + ], + [ + "▁Pac", + -12.439117431640623 + ], + [ + "▁gladly", + -12.439167976379396 + ], + [ + "▁String", + -12.439227104187012 + ], + [ + "▁abnormal", + -12.439278602600098 + ], + [ + "Learning", + -12.439594268798828 + ], + [ + "▁Pu", + -12.439667701721191 + ], + [ + "▁preventative", + -12.439720153808594 + ], + [ + "▁thy", + -12.439764976501465 + ], + [ + "▁averaged", + -12.439781188964844 + ], + [ + "▁rebuilt", + -12.439860343933104 + ], + [ + "▁dome", + -12.439905166625977 + ], + [ + "▁boating", + -12.439952850341797 + ], + [ + "kov", + -12.43996238708496 + ], + [ + "▁2.1", + -12.44012451171875 + ], + [ + "▁demolition", + -12.44013500213623 + ], + [ + "▁Sit", + -12.44015884399414 + ], + [ + "▁optimism", + -12.440177917480469 + ], + [ + "▁Tire", + -12.4402494430542 + ], + [ + "▁honeymoon", + -12.440438270568848 + ], + [ + "Interior", + -12.44045639038086 + ], + [ + "▁MM", + -12.440534591674805 + ], + [ + "NP", + -12.440566062927246 + ], + [ + "▁outpatient", + -12.44068431854248 + ], + [ + "▁grandson", + -12.440778732299805 + ], + [ + "▁Clock", + -12.440834045410156 + ], + [ + "▁PCs", + -12.440851211547852 + ], + [ + "▁Written", + -12.441105842590332 + ], + [ + "78", + -12.441192626953123 + ], + [ + "▁chimney", + -12.44123077392578 + ], + [ + "▁surrender", + -12.441258430480955 + ], + [ + "▁attire", + -12.441283226013184 + ], + [ + "DI", + -12.441293716430664 + ], + [ + "▁Enforcement", + -12.44129467010498 + ], + [ + "▁windshield", + -12.441309928894045 + ], + [ + "▁Veterinary", + -12.441366195678713 + ], + [ + "▁Subject", + -12.441393852233888 + ], + [ + "▁Hearing", + -12.44200611114502 + ], + [ + "▁Audit", + -12.44201946258545 + ], + [ + "▁cupboard", + -12.442052841186523 + ], + [ + "▁enrich", + -12.442062377929688 + ], + [ + "▁Alt", + -12.44236183166504 + ], + [ + "▁investigator", + -12.442429542541504 + ], + [ + "▁Nobel", + -12.44266128540039 + ], + [ + "RR", + -12.442668914794922 + ], + [ + "dle", + -12.442741394042969 + ], + [ + "▁symptom", + -12.442900657653809 + ], + [ + "▁regimen", + -12.442911148071287 + ], + [ + "▁Liquid", + -12.442959785461426 + ], + [ + "▁Shannon", + -12.443032264709473 + ], + [ + "Provide", + -12.443058013916016 + ], + [ + "▁$100,000", + -12.443108558654783 + ], + [ + "▁plated", + -12.44313907623291 + ], + [ + "▁Writer", + -12.44320297241211 + ], + [ + "▁patrol", + -12.443208694458008 + ], + [ + "metal", + -12.44330883026123 + ], + [ + "▁rat", + -12.443385124206545 + ], + [ + "▁specialties", + -12.44340705871582 + ], + [ + "▁collage", + -12.443411827087402 + ], + [ + "16.", + -12.44347095489502 + ], + [ + "▁violated", + -12.443563461303713 + ], + [ + "Looks", + -12.44357681274414 + ], + [ + "▁titanium", + -12.443840026855469 + ], + [ + "▁LE", + -12.443865776062012 + ], + [ + "▁proficiency", + -12.443897247314451 + ], + [ + "▁organising", + -12.443923950195312 + ], + [ + "▁owing", + -12.4439697265625 + ], + [ + "▁Fantastic", + -12.44398307800293 + ], + [ + "▁Beginning", + -12.444045066833496 + ], + [ + "▁deposited", + -12.444051742553713 + ], + [ + "▁distressed", + -12.444215774536133 + ], + [ + "▁Exercise", + -12.444233894348145 + ], + [ + "▁vaccines", + -12.444470405578612 + ], + [ + "▁cardio", + -12.444531440734863 + ], + [ + "▁Handbook", + -12.444540023803713 + ], + [ + "-2019", + -12.444564819335938 + ], + [ + "▁Blend", + -12.444570541381836 + ], + [ + "▁Suzuki", + -12.444704055786133 + ], + [ + "Explore", + -12.445161819458008 + ], + [ + "short", + -12.44516944885254 + ], + [ + "Apart", + -12.445219039916992 + ], + [ + "▁toddlers", + -12.445282936096191 + ], + [ + "▁entirety", + -12.445435523986816 + ], + [ + "▁Reid", + -12.445479393005373 + ], + [ + "▁spreads", + -12.44550323486328 + ], + [ + "▁Eugene", + -12.445528030395508 + ], + [ + "Feel", + -12.445656776428224 + ], + [ + "▁conform", + -12.445762634277344 + ], + [ + "▁capsules", + -12.445836067199709 + ], + [ + "▁Bottom", + -12.445988655090332 + ], + [ + "▁LTD", + -12.446019172668455 + ], + [ + "▁Cow", + -12.446139335632324 + ], + [ + "fiction", + -12.446233749389648 + ], + [ + "▁fertilizer", + -12.44626808166504 + ], + [ + "▁slab", + -12.446380615234377 + ], + [ + "▁720", + -12.446430206298828 + ], + [ + "▁hunter", + -12.44655990600586 + ], + [ + "▁chilly", + -12.446983337402344 + ], + [ + "▁Sold", + -12.44717502593994 + ], + [ + "▁Doctors", + -12.447182655334473 + ], + [ + "▁borrowers", + -12.447211265563965 + ], + [ + "▁dolls", + -12.447242736816406 + ], + [ + "▁protector", + -12.447432518005373 + ], + [ + "▁coveted", + -12.447460174560549 + ], + [ + "▁estimation", + -12.44760799407959 + ], + [ + "fr", + -12.447665214538574 + ], + [ + "▁Important", + -12.447978019714355 + ], + [ + "index", + -12.448140144348145 + ], + [ + "▁Reach", + -12.448143005371094 + ], + [ + "▁incur", + -12.448145866394045 + ], + [ + "▁weighed", + -12.44817066192627 + ], + [ + "▁unfinished", + -12.448172569274902 + ], + [ + "▁Cork", + -12.448238372802734 + ], + [ + "▁retiring", + -12.448248863220217 + ], + [ + "Public", + -12.44827938079834 + ], + [ + "▁resignation", + -12.448284149169922 + ], + [ + "▁testament", + -12.448286056518556 + ], + [ + "▁Airways", + -12.44834327697754 + ], + [ + "▁dispose", + -12.448467254638672 + ], + [ + "▁VC", + -12.448567390441896 + ], + [ + "▁Articles", + -12.448628425598145 + ], + [ + "▁Wheels", + -12.44864273071289 + ], + [ + "▁believer", + -12.448655128479004 + ], + [ + "▁Stein", + -12.448740005493164 + ], + [ + "▁Prep", + -12.448840141296388 + ], + [ + "▁ob", + -12.44886302947998 + ], + [ + "101", + -12.448907852172852 + ], + [ + "▁GC", + -12.448981285095217 + ], + [ + "▁Behind", + -12.449278831481934 + ], + [ + "▁Ji", + -12.449433326721191 + ], + [ + "▁Sessions", + -12.449457168579102 + ], + [ + "▁terminals", + -12.449518203735352 + ], + [ + "▁sim", + -12.449705123901367 + ], + [ + "illo", + -12.449795722961426 + ], + [ + "lim", + -12.449950218200684 + ], + [ + "▁Harvest", + -12.44998550415039 + ], + [ + "change", + -12.45000457763672 + ], + [ + "▁Evaluation", + -12.450005531311035 + ], + [ + "▁metadata", + -12.450011253356934 + ], + [ + "▁Canvas", + -12.450045585632324 + ], + [ + "▁shines", + -12.450170516967772 + ], + [ + "▁Afghan", + -12.450173377990724 + ], + [ + "▁toughest", + -12.450187683105469 + ], + [ + "▁1-800-", + -12.450189590454102 + ], + [ + "▁Warranty", + -12.450249671936035 + ], + [ + "▁chapel", + -12.450363159179688 + ], + [ + "▁echo", + -12.450443267822266 + ], + [ + "▁Judy", + -12.4504976272583 + ], + [ + "▁MLB", + -12.450522422790527 + ], + [ + "▁collaborated", + -12.450522422790527 + ], + [ + "▁systemic", + -12.450546264648438 + ], + [ + "strong", + -12.45072078704834 + ], + [ + "▁butterflies", + -12.450878143310549 + ], + [ + "▁faint", + -12.451183319091797 + ], + [ + "▁Duck", + -12.451412200927734 + ], + [ + "HS", + -12.451465606689451 + ], + [ + "▁Previously", + -12.451499938964844 + ], + [ + "Write", + -12.451608657836914 + ], + [ + "▁receipts", + -12.451695442199709 + ], + [ + "▁Precision", + -12.45169734954834 + ], + [ + "▁Devil", + -12.451836585998535 + ], + [ + "▁Push", + -12.451913833618164 + ], + [ + "pound", + -12.452013969421388 + ], + [ + "▁myths", + -12.452025413513184 + ], + [ + "▁tighten", + -12.452200889587402 + ], + [ + "▁11:00", + -12.45233154296875 + ], + [ + "▁conductor", + -12.452407836914062 + ], + [ + "▁radiator", + -12.452452659606934 + ], + [ + "▁flourish", + -12.452570915222168 + ], + [ + "och", + -12.45270824432373 + ], + [ + "▁reliance", + -12.452805519104004 + ], + [ + "▁Bing", + -12.452875137329102 + ], + [ + "▁mailbox", + -12.452885627746582 + ], + [ + "▁slowed", + -12.45298671722412 + ], + [ + "▁Mari", + -12.453086853027344 + ], + [ + "▁aunt", + -12.453147888183594 + ], + [ + "cup", + -12.45317268371582 + ], + [ + "Hot", + -12.45323085784912 + ], + [ + "Ni", + -12.45331573486328 + ], + [ + "▁cyclists", + -12.453362464904783 + ], + [ + "▁wizard", + -12.453489303588867 + ], + [ + "▁sunscreen", + -12.453566551208496 + ], + [ + "▁crossover", + -12.453690528869627 + ], + [ + "▁growers", + -12.45370101928711 + ], + [ + "▁conveyor", + -12.453810691833496 + ], + [ + "▁Terra", + -12.453914642333984 + ], + [ + "▁scar", + -12.453943252563477 + ], + [ + "▁hostile", + -12.454084396362305 + ], + [ + "tus", + -12.454320907592772 + ], + [ + "2014", + -12.454383850097656 + ], + [ + "▁FY", + -12.454487800598145 + ], + [ + "▁EL", + -12.454567909240724 + ], + [ + "▁plea", + -12.454670906066896 + ], + [ + "▁inspector", + -12.454697608947754 + ], + [ + "Monday", + -12.454737663269045 + ], + [ + "▁redeem", + -12.454804420471191 + ], + [ + "▁trays", + -12.454863548278809 + ], + [ + "Cool", + -12.454875946044922 + ], + [ + "▁distraction", + -12.4551420211792 + ], + [ + "▁USE", + -12.455157279968262 + ], + [ + "▁glamorous", + -12.455262184143066 + ], + [ + "IE", + -12.455414772033691 + ], + [ + "Bi", + -12.455439567565918 + ], + [ + "▁stitches", + -12.45550537109375 + ], + [ + "▁Salesforce", + -12.455523490905762 + ], + [ + "Regardless", + -12.455581665039062 + ], + [ + "▁Moss", + -12.455620765686035 + ], + [ + "▁1969", + -12.455818176269531 + ], + [ + "▁Spotify", + -12.45583438873291 + ], + [ + "▁embroidered", + -12.455978393554688 + ], + [ + "▁residue", + -12.456002235412598 + ], + [ + "dry", + -12.45608901977539 + ], + [ + "▁fathers", + -12.456136703491213 + ], + [ + "▁Specifically", + -12.45627784729004 + ], + [ + "▁Gay", + -12.456311225891112 + ], + [ + "ET", + -12.456506729125977 + ], + [ + "▁neon", + -12.456549644470217 + ], + [ + "▁throne", + -12.456592559814451 + ], + [ + "▁Nazi", + -12.456738471984863 + ], + [ + "thank", + -12.456745147705078 + ], + [ + "\").", + -12.45687484741211 + ], + [ + "▁tow", + -12.456938743591309 + ], + [ + "▁Stack", + -12.456964492797852 + ], + [ + "▁Ferguson", + -12.456995010375977 + ], + [ + "▁condos", + -12.456995964050291 + ], + [ + "▁averaging", + -12.457009315490724 + ], + [ + "▁Ol", + -12.457025527954102 + ], + [ + "▁Finnish", + -12.457033157348633 + ], + [ + "▁breastfeeding", + -12.457111358642578 + ], + [ + "▁#4", + -12.457155227661133 + ], + [ + "▁Comic", + -12.45720672607422 + ], + [ + "▁Effective", + -12.457408905029297 + ], + [ + "break", + -12.457475662231444 + ], + [ + "▁warrior", + -12.457487106323242 + ], + [ + "File", + -12.457571029663086 + ], + [ + "national", + -12.457579612731934 + ], + [ + "▁Buyer", + -12.457707405090332 + ], + [ + "▁reversed", + -12.4578857421875 + ], + [ + "▁benefited", + -12.457913398742676 + ], + [ + "▁6.5", + -12.457927703857422 + ], + [ + "▁hem", + -12.457928657531738 + ], + [ + "▁50-", + -12.458032608032228 + ], + [ + "▁distractions", + -12.458035469055176 + ], + [ + "▁WHAT", + -12.458202362060549 + ], + [ + "▁SAT", + -12.458218574523926 + ], + [ + "▁preventive", + -12.458391189575195 + ], + [ + "▁Ikea", + -12.458420753479004 + ], + [ + "▁Megan", + -12.45842742919922 + ], + [ + "▁catalyst", + -12.458504676818848 + ], + [ + "aki", + -12.45852756500244 + ], + [ + "pu", + -12.458707809448242 + ], + [ + "▁Marble", + -12.45875358581543 + ], + [ + "▁erosion", + -12.45877170562744 + ], + [ + "▁Promo", + -12.459150314331056 + ], + [ + "▁Pioneer", + -12.459478378295898 + ], + [ + "tive", + -12.459498405456545 + ], + [ + "▁embark", + -12.459553718566896 + ], + [ + "▁pancakes", + -12.45957851409912 + ], + [ + "large", + -12.459638595581056 + ], + [ + "▁balloons", + -12.459680557250977 + ], + [ + "▁bells", + -12.459697723388672 + ], + [ + "hall", + -12.46038818359375 + ], + [ + "▁reclaimed", + -12.460404396057127 + ], + [ + "▁residing", + -12.460536003112791 + ], + [ + "sc", + -12.460745811462402 + ], + [ + "▁Lip", + -12.460817337036133 + ], + [ + "▁criticized", + -12.460866928100586 + ], + [ + "▁Gregory", + -12.461540222167969 + ], + [ + "wal", + -12.461546897888184 + ], + [ + "▁Depression", + -12.461689949035645 + ], + [ + "Quick", + -12.46173095703125 + ], + [ + "▁Cardiff", + -12.461739540100098 + ], + [ + "▁podcasts", + -12.461791038513184 + ], + [ + "▁marvelous", + -12.461797714233398 + ], + [ + "▁Meta", + -12.461853981018066 + ], + [ + "language", + -12.461883544921877 + ], + [ + "Private", + -12.461915969848633 + ], + [ + "▁directories", + -12.461936950683594 + ], + [ + "▁fl", + -12.461949348449709 + ], + [ + "▁sneakers", + -12.462005615234377 + ], + [ + "▁Graphics", + -12.46205234527588 + ], + [ + "▁seams", + -12.46207046508789 + ], + [ + "▁speeding", + -12.462128639221191 + ], + [ + "▁sushi", + -12.46245002746582 + ], + [ + "▁ce", + -12.462637901306152 + ], + [ + "▁lessen", + -12.46269416809082 + ], + [ + "▁Lightning", + -12.46271800994873 + ], + [ + "Port", + -12.463006019592283 + ], + [ + "▁Frost", + -12.463144302368164 + ], + [ + "▁Mp", + -12.46324348449707 + ], + [ + "▁recommending", + -12.463334083557127 + ], + [ + "▁Sisters", + -12.46341037750244 + ], + [ + "▁tariffs", + -12.463557243347168 + ], + [ + "▁gaze", + -12.463781356811523 + ], + [ + "▁jealous", + -12.463810920715332 + ], + [ + "▁Muhammad", + -12.463841438293455 + ], + [ + "CP", + -12.463859558105469 + ], + [ + "▁graphs", + -12.463873863220217 + ], + [ + "▁downloadable", + -12.46395778656006 + ], + [ + "▁Fer", + -12.463985443115234 + ], + [ + "▁Grammy", + -12.464062690734863 + ], + [ + "▁expiration", + -12.464073181152344 + ], + [ + "▁facilitated", + -12.464128494262695 + ], + [ + "anne", + -12.464241981506348 + ], + [ + "Cat", + -12.464280128479004 + ], + [ + "▁Ethics", + -12.46431827545166 + ], + [ + "▁Tra", + -12.46438694000244 + ], + [ + "▁vitality", + -12.464399337768556 + ], + [ + "▁Answers", + -12.464410781860352 + ], + [ + "▁abdominal", + -12.464554786682127 + ], + [ + "▁Janet", + -12.464699745178224 + ], + [ + "▁Bra", + -12.464702606201172 + ], + [ + "▁closets", + -12.46489143371582 + ], + [ + "▁Syndrome", + -12.464961051940918 + ], + [ + "▁''", + -12.464995384216309 + ], + [ + "▁downstairs", + -12.465015411376951 + ], + [ + "▁eventual", + -12.465024948120115 + ], + [ + "▁NI", + -12.465143203735352 + ], + [ + "▁classmates", + -12.465149879455566 + ], + [ + "▁filtered", + -12.465266227722168 + ], + [ + "▁Patch", + -12.465373039245604 + ], + [ + "▁Minecraft", + -12.465483665466309 + ], + [ + "▁attentive", + -12.465542793273926 + ], + [ + "▁Mate", + -12.465593338012695 + ], + [ + "ato", + -12.465713500976562 + ], + [ + "▁Quote", + -12.465758323669434 + ], + [ + "▁sparked", + -12.465786933898926 + ], + [ + "thirds", + -12.4658203125 + ], + [ + "▁crochet", + -12.465829849243164 + ], + [ + "▁cultivation", + -12.46584701538086 + ], + [ + "▁aromatic", + -12.465848922729492 + ], + [ + "▁portfolios", + -12.465864181518556 + ], + [ + "▁resolving", + -12.465954780578612 + ], + [ + "▁Translation", + -12.465996742248535 + ], + [ + "▁nominee", + -12.46604824066162 + ], + [ + "▁quo", + -12.466104507446287 + ], + [ + "▁Owners", + -12.466214179992676 + ], + [ + "science", + -12.46623706817627 + ], + [ + "▁Launch", + -12.46630859375 + ], + [ + "▁conventions", + -12.466389656066896 + ], + [ + "▁keeper", + -12.466394424438477 + ], + [ + "zing", + -12.466497421264648 + ], + [ + "onia", + -12.466622352600098 + ], + [ + "▁Individuals", + -12.466644287109377 + ], + [ + "▁Performing", + -12.46670913696289 + ], + [ + "▁installers", + -12.4668550491333 + ], + [ + "▁Automation", + -12.466917037963867 + ], + [ + "▁tutors", + -12.467011451721191 + ], + [ + "▁13.", + -12.467019081115724 + ], + [ + "▁Specialists", + -12.467120170593262 + ], + [ + "ito", + -12.467177391052246 + ], + [ + "lf", + -12.467275619506836 + ], + [ + "▁Eight", + -12.46729850769043 + ], + [ + "hai", + -12.467302322387695 + ], + [ + "▁CCTV", + -12.467327117919922 + ], + [ + "layer", + -12.467388153076172 + ], + [ + "▁breadth", + -12.467412948608398 + ], + [ + "▁Semi", + -12.46742820739746 + ], + [ + "▁minded", + -12.467440605163574 + ], + [ + "▁Artificial", + -12.467499732971191 + ], + [ + "street", + -12.46751880645752 + ], + [ + "▁Nordic", + -12.467529296875 + ], + [ + "▁tensions", + -12.467812538146973 + ], + [ + "▁Brunswick", + -12.46800708770752 + ], + [ + "▁knots", + -12.468084335327148 + ], + [ + "een", + -12.468181610107422 + ], + [ + "▁dresser", + -12.468236923217772 + ], + [ + "▁MW", + -12.468313217163086 + ], + [ + "▁Seeing", + -12.46834659576416 + ], + [ + "▁Kind", + -12.468381881713867 + ], + [ + "▁230", + -12.468384742736816 + ], + [ + "▁textiles", + -12.468493461608888 + ], + [ + "▁7.5", + -12.468721389770508 + ], + [ + "▁Relief", + -12.46891975402832 + ], + [ + "▁walnut", + -12.468924522399902 + ], + [ + "▁Junction", + -12.469056129455566 + ], + [ + "▁horsepower", + -12.469120979309082 + ], + [ + "▁spike", + -12.469176292419434 + ], + [ + "▁impacting", + -12.46930980682373 + ], + [ + "▁aerospace", + -12.46940803527832 + ], + [ + "uda", + -12.469502449035645 + ], + [ + "▁respects", + -12.469520568847656 + ], + [ + "SD", + -12.469610214233398 + ], + [ + "▁slated", + -12.469632148742676 + ], + [ + "▁suburb", + -12.469647407531738 + ], + [ + "▁Comics", + -12.46967315673828 + ], + [ + "▁resemble", + -12.469724655151367 + ], + [ + "▁continents", + -12.469769477844238 + ], + [ + "▁courteous", + -12.470311164855955 + ], + [ + "▁briefing", + -12.470362663269045 + ], + [ + "ome", + -12.470470428466797 + ], + [ + "▁tubing", + -12.47047519683838 + ], + [ + "▁swift", + -12.470588684082031 + ], + [ + "▁accumulate", + -12.470633506774902 + ], + [ + "▁dwell", + -12.470945358276367 + ], + [ + "▁PL", + -12.470961570739746 + ], + [ + "▁neatly", + -12.470993041992188 + ], + [ + "Christian", + -12.471226692199709 + ], + [ + "▁9/11", + -12.47127628326416 + ], + [ + "▁preceded", + -12.471308708190918 + ], + [ + "▁Leicester", + -12.471331596374512 + ], + [ + "▁whites", + -12.471452713012695 + ], + [ + "▁hectic", + -12.471495628356934 + ], + [ + "dra", + -12.47152328491211 + ], + [ + "od", + -12.471524238586426 + ], + [ + "▁(18", + -12.471868515014648 + ], + [ + "▁recruited", + -12.471894264221191 + ], + [ + "▁Dear", + -12.472034454345703 + ], + [ + "▁HOME", + -12.472107887268066 + ], + [ + "TON", + -12.47211742401123 + ], + [ + "shan", + -12.472192764282228 + ], + [ + "▁Myers", + -12.472346305847168 + ], + [ + "▁migrate", + -12.47237777709961 + ], + [ + "▁premature", + -12.472752571105955 + ], + [ + "▁Liu", + -12.472822189331056 + ], + [ + "▁merged", + -12.472865104675291 + ], + [ + "▁Falcon", + -12.472882270812988 + ], + [ + "Avoid", + -12.472914695739746 + ], + [ + "Leave", + -12.473036766052246 + ], + [ + "83", + -12.47325325012207 + ], + [ + "▁consolidate", + -12.473268508911133 + ], + [ + "▁sung", + -12.473361015319824 + ], + [ + "▁Celebration", + -12.473432540893556 + ], + [ + "▁cellar", + -12.473505020141602 + ], + [ + "▁Exclusive", + -12.473529815673828 + ], + [ + "▁religions", + -12.473661422729492 + ], + [ + "▁bodily", + -12.473869323730469 + ], + [ + "▁tasked", + -12.47391128540039 + ], + [ + "nah", + -12.473934173583984 + ], + [ + "▁elevate", + -12.474249839782717 + ], + [ + "▁Dia", + -12.474273681640623 + ], + [ + "▁Height", + -12.474360466003418 + ], + [ + "▁Mold", + -12.47452449798584 + ], + [ + "▁uniforms", + -12.474541664123535 + ], + [ + "▁fullest", + -12.474691390991213 + ], + [ + "▁Ethiopia", + -12.474700927734377 + ], + [ + "▁Pendant", + -12.474763870239258 + ], + [ + "▁Pertaining", + -12.474763870239258 + ], + [ + "▁quaint", + -12.47476577758789 + ], + [ + "▁paramount", + -12.474776268005373 + ], + [ + "▁alot", + -12.474970817565918 + ], + [ + "▁10:30", + -12.475013732910156 + ], + [ + "vision", + -12.475037574768066 + ], + [ + "▁Agents", + -12.475069046020508 + ], + [ + "sun", + -12.475159645080566 + ], + [ + "▁Teams", + -12.475175857543944 + ], + [ + "▁terminate", + -12.475218772888184 + ], + [ + "▁unwind", + -12.475236892700195 + ], + [ + "3-", + -12.475263595581056 + ], + [ + "pole", + -12.4753999710083 + ], + [ + "▁midfielder", + -12.475438117980955 + ], + [ + "▁Il", + -12.47562313079834 + ], + [ + "NB", + -12.475829124450684 + ], + [ + "▁turbo", + -12.47595500946045 + ], + [ + "Plan", + -12.475992202758787 + ], + [ + "▁sidewalk", + -12.476184844970703 + ], + [ + "▁rot", + -12.476433753967283 + ], + [ + "▁Salad", + -12.476523399353027 + ], + [ + "GT", + -12.47652530670166 + ], + [ + "▁cucumber", + -12.476666450500488 + ], + [ + "▁Residents", + -12.476813316345217 + ], + [ + "▁TC", + -12.47685432434082 + ], + [ + "▁Choosing", + -12.476969718933104 + ], + [ + "450", + -12.476977348327637 + ], + [ + "▁funky", + -12.477118492126465 + ], + [ + "▁tranquil", + -12.47736644744873 + ], + [ + "▁Considering", + -12.47738552093506 + ], + [ + "iro", + -12.477394104003906 + ], + [ + "-50", + -12.477411270141602 + ], + [ + "Actually", + -12.477463722229004 + ], + [ + "(),", + -12.477519989013672 + ], + [ + "▁sensing", + -12.477519989013672 + ], + [ + "▁hikes", + -12.477546691894531 + ], + [ + "▁sage", + -12.47759246826172 + ], + [ + "▁Customs", + -12.477675437927246 + ], + [ + "▁CF", + -12.477713584899902 + ], + [ + "EA", + -12.477834701538086 + ], + [ + "lbs", + -12.478034019470217 + ], + [ + "▁Rec", + -12.478094100952148 + ], + [ + "▁presumably", + -12.478145599365234 + ], + [ + "▁animations", + -12.478181838989258 + ], + [ + "▁maternity", + -12.478353500366213 + ], + [ + "▁doctrine", + -12.478487014770508 + ], + [ + "▁desks", + -12.478632926940918 + ], + [ + "▁Normally", + -12.478765487670898 + ], + [ + "▁harvesting", + -12.478838920593262 + ], + [ + "▁peach", + -12.478886604309082 + ], + [ + "▁Playing", + -12.47892951965332 + ], + [ + "▁Bach", + -12.479063034057615 + ], + [ + "bag", + -12.47923183441162 + ], + [ + "▁convertible", + -12.47928524017334 + ], + [ + "▁100-", + -12.479394912719728 + ], + [ + "▁Andrews", + -12.479414939880373 + ], + [ + "mic", + -12.47946548461914 + ], + [ + "ose", + -12.480090141296388 + ], + [ + "▁RO", + -12.480107307434082 + ], + [ + "▁Wii", + -12.480131149291992 + ], + [ + "▁commodities", + -12.480152130126951 + ], + [ + "▁immunity", + -12.48015308380127 + ], + [ + "▁Belfast", + -12.480161666870115 + ], + [ + "▁USDA", + -12.480192184448242 + ], + [ + "▁denying", + -12.480247497558594 + ], + [ + "MLS", + -12.480265617370604 + ], + [ + "▁Hai", + -12.480273246765137 + ], + [ + "▁disrupt", + -12.480281829833984 + ], + [ + "▁Mostly", + -12.48036003112793 + ], + [ + "▁Become", + -12.480422019958496 + ], + [ + "sales", + -12.480438232421877 + ], + [ + "▁ga", + -12.480518341064451 + ], + [ + "▁vocational", + -12.480581283569336 + ], + [ + "▁TM", + -12.480610847473145 + ], + [ + "drop", + -12.48063850402832 + ], + [ + "▁Istanbul", + -12.480843544006348 + ], + [ + "▁taxation", + -12.480975151062012 + ], + [ + "▁Nonetheless", + -12.481006622314451 + ], + [ + "▁aired", + -12.48102855682373 + ], + [ + "▁aisle", + -12.48104190826416 + ], + [ + "▁hobbies", + -12.481054306030272 + ], + [ + "▁Seriously", + -12.481294631958008 + ], + [ + "▁stationary", + -12.481369972229004 + ], + [ + "▁habitats", + -12.481388092041016 + ], + [ + "▁Oaks", + -12.48139190673828 + ], + [ + "Got", + -12.481410026550291 + ], + [ + "▁Venus", + -12.48145866394043 + ], + [ + "▁Rising", + -12.48150634765625 + ], + [ + "▁plugs", + -12.481568336486816 + ], + [ + "▁iphone", + -12.481600761413574 + ], + [ + "▁gr", + -12.481715202331545 + ], + [ + "▁Legislature", + -12.48195457458496 + ], + [ + "▁Coastal", + -12.481993675231934 + ], + [ + "▁Klein", + -12.482019424438477 + ], + [ + "▁antivirus", + -12.48216438293457 + ], + [ + "mit", + -12.48222541809082 + ], + [ + "▁Meat", + -12.48222541809082 + ], + [ + "▁$250", + -12.48223114013672 + ], + [ + "▁rebuilding", + -12.482301712036133 + ], + [ + "▁inserts", + -12.482447624206545 + ], + [ + "▁Benefit", + -12.482462882995604 + ], + [ + "▁forged", + -12.482518196105955 + ], + [ + "▁plunge", + -12.482671737670898 + ], + [ + "sure", + -12.482705116271973 + ], + [ + "▁weaving", + -12.482979774475098 + ], + [ + "▁transcription", + -12.483038902282717 + ], + [ + "▁Dimension", + -12.48328685760498 + ], + [ + "▁advancements", + -12.48333740234375 + ], + [ + "▁frost", + -12.48336696624756 + ], + [ + "▁kale", + -12.483535766601562 + ], + [ + "▁chorus", + -12.483623504638672 + ], + [ + "Steve", + -12.483682632446287 + ], + [ + "▁Canadians", + -12.4837064743042 + ], + [ + "▁rains", + -12.483757019042969 + ], + [ + "▁compromising", + -12.48376178741455 + ], + [ + "▁PPC", + -12.483933448791504 + ], + [ + "atory", + -12.483953475952148 + ], + [ + "▁progressed", + -12.484064102172852 + ], + [ + "▁MK", + -12.484146118164062 + ], + [ + "▁aquarium", + -12.484170913696287 + ], + [ + "▁DI", + -12.48420524597168 + ], + [ + "Fun", + -12.48448371887207 + ], + [ + "sensitive", + -12.484501838684082 + ], + [ + "isi", + -12.484574317932127 + ], + [ + "▁ikea", + -12.48467254638672 + ], + [ + "▁parsley", + -12.4846830368042 + ], + [ + "fair", + -12.484755516052246 + ], + [ + "▁Carroll", + -12.484770774841309 + ], + [ + "91", + -12.48499584197998 + ], + [ + "speaking", + -12.485036849975586 + ], + [ + "▁Ak", + -12.485182762145996 + ], + [ + "▁Armed", + -12.485223770141602 + ], + [ + "▁cheating", + -12.48531436920166 + ], + [ + "▁Selling", + -12.48547649383545 + ], + [ + "▁Mayo", + -12.485492706298828 + ], + [ + "▁cleanse", + -12.485559463500977 + ], + [ + "▁advises", + -12.48558521270752 + ], + [ + "▁Shu", + -12.485607147216797 + ], + [ + "ef", + -12.485681533813477 + ], + [ + "▁forensic", + -12.485830307006836 + ], + [ + "▁Je", + -12.485844612121582 + ], + [ + "▁resigned", + -12.485876083374023 + ], + [ + "▁carrot", + -12.485923767089844 + ], + [ + "▁ruler", + -12.485991477966309 + ], + [ + "▁mentality", + -12.486003875732422 + ], + [ + "▁trafficking", + -12.486190795898438 + ], + [ + "fil", + -12.4862060546875 + ], + [ + "tia", + -12.486214637756348 + ], + [ + "▁Var", + -12.486441612243652 + ], + [ + "▁1971", + -12.486492156982422 + ], + [ + "▁Salem", + -12.486498832702637 + ], + [ + "rest", + -12.486509323120115 + ], + [ + "EE", + -12.486560821533203 + ], + [ + "Map", + -12.486763954162598 + ], + [ + "▁Panels", + -12.48688793182373 + ], + [ + "▁packets", + -12.48688793182373 + ], + [ + "▁additives", + -12.486893653869627 + ], + [ + "ged", + -12.486919403076172 + ], + [ + "rays", + -12.48692512512207 + ], + [ + "▁mounts", + -12.486964225769045 + ], + [ + "▁inflammatory", + -12.486977577209473 + ], + [ + "▁subjective", + -12.48710823059082 + ], + [ + "Size", + -12.487144470214844 + ], + [ + "▁Carson", + -12.487200736999512 + ], + [ + "▁liquids", + -12.487298011779783 + ], + [ + "▁dine", + -12.487324714660645 + ], + [ + "▁sympathy", + -12.487381935119627 + ], + [ + "▁pupil", + -12.48763942718506 + ], + [ + "▁rode", + -12.487662315368652 + ], + [ + "▁disruptive", + -12.487671852111816 + ], + [ + "▁Ker", + -12.487686157226562 + ], + [ + "▁flora", + -12.48774528503418 + ], + [ + "Lab", + -12.487759590148926 + ], + [ + "▁seaside", + -12.48780632019043 + ], + [ + "▁calibration", + -12.487876892089844 + ], + [ + "▁Tam", + -12.488107681274414 + ], + [ + "▁grading", + -12.488253593444824 + ], + [ + "▁liabilities", + -12.488290786743164 + ], + [ + "▁podium", + -12.48831272125244 + ], + [ + "▁residences", + -12.4883394241333 + ], + [ + "election", + -12.488363265991213 + ], + [ + "▁Niagara", + -12.488409996032717 + ], + [ + "▁paradigm", + -12.488568305969238 + ], + [ + "▁ecommerce", + -12.488698959350586 + ], + [ + "TER", + -12.488741874694824 + ], + [ + "ache", + -12.488795280456545 + ], + [ + "▁Bollywood", + -12.48879623413086 + ], + [ + "▁Viagra", + -12.488911628723145 + ], + [ + "-2018", + -12.488978385925291 + ], + [ + "▁Venture", + -12.489039421081545 + ], + [ + "▁threaten", + -12.489093780517578 + ], + [ + "▁GmbH", + -12.489197731018066 + ], + [ + "▁hypothesis", + -12.489198684692385 + ], + [ + "▁Beverly", + -12.48922348022461 + ], + [ + "▁pursuant", + -12.48922348022461 + ], + [ + "▁Crazy", + -12.489316940307615 + ], + [ + "▁Blade", + -12.48932647705078 + ], + [ + "▁Hidden", + -12.4894437789917 + ], + [ + "▁dilemma", + -12.489460945129396 + ], + [ + "▁safari", + -12.48949146270752 + ], + [ + "▁Ranger", + -12.48970890045166 + ], + [ + "▁Simpson", + -12.489710807800291 + ], + [ + "▁recessed", + -12.489803314208984 + ], + [ + "▁Jill", + -12.489845275878906 + ], + [ + "▁Investors", + -12.489919662475586 + ], + [ + "▁Pedro", + -12.49009609222412 + ], + [ + "▁solidarity", + -12.49012851715088 + ], + [ + "▁LEGO", + -12.490164756774902 + ], + [ + "held", + -12.490224838256836 + ], + [ + "▁clientele", + -12.490249633789062 + ], + [ + "esque", + -12.490331649780272 + ], + [ + "▁Stockholm", + -12.49036979675293 + ], + [ + "▁comparative", + -12.49077606201172 + ], + [ + "▁Fields", + -12.490787506103516 + ], + [ + "Sub", + -12.491008758544922 + ], + [ + "▁histories", + -12.49102020263672 + ], + [ + "▁schooling", + -12.491114616394045 + ], + [ + "//", + -12.491226196289062 + ], + [ + "▁Supplies", + -12.491753578186035 + ], + [ + "▁tougher", + -12.491887092590332 + ], + [ + "▁Grass", + -12.491912841796877 + ], + [ + "▁parchment", + -12.49192714691162 + ], + [ + "▁reminding", + -12.49203109741211 + ], + [ + "▁curse", + -12.492070198059082 + ], + [ + "▁Layer", + -12.49207592010498 + ], + [ + "▁1958", + -12.492177963256836 + ], + [ + "▁concealed", + -12.492180824279783 + ], + [ + "▁lump", + -12.492196083068848 + ], + [ + "▁blamed", + -12.49223804473877 + ], + [ + "imo", + -12.492298126220703 + ], + [ + "▁trusting", + -12.492376327514648 + ], + [ + "▁crane", + -12.49238109588623 + ], + [ + "▁Advantage", + -12.492399215698242 + ], + [ + "▁milestones", + -12.492453575134276 + ], + [ + "▁oppose", + -12.492544174194336 + ], + [ + "▁prioritize", + -12.492560386657717 + ], + [ + "▁cousins", + -12.492624282836914 + ], + [ + "cock", + -12.492721557617188 + ], + [ + "▁overflow", + -12.492753028869627 + ], + [ + "▁disconnect", + -12.492754936218262 + ], + [ + "▁anatomy", + -12.492838859558104 + ], + [ + "lac", + -12.492859840393066 + ], + [ + "▁facets", + -12.492878913879396 + ], + [ + "▁hairstyle", + -12.492905616760254 + ], + [ + "trade", + -12.4929780960083 + ], + [ + "▁LGBT", + -12.492999076843262 + ], + [ + "eri", + -12.493014335632324 + ], + [ + "▁Levi", + -12.493206977844238 + ], + [ + "▁intrigued", + -12.493257522583008 + ], + [ + "▁vase", + -12.49329662322998 + ], + [ + "▁TR", + -12.493595123291016 + ], + [ + "▁dependence", + -12.493597984313965 + ], + [ + "▁volcano", + -12.493614196777344 + ], + [ + "RM", + -12.493706703186035 + ], + [ + "Safe", + -12.493724822998049 + ], + [ + "▁tedious", + -12.493756294250488 + ], + [ + "▁uneven", + -12.493766784667969 + ], + [ + "▁Pattern", + -12.493794441223145 + ], + [ + "dor", + -12.49384880065918 + ], + [ + "LM", + -12.493894577026367 + ], + [ + "▁manga", + -12.494003295898438 + ], + [ + "▁hrs", + -12.49406909942627 + ], + [ + "▁Export", + -12.494110107421877 + ], + [ + "Modern", + -12.494152069091797 + ], + [ + "FF", + -12.494199752807615 + ], + [ + "▁carving", + -12.494327545166016 + ], + [ + "United", + -12.49435329437256 + ], + [ + "▁Oral", + -12.494452476501465 + ], + [ + "Print", + -12.494547843933104 + ], + [ + "lich", + -12.494644165039062 + ], + [ + "▁Courses", + -12.494834899902344 + ], + [ + "Sea", + -12.494858741760254 + ], + [ + "▁playback", + -12.494927406311035 + ], + [ + "3,000", + -12.494938850402832 + ], + [ + "War", + -12.495036125183104 + ], + [ + "▁relocated", + -12.495295524597168 + ], + [ + "DF", + -12.49539566040039 + ], + [ + "▁descriptive", + -12.49557876586914 + ], + [ + "▁terribly", + -12.49557876586914 + ], + [ + "▁agility", + -12.495579719543455 + ], + [ + "Park", + -12.49560546875 + ], + [ + "▁Rat", + -12.495685577392578 + ], + [ + "▁Speech", + -12.495762825012209 + ], + [ + "▁reductions", + -12.495903968811035 + ], + [ + "▁17.", + -12.496017456054688 + ], + [ + "▁1956", + -12.496182441711426 + ], + [ + "1-", + -12.49623966217041 + ], + [ + "▁Commander", + -12.496371269226074 + ], + [ + "▁mosaic", + -12.496430397033691 + ], + [ + "▁Viking", + -12.496451377868652 + ], + [ + "▁congressional", + -12.49649429321289 + ], + [ + "▁postage", + -12.496505737304688 + ], + [ + "▁Comedy", + -12.496562004089355 + ], + [ + "▁Sai", + -12.496569633483888 + ], + [ + "▁Teen", + -12.496710777282717 + ], + [ + "Ti", + -12.496719360351562 + ], + [ + "▁Haiti", + -12.49673843383789 + ], + [ + "▁depicted", + -12.496744155883787 + ], + [ + "uli", + -12.496800422668455 + ], + [ + "▁(20", + -12.496809005737305 + ], + [ + "▁Highlands", + -12.496889114379885 + ], + [ + "UC", + -12.49691104888916 + ], + [ + "2012", + -12.496981620788574 + ], + [ + "▁Rolling", + -12.497024536132812 + ], + [ + "▁computational", + -12.497241973876951 + ], + [ + "▁£4", + -12.497297286987305 + ], + [ + "▁floods", + -12.49731159210205 + ], + [ + "Table", + -12.497357368469238 + ], + [ + "▁revival", + -12.497410774230955 + ], + [ + "Mail", + -12.497679710388184 + ], + [ + "Almost", + -12.497909545898438 + ], + [ + "▁Jupiter", + -12.498027801513672 + ], + [ + "▁raid", + -12.498112678527832 + ], + [ + "▁pubs", + -12.498248100280762 + ], + [ + "/16", + -12.49843978881836 + ], + [ + "ios", + -12.498544692993164 + ], + [ + "▁misuse", + -12.498714447021484 + ], + [ + "▁fingerprint", + -12.49874210357666 + ], + [ + "▁colder", + -12.498806953430176 + ], + [ + "▁recalls", + -12.498872756958008 + ], + [ + "▁EX", + -12.498906135559082 + ], + [ + "▁Spice", + -12.498927116394045 + ], + [ + "▁knob", + -12.499171257019045 + ], + [ + "Whenever", + -12.499177932739258 + ], + [ + "▁Chang", + -12.499195098876951 + ], + [ + "▁borrower", + -12.499199867248535 + ], + [ + "▁infringement", + -12.499199867248535 + ], + [ + "▁Landing", + -12.499364852905272 + ], + [ + "▁communicated", + -12.499381065368652 + ], + [ + "adi", + -12.499435424804688 + ], + [ + "owner", + -12.49950885772705 + ], + [ + "▁addicted", + -12.49950885772705 + ], + [ + "▁pivotal", + -12.49982452392578 + ], + [ + "hurst", + -12.500003814697266 + ], + [ + "▁drains", + -12.50001335144043 + ], + [ + "▁textbook", + -12.500046730041504 + ], + [ + "▁showcased", + -12.500049591064451 + ], + [ + "Lu", + -12.5000638961792 + ], + [ + "▁1981", + -12.500067710876465 + ], + [ + "▁Somerset", + -12.500125885009766 + ], + [ + "▁redemption", + -12.500162124633787 + ], + [ + "▁Begin", + -12.500174522399902 + ], + [ + "Members", + -12.500283241271973 + ], + [ + "▁headset", + -12.500449180603027 + ], + [ + "skin", + -12.50046730041504 + ], + [ + "sion", + -12.50048542022705 + ], + [ + "▁rectangle", + -12.50055694580078 + ], + [ + "ching", + -12.500590324401855 + ], + [ + "▁refuses", + -12.50065803527832 + ], + [ + "▁proportions", + -12.500667572021484 + ], + [ + "1,000", + -12.500887870788574 + ], + [ + "▁Evan", + -12.50090503692627 + ], + [ + "6,000", + -12.500983238220217 + ], + [ + "Drive", + -12.501015663146973 + ], + [ + "▁urgency", + -12.501084327697754 + ], + [ + "▁batting", + -12.501141548156738 + ], + [ + "▁glazing", + -12.501203536987305 + ], + [ + "▁bot", + -12.501226425170898 + ], + [ + "▁VT", + -12.501277923583984 + ], + [ + "SN", + -12.50134563446045 + ], + [ + "▁Keys", + -12.50134563446045 + ], + [ + "NEW", + -12.501428604125977 + ], + [ + "▁programmed", + -12.50153350830078 + ], + [ + "▁receptor", + -12.50156021118164 + ], + [ + "▁Sudan", + -12.501561164855955 + ], + [ + "tool", + -12.501707077026367 + ], + [ + "▁irregular", + -12.501710891723633 + ], + [ + "▁numerical", + -12.50179958343506 + ], + [ + "▁reflections", + -12.501860618591309 + ], + [ + "▁flames", + -12.501907348632812 + ], + [ + "▁genetics", + -12.502007484436035 + ], + [ + "▁Sons", + -12.502013206481934 + ], + [ + "▁Swan", + -12.5020170211792 + ], + [ + "▁RT", + -12.502099990844728 + ], + [ + "elo", + -12.502180099487305 + ], + [ + "▁Gmail", + -12.502229690551758 + ], + [ + "750", + -12.502370834350586 + ], + [ + "nen", + -12.502395629882812 + ], + [ + "▁Steps", + -12.502635955810549 + ], + [ + "▁Interface", + -12.502800941467283 + ], + [ + "ulation", + -12.502848625183104 + ], + [ + "▁revenge", + -12.502927780151367 + ], + [ + "▁reproductive", + -12.5029878616333 + ], + [ + "▁Norton", + -12.50304889678955 + ], + [ + "▁$60", + -12.5031156539917 + ], + [ + "▁SAS", + -12.503130912780762 + ], + [ + "▁Pokémon", + -12.503201484680176 + ], + [ + "87", + -12.50334930419922 + ], + [ + "▁dug", + -12.50336456298828 + ], + [ + "lift", + -12.503525733947754 + ], + [ + "▁confirms", + -12.503557205200195 + ], + [ + "▁novice", + -12.503623008728027 + ], + [ + "▁Et", + -12.503796577453612 + ], + [ + "▁ambiance", + -12.503843307495115 + ], + [ + "▁pr", + -12.503866195678713 + ], + [ + "▁trending", + -12.50387477874756 + ], + [ + "▁Seller", + -12.504087448120115 + ], + [ + "▁Blanc", + -12.504100799560549 + ], + [ + "▁waterfalls", + -12.504167556762695 + ], + [ + "Current", + -12.504244804382324 + ], + [ + "▁Conservative", + -12.504278182983398 + ], + [ + "▁mercury", + -12.50428581237793 + ], + [ + "▁Inner", + -12.50439167022705 + ], + [ + "liter", + -12.504497528076172 + ], + [ + "▁256", + -12.50463581085205 + ], + [ + "▁Opportunity", + -12.504694938659668 + ], + [ + "▁4:30", + -12.504725456237791 + ], + [ + "▁11-", + -12.504730224609377 + ], + [ + "▁Lexington", + -12.504768371582031 + ], + [ + "▁Milton", + -12.504884719848633 + ], + [ + "▁Diabetes", + -12.504901885986328 + ], + [ + "▁DVDs", + -12.504923820495604 + ], + [ + "▁Appliance", + -12.50498104095459 + ], + [ + "▁gentleman", + -12.5052490234375 + ], + [ + "bone", + -12.505365371704102 + ], + [ + "▁Fa", + -12.50537109375 + ], + [ + "▁UX", + -12.505440711975098 + ], + [ + "▁um", + -12.505504608154297 + ], + [ + "▁screenshots", + -12.505511283874512 + ], + [ + "▁Betty", + -12.5056791305542 + ], + [ + "▁Absolutely", + -12.50585651397705 + ], + [ + "▁Citizens", + -12.50623607635498 + ], + [ + "▁175", + -12.506282806396484 + ], + [ + "▁erase", + -12.506529808044434 + ], + [ + "▁revisit", + -12.506718635559082 + ], + [ + "▁backbone", + -12.50672721862793 + ], + [ + "Serve", + -12.506744384765623 + ], + [ + "▁comparisons", + -12.506749153137209 + ], + [ + "▁mailed", + -12.506796836853027 + ], + [ + "▁weaker", + -12.506914138793944 + ], + [ + "▁Breast", + -12.507037162780762 + ], + [ + "▁speedy", + -12.507100105285645 + ], + [ + "▁jewel", + -12.50711727142334 + ], + [ + "Bank", + -12.507471084594728 + ], + [ + "▁Bou", + -12.507493019104004 + ], + [ + "Control", + -12.507498741149902 + ], + [ + "▁flowering", + -12.507500648498535 + ], + [ + "▁hydrated", + -12.507672309875488 + ], + [ + "▁Eating", + -12.507691383361816 + ], + [ + "price", + -12.50788402557373 + ], + [ + "▁Hull", + -12.507904052734377 + ], + [ + "▁ASAP", + -12.508124351501465 + ], + [ + "▁deepen", + -12.5081787109375 + ], + [ + "▁GMT", + -12.508305549621582 + ], + [ + "▁Naturally", + -12.508413314819336 + ], + [ + "▁shelving", + -12.508464813232422 + ], + [ + "▁fiberglass", + -12.50848388671875 + ], + [ + "▁reusable", + -12.508511543273926 + ], + [ + "▁Rack", + -12.508647918701172 + ], + [ + "▁dim", + -12.508761405944824 + ], + [ + "▁mango", + -12.508829116821287 + ], + [ + "▁skeptical", + -12.508883476257324 + ], + [ + "▁Meaning", + -12.508949279785156 + ], + [ + "▁320", + -12.509065628051758 + ], + [ + "▁Kra", + -12.509183883666992 + ], + [ + "til", + -12.509230613708496 + ], + [ + "db", + -12.509347915649414 + ], + [ + "▁colon", + -12.509385108947754 + ], + [ + "▁Flip", + -12.50938892364502 + ], + [ + "Central", + -12.509411811828612 + ], + [ + "services", + -12.50944995880127 + ], + [ + "▁Seal", + -12.509466171264648 + ], + [ + "product", + -12.509533882141112 + ], + [ + "▁undergone", + -12.50954818725586 + ], + [ + "LT", + -12.50955295562744 + ], + [ + "▁Forever", + -12.509625434875488 + ], + [ + "▁Skip", + -12.509700775146484 + ], + [ + "▁reconciliation", + -12.509841918945312 + ], + [ + "▁ambulance", + -12.509899139404297 + ], + [ + "▁jackpot", + -12.509909629821776 + ], + [ + "▁standout", + -12.510007858276367 + ], + [ + "▁Lopez", + -12.510581970214844 + ], + [ + "arch", + -12.51125144958496 + ], + [ + "▁shutters", + -12.511279106140137 + ], + [ + "▁Ap", + -12.511566162109377 + ], + [ + "▁Mineral", + -12.511662483215332 + ], + [ + "▁wi", + -12.511892318725586 + ], + [ + "▁LOT", + -12.51190185546875 + ], + [ + "▁leaning", + -12.511972427368164 + ], + [ + "▁rash", + -12.512102127075195 + ], + [ + "string", + -12.51210594177246 + ], + [ + "▁Dentistry", + -12.51219081878662 + ], + [ + "ld", + -12.512269973754885 + ], + [ + "▁counselling", + -12.512279510498049 + ], + [ + "▁stocking", + -12.512630462646484 + ], + [ + "▁Pol", + -12.512645721435549 + ], + [ + "▁canceled", + -12.512666702270508 + ], + [ + "▁Personally", + -12.512673377990724 + ], + [ + "▁flock", + -12.512843132019045 + ], + [ + "▁19.", + -12.512961387634276 + ], + [ + "▁TA", + -12.512983322143556 + ], + [ + "▁prolific", + -12.513107299804688 + ], + [ + "▁distributing", + -12.513110160827637 + ], + [ + "▁embed", + -12.513132095336914 + ], + [ + "▁terrifying", + -12.513161659240724 + ], + [ + "▁zombie", + -12.513174057006836 + ], + [ + "Brand", + -12.51333713531494 + ], + [ + "▁Pair", + -12.513385772705078 + ], + [ + "Oct", + -12.513395309448242 + ], + [ + "▁alarms", + -12.51344394683838 + ], + [ + "▁impairment", + -12.513669967651367 + ], + [ + "▁championships", + -12.513693809509276 + ], + [ + "EL", + -12.513757705688477 + ], + [ + "▁thou", + -12.51380443572998 + ], + [ + "ering", + -12.513938903808594 + ], + [ + "▁strengthened", + -12.513973236083984 + ], + [ + "▁equations", + -12.513992309570312 + ], + [ + "Kids", + -12.514010429382324 + ], + [ + "▁cruel", + -12.514026641845703 + ], + [ + "▁Gandhi", + -12.514349937438965 + ], + [ + "▁Sink", + -12.514373779296877 + ], + [ + "Inside", + -12.514381408691406 + ], + [ + "▁Wendy", + -12.514418601989746 + ], + [ + "▁Heath", + -12.514559745788574 + ], + [ + "▁transforms", + -12.51480484008789 + ], + [ + "▁hydration", + -12.514969825744627 + ], + [ + "▁Debt", + -12.514992713928224 + ], + [ + "▁personalize", + -12.51504898071289 + ], + [ + "counter", + -12.515089988708496 + ], + [ + "▁groundbreaking", + -12.515093803405762 + ], + [ + "▁glued", + -12.51518726348877 + ], + [ + "▁outing", + -12.515310287475586 + ], + [ + "▁breaches", + -12.515376091003418 + ], + [ + "▁OC", + -12.515432357788086 + ], + [ + "Sounds", + -12.515450477600098 + ], + [ + "▁Era", + -12.515646934509276 + ], + [ + "▁gears", + -12.51597023010254 + ], + [ + "▁Burns", + -12.516032218933104 + ], + [ + "▁Result", + -12.516050338745115 + ], + [ + "▁twists", + -12.516209602355955 + ], + [ + "quot", + -12.516244888305664 + ], + [ + "still", + -12.516267776489258 + ], + [ + "74", + -12.516460418701172 + ], + [ + "heart", + -12.516541481018066 + ], + [ + "hn", + -12.516826629638672 + ], + [ + "▁oneself", + -12.516850471496582 + ], + [ + "▁politician", + -12.516956329345703 + ], + [ + "▁£10", + -12.517012596130373 + ], + [ + "toxic", + -12.517030715942385 + ], + [ + "dos", + -12.517148971557615 + ], + [ + "▁Morrison", + -12.517512321472168 + ], + [ + "▁landmarks", + -12.517585754394531 + ], + [ + "UT", + -12.517587661743164 + ], + [ + "▁GET", + -12.517587661743164 + ], + [ + "▁Alert", + -12.517657279968262 + ], + [ + "quarter", + -12.517683029174805 + ], + [ + "▁ministries", + -12.517770767211914 + ], + [ + "▁stringent", + -12.517818450927734 + ], + [ + "aa", + -12.517865180969238 + ], + [ + "▁amidst", + -12.51799201965332 + ], + [ + "▁omega", + -12.518040657043455 + ], + [ + "ple", + -12.51805019378662 + ], + [ + "▁await", + -12.51810359954834 + ], + [ + "▁lone", + -12.518108367919922 + ], + [ + "▁Ran", + -12.518144607543944 + ], + [ + "Edit", + -12.518230438232422 + ], + [ + "▁Providers", + -12.518234252929688 + ], + [ + "▁biscuits", + -12.518328666687012 + ], + [ + "▁psychologist", + -12.518378257751465 + ], + [ + "girl", + -12.518497467041016 + ], + [ + "▁mural", + -12.51857089996338 + ], + [ + "▁Drum", + -12.518659591674805 + ], + [ + "▁Gor", + -12.518790245056152 + ], + [ + "▁Lutheran", + -12.518831253051758 + ], + [ + "support", + -12.518930435180664 + ], + [ + "▁subscriber", + -12.518956184387209 + ], + [ + "▁headlights", + -12.519179344177246 + ], + [ + "▁dumps", + -12.519356727600098 + ], + [ + "easy", + -12.519412994384766 + ], + [ + "▁Disability", + -12.519776344299316 + ], + [ + "nk", + -12.519929885864258 + ], + [ + "▁Deb", + -12.520041465759276 + ], + [ + "▁Straight", + -12.520041465759276 + ], + [ + "▁Buddy", + -12.520071983337402 + ], + [ + "▁Riley", + -12.520100593566896 + ], + [ + "PF", + -12.520275115966797 + ], + [ + "▁singular", + -12.52031421661377 + ], + [ + "▁Investigator", + -12.520330429077148 + ], + [ + "nell", + -12.520341873168944 + ], + [ + "▁tutoring", + -12.520366668701172 + ], + [ + "got", + -12.5204439163208 + ], + [ + "▁Except", + -12.5204439163208 + ], + [ + "▁Louise", + -12.520480155944824 + ], + [ + "AGE", + -12.520493507385254 + ], + [ + "Indeed", + -12.520694732666016 + ], + [ + "▁Stevens", + -12.520745277404783 + ], + [ + "▁???", + -12.520747184753418 + ], + [ + "▁pal", + -12.52087688446045 + ], + [ + "▁HQ", + -12.520983695983888 + ], + [ + "▁Pharma", + -12.521135330200195 + ], + [ + "▁bedtime", + -12.521321296691896 + ], + [ + "▁Pilates", + -12.521716117858888 + ], + [ + "ille", + -12.521748542785645 + ], + [ + "▁creek", + -12.52177619934082 + ], + [ + "come", + -12.521852493286133 + ], + [ + "▁MR", + -12.522335052490234 + ], + [ + "▁Sharing", + -12.522366523742676 + ], + [ + "▁Rings", + -12.522435188293455 + ], + [ + "ique", + -12.522540092468262 + ], + [ + "▁wearable", + -12.522682189941406 + ], + [ + "▁Wiki", + -12.522790908813477 + ], + [ + "▁pies", + -12.522920608520508 + ], + [ + "mis", + -12.522944450378418 + ], + [ + "▁hues", + -12.52297306060791 + ], + [ + "125", + -12.523089408874512 + ], + [ + "▁excluding", + -12.523112297058104 + ], + [ + "▁volcanic", + -12.523193359375 + ], + [ + "▁Romans", + -12.523335456848145 + ], + [ + "Ten", + -12.52334213256836 + ], + [ + "▁filmmaker", + -12.523381233215332 + ], + [ + "Obviously", + -12.523577690124512 + ], + [ + "▁passages", + -12.52361297607422 + ], + [ + "▁800-", + -12.523638725280762 + ], + [ + "▁tumors", + -12.523723602294922 + ], + [ + "▁neo", + -12.523788452148438 + ], + [ + "▁bun", + -12.524080276489258 + ], + [ + "▁repay", + -12.524083137512209 + ], + [ + "▁almonds", + -12.524133682250977 + ], + [ + "▁>>", + -12.524210929870604 + ], + [ + "▁electoral", + -12.52433967590332 + ], + [ + "▁mastered", + -12.524340629577637 + ], + [ + "▁booster", + -12.524418830871582 + ], + [ + "▁sums", + -12.524459838867188 + ], + [ + "▁Eng", + -12.524629592895508 + ], + [ + "▁prompts", + -12.524678230285645 + ], + [ + "▁Sebastian", + -12.52488136291504 + ], + [ + "digit", + -12.524968147277832 + ], + [ + "▁Elder", + -12.525152206420898 + ], + [ + "ets", + -12.525235176086426 + ], + [ + "▁polling", + -12.525296211242676 + ], + [ + "▁Pal", + -12.525365829467772 + ], + [ + "▁unlocked", + -12.525508880615234 + ], + [ + "certified", + -12.52554416656494 + ], + [ + "1.1", + -12.525554656982422 + ], + [ + "▁Goods", + -12.52561855316162 + ], + [ + "Interested", + -12.52562427520752 + ], + [ + "▁audits", + -12.525686264038086 + ], + [ + "▁specials", + -12.525863647460938 + ], + [ + "▁Comp", + -12.525873184204102 + ], + [ + "▁fin", + -12.525925636291504 + ], + [ + "▁cd", + -12.526061058044434 + ], + [ + "strom", + -12.526130676269531 + ], + [ + "-26", + -12.526168823242188 + ], + [ + "▁dividends", + -12.526284217834473 + ], + [ + "▁Incredible", + -12.52633285522461 + ], + [ + "▁Terrace", + -12.526571273803713 + ], + [ + "▁indirectly", + -12.526618003845217 + ], + [ + "▁Machines", + -12.526659965515137 + ], + [ + "▁Mueller", + -12.526937484741213 + ], + [ + "▁temptation", + -12.52695083618164 + ], + [ + "▁Mesa", + -12.526978492736816 + ], + [ + "▁1998,", + -12.527013778686523 + ], + [ + "▁propaganda", + -12.527165412902832 + ], + [ + "▁conserving", + -12.527176856994627 + ], + [ + "▁Thing", + -12.527207374572754 + ], + [ + "commercial", + -12.527247428894045 + ], + [ + "▁critique", + -12.527281761169434 + ], + [ + "▁Certainly", + -12.527416229248049 + ], + [ + "▁Heroes", + -12.52744960784912 + ], + [ + "▁Motorola", + -12.527470588684082 + ], + [ + "▁hue", + -12.527475357055664 + ], + [ + "▁Wrap", + -12.527618408203123 + ], + [ + "own", + -12.527681350708008 + ], + [ + "▁1997.", + -12.527709007263184 + ], + [ + "▁Unity", + -12.52776336669922 + ], + [ + "▁Tv", + -12.527788162231444 + ], + [ + "ée", + -12.527844429016112 + ], + [ + "▁sponsoring", + -12.527876853942873 + ], + [ + "▁toggle", + -12.527905464172363 + ], + [ + "Year", + -12.527935028076172 + ], + [ + "▁digit", + -12.527976036071776 + ], + [ + "18.", + -12.528016090393066 + ], + [ + "▁Sprint", + -12.528019905090332 + ], + [ + "oka", + -12.528058052062988 + ], + [ + "▁hustle", + -12.528120994567873 + ], + [ + "▁excursions", + -12.52814483642578 + ], + [ + "▁usability", + -12.528154373168944 + ], + [ + "▁felony", + -12.528169631958008 + ], + [ + "▁bingo", + -12.52822971343994 + ], + [ + "......", + -12.52866554260254 + ], + [ + "▁Nowadays", + -12.528706550598145 + ], + [ + "▁Devices", + -12.528776168823242 + ], + [ + "▁Wy", + -12.528810501098633 + ], + [ + "▁Slow", + -12.52884292602539 + ], + [ + "▁tad", + -12.52888298034668 + ], + [ + "▁VMware", + -12.529069900512695 + ], + [ + "dev", + -12.529094696044922 + ], + [ + "▁Escape", + -12.52910041809082 + ], + [ + "Short", + -12.529108047485352 + ], + [ + "▁shredded", + -12.5291109085083 + ], + [ + "▁Surf", + -12.529156684875488 + ], + [ + "▁vines", + -12.529181480407717 + ], + [ + "▁fab", + -12.52924919128418 + ], + [ + "dollar", + -12.529382705688477 + ], + [ + "▁Willow", + -12.52945041656494 + ], + [ + "▁Beast", + -12.52950382232666 + ], + [ + "***", + -12.529898643493652 + ], + [ + "▁Console", + -12.529994010925291 + ], + [ + "▁Newsletter", + -12.530014991760254 + ], + [ + "▁feared", + -12.530033111572266 + ], + [ + "▁nestled", + -12.530112266540527 + ], + [ + "▁idle", + -12.530168533325195 + ], + [ + "!!!!!", + -12.53021240234375 + ], + [ + "▁striped", + -12.53022289276123 + ], + [ + "▁oceans", + -12.53028964996338 + ], + [ + "Brown", + -12.530376434326172 + ], + [ + "▁Winnipeg", + -12.53038501739502 + ], + [ + "▁Failure", + -12.53062629699707 + ], + [ + "▁Certain", + -12.530665397644045 + ], + [ + "▁bottled", + -12.530674934387209 + ], + [ + "inter", + -12.530710220336914 + ], + [ + "▁Fuji", + -12.53073024749756 + ], + [ + "Pass", + -12.530735969543455 + ], + [ + "▁comprehension", + -12.530767440795898 + ], + [ + "▁caravan", + -12.530896186828612 + ], + [ + "▁Load", + -12.531036376953123 + ], + [ + "▁Brilliant", + -12.5310697555542 + ], + [ + "▁nightlife", + -12.531105041503906 + ], + [ + "mind", + -12.53114128112793 + ], + [ + "ended", + -12.53115177154541 + ], + [ + "▁stark", + -12.531182289123535 + ], + [ + "tter", + -12.531396865844728 + ], + [ + "▁Initially", + -12.53139877319336 + ], + [ + "▁Peterson", + -12.531538963317873 + ], + [ + "▁blur", + -12.531846046447754 + ], + [ + "▁consolidated", + -12.53187370300293 + ], + [ + "▁woodland", + -12.531885147094728 + ], + [ + "▁HO", + -12.531886100769045 + ], + [ + "▁poison", + -12.53190803527832 + ], + [ + "▁DL", + -12.53194522857666 + ], + [ + "▁Reynolds", + -12.53196907043457 + ], + [ + "▁bible", + -12.532018661499023 + ], + [ + "▁Matter", + -12.532096862792969 + ], + [ + "▁bending", + -12.532129287719728 + ], + [ + "SW", + -12.532179832458496 + ], + [ + "▁illegally", + -12.532387733459473 + ], + [ + "ural", + -12.532430648803713 + ], + [ + "▁thrust", + -12.532470703125 + ], + [ + "zel", + -12.532482147216797 + ], + [ + "▁towing", + -12.532657623291016 + ], + [ + "▁arcade", + -12.532697677612305 + ], + [ + "▁Sister", + -12.532745361328123 + ], + [ + "zip", + -12.532797813415527 + ], + [ + "▁mysteries", + -12.532844543457031 + ], + [ + "▁Rehabilitation", + -12.532999038696287 + ], + [ + "▁Rivers", + -12.533170700073242 + ], + [ + "Answer", + -12.533211708068848 + ], + [ + "▁torrent", + -12.533411979675291 + ], + [ + "▁Snapchat", + -12.533422470092772 + ], + [ + "▁crave", + -12.53353214263916 + ], + [ + "▁NP", + -12.533647537231444 + ], + [ + "eno", + -12.533769607543944 + ], + [ + "▁humid", + -12.53404712677002 + ], + [ + "▁touchscreen", + -12.534079551696776 + ], + [ + "▁zest", + -12.534345626831056 + ], + [ + "▁modem", + -12.53444766998291 + ], + [ + "▁revisions", + -12.534481048583984 + ], + [ + "▁appoint", + -12.53476333618164 + ], + [ + "▁!!!", + -12.5347900390625 + ], + [ + "▁unpaid", + -12.534823417663574 + ], + [ + "▁portrayed", + -12.535079002380373 + ], + [ + "▁Savannah", + -12.535183906555176 + ], + [ + "▁dissolved", + -12.535210609436035 + ], + [ + "▁poetic", + -12.535277366638184 + ], + [ + "▁Marion", + -12.53531265258789 + ], + [ + "FX", + -12.535438537597656 + ], + [ + "dh", + -12.535562515258787 + ], + [ + "▁protagonist", + -12.535562515258787 + ], + [ + "▁ROM", + -12.535682678222656 + ], + [ + "▁expressly", + -12.53569793701172 + ], + [ + "▁precipitation", + -12.535698890686035 + ], + [ + "▁preceding", + -12.535714149475098 + ], + [ + "▁unstable", + -12.535725593566896 + ], + [ + "▁fading", + -12.535937309265137 + ], + [ + "▁workload", + -12.53604793548584 + ], + [ + "Must", + -12.53605842590332 + ], + [ + "▁pe", + -12.536103248596191 + ], + [ + "▁frosting", + -12.536231994628906 + ], + [ + "▁wit", + -12.53627586364746 + ], + [ + "▁enzyme", + -12.536298751831056 + ], + [ + "▁WAS", + -12.536601066589355 + ], + [ + "cio", + -12.53666877746582 + ], + [ + "IM", + -12.536746978759766 + ], + [ + "▁savory", + -12.536776542663574 + ], + [ + "▁punk", + -12.536930084228516 + ], + [ + "▁Exit", + -12.536989212036133 + ], + [ + "bal", + -12.53707218170166 + ], + [ + "NT", + -12.537124633789062 + ], + [ + "equipped", + -12.537174224853516 + ], + [ + "▁Davidson", + -12.537175178527832 + ], + [ + "▁WW", + -12.537187576293944 + ], + [ + "▁shrubs", + -12.537220001220703 + ], + [ + "▁scooter", + -12.537229537963867 + ], + [ + "▁ruined", + -12.53731632232666 + ], + [ + "▁bilateral", + -12.537606239318848 + ], + [ + "▁trekking", + -12.537619590759276 + ], + [ + "▁Chiropractic", + -12.537652015686035 + ], + [ + "Cap", + -12.537672996520996 + ], + [ + "spring", + -12.53768539428711 + ], + [ + "2010", + -12.53779125213623 + ], + [ + "▁regeneration", + -12.537864685058594 + ], + [ + "▁pillars", + -12.538174629211426 + ], + [ + "▁Boost", + -12.538262367248535 + ], + [ + "▁intra", + -12.53839111328125 + ], + [ + "sal", + -12.538470268249512 + ], + [ + "▁mould", + -12.538501739501951 + ], + [ + "▁irrelevant", + -12.538556098937988 + ], + [ + "▁auctions", + -12.538562774658203 + ], + [ + "▁102", + -12.538793563842772 + ], + [ + "▁persuade", + -12.538910865783691 + ], + [ + "▁insider", + -12.538994789123535 + ], + [ + "▁Needs", + -12.53908920288086 + ], + [ + "Going", + -12.539091110229492 + ], + [ + "▁Sta", + -12.539111137390137 + ], + [ + "series", + -12.539278030395508 + ], + [ + "IV", + -12.53928565979004 + ], + [ + "▁probation", + -12.539508819580078 + ], + [ + "▁plugged", + -12.539546966552734 + ], + [ + "▁displaced", + -12.539644241333008 + ], + [ + "▁marvel", + -12.539667129516602 + ], + [ + "▁jumps", + -12.539752006530762 + ], + [ + "▁Budapest", + -12.539756774902344 + ], + [ + "▁fr", + -12.539841651916504 + ], + [ + "▁CW", + -12.539999961853027 + ], + [ + "▁subscriptions", + -12.54003620147705 + ], + [ + "yama", + -12.54014492034912 + ], + [ + "▁Lay", + -12.540220260620115 + ], + [ + "quin", + -12.540225982666016 + ], + [ + "▁validated", + -12.54038906097412 + ], + [ + "▁autonomy", + -12.54047679901123 + ], + [ + "▁sec", + -12.540477752685549 + ], + [ + "MU", + -12.540508270263672 + ], + [ + "▁LC", + -12.540545463562012 + ], + [ + "▁servants", + -12.540834426879885 + ], + [ + "▁Composite", + -12.5408353805542 + ], + [ + "▁amend", + -12.540848731994627 + ], + [ + "itz", + -12.5408935546875 + ], + [ + "▁Christie", + -12.540918350219728 + ], + [ + "gl", + -12.540971755981444 + ], + [ + "17.", + -12.541091918945312 + ], + [ + "▁questionable", + -12.54117488861084 + ], + [ + "MR", + -12.541224479675291 + ], + [ + "pat", + -12.541370391845703 + ], + [ + "▁TOP", + -12.541495323181152 + ], + [ + "▁multiplayer", + -12.541496276855469 + ], + [ + "Sam", + -12.541540145874023 + ], + [ + "▁poised", + -12.541579246520996 + ], + [ + "hearted", + -12.54164218902588 + ], + [ + "▁Cambodia", + -12.541725158691406 + ], + [ + "▁Bearing", + -12.541813850402832 + ], + [ + "ax", + -12.54197120666504 + ], + [ + "▁Jackie", + -12.542119026184082 + ], + [ + "▁spontaneous", + -12.542140007019045 + ], + [ + "▁Universities", + -12.542276382446287 + ], + [ + "▁inflatable", + -12.542383193969728 + ], + [ + "Dear", + -12.542579650878906 + ], + [ + "yne", + -12.542648315429688 + ], + [ + "▁Raleigh", + -12.54282569885254 + ], + [ + "Fresh", + -12.542912483215332 + ], + [ + "George", + -12.543066024780272 + ], + [ + "Often", + -12.543148040771484 + ], + [ + "lined", + -12.54321575164795 + ], + [ + "▁WWE", + -12.543246269226074 + ], + [ + "▁peripheral", + -12.543296813964844 + ], + [ + "▁catastrophic", + -12.543340682983398 + ], + [ + "▁miserable", + -12.543340682983398 + ], + [ + "▁separating", + -12.543340682983398 + ], + [ + "▁sophistication", + -12.543340682983398 + ], + [ + "ded", + -12.543359756469728 + ], + [ + "Living", + -12.543364524841309 + ], + [ + "▁lashes", + -12.54342269897461 + ], + [ + "▁COM", + -12.543582916259766 + ], + [ + "▁Proceedings", + -12.543607711791992 + ], + [ + "▁Flood", + -12.543620109558104 + ], + [ + "▁vans", + -12.543696403503418 + ], + [ + "▁excursion", + -12.544266700744627 + ], + [ + "▁Interstate", + -12.544363975524902 + ], + [ + "▁soften", + -12.544373512268066 + ], + [ + "▁rec", + -12.544374465942385 + ], + [ + "▁Rewards", + -12.54448699951172 + ], + [ + "▁flare", + -12.544525146484377 + ], + [ + "▁stray", + -12.545114517211914 + ], + [ + "▁Squad", + -12.54522705078125 + ], + [ + "▁historian", + -12.54523754119873 + ], + [ + "▁refrain", + -12.545263290405272 + ], + [ + "▁serene", + -12.545269966125488 + ], + [ + "▁Alexandria", + -12.54527187347412 + ], + [ + "Multi", + -12.545458793640137 + ], + [ + "▁Cornell", + -12.545494079589844 + ], + [ + "▁eclipse", + -12.545502662658691 + ], + [ + "▁Seth", + -12.545570373535156 + ], + [ + "▁doc", + -12.545594215393066 + ], + [ + "▁gin", + -12.545610427856444 + ], + [ + "▁2-0", + -12.545696258544922 + ], + [ + "▁graphical", + -12.545697212219238 + ], + [ + "▁neighbouring", + -12.545703887939451 + ], + [ + "▁immersed", + -12.545742988586426 + ], + [ + "▁Prophet", + -12.545827865600586 + ], + [ + "project", + -12.54599380493164 + ], + [ + "European", + -12.546062469482422 + ], + [ + "▁slider", + -12.546066284179688 + ], + [ + "▁Winston", + -12.546091079711914 + ], + [ + "▁interviewing", + -12.546093940734863 + ], + [ + "▁VS", + -12.546277046203612 + ], + [ + "▁Clare", + -12.546283721923828 + ], + [ + "tas", + -12.546311378479004 + ], + [ + "▁staggering", + -12.54632568359375 + ], + [ + "Ad", + -12.546380996704102 + ], + [ + "▁backward", + -12.54645824432373 + ], + [ + "▁clinicians", + -12.546479225158691 + ], + [ + "▁malt", + -12.546479225158691 + ], + [ + "▁swiftly", + -12.546483993530272 + ], + [ + "▁Pond", + -12.546639442443848 + ], + [ + "▁Lau", + -12.54673671722412 + ], + [ + "Em", + -12.546992301940918 + ], + [ + "▁abusive", + -12.54718780517578 + ], + [ + "▁homage", + -12.54718780517578 + ], + [ + "needed", + -12.54725170135498 + ], + [ + "▁excuses", + -12.547255516052246 + ], + [ + "▁highways", + -12.54738712310791 + ], + [ + "player", + -12.547475814819336 + ], + [ + "▁Swimming", + -12.547542572021484 + ], + [ + "ign", + -12.547560691833496 + ], + [ + "▁cherish", + -12.547616958618164 + ], + [ + "▁Nottingham", + -12.547674179077148 + ], + [ + "▁Cute", + -12.54784107208252 + ], + [ + "▁chandelier", + -12.547964096069336 + ], + [ + "▁Advisors", + -12.547990798950195 + ], + [ + "▁Ivan", + -12.548065185546877 + ], + [ + "aid", + -12.548096656799316 + ], + [ + "▁feasibility", + -12.548108100891112 + ], + [ + "▁archaeological", + -12.548148155212402 + ], + [ + "▁innovate", + -12.548361778259276 + ], + [ + "▁Pike", + -12.548429489135742 + ], + [ + "els", + -12.548439025878906 + ], + [ + "▁Hole", + -12.548460960388184 + ], + [ + "▁withdrawn", + -12.548469543457031 + ], + [ + "▁Kris", + -12.548677444458008 + ], + [ + "▁clocks", + -12.548834800720217 + ], + [ + "▁dire", + -12.548954010009766 + ], + [ + "▁Demand", + -12.549007415771484 + ], + [ + "▁adolescents", + -12.549055099487305 + ], + [ + "▁favored", + -12.549187660217283 + ], + [ + "▁LTE", + -12.549219131469728 + ], + [ + "▁Shepherd", + -12.54926586151123 + ], + [ + "▁eats", + -12.549310684204102 + ], + [ + "▁spouses", + -12.54942512512207 + ], + [ + "▁Funny", + -12.549488067626951 + ], + [ + "▁1.7", + -12.549588203430176 + ], + [ + "▁skirts", + -12.549670219421388 + ], + [ + "▁sixty", + -12.549802780151367 + ], + [ + "▁135", + -12.54981803894043 + ], + [ + "▁strands", + -12.54990005493164 + ], + [ + "▁Farmer", + -12.549981117248535 + ], + [ + "▁ignorance", + -12.550078392028809 + ], + [ + "▁destined", + -12.55010223388672 + ], + [ + "▁taller", + -12.550105094909668 + ], + [ + "▁rapper", + -12.550158500671388 + ], + [ + "▁1975", + -12.550248146057127 + ], + [ + "▁Setting", + -12.550328254699709 + ], + [ + "ration", + -12.550355911254885 + ], + [ + "▁discontinued", + -12.5503568649292 + ], + [ + "▁Exterior", + -12.55046272277832 + ], + [ + "▁stud", + -12.550576210021973 + ], + [ + "▁Blind", + -12.550640106201172 + ], + [ + "▁proceeded", + -12.550698280334473 + ], + [ + "▁Hugh", + -12.550700187683104 + ], + [ + "▁Dot", + -12.550724029541016 + ], + [ + "GM", + -12.550832748413086 + ], + [ + "▁Bottle", + -12.550987243652344 + ], + [ + "▁terminology", + -12.551044464111328 + ], + [ + "▁leaked", + -12.551191329956056 + ], + [ + "▁Stores", + -12.55150032043457 + ], + [ + "▁Ur", + -12.551621437072754 + ], + [ + "▁cop", + -12.552006721496582 + ], + [ + "▁lithium", + -12.552011489868164 + ], + [ + "▁MU", + -12.552077293395996 + ], + [ + "▁Shift", + -12.552152633666992 + ], + [ + "▁Rapids", + -12.552380561828612 + ], + [ + "Si", + -12.552388191223145 + ], + [ + "beck", + -12.552449226379396 + ], + [ + "▁afterward", + -12.55250358581543 + ], + [ + "unless", + -12.55260944366455 + ], + [ + "ALL", + -12.552675247192385 + ], + [ + "▁continuation", + -12.552726745605469 + ], + [ + "backed", + -12.552732467651367 + ], + [ + "coat", + -12.55277156829834 + ], + [ + "▁ER", + -12.552846908569336 + ], + [ + "▁beneficiary", + -12.552979469299316 + ], + [ + "▁sharks", + -12.552983283996582 + ], + [ + "▁exposing", + -12.55299186706543 + ], + [ + "flower", + -12.55300998687744 + ], + [ + "PP", + -12.553049087524414 + ], + [ + "▁Businesses", + -12.553117752075195 + ], + [ + "▁cavity", + -12.553420066833496 + ], + [ + "▁disadvantage", + -12.553421020507812 + ], + [ + "▁SK", + -12.553434371948242 + ], + [ + "▁Appeals", + -12.553447723388672 + ], + [ + "▁protesters", + -12.553492546081545 + ], + [ + "▁Closet", + -12.553582191467283 + ], + [ + "ert", + -12.553589820861816 + ], + [ + "▁Providence", + -12.553741455078123 + ], + [ + "AG", + -12.553902626037598 + ], + [ + "Awesome", + -12.553914070129396 + ], + [ + "▁Ahmed", + -12.553962707519531 + ], + [ + "▁Dhabi", + -12.553990364074709 + ], + [ + "▁relieved", + -12.554265022277832 + ], + [ + "▁Positive", + -12.554281234741213 + ], + [ + "▁handing", + -12.554400444030762 + ], + [ + "sil", + -12.554442405700684 + ], + [ + "Ca", + -12.554454803466797 + ], + [ + "▁campers", + -12.55449390411377 + ], + [ + "bis", + -12.554535865783691 + ], + [ + "▁1978", + -12.554543495178224 + ], + [ + "Simple", + -12.554600715637209 + ], + [ + "▁Tee", + -12.554662704467772 + ], + [ + "▁improper", + -12.554680824279783 + ], + [ + "ABLE", + -12.554707527160645 + ], + [ + "▁SH", + -12.554713249206545 + ], + [ + "▁Valencia", + -12.554734230041504 + ], + [ + "▁Juice", + -12.554746627807615 + ], + [ + "▁Jets", + -12.554752349853516 + ], + [ + "▁MG", + -12.554876327514648 + ], + [ + "▁ISIS", + -12.554884910583496 + ], + [ + "▁sue", + -12.554895401000977 + ], + [ + "▁celery", + -12.554920196533203 + ], + [ + "▁Sheets", + -12.554969787597656 + ], + [ + "▁Licensed", + -12.555017471313477 + ], + [ + "-0", + -12.555072784423828 + ], + [ + "▁Nexus", + -12.555150032043455 + ], + [ + "▁Rocket", + -12.555195808410645 + ], + [ + "▁TS", + -12.555213928222656 + ], + [ + "▁Retirement", + -12.555526733398438 + ], + [ + "▁refreshments", + -12.555530548095703 + ], + [ + "auto", + -12.555609703063965 + ], + [ + "▁APIs", + -12.555641174316406 + ], + [ + "bing", + -12.555904388427734 + ], + [ + "TF", + -12.556221961975098 + ], + [ + "▁thanked", + -12.556501388549805 + ], + [ + "▁bracelets", + -12.556525230407717 + ], + [ + "shaw", + -12.556541442871094 + ], + [ + "▁notorious", + -12.55661964416504 + ], + [ + "▁trousers", + -12.556869506835938 + ], + [ + "▁plaster", + -12.556913375854492 + ], + [ + "▁Meyer", + -12.556982040405272 + ], + [ + "▁Evil", + -12.557013511657717 + ], + [ + "training", + -12.55720329284668 + ], + [ + "deep", + -12.557223320007324 + ], + [ + "root", + -12.55734157562256 + ], + [ + "▁expires", + -12.55734157562256 + ], + [ + "agh", + -12.557379722595217 + ], + [ + "▁priests", + -12.557501792907717 + ], + [ + "▁Southampton", + -12.557613372802734 + ], + [ + "RI", + -12.557644844055176 + ], + [ + "▁lure", + -12.557659149169922 + ], + [ + "▁smoothie", + -12.557730674743652 + ], + [ + "▁Solomon", + -12.557809829711914 + ], + [ + "▁presidency", + -12.557842254638672 + ], + [ + "▁Been", + -12.558063507080078 + ], + [ + "personal", + -12.558130264282228 + ], + [ + "▁mansion", + -12.558133125305176 + ], + [ + "▁Gross", + -12.55824089050293 + ], + [ + "▁Gan", + -12.558282852172852 + ], + [ + "▁Napa", + -12.558284759521484 + ], + [ + "▁Identity", + -12.558320045471191 + ], + [ + "▁Boutique", + -12.55832862854004 + ], + [ + "▁enriched", + -12.558330535888672 + ], + [ + "▁Polo", + -12.558371543884276 + ], + [ + "▁SU", + -12.558384895324709 + ], + [ + "▁Wan", + -12.558599472045898 + ], + [ + "▁downstream", + -12.558682441711426 + ], + [ + "▁Kre", + -12.55872631072998 + ], + [ + "▁lunches", + -12.558761596679688 + ], + [ + "▁inconsistent", + -12.55876636505127 + ], + [ + "▁onwards", + -12.558801651000977 + ], + [ + "▁calculating", + -12.558807373046877 + ], + [ + "▁residual", + -12.558807373046877 + ], + [ + "▁viewpoint", + -12.558826446533203 + ], + [ + "▁Olivia", + -12.558828353881836 + ], + [ + "▁Molly", + -12.558844566345217 + ], + [ + "▁aggressively", + -12.558856964111328 + ], + [ + "▁sprint", + -12.558857917785645 + ], + [ + "8)", + -12.55892848968506 + ], + [ + "▁dia", + -12.558929443359377 + ], + [ + "release", + -12.559070587158203 + ], + [ + "nine", + -12.559085845947266 + ], + [ + "▁UCLA", + -12.559152603149414 + ], + [ + "mond", + -12.559164047241213 + ], + [ + "▁Mickey", + -12.559246063232422 + ], + [ + "▁influencers", + -12.559290885925291 + ], + [ + "▁replay", + -12.559406280517578 + ], + [ + "▁filler", + -12.559449195861816 + ], + [ + "▁centrally", + -12.559488296508787 + ], + [ + "▁WV", + -12.559499740600586 + ], + [ + "▁cheeses", + -12.55958366394043 + ], + [ + "▁Sacred", + -12.55966854095459 + ], + [ + "▁affordability", + -12.559890747070312 + ], + [ + "heads", + -12.560032844543455 + ], + [ + "Self", + -12.560107231140137 + ], + [ + "nel", + -12.560131072998049 + ], + [ + "▁lotion", + -12.560208320617676 + ], + [ + "many", + -12.560352325439451 + ], + [ + "▁CB", + -12.560375213623049 + ], + [ + "▁Tanzania", + -12.560412406921388 + ], + [ + "▁1955", + -12.56047534942627 + ], + [ + "Inter", + -12.560522079467772 + ], + [ + "▁unacceptable", + -12.560783386230469 + ], + [ + "▁unemployed", + -12.560824394226074 + ], + [ + "▁ergonomic", + -12.560891151428224 + ], + [ + "▁creepy", + -12.560942649841309 + ], + [ + "▁Spend", + -12.561005592346191 + ], + [ + "▁memoir", + -12.561015129089355 + ], + [ + "▁statues", + -12.561117172241213 + ], + [ + "▁(19", + -12.56117343902588 + ], + [ + "tile", + -12.561396598815918 + ], + [ + "▁transporting", + -12.56144905090332 + ], + [ + "▁uplifting", + -12.561482429504396 + ], + [ + "bat", + -12.561527252197266 + ], + [ + "▁Damage", + -12.56156063079834 + ], + [ + "setting", + -12.561759948730469 + ], + [ + "threatening", + -12.561895370483398 + ], + [ + "CK", + -12.561927795410156 + ], + [ + "▁transcript", + -12.561935424804688 + ], + [ + "iron", + -12.561991691589355 + ], + [ + "▁Richardson", + -12.56206512451172 + ], + [ + "▁deed", + -12.562079429626465 + ], + [ + "ann", + -12.562135696411133 + ], + [ + "▁mantra", + -12.5621919631958 + ], + [ + "▁ED", + -12.562275886535645 + ], + [ + "virus", + -12.562285423278809 + ], + [ + "Action", + -12.562331199645996 + ], + [ + "▁raffle", + -12.562339782714844 + ], + [ + "▁rituals", + -12.56234645843506 + ], + [ + "▁Lotus", + -12.56242847442627 + ], + [ + "▁gradual", + -12.562472343444824 + ], + [ + "▁intimidating", + -12.562475204467772 + ], + [ + "race", + -12.56259059906006 + ], + [ + "▁pledged", + -12.562639236450195 + ], + [ + "operation", + -12.562642097473145 + ], + [ + "▁Kashmir", + -12.562695503234863 + ], + [ + "▁mist", + -12.562763214111328 + ], + [ + "▁bee", + -12.563042640686035 + ], + [ + "▁govern", + -12.563226699829102 + ], + [ + "Aside", + -12.56324291229248 + ], + [ + "▁filmmakers", + -12.563270568847656 + ], + [ + "▁$11", + -12.563292503356934 + ], + [ + "MENT", + -12.563346862792969 + ], + [ + "since", + -12.563361167907717 + ], + [ + "▁Neu", + -12.563411712646484 + ], + [ + "match", + -12.563433647155762 + ], + [ + "rating", + -12.563606262207031 + ], + [ + "▁plank", + -12.563673973083496 + ], + [ + "▁pottery", + -12.56379222869873 + ], + [ + "▁apt", + -12.563850402832031 + ], + [ + "▁documenting", + -12.56392765045166 + ], + [ + "thinking", + -12.56393051147461 + ], + [ + "▁spirituality", + -12.563982009887695 + ], + [ + "▁Marriott", + -12.563990592956545 + ], + [ + "▁richer", + -12.564029693603516 + ], + [ + "▁Films", + -12.564040184020996 + ], + [ + "▁storyline", + -12.564069747924805 + ], + [ + "▁Handle", + -12.564203262329102 + ], + [ + "▁Numbers", + -12.564496040344238 + ], + [ + "▁Alto", + -12.564544677734377 + ], + [ + "▁voyage", + -12.564550399780272 + ], + [ + "▁mates", + -12.56460952758789 + ], + [ + "▁tiled", + -12.564635276794434 + ], + [ + "▁(5)", + -12.5646390914917 + ], + [ + "▁lifestyles", + -12.564687728881836 + ], + [ + "то", + -12.564911842346191 + ], + [ + "▁Rodriguez", + -12.564940452575684 + ], + [ + "81", + -12.565074920654297 + ], + [ + "▁sir", + -12.565235137939451 + ], + [ + "conscious", + -12.56553554534912 + ], + [ + "travel", + -12.56565761566162 + ], + [ + "Pop", + -12.565808296203612 + ], + [ + "Hand", + -12.56584930419922 + ], + [ + "▁striker", + -12.56589126586914 + ], + [ + "▁$13", + -12.566025733947754 + ], + [ + "baby", + -12.566123008728027 + ], + [ + "▁Gin", + -12.566123962402344 + ], + [ + "▁batches", + -12.566165924072266 + ], + [ + "double", + -12.566279411315918 + ], + [ + "4-", + -12.566304206848145 + ], + [ + "▁helm", + -12.566372871398926 + ], + [ + "▁wagon", + -12.566444396972656 + ], + [ + "▁RPG", + -12.56659984588623 + ], + [ + "▁shortest", + -12.566620826721191 + ], + [ + "▁Minutes", + -12.566630363464355 + ], + [ + "▁pertinent", + -12.566631317138672 + ], + [ + "▁Kickstarter", + -12.566632270812988 + ], + [ + "▁deluxe", + -12.566652297973633 + ], + [ + "▁eCommerce", + -12.56671905517578 + ], + [ + "hua", + -12.566747665405272 + ], + [ + "▁Nest", + -12.56675148010254 + ], + [ + "Lastly", + -12.56680965423584 + ], + [ + "▁Tonight", + -12.566818237304688 + ], + [ + "▁Hayes", + -12.566884994506836 + ], + [ + "-02", + -12.56694793701172 + ], + [ + "▁whisky", + -12.56711769104004 + ], + [ + "▁counterpart", + -12.567193984985352 + ], + [ + "▁PH", + -12.567264556884766 + ], + [ + "▁lavish", + -12.567383766174316 + ], + [ + "▁Coconut", + -12.567429542541504 + ], + [ + "▁Sec", + -12.567438125610352 + ], + [ + "▁conducts", + -12.567523956298828 + ], + [ + "▁childcare", + -12.567550659179688 + ], + [ + "▁razor", + -12.567617416381836 + ], + [ + "▁Borough", + -12.567620277404783 + ], + [ + "▁Reagan", + -12.567652702331545 + ], + [ + "▁MySQL", + -12.567788124084473 + ], + [ + "▁4000", + -12.567963600158691 + ], + [ + "▁unfold", + -12.568060874938965 + ], + [ + "Pick", + -12.568065643310549 + ], + [ + "▁Poll", + -12.568171501159668 + ], + [ + "VM", + -12.568182945251465 + ], + [ + "▁drained", + -12.568363189697266 + ], + [ + "▁Latino", + -12.568470001220703 + ], + [ + "Scott", + -12.568501472473145 + ], + [ + "▁bustling", + -12.568643569946287 + ], + [ + "▁Titan", + -12.568753242492676 + ], + [ + "▁haunted", + -12.568815231323242 + ], + [ + "▁feather", + -12.56884479522705 + ], + [ + "▁scholarly", + -12.568896293640137 + ], + [ + "▁Joyce", + -12.568971633911133 + ], + [ + "▁renamed", + -12.568989753723145 + ], + [ + "▁engraved", + -12.569046974182127 + ], + [ + "▁sizing", + -12.569121360778809 + ], + [ + "▁inaccurate", + -12.5691556930542 + ], + [ + "write", + -12.569293022155762 + ], + [ + "User", + -12.569303512573242 + ], + [ + "▁piles", + -12.569328308105469 + ], + [ + "Way", + -12.569358825683594 + ], + [ + "▁unconscious", + -12.569363594055176 + ], + [ + "Mary", + -12.569396018981934 + ], + [ + "▁witch", + -12.569498062133787 + ], + [ + "▁presenter", + -12.569586753845217 + ], + [ + "▁zoning", + -12.569595336914062 + ], + [ + "Pour", + -12.569795608520508 + ], + [ + "▁feeder", + -12.569985389709473 + ], + [ + "▁Signs", + -12.570029258728027 + ], + [ + "▁Hungarian", + -12.570046424865724 + ], + [ + "▁Logistics", + -12.570220947265623 + ], + [ + "▁Facilities", + -12.570245742797852 + ], + [ + "▁violate", + -12.57025909423828 + ], + [ + "▁Kenneth", + -12.57029628753662 + ], + [ + "▁debuted", + -12.570313453674316 + ], + [ + "▁QR", + -12.570446968078612 + ], + [ + "▁opting", + -12.570496559143066 + ], + [ + ".95", + -12.570501327514648 + ], + [ + "50,000", + -12.570562362670898 + ], + [ + "▁maternal", + -12.570568084716797 + ], + [ + "▁diversified", + -12.570571899414062 + ], + [ + "▁caregiver", + -12.57075023651123 + ], + [ + "Card", + -12.570796012878418 + ], + [ + "▁defended", + -12.570955276489258 + ], + [ + "▁corrections", + -12.571189880371094 + ], + [ + "▁Ways", + -12.5712308883667 + ], + [ + "▁redesigned", + -12.571309089660645 + ], + [ + "▁Lauderdale", + -12.57155418395996 + ], + [ + "▁buddies", + -12.57155418395996 + ], + [ + "▁sesame", + -12.571560859680176 + ], + [ + "▁probable", + -12.571578979492188 + ], + [ + "Land", + -12.571633338928224 + ], + [ + "Total", + -12.571732521057127 + ], + [ + "▁ornament", + -12.57176399230957 + ], + [ + "▁pavement", + -12.571863174438477 + ], + [ + "▁Chance", + -12.57188320159912 + ], + [ + "vic", + -12.572036743164062 + ], + [ + "▁Mir", + -12.572245597839355 + ], + [ + "▁obsolete", + -12.57232666015625 + ], + [ + "▁Normal", + -12.57246208190918 + ], + [ + "▁urging", + -12.572551727294922 + ], + [ + "▁Capacity", + -12.572612762451172 + ], + [ + "▁suspicion", + -12.572839736938477 + ], + [ + "▁Martinez", + -12.572949409484863 + ], + [ + "▁Zach", + -12.573028564453123 + ], + [ + "▁IC", + -12.57310390472412 + ], + [ + "▁1967", + -12.573135375976562 + ], + [ + "▁unexpectedly", + -12.573152542114258 + ], + [ + "isa", + -12.573211669921877 + ], + [ + "▁blonde", + -12.57346534729004 + ], + [ + "▁subsidies", + -12.573528289794922 + ], + [ + "▁Disaster", + -12.5736083984375 + ], + [ + "Ga", + -12.573688507080078 + ], + [ + "▁legislators", + -12.573748588562012 + ], + [ + "▁courier", + -12.57384204864502 + ], + [ + "▁Sonic", + -12.573851585388184 + ], + [ + "/18", + -12.573929786682127 + ], + [ + "OT", + -12.57395076751709 + ], + [ + "Canada", + -12.574119567871094 + ], + [ + "▁Purpose", + -12.574148178100586 + ], + [ + "▁sued", + -12.57418155670166 + ], + [ + "▁32-", + -12.574214935302734 + ], + [ + "club", + -12.574373245239258 + ], + [ + "oe", + -12.574403762817385 + ], + [ + "▁caliber", + -12.574413299560549 + ], + [ + "▁Omaha", + -12.5745210647583 + ], + [ + "▁artisan", + -12.574767112731934 + ], + [ + "cra", + -12.574849128723145 + ], + [ + "cz", + -12.574880599975586 + ], + [ + "▁drummer", + -12.574883460998535 + ], + [ + "▁carriage", + -12.574959754943848 + ], + [ + "▁yo", + -12.575197219848633 + ], + [ + "▁electrician", + -12.57521915435791 + ], + [ + "electric", + -12.575284004211426 + ], + [ + "▁continual", + -12.575295448303224 + ], + [ + "▁Notre", + -12.57547092437744 + ], + [ + "▁dispatch", + -12.575587272644045 + ], + [ + "▁$5,000", + -12.575923919677734 + ], + [ + "▁Auburn", + -12.575944900512695 + ], + [ + "▁defendants", + -12.57626247406006 + ], + [ + "▁futures", + -12.576340675354004 + ], + [ + "▁toasted", + -12.576343536376951 + ], + [ + "▁Clearly", + -12.576349258422852 + ], + [ + "▁Collective", + -12.57646656036377 + ], + [ + "▁ambience", + -12.576498031616213 + ], + [ + "▁circus", + -12.576499938964844 + ], + [ + "▁chaotic", + -12.57650375366211 + ], + [ + "▁tread", + -12.576539993286133 + ], + [ + "▁ethic", + -12.576692581176758 + ], + [ + "320", + -12.576800346374512 + ], + [ + "▁Mun", + -12.577369689941406 + ], + [ + "yi", + -12.577381134033203 + ], + [ + "uro", + -12.577500343322754 + ], + [ + "▁Parkinson", + -12.57752799987793 + ], + [ + "▁provinces", + -12.577529907226562 + ], + [ + "hara", + -12.577589988708496 + ], + [ + "▁Elliott", + -12.57768440246582 + ], + [ + "▁fox", + -12.57769775390625 + ], + [ + "▁torch", + -12.577715873718262 + ], + [ + "▁silicon", + -12.57776927947998 + ], + [ + "▁Seoul", + -12.577801704406738 + ], + [ + "ving", + -12.578039169311523 + ], + [ + "Yesterday", + -12.578043937683104 + ], + [ + "▁Rating", + -12.57815647125244 + ], + [ + "kt", + -12.57823085784912 + ], + [ + "▁Rand", + -12.578242301940918 + ], + [ + "▁conscience", + -12.578502655029297 + ], + [ + "▁flute", + -12.57855224609375 + ], + [ + "▁Trailer", + -12.578646659851074 + ], + [ + "close", + -12.57866668701172 + ], + [ + "▁Yankees", + -12.578676223754885 + ], + [ + "▁wastewater", + -12.578707695007324 + ], + [ + "▁HBO", + -12.57876682281494 + ], + [ + "ige", + -12.578768730163574 + ], + [ + "▁Gap", + -12.578824043273926 + ], + [ + "▁Congressional", + -12.578831672668455 + ], + [ + "▁Horizon", + -12.57889175415039 + ], + [ + "▁merits", + -12.578973770141602 + ], + [ + "▁hereby", + -12.57900047302246 + ], + [ + "Between", + -12.579065322875977 + ], + [ + "Beyond", + -12.579065322875977 + ], + [ + "▁Philippine", + -12.5791015625 + ], + [ + "▁stash", + -12.579214096069336 + ], + [ + "▁specimens", + -12.579225540161133 + ], + [ + "...)", + -12.579286575317385 + ], + [ + "Mart", + -12.579304695129396 + ], + [ + "seat", + -12.579442024230955 + ], + [ + "▁algae", + -12.579445838928224 + ], + [ + "kai", + -12.57945442199707 + ], + [ + "-03", + -12.579476356506348 + ], + [ + "▁artisans", + -12.57948875427246 + ], + [ + "▁Debbie", + -12.57958984375 + ], + [ + "mac", + -12.579720497131348 + ], + [ + "▁liquidity", + -12.579730033874512 + ], + [ + "charge", + -12.579747200012209 + ], + [ + "▁Wealth", + -12.579798698425291 + ], + [ + "▁spacecraft", + -12.579938888549805 + ], + [ + "▁multinational", + -12.579940795898438 + ], + [ + "VC", + -12.580129623413086 + ], + [ + "▁Malaysian", + -12.580172538757324 + ], + [ + "▁Lifetime", + -12.580192565917969 + ], + [ + "▁Treat", + -12.580194473266602 + ], + [ + "▁breakout", + -12.580205917358398 + ], + [ + "▁sheds", + -12.580256462097168 + ], + [ + "▁Palestinians", + -12.58029079437256 + ], + [ + "▁Kane", + -12.58031940460205 + ], + [ + "▁ropes", + -12.58035945892334 + ], + [ + "/8", + -12.5803861618042 + ], + [ + "▁SSD", + -12.580448150634766 + ], + [ + "▁agreeing", + -12.580473899841309 + ], + [ + "▁Paypal", + -12.58049488067627 + ], + [ + "▁vastly", + -12.580549240112305 + ], + [ + "▁monkey", + -12.580552101135254 + ], + [ + "▁Cardinals", + -12.580628395080566 + ], + [ + "▁Andre", + -12.580720901489258 + ], + [ + "▁Comprehensive", + -12.580829620361328 + ], + [ + "▁drills", + -12.581026077270508 + ], + [ + "▁flavorful", + -12.581121444702148 + ], + [ + "▁Filipino", + -12.581164360046388 + ], + [ + "▁Manitoba", + -12.58135223388672 + ], + [ + "▁silky", + -12.581446647644045 + ], + [ + "▁whiskey", + -12.581507682800291 + ], + [ + "resolution", + -12.581509590148926 + ], + [ + "▁Cry", + -12.581534385681152 + ], + [ + "▁limo", + -12.581660270690918 + ], + [ + "▁Definition", + -12.581921577453612 + ], + [ + "▁breathable", + -12.58193588256836 + ], + [ + "▁CL", + -12.582000732421877 + ], + [ + "79", + -12.582085609436035 + ], + [ + "▁terminated", + -12.582188606262209 + ], + [ + "▁pastel", + -12.582279205322266 + ], + [ + "anta", + -12.582284927368164 + ], + [ + "▁necessities", + -12.58246612548828 + ], + [ + "▁Compared", + -12.582600593566896 + ], + [ + "▁Pleasant", + -12.58271598815918 + ], + [ + "▁prescribe", + -12.58290672302246 + ], + [ + "▁relocate", + -12.58290672302246 + ], + [ + "▁Hen", + -12.582935333251951 + ], + [ + "▁Ventures", + -12.582999229431152 + ], + [ + "▁coarse", + -12.583005905151367 + ], + [ + "▁leash", + -12.583060264587402 + ], + [ + "▁replacements", + -12.583137512207031 + ], + [ + "sic", + -12.58335304260254 + ], + [ + "▁Including", + -12.583366394042969 + ], + [ + "▁commenced", + -12.583369255065918 + ], + [ + "▁paving", + -12.58346939086914 + ], + [ + "▁imposing", + -12.583470344543455 + ], + [ + "▁Goals", + -12.583595275878906 + ], + [ + "▁Sprinkle", + -12.583645820617676 + ], + [ + "chu", + -12.583699226379396 + ], + [ + "▁Vera", + -12.583704948425291 + ], + [ + "▁tenth", + -12.583734512329102 + ], + [ + "▁fracture", + -12.58383083343506 + ], + [ + "▁Injury", + -12.583844184875488 + ], + [ + "▁detergent", + -12.58389663696289 + ], + [ + "▁1-0", + -12.584083557128906 + ], + [ + "BL", + -12.584136009216309 + ], + [ + "▁Beef", + -12.58427619934082 + ], + [ + "▁emphasizes", + -12.584327697753906 + ], + [ + "▁Concept", + -12.58434772491455 + ], + [ + "▁Bis", + -12.584362030029297 + ], + [ + "▁achievable", + -12.58446216583252 + ], + [ + "▁Hor", + -12.584518432617188 + ], + [ + "▁Mercy", + -12.584566116333008 + ], + [ + "▁uphold", + -12.58461856842041 + ], + [ + "▁exhibiting", + -12.584624290466309 + ], + [ + "digital", + -12.584643363952637 + ], + [ + "▁Plains", + -12.584660530090332 + ], + [ + "▁downhill", + -12.584779739379885 + ], + [ + "▁converts", + -12.584782600402832 + ], + [ + "OD", + -12.584939002990724 + ], + [ + "LD", + -12.584948539733888 + ], + [ + "Dis", + -12.585079193115234 + ], + [ + "ando", + -12.585091590881348 + ], + [ + "▁advisers", + -12.585187911987305 + ], + [ + "▁motherboard", + -12.585293769836426 + ], + [ + "▁theology", + -12.58530330657959 + ], + [ + "leigh", + -12.585355758666992 + ], + [ + "▁Dai", + -12.585371017456056 + ], + [ + "▁Clothing", + -12.585373878479004 + ], + [ + "▁depicts", + -12.58542823791504 + ], + [ + "▁Tucson", + -12.58546257019043 + ], + [ + "▁fermentation", + -12.58547592163086 + ], + [ + "▁Achievement", + -12.585488319396973 + ], + [ + "▁Trends", + -12.585506439208984 + ], + [ + "▁fostering", + -12.585531234741213 + ], + [ + "offs", + -12.585667610168455 + ], + [ + "▁tactic", + -12.585874557495115 + ], + [ + "▁equals", + -12.58597183227539 + ], + [ + "▁accommodating", + -12.586122512817385 + ], + [ + "▁boiled", + -12.586135864257812 + ], + [ + "▁slaves", + -12.5862455368042 + ], + [ + "Something", + -12.586271286010742 + ], + [ + "▁pivot", + -12.586271286010742 + ], + [ + "▁workspace", + -12.58642864227295 + ], + [ + "▁dislike", + -12.586475372314451 + ], + [ + "▁Dealer", + -12.5866117477417 + ], + [ + "▁17-", + -12.586719512939451 + ], + [ + "▁MVP", + -12.586777687072754 + ], + [ + "▁Password", + -12.586814880371094 + ], + [ + "▁freshness", + -12.587200164794922 + ], + [ + "employed", + -12.58721923828125 + ], + [ + "Whilst", + -12.587247848510742 + ], + [ + "▁automobiles", + -12.587289810180664 + ], + [ + "qua", + -12.587309837341309 + ], + [ + "▁nickname", + -12.587346076965332 + ], + [ + "Stone", + -12.587360382080078 + ], + [ + "▁societal", + -12.587465286254885 + ], + [ + "▁Naval", + -12.587486267089844 + ], + [ + "tab", + -12.587498664855955 + ], + [ + "té", + -12.587586402893066 + ], + [ + "▁ES", + -12.587678909301758 + ], + [ + "Content", + -12.58768081665039 + ], + [ + "▁Guides", + -12.587682723999023 + ], + [ + "ual", + -12.5877103805542 + ], + [ + "▁frightening", + -12.58771514892578 + ], + [ + "▁Include", + -12.587718963623049 + ], + [ + "▁char", + -12.587718963623049 + ], + [ + "▁Legends", + -12.587810516357422 + ], + [ + "▁sock", + -12.587944984436035 + ], + [ + "▁rotary", + -12.58808135986328 + ], + [ + "whether", + -12.58828067779541 + ], + [ + "▁walmart", + -12.588313102722168 + ], + [ + "▁mutually", + -12.588396072387695 + ], + [ + "enabled", + -12.588451385498049 + ], + [ + "boot", + -12.588497161865234 + ], + [ + "▁15,000", + -12.588530540466309 + ], + [ + "▁Utility", + -12.58864688873291 + ], + [ + "▁Moor", + -12.588668823242188 + ], + [ + "▁$16", + -12.58884048461914 + ], + [ + "▁sauces", + -12.588866233825684 + ], + [ + "▁Mann", + -12.588868141174316 + ], + [ + "critical", + -12.58888339996338 + ], + [ + "▁Dreams", + -12.589146614074709 + ], + [ + "▁textbooks", + -12.589187622070312 + ], + [ + "▁congratulations", + -12.589190483093262 + ], + [ + "these", + -12.589296340942385 + ], + [ + "▁Factor", + -12.589314460754396 + ], + [ + "▁Panasonic", + -12.589322090148926 + ], + [ + "▁crashing", + -12.589322090148926 + ], + [ + "RB", + -12.58932876586914 + ], + [ + "▁occupancy", + -12.589576721191406 + ], + [ + "▁Advice", + -12.589595794677734 + ], + [ + "▁Timber", + -12.589677810668944 + ], + [ + "3.5", + -12.589733123779297 + ], + [ + "ement", + -12.589825630187988 + ], + [ + "Know", + -12.589900970458984 + ], + [ + "▁juvenile", + -12.58997917175293 + ], + [ + "Center", + -12.590161323547363 + ], + [ + "▁admits", + -12.590253829956056 + ], + [ + "NASDAQ", + -12.590299606323242 + ], + [ + "Standard", + -12.590326309204102 + ], + [ + "Location", + -12.590346336364746 + ], + [ + "formerly", + -12.59047794342041 + ], + [ + "▁simulations", + -12.590557098388672 + ], + [ + "▁Promotion", + -12.590583801269531 + ], + [ + "▁Hearts", + -12.590611457824709 + ], + [ + "▁atomic", + -12.590727806091309 + ], + [ + "lier", + -12.590743064880373 + ], + [ + "▁Attack", + -12.590827941894531 + ], + [ + "▁Interested", + -12.590858459472656 + ], + [ + "▁Lime", + -12.590920448303224 + ], + [ + "▁articulate", + -12.59092140197754 + ], + [ + "UM", + -12.590944290161133 + ], + [ + "▁prom", + -12.591042518615724 + ], + [ + "▁Bot", + -12.59104347229004 + ], + [ + "▁Tracy", + -12.591058731079102 + ], + [ + "Bake", + -12.59106159210205 + ], + [ + "▁Pole", + -12.591306686401367 + ], + [ + "grown", + -12.591327667236328 + ], + [ + "Richard", + -12.59132957458496 + ], + [ + "▁resumes", + -12.591338157653809 + ], + [ + "▁AU", + -12.59134578704834 + ], + [ + "▁Listing", + -12.591489791870115 + ], + [ + "▁professions", + -12.591572761535645 + ], + [ + "▁Kolkata", + -12.591667175292969 + ], + [ + "▁Methods", + -12.591679573059082 + ], + [ + "▁Spectrum", + -12.591736793518066 + ], + [ + "▁Providing", + -12.591910362243652 + ], + [ + "TIP", + -12.59196662902832 + ], + [ + "▁supernatural", + -12.591992378234863 + ], + [ + "▁Pepper", + -12.59201717376709 + ], + [ + "▁mulch", + -12.59202766418457 + ], + [ + "▁fruity", + -12.592087745666504 + ], + [ + "▁Booking", + -12.59210968017578 + ], + [ + "▁creatively", + -12.592118263244627 + ], + [ + "HL", + -12.592148780822754 + ], + [ + "▁Leg", + -12.592157363891602 + ], + [ + "ub", + -12.592191696166992 + ], + [ + "®,", + -12.592257499694824 + ], + [ + "rose", + -12.59231948852539 + ], + [ + "▁Wade", + -12.592436790466309 + ], + [ + "▁0.2", + -12.592514038085938 + ], + [ + "▁whopping", + -12.592554092407228 + ], + [ + "▁ecology", + -12.59263038635254 + ], + [ + "▁intro", + -12.593000411987305 + ], + [ + "ste", + -12.593161582946776 + ], + [ + "▁coursework", + -12.593213081359863 + ], + [ + "▁bananas", + -12.593393325805664 + ], + [ + "▁grit", + -12.5936861038208 + ], + [ + "▁Natalie", + -12.593690872192385 + ], + [ + "▁Finn", + -12.593701362609863 + ], + [ + "Listen", + -12.59373378753662 + ], + [ + "▁oats", + -12.593743324279783 + ], + [ + "▁chalk", + -12.59378433227539 + ], + [ + "▁blooms", + -12.594001770019531 + ], + [ + "82", + -12.594096183776855 + ], + [ + "▁Appeal", + -12.59438133239746 + ], + [ + "▁heavenly", + -12.594385147094728 + ], + [ + "▁Preston", + -12.594441413879396 + ], + [ + "stown", + -12.59445571899414 + ], + [ + "▁Choir", + -12.59453582763672 + ], + [ + "again", + -12.594539642333984 + ], + [ + "▁spiritually", + -12.594575881958008 + ], + [ + "▁informing", + -12.594599723815918 + ], + [ + "▁Herald", + -12.594619750976562 + ], + [ + "▁Carrie", + -12.594630241394045 + ], + [ + "▁Insert", + -12.594653129577637 + ], + [ + "▁vertically", + -12.59474277496338 + ], + [ + "▁2.3", + -12.594902992248535 + ], + [ + "▁discharged", + -12.594947814941406 + ], + [ + "▁forgetting", + -12.595000267028809 + ], + [ + "▁Shoe", + -12.595115661621094 + ], + [ + "▁Changing", + -12.595192909240724 + ], + [ + "▁hail", + -12.595223426818848 + ], + [ + "▁patron", + -12.59523105621338 + ], + [ + "▁Lifestyle", + -12.595295906066896 + ], + [ + "▁cultivated", + -12.595309257507324 + ], + [ + "▁Burger", + -12.595355987548828 + ], + [ + "induced", + -12.595499038696287 + ], + [ + "▁cauliflower", + -12.595518112182615 + ], + [ + "▁synonymous", + -12.595575332641602 + ], + [ + "1.5", + -12.595614433288574 + ], + [ + "▁Extreme", + -12.595614433288574 + ], + [ + "▁cliffs", + -12.595752716064451 + ], + [ + "▁conquer", + -12.595778465270996 + ], + [ + "▁Beck", + -12.596055030822754 + ], + [ + "▁resurrection", + -12.596073150634766 + ], + [ + "txt", + -12.596078872680664 + ], + [ + "▁affiliation", + -12.59609603881836 + ], + [ + "▁tiger", + -12.59619426727295 + ], + [ + "▁readiness", + -12.596219062805176 + ], + [ + "Law", + -12.596220016479492 + ], + [ + "▁Jacket", + -12.596224784851074 + ], + [ + "▁chores", + -12.596308708190918 + ], + [ + "▁sugars", + -12.596323013305664 + ], + [ + "▁eBook", + -12.596529006958008 + ], + [ + "▁exploitation", + -12.596576690673828 + ], + [ + "photo", + -12.596701622009276 + ], + [ + "▁roadmap", + -12.596745491027832 + ], + [ + "▁hefty", + -12.596750259399414 + ], + [ + "▁belonged", + -12.596885681152344 + ], + [ + "▁banquet", + -12.596891403198242 + ], + [ + "▁jets", + -12.596940994262695 + ], + [ + "▁Pam", + -12.59698486328125 + ], + [ + "▁ace", + -12.597140312194824 + ], + [ + "Direct", + -12.597173690795898 + ], + [ + "▁aggression", + -12.597368240356444 + ], + [ + "Too", + -12.597442626953123 + ], + [ + "▁finalists", + -12.597453117370604 + ], + [ + "▁Arms", + -12.597464561462402 + ], + [ + "Third", + -12.597482681274414 + ], + [ + "▁seldom", + -12.597540855407717 + ], + [ + "▁$14", + -12.597541809082031 + ], + [ + "▁aperture", + -12.597543716430664 + ], + [ + "8,", + -12.597715377807615 + ], + [ + "▁humorous", + -12.597726821899414 + ], + [ + "▁budgeting", + -12.597807884216309 + ], + [ + "iana", + -12.597967147827148 + ], + [ + "▁Character", + -12.598014831542969 + ], + [ + "▁grabbing", + -12.598028182983398 + ], + [ + "▁Coupons", + -12.598076820373535 + ], + [ + "▁vi", + -12.598093032836914 + ], + [ + "▁Adults", + -12.59810733795166 + ], + [ + "Tri", + -12.598112106323242 + ], + [ + "▁Dictionary", + -12.598118782043455 + ], + [ + "▁arbitrary", + -12.59816074371338 + ], + [ + "▁Tiffany", + -12.598326683044434 + ], + [ + "▁tofu", + -12.598443031311035 + ], + [ + "▁impeccable", + -12.598554611206056 + ], + [ + "▁restructuring", + -12.598563194274902 + ], + [ + "▁ratios", + -12.598607063293455 + ], + [ + "Amazon", + -12.598613739013672 + ], + [ + "Christmas", + -12.598617553710938 + ], + [ + "▁tripod", + -12.598699569702148 + ], + [ + "▁tariff", + -12.59872341156006 + ], + [ + "eck", + -12.598889350891112 + ], + [ + "▁Folk", + -12.598918914794922 + ], + [ + "▁bumps", + -12.598926544189451 + ], + [ + "▁':", + -12.598943710327148 + ], + [ + "hair", + -12.599016189575195 + ], + [ + "▁purchaser", + -12.599085807800291 + ], + [ + "▁111", + -12.599387168884276 + ], + [ + "boat", + -12.599417686462402 + ], + [ + "▁Everybody", + -12.599469184875488 + ], + [ + "▁uninstall", + -12.59957790374756 + ], + [ + "money", + -12.59958267211914 + ], + [ + "Grand", + -12.599603652954102 + ], + [ + "▁endorse", + -12.59960651397705 + ], + [ + "▁Pdf", + -12.59966278076172 + ], + [ + "▁Vernon", + -12.5997314453125 + ], + [ + "▁Fleet", + -12.599764823913574 + ], + [ + "▁worm", + -12.599790573120115 + ], + [ + "▁RSVP", + -12.599797248840332 + ], + [ + "▁Strike", + -12.599854469299316 + ], + [ + "▁altar", + -12.599855422973633 + ], + [ + "▁cravings", + -12.599876403808594 + ], + [ + "▁1995.", + -12.599923133850098 + ], + [ + "▁Soup", + -12.600035667419434 + ], + [ + "▁awaits", + -12.600051879882812 + ], + [ + "ista", + -12.600184440612791 + ], + [ + "▁airy", + -12.60019302368164 + ], + [ + "▁sweets", + -12.600201606750488 + ], + [ + "▁literal", + -12.600204467773438 + ], + [ + "▁Cowboys", + -12.600337028503418 + ], + [ + "ore", + -12.600339889526367 + ], + [ + "▁las", + -12.600397109985352 + ], + [ + "▁Das", + -12.600564002990724 + ], + [ + "▁Rally", + -12.600591659545898 + ], + [ + "Double", + -12.600709915161133 + ], + [ + "▁predictive", + -12.600785255432127 + ], + [ + "▁Satan", + -12.600979804992676 + ], + [ + "▁extras", + -12.601070404052734 + ], + [ + "▁businessman", + -12.60107135772705 + ], + [ + "▁Hospice", + -12.601226806640623 + ], + [ + "▁PCB", + -12.601243019104004 + ], + [ + "▁nod", + -12.601551055908203 + ], + [ + "▁Aboriginal", + -12.601603507995604 + ], + [ + "▁Champagne", + -12.601603507995604 + ], + [ + "▁auf", + -12.601644515991213 + ], + [ + "jack", + -12.601703643798828 + ], + [ + "▁Architect", + -12.601704597473145 + ], + [ + "▁sensational", + -12.601715087890623 + ], + [ + "▁Ri", + -12.601736068725586 + ], + [ + "▁Brent", + -12.601777076721191 + ], + [ + "sheet", + -12.601780891418455 + ], + [ + "ario", + -12.601837158203123 + ], + [ + "▁Examination", + -12.60186004638672 + ], + [ + "▁muscular", + -12.602057456970217 + ], + [ + "▁Rug", + -12.602115631103516 + ], + [ + "▁Analyst", + -12.602253913879396 + ], + [ + "▁citation", + -12.602381706237791 + ], + [ + "▁individualized", + -12.602609634399414 + ], + [ + "▁Compensation", + -12.602622985839844 + ], + [ + "▁Beatles", + -12.602642059326172 + ], + [ + "Order", + -12.602906227111816 + ], + [ + "▁miners", + -12.603158950805664 + ], + [ + "▁teas", + -12.603282928466797 + ], + [ + "▁perennial", + -12.603316307067873 + ], + [ + "▁bosses", + -12.603322982788086 + ], + [ + "Bob", + -12.603371620178224 + ], + [ + "▁meanings", + -12.603556632995604 + ], + [ + "▁Sel", + -12.60367202758789 + ], + [ + "▁Brock", + -12.603779792785645 + ], + [ + "110", + -12.603800773620604 + ], + [ + "Above", + -12.603819847106934 + ], + [ + "Company", + -12.603829383850098 + ], + [ + "shore", + -12.603843688964844 + ], + [ + "▁vents", + -12.603894233703612 + ], + [ + "sol", + -12.603978157043455 + ], + [ + "▁minimise", + -12.604053497314451 + ], + [ + "RD", + -12.604069709777832 + ], + [ + "▁Dur", + -12.604340553283691 + ], + [ + "▁Scouts", + -12.604385375976562 + ], + [ + "▁incorrectly", + -12.60439395904541 + ], + [ + "▁Robertson", + -12.604485511779783 + ], + [ + "▁Dimensions", + -12.604486465454102 + ], + [ + "▁Reporting", + -12.60450267791748 + ], + [ + "▁4%", + -12.604626655578612 + ], + [ + "while", + -12.604646682739258 + ], + [ + "▁compelled", + -12.60466480255127 + ], + [ + "▁offence", + -12.604691505432127 + ], + [ + "▁Proof", + -12.604772567749023 + ], + [ + "inger", + -12.604801177978516 + ], + [ + "▁Maritime", + -12.604819297790527 + ], + [ + "conditioned", + -12.60497760772705 + ], + [ + "7,000", + -12.604987144470217 + ], + [ + "▁guessed", + -12.605170249938965 + ], + [ + "▁sandals", + -12.60520362854004 + ], + [ + "▁tattoos", + -12.60532569885254 + ], + [ + "▁Sho", + -12.605456352233888 + ], + [ + "▁Feature", + -12.605487823486328 + ], + [ + "model", + -12.6055269241333 + ], + [ + "▁***", + -12.605528831481934 + ], + [ + "▁firefighters", + -12.605557441711426 + ], + [ + "▁scream", + -12.605643272399902 + ], + [ + "▁subsidiaries", + -12.60567569732666 + ], + [ + "▁gazebo", + -12.60571002960205 + ], + [ + "▁Retreat", + -12.60573959350586 + ], + [ + "▁Gain", + -12.60574436187744 + ], + [ + "storm", + -12.605774879455566 + ], + [ + "▁backups", + -12.605817794799805 + ], + [ + "▁softball", + -12.605957984924316 + ], + [ + "▁che", + -12.605965614318848 + ], + [ + "Mi", + -12.606038093566896 + ], + [ + "▁Frankfurt", + -12.60629940032959 + ], + [ + "mode", + -12.606613159179688 + ], + [ + "▁prince", + -12.606667518615724 + ], + [ + "▁optimizing", + -12.606697082519531 + ], + [ + "fed", + -12.606942176818848 + ], + [ + "▁Midlands", + -12.606987953186035 + ], + [ + "▁tempo", + -12.607013702392578 + ], + [ + "▁Ven", + -12.607017517089844 + ], + [ + "▁Agile", + -12.60707664489746 + ], + [ + "chy", + -12.60709285736084 + ], + [ + "▁caller", + -12.607148170471191 + ], + [ + "Vi", + -12.607192993164062 + ], + [ + "▁ARM", + -12.607281684875488 + ], + [ + "chat", + -12.607354164123535 + ], + [ + "yer", + -12.607439994812012 + ], + [ + "▁bats", + -12.607568740844728 + ], + [ + "▁decals", + -12.607593536376951 + ], + [ + "▁Sanctuary", + -12.60777759552002 + ], + [ + "▁hatred", + -12.60779857635498 + ], + [ + "▁Pierce", + -12.607953071594238 + ], + [ + "▁UFC", + -12.608030319213867 + ], + [ + "▁BJP", + -12.608049392700195 + ], + [ + "Cor", + -12.608084678649902 + ], + [ + "▁alterations", + -12.608195304870604 + ], + [ + "▁(15", + -12.608216285705566 + ], + [ + "▁pinpoint", + -12.608254432678224 + ], + [ + "▁assorted", + -12.608375549316406 + ], + [ + "▁customised", + -12.608430862426758 + ], + [ + "▁fairness", + -12.608550071716309 + ], + [ + "▁Curry", + -12.608564376831056 + ], + [ + "▁oversees", + -12.608609199523926 + ], + [ + "inc", + -12.60865306854248 + ], + [ + "▁4-5", + -12.608665466308594 + ], + [ + "▁consortium", + -12.60874366760254 + ], + [ + "▁forehead", + -12.60878562927246 + ], + [ + "plate", + -12.608799934387209 + ], + [ + "▁metaphor", + -12.6088285446167 + ], + [ + "▁faded", + -12.608956336975098 + ], + [ + "vale", + -12.60899829864502 + ], + [ + "ces", + -12.609067916870115 + ], + [ + "Log", + -12.609074592590332 + ], + [ + "▁flap", + -12.609347343444824 + ], + [ + "ologist", + -12.609402656555176 + ], + [ + "▁rehearsal", + -12.60948371887207 + ], + [ + "vey", + -12.609517097473145 + ], + [ + "▁Organisation", + -12.609527587890623 + ], + [ + "▁recognizable", + -12.609768867492676 + ], + [ + "▁tubs", + -12.609795570373535 + ], + [ + "▁snapped", + -12.609833717346191 + ], + [ + "▁opioid", + -12.609837532043455 + ], + [ + "▁Zhang", + -12.609877586364746 + ], + [ + "slip", + -12.609889030456545 + ], + [ + "▁brides", + -12.610098838806152 + ], + [ + "▁prosecutors", + -12.610108375549316 + ], + [ + "ther", + -12.610191345214844 + ], + [ + "▁stubborn", + -12.610492706298828 + ], + [ + "▁Lenovo", + -12.610565185546877 + ], + [ + "igan", + -12.610578536987305 + ], + [ + "Cost", + -12.610580444335938 + ], + [ + "▁laughs", + -12.610600471496582 + ], + [ + "music", + -12.610602378845217 + ], + [ + "▁dazzling", + -12.610793113708496 + ], + [ + "▁40,000", + -12.610795974731444 + ], + [ + "▁Bars", + -12.610815048217772 + ], + [ + "▁imp", + -12.610841751098633 + ], + [ + "▁Coleman", + -12.610852241516112 + ], + [ + "▁underwent", + -12.610854148864746 + ], + [ + "▁Yemen", + -12.610902786254885 + ], + [ + "▁cottages", + -12.61093807220459 + ], + [ + "▁percussion", + -12.610944747924805 + ], + [ + "▁Boo", + -12.610952377319336 + ], + [ + "▁deaf", + -12.610952377319336 + ], + [ + "▁cabinetry", + -12.611069679260254 + ], + [ + "▁nominal", + -12.611148834228516 + ], + [ + "▁Eu", + -12.611358642578123 + ], + [ + "▁Fight", + -12.611413955688477 + ], + [ + "▁Celebrate", + -12.611462593078612 + ], + [ + "▁veterinarian", + -12.611559867858888 + ], + [ + "▁Strategies", + -12.61172103881836 + ], + [ + "▁cookbook", + -12.611749649047852 + ], + [ + "▁locating", + -12.611799240112305 + ], + [ + "True", + -12.611873626708984 + ], + [ + "▁Hwy", + -12.611909866333008 + ], + [ + "▁hull", + -12.611912727355955 + ], + [ + "▁ISP", + -12.611945152282717 + ], + [ + "▁Punjab", + -12.611985206604004 + ], + [ + "▁knocking", + -12.611995697021484 + ], + [ + "▁wording", + -12.6119966506958 + ], + [ + "▁Lastly", + -12.61212158203125 + ], + [ + "SG", + -12.612228393554688 + ], + [ + "ages", + -12.612229347229004 + ], + [ + "▁Arbor", + -12.61223030090332 + ], + [ + "▁Kam", + -12.612327575683594 + ], + [ + "▁coolest", + -12.612327575683594 + ], + [ + "▁loaf", + -12.612387657165527 + ], + [ + "rant", + -12.612406730651855 + ], + [ + "vit", + -12.612530708312988 + ], + [ + "▁faults", + -12.612563133239746 + ], + [ + "▁limbs", + -12.612627983093262 + ], + [ + "▁clubhouse", + -12.612640380859377 + ], + [ + "iff", + -12.612801551818848 + ], + [ + "▁bombing", + -12.61281394958496 + ], + [ + "▁Trophy", + -12.6128511428833 + ], + [ + "▁GOOD", + -12.612874984741213 + ], + [ + "▁homeland", + -12.61302661895752 + ], + [ + "▁primitive", + -12.61311149597168 + ], + [ + "▁Accent", + -12.613202095031738 + ], + [ + "▁Burke", + -12.61327838897705 + ], + [ + "▁Topics", + -12.61329174041748 + ], + [ + "▁Omni", + -12.61329746246338 + ], + [ + "▁beige", + -12.613346099853516 + ], + [ + "▁mosquito", + -12.61373519897461 + ], + [ + "arm", + -12.613761901855469 + ], + [ + "▁fragrant", + -12.613877296447754 + ], + [ + "220", + -12.613903045654297 + ], + [ + "Things", + -12.614014625549316 + ], + [ + "▁culturally", + -12.614078521728516 + ], + [ + "▁vomiting", + -12.614084243774414 + ], + [ + "▁Beaver", + -12.614105224609377 + ], + [ + "▁Throw", + -12.614178657531738 + ], + [ + "must", + -12.614237785339355 + ], + [ + "▁1977", + -12.61428451538086 + ], + [ + "cur", + -12.61431884765625 + ], + [ + "▁Palestine", + -12.614468574523926 + ], + [ + "ND", + -12.614484786987305 + ], + [ + "5,000", + -12.61467170715332 + ], + [ + "▁SAN", + -12.614686965942385 + ], + [ + "graph", + -12.614712715148926 + ], + [ + "▁measurable", + -12.614837646484377 + ], + [ + "▁reputed", + -12.614991188049316 + ], + [ + "▁uni", + -12.615035057067873 + ], + [ + "▁Chancellor", + -12.615232467651367 + ], + [ + "chair", + -12.615256309509276 + ], + [ + "▁wicked", + -12.615269660949709 + ], + [ + "▁wildly", + -12.61528205871582 + ], + [ + "▁Signal", + -12.61541748046875 + ], + [ + "ITY", + -12.615514755249023 + ], + [ + "mounted", + -12.615571022033691 + ], + [ + "▁drilled", + -12.615592002868652 + ], + [ + "▁Diversity", + -12.615715980529783 + ], + [ + "▁Ages", + -12.615772247314451 + ], + [ + "mix", + -12.615806579589844 + ], + [ + "FE", + -12.61583423614502 + ], + [ + "▁Neighborhood", + -12.615889549255373 + ], + [ + "▁zucchini", + -12.615937232971191 + ], + [ + "▁Registry", + -12.615941047668455 + ], + [ + "▁systematically", + -12.615985870361328 + ], + [ + "▁Slim", + -12.616100311279297 + ], + [ + "▁epoxy", + -12.616280555725098 + ], + [ + "▁intuition", + -12.616333961486816 + ], + [ + "▁unrelated", + -12.616565704345703 + ], + [ + "▁dances", + -12.616609573364258 + ], + [ + "▁robotics", + -12.61661434173584 + ], + [ + "▁1947", + -12.61673641204834 + ], + [ + "▁Religion", + -12.616761207580566 + ], + [ + "AN", + -12.616893768310549 + ], + [ + "▁Classmates", + -12.617003440856934 + ], + [ + "▁astounding", + -12.617055892944336 + ], + [ + "▁Done", + -12.617155075073242 + ], + [ + "▁Object", + -12.61728858947754 + ], + [ + "▁Catch", + -12.617300987243652 + ], + [ + "▁Creation", + -12.617401123046877 + ], + [ + "▁broaden", + -12.617419242858888 + ], + [ + "▁commissioner", + -12.617461204528809 + ], + [ + "▁Programming", + -12.61750030517578 + ], + [ + "▁poisoning", + -12.61752223968506 + ], + [ + "▁counselors", + -12.617523193359377 + ], + [ + "chain", + -12.617565155029297 + ], + [ + "▁Quartz", + -12.617573738098145 + ], + [ + "▁Stuff", + -12.61762523651123 + ], + [ + "▁hierarchy", + -12.618001937866213 + ], + [ + "▁Forums", + -12.618003845214844 + ], + [ + "▁swings", + -12.618003845214844 + ], + [ + "▁Gre", + -12.618040084838867 + ], + [ + "▁Shan", + -12.618098258972168 + ], + [ + "▁Origin", + -12.6182279586792 + ], + [ + "7,", + -12.61827564239502 + ], + [ + "19.", + -12.618309020996094 + ], + [ + "▁Adidas", + -12.618368148803713 + ], + [ + "▁TVs", + -12.618486404418944 + ], + [ + "▁Present", + -12.618680000305176 + ], + [ + "▁follower", + -12.618820190429688 + ], + [ + "chin", + -12.618983268737791 + ], + [ + "▁confidently", + -12.619144439697266 + ], + [ + "▁catchy", + -12.619149208068848 + ], + [ + "Ver", + -12.61965560913086 + ], + [ + "▁1976", + -12.619668960571287 + ], + [ + "▁Module", + -12.619766235351562 + ], + [ + "▁Davies", + -12.619799613952637 + ], + [ + "▁Mara", + -12.619848251342772 + ], + [ + "▁wreath", + -12.619906425476074 + ], + [ + "▁Estates", + -12.619972229003906 + ], + [ + "▁minimizing", + -12.620071411132812 + ], + [ + "▁dragged", + -12.620088577270508 + ], + [ + "camp", + -12.620121955871582 + ], + [ + "▁kidding", + -12.62013816833496 + ], + [ + "▁mirrored", + -12.62017059326172 + ], + [ + "▁4:00", + -12.62027645111084 + ], + [ + "ics", + -12.620298385620115 + ], + [ + "▁billed", + -12.620359420776367 + ], + [ + "▁athletics", + -12.620465278625488 + ], + [ + "▁ponds", + -12.62049961090088 + ], + [ + "▁Libya", + -12.620525360107422 + ], + [ + "▁cooks", + -12.620609283447266 + ], + [ + "lla", + -12.620611190795898 + ], + [ + "sports", + -12.620619773864746 + ], + [ + "Cook", + -12.620716094970703 + ], + [ + "PER", + -12.620882987976074 + ], + [ + "▁lipstick", + -12.620977401733398 + ], + [ + "▁birthdays", + -12.621074676513672 + ], + [ + "▁muffins", + -12.621078491210938 + ], + [ + "▁YA", + -12.62110710144043 + ], + [ + "▁peninsula", + -12.621108055114746 + ], + [ + "FI", + -12.62112045288086 + ], + [ + "▁roasting", + -12.621172904968262 + ], + [ + "▁lakh", + -12.62119960784912 + ], + [ + "▁maze", + -12.621209144592283 + ], + [ + "confidence", + -12.621739387512209 + ], + [ + "▁Smooth", + -12.621780395507812 + ], + [ + "▁soaked", + -12.621837615966797 + ], + [ + "▁Funds", + -12.621849060058594 + ], + [ + "▁Trainer", + -12.621851921081545 + ], + [ + "▁APK", + -12.621914863586426 + ], + [ + "▁injected", + -12.62221908569336 + ], + [ + "▁crib", + -12.622662544250488 + ], + [ + "20.", + -12.622675895690918 + ], + [ + "▁Trees", + -12.62281322479248 + ], + [ + "▁actionable", + -12.62288761138916 + ], + [ + "▁Retro", + -12.622899055480955 + ], + [ + "▁Condition", + -12.622958183288574 + ], + [ + "▁magnets", + -12.622970581054688 + ], + [ + "▁Sustainability", + -12.623052597045898 + ], + [ + "▁cohort", + -12.623054504394531 + ], + [ + "650", + -12.623058319091797 + ], + [ + "▁apk", + -12.623167037963867 + ], + [ + "▁dipping", + -12.623242378234863 + ], + [ + "▁trumpet", + -12.623285293579102 + ], + [ + "GL", + -12.623290061950684 + ], + [ + "cool", + -12.62335968017578 + ], + [ + "▁JD", + -12.62339210510254 + ], + [ + "▁enacted", + -12.623398780822754 + ], + [ + "▁Operator", + -12.623580932617188 + ], + [ + "▁Panda", + -12.623640060424805 + ], + [ + "▁lieu", + -12.623743057250977 + ], + [ + "▁revise", + -12.62375831604004 + ], + [ + "▁predicting", + -12.623835563659668 + ], + [ + "▁Estonia", + -12.623916625976562 + ], + [ + "▁fasting", + -12.623941421508787 + ], + [ + "kins", + -12.6239595413208 + ], + [ + "▁empirical", + -12.623988151550291 + ], + [ + "▁108", + -12.624015808105469 + ], + [ + "▁motorcycles", + -12.624187469482422 + ], + [ + "▁voluntarily", + -12.624222755432127 + ], + [ + "▁gravy", + -12.624226570129396 + ], + [ + "▁refusing", + -12.624227523803713 + ], + [ + "▁enchanting", + -12.624363899230955 + ], + [ + "▁Sc", + -12.624452590942385 + ], + [ + "▁hubby", + -12.62446403503418 + ], + [ + "▁progresses", + -12.624488830566406 + ], + [ + "▁Organizations", + -12.62451457977295 + ], + [ + "VI", + -12.624553680419922 + ], + [ + "▁africa", + -12.624570846557615 + ], + [ + "▁Evidence", + -12.624574661254885 + ], + [ + "▁Speak", + -12.624688148498535 + ], + [ + "iser", + -12.624710083007812 + ], + [ + "▁septic", + -12.624764442443848 + ], + [ + "▁elephants", + -12.624768257141112 + ], + [ + "uh", + -12.624874114990234 + ], + [ + "Text", + -12.624919891357422 + ], + [ + "INE", + -12.625022888183594 + ], + [ + "▁Flickr", + -12.625064849853516 + ], + [ + "94", + -12.625086784362791 + ], + [ + "▁Novel", + -12.625317573547363 + ], + [ + "▁timeframe", + -12.625361442565918 + ], + [ + "▁adapting", + -12.625368118286133 + ], + [ + "▁Panthers", + -12.625672340393066 + ], + [ + "▁programmers", + -12.625675201416016 + ], + [ + "▁Bosch", + -12.625680923461914 + ], + [ + "▁Collections", + -12.62574863433838 + ], + [ + "functional", + -12.626014709472656 + ], + [ + "▁Bradford", + -12.62611961364746 + ], + [ + "driving", + -12.626136779785156 + ], + [ + "▁Scotia", + -12.626477241516112 + ], + [ + "TMs", + -12.626480102539062 + ], + [ + "▁Locksmith", + -12.6265287399292 + ], + [ + "▁handbook", + -12.626535415649414 + ], + [ + "▁Volunteers", + -12.62661838531494 + ], + [ + "▁Leslie", + -12.62668800354004 + ], + [ + "▁illuminated", + -12.626715660095217 + ], + [ + "▁Reduce", + -12.626747131347656 + ], + [ + "borne", + -12.626770973205566 + ], + [ + "▁AIDS", + -12.626785278320312 + ], + [ + "▁PIN", + -12.626836776733398 + ], + [ + "Definition", + -12.626873970031738 + ], + [ + "rey", + -12.626877784729004 + ], + [ + "▁lacked", + -12.626911163330078 + ], + [ + "▁Sing", + -12.627087593078612 + ], + [ + "Ensure", + -12.627124786376951 + ], + [ + "▁unite", + -12.62727165222168 + ], + [ + "BER", + -12.62738037109375 + ], + [ + "▁Researchers", + -12.6273832321167 + ], + [ + "eon", + -12.627495765686035 + ], + [ + "listed", + -12.627591133117676 + ], + [ + "▁admired", + -12.627642631530762 + ], + [ + "lea", + -12.627655029296877 + ], + [ + "ifying", + -12.62779426574707 + ], + [ + "▁Michel", + -12.62781047821045 + ], + [ + "sys", + -12.62789821624756 + ], + [ + "▁Created", + -12.627955436706545 + ], + [ + "▁scrolling", + -12.627973556518556 + ], + [ + "▁stair", + -12.628158569335938 + ], + [ + "traditional", + -12.628198623657228 + ], + [ + "▁Counsel", + -12.628254890441896 + ], + [ + "tour", + -12.628371238708496 + ], + [ + "fun", + -12.628419876098633 + ], + [ + "BY", + -12.628446578979492 + ], + [ + "▁ju", + -12.62855339050293 + ], + [ + "▁demographics", + -12.628700256347656 + ], + [ + "▁External", + -12.628761291503906 + ], + [ + "▁whales", + -12.62878704071045 + ], + [ + "▁practise", + -12.628835678100586 + ], + [ + "ern", + -12.628902435302734 + ], + [ + "▁Foam", + -12.629097938537598 + ], + [ + "▁Lit", + -12.629207611083984 + ], + [ + "CF", + -12.629244804382324 + ], + [ + "▁1996.", + -12.629263877868652 + ], + [ + "▁apparatus", + -12.629295349121094 + ], + [ + "▁antibiotic", + -12.629405975341797 + ], + [ + "▁centerpiece", + -12.629615783691406 + ], + [ + "▁justification", + -12.629640579223633 + ], + [ + "▁Mixed", + -12.629700660705566 + ], + [ + "▁stripe", + -12.630054473876951 + ], + [ + "▁lifecycle", + -12.630165100097656 + ], + [ + "Thursday", + -12.630269050598145 + ], + [ + "▁Costume", + -12.630362510681152 + ], + [ + "▁academia", + -12.63048267364502 + ], + [ + "▁Dominican", + -12.63049030303955 + ], + [ + "▁Penny", + -12.630556106567385 + ], + [ + "ller", + -12.63056182861328 + ], + [ + "headed", + -12.63058090209961 + ], + [ + "/2019", + -12.630642890930176 + ], + [ + "Includes", + -12.63070011138916 + ], + [ + "▁Banner", + -12.630738258361816 + ], + [ + "job", + -12.63085651397705 + ], + [ + "▁nephew", + -12.630902290344238 + ], + [ + "ators", + -12.631053924560549 + ], + [ + "▁HI", + -12.631147384643556 + ], + [ + "▁tapes", + -12.63115692138672 + ], + [ + "▁Blogger", + -12.631180763244627 + ], + [ + "▁volunteered", + -12.63132381439209 + ], + [ + "▁powerhouse", + -12.631386756896973 + ], + [ + "▁DD", + -12.631470680236816 + ], + [ + "▁Br", + -12.631752014160156 + ], + [ + "▁paragraphs", + -12.631793022155762 + ], + [ + "mag", + -12.631796836853027 + ], + [ + "▁tele", + -12.63197898864746 + ], + [ + "BI", + -12.631996154785156 + ], + [ + "▁Thu", + -12.63230037689209 + ], + [ + "▁decisive", + -12.632336616516112 + ], + [ + "little", + -12.632471084594728 + ], + [ + "▁Shane", + -12.632660865783691 + ], + [ + "Winter", + -12.632668495178224 + ], + [ + "▁Tiny", + -12.632678031921388 + ], + [ + "LED", + -12.632821083068848 + ], + [ + "present", + -12.633042335510254 + ], + [ + "▁prose", + -12.633152961730955 + ], + [ + "▁amusing", + -12.633288383483888 + ], + [ + "▁Forms", + -12.63329029083252 + ], + [ + "▁Ninja", + -12.63337516784668 + ], + [ + "9,000", + -12.63347625732422 + ], + [ + "▁compulsory", + -12.63353157043457 + ], + [ + "Clear", + -12.633609771728516 + ], + [ + "▁Practices", + -12.63372039794922 + ], + [ + "▁Pvt", + -12.633740425109863 + ], + [ + "ace", + -12.633828163146973 + ], + [ + "▁consoles", + -12.633840560913086 + ], + [ + "should", + -12.633907318115234 + ], + [ + "kal", + -12.634078025817873 + ], + [ + "▁inmates", + -12.634249687194824 + ], + [ + "▁spoil", + -12.634369850158691 + ], + [ + "▁prevalence", + -12.63437271118164 + ], + [ + "▁Monkey", + -12.634384155273438 + ], + [ + "▁detrimental", + -12.63446044921875 + ], + [ + "▁booths", + -12.634464263916016 + ], + [ + "▁Catalog", + -12.63460636138916 + ], + [ + "▁1-3", + -12.634672164916992 + ], + [ + "▁Petroleum", + -12.63467788696289 + ], + [ + "▁plywood", + -12.634693145751951 + ], + [ + "factor", + -12.634709358215332 + ], + [ + "▁secretly", + -12.634899139404297 + ], + [ + "▁DAY", + -12.634928703308104 + ], + [ + "TC", + -12.635038375854492 + ], + [ + "▁Phi", + -12.635225296020508 + ], + [ + "▁nonsense", + -12.63539695739746 + ], + [ + "flight", + -12.635536193847656 + ], + [ + "uni", + -12.635600090026855 + ], + [ + "▁tremendously", + -12.635664939880373 + ], + [ + "▁Submit", + -12.635702133178713 + ], + [ + "▁dimensional", + -12.635722160339355 + ], + [ + "▁Suitable", + -12.635819435119627 + ], + [ + "▁Sil", + -12.63587760925293 + ], + [ + "founded", + -12.635905265808104 + ], + [ + "▁curl", + -12.63595962524414 + ], + [ + "▁clan", + -12.635969161987305 + ], + [ + "-04", + -12.636102676391602 + ], + [ + "▁SITE", + -12.636173248291016 + ], + [ + "Eye", + -12.63621997833252 + ], + [ + "▁Slots", + -12.636226654052734 + ], + [ + "Ke", + -12.63625717163086 + ], + [ + "▁flown", + -12.636301040649414 + ], + [ + "▁3.1", + -12.636311531066896 + ], + [ + "▁vaccination", + -12.636474609375 + ], + [ + "▁unlawful", + -12.636539459228516 + ], + [ + "▁Were", + -12.636621475219728 + ], + [ + "▁Citizen", + -12.636639595031738 + ], + [ + "▁pumped", + -12.636693954467772 + ], + [ + "▁disadvantages", + -12.63670539855957 + ], + [ + "Hopefully", + -12.636741638183594 + ], + [ + "▁dependency", + -12.636795043945312 + ], + [ + "▁malls", + -12.636818885803224 + ], + [ + "▁Georgetown", + -12.637024879455566 + ], + [ + "▁$75", + -12.637090682983398 + ], + [ + "leaf", + -12.637126922607422 + ], + [ + "▁authorised", + -12.63714599609375 + ], + [ + "III", + -12.637166976928713 + ], + [ + "Ch", + -12.63735008239746 + ], + [ + "los", + -12.637431144714355 + ], + [ + "▁Krishna", + -12.637548446655272 + ], + [ + "▁frying", + -12.637665748596191 + ], + [ + "CN", + -12.637710571289062 + ], + [ + "▁Maggie", + -12.63779640197754 + ], + [ + "Request", + -12.637819290161133 + ], + [ + "▁coincidence", + -12.637845993041992 + ], + [ + "▁motif", + -12.63794994354248 + ], + [ + "▁fleece", + -12.637954711914062 + ], + [ + "▁tying", + -12.637964248657228 + ], + [ + "▁payout", + -12.638117790222168 + ], + [ + "Customer", + -12.638240814208984 + ], + [ + "▁flee", + -12.638250350952148 + ], + [ + "▁Saturn", + -12.638283729553224 + ], + [ + "▁Mit", + -12.638310432434082 + ], + [ + "▁6,000", + -12.63832664489746 + ], + [ + "une", + -12.63844871520996 + ], + [ + "▁conditioned", + -12.638534545898438 + ], + [ + "▁muffin", + -12.638554573059082 + ], + [ + "direct", + -12.638751983642578 + ], + [ + "▁3.2", + -12.638809204101562 + ], + [ + "would", + -12.638894081115724 + ], + [ + "▁SG", + -12.6389741897583 + ], + [ + "▁yourselves", + -12.639152526855469 + ], + [ + "▁Mah", + -12.639179229736328 + ], + [ + "▁99%", + -12.63924503326416 + ], + [ + "▁starred", + -12.639280319213867 + ], + [ + "▁puck", + -12.63933277130127 + ], + [ + "▁olives", + -12.639480590820312 + ], + [ + "corn", + -12.63952350616455 + ], + [ + "▁Zi", + -12.63969898223877 + ], + [ + "▁Shawn", + -12.639886856079102 + ], + [ + "▁immersion", + -12.639946937561035 + ], + [ + "▁canine", + -12.639978408813477 + ], + [ + "▁CDC", + -12.640018463134766 + ], + [ + "▁Mustang", + -12.640045166015623 + ], + [ + "▁reinforcement", + -12.640057563781738 + ], + [ + "▁12:00", + -12.64012336730957 + ], + [ + "▁Vector", + -12.640298843383787 + ], + [ + "bri", + -12.64035701751709 + ], + [ + "▁noticing", + -12.640446662902832 + ], + [ + "▁anesthesia", + -12.640542030334473 + ], + [ + "Lots", + -12.64061450958252 + ], + [ + "DT", + -12.640618324279783 + ], + [ + "▁whistle", + -12.640663146972656 + ], + [ + "▁Animals", + -12.640721321105955 + ], + [ + "inn", + -12.640951156616213 + ], + [ + "▁redundant", + -12.641003608703612 + ], + [ + "▁112", + -12.6410493850708 + ], + [ + "▁Americas", + -12.641095161437988 + ], + [ + "▁amplifier", + -12.64134120941162 + ], + [ + "▁FT", + -12.641343116760254 + ], + [ + "▁CG", + -12.641395568847656 + ], + [ + "therapy", + -12.641407012939451 + ], + [ + "▁на", + -12.641407012939451 + ], + [ + "▁daring", + -12.64141845703125 + ], + [ + "▁Burn", + -12.641424179077148 + ], + [ + "▁Consultants", + -12.641438484191896 + ], + [ + "▁rebound", + -12.641555786132812 + ], + [ + "▁mash", + -12.641573905944824 + ], + [ + "▁expenditures", + -12.6419038772583 + ], + [ + "▁ol", + -12.641925811767578 + ], + [ + "pit", + -12.641972541809082 + ], + [ + "▁Warehouse", + -12.642034530639648 + ], + [ + "▁YES", + -12.642407417297363 + ], + [ + "▁Smoke", + -12.642436981201172 + ], + [ + "▁Bloom", + -12.642499923706056 + ], + [ + "▁overcoming", + -12.642515182495115 + ], + [ + "ular", + -12.642560958862305 + ], + [ + "▁ND", + -12.642613410949709 + ], + [ + "▁handset", + -12.642630577087402 + ], + [ + "▁dominance", + -12.643121719360352 + ], + [ + "▁Libraries", + -12.643125534057615 + ], + [ + "▁ni", + -12.643298149108888 + ], + [ + "TX", + -12.64339828491211 + ], + [ + "nya", + -12.643425941467283 + ], + [ + "▁endeavour", + -12.643589973449709 + ], + [ + "▁13-", + -12.643610000610352 + ], + [ + "umi", + -12.643678665161133 + ], + [ + "▁Robot", + -12.643706321716309 + ], + [ + "▁fenced", + -12.643871307373049 + ], + [ + "▁Known", + -12.643898963928224 + ], + [ + "▁absurd", + -12.643903732299805 + ], + [ + "▁cal", + -12.643924713134766 + ], + [ + "▁trustee", + -12.643933296203612 + ], + [ + "▁Script", + -12.64414405822754 + ], + [ + "▁tunnels", + -12.644159317016602 + ], + [ + "Cha", + -12.644210815429688 + ], + [ + "▁Peel", + -12.644288063049316 + ], + [ + "▁mower", + -12.644393920898438 + ], + [ + "▁4-6", + -12.644404411315918 + ], + [ + "stan", + -12.64507007598877 + ], + [ + "▁GIS", + -12.64516258239746 + ], + [ + "▁drank", + -12.645273208618164 + ], + [ + "▁Optimization", + -12.645277976989746 + ], + [ + "Fortunately", + -12.645405769348145 + ], + [ + "▁snakes", + -12.645484924316406 + ], + [ + "sponsored", + -12.645516395568848 + ], + [ + "▁104", + -12.645551681518556 + ], + [ + "▁interrupted", + -12.645569801330566 + ], + [ + "Tap", + -12.645703315734863 + ], + [ + "▁Georgian", + -12.64575481414795 + ], + [ + "▁flakes", + -12.645986557006836 + ], + [ + "▁visions", + -12.646100044250488 + ], + [ + "▁raspberry", + -12.646129608154297 + ], + [ + "▁PLEASE", + -12.646286964416504 + ], + [ + "▁clarification", + -12.646306037902832 + ], + [ + "▁Roosevelt", + -12.646367073059082 + ], + [ + "8%", + -12.646377563476562 + ], + [ + "gli", + -12.646628379821776 + ], + [ + "▁Walsh", + -12.646668434143066 + ], + [ + "▁Parkway", + -12.646679878234863 + ], + [ + "▁centralized", + -12.64681911468506 + ], + [ + "▁dismiss", + -12.646820068359377 + ], + [ + "▁Decoration", + -12.646844863891602 + ], + [ + "▁toured", + -12.64702320098877 + ], + [ + "▁Holder", + -12.64706325531006 + ], + [ + "▁Spiritual", + -12.64709186553955 + ], + [ + "▁Demo", + -12.647167205810549 + ], + [ + "▁watercolor", + -12.647330284118652 + ], + [ + "▁warfare", + -12.64739227294922 + ], + [ + "▁suspend", + -12.647430419921877 + ], + [ + "Market", + -12.647480010986328 + ], + [ + "▁Santiago", + -12.647591590881348 + ], + [ + "9)", + -12.64763641357422 + ], + [ + "▁Kel", + -12.64768886566162 + ], + [ + "▁Mystery", + -12.647744178771973 + ], + [ + "▁supermarkets", + -12.647882461547852 + ], + [ + "▁Wo", + -12.64791202545166 + ], + [ + "nate", + -12.647923469543455 + ], + [ + "▁survivor", + -12.648115158081056 + ], + [ + "▁painters", + -12.648274421691896 + ], + [ + "▁Mart", + -12.64829158782959 + ], + [ + "Around", + -12.648515701293944 + ], + [ + "yet", + -12.648564338684082 + ], + [ + "▁kings", + -12.64857578277588 + ], + [ + "▁disco", + -12.648577690124512 + ], + [ + "▁Naples", + -12.648712158203123 + ], + [ + "▁WWII", + -12.648785591125488 + ], + [ + "▁Portfolio", + -12.648887634277344 + ], + [ + "▁Dust", + -12.648943901062012 + ], + [ + "▁190", + -12.648951530456545 + ], + [ + "▁GL", + -12.64895725250244 + ], + [ + "ager", + -12.649155616760254 + ], + [ + "Base", + -12.649276733398438 + ], + [ + "▁melodies", + -12.649500846862791 + ], + [ + "▁grassroots", + -12.649505615234377 + ], + [ + "▁Tibetan", + -12.649614334106444 + ], + [ + "▁prepaid", + -12.649638175964355 + ], + [ + "▁Syn", + -12.649654388427734 + ], + [ + "▁padding", + -12.649724006652832 + ], + [ + "▁firearm", + -12.649767875671388 + ], + [ + "▁Billboard", + -12.64987850189209 + ], + [ + "▁comedian", + -12.64995002746582 + ], + [ + "▁turtle", + -12.650022506713867 + ], + [ + "▁Gem", + -12.65009593963623 + ], + [ + "▁rhythms", + -12.650096893310549 + ], + [ + "Internet", + -12.650201797485352 + ], + [ + "▁1974", + -12.650324821472168 + ], + [ + "▁Aberdeen", + -12.650434494018556 + ], + [ + "▁Covers", + -12.650522232055664 + ], + [ + "▁Yan", + -12.650579452514648 + ], + [ + "▁Clip", + -12.65059757232666 + ], + [ + "▁Gorgeous", + -12.65065574645996 + ], + [ + "▁stacks", + -12.65072250366211 + ], + [ + "▁Fl", + -12.650800704956056 + ], + [ + "▁smiled", + -12.65084457397461 + ], + [ + "▁fragments", + -12.650863647460938 + ], + [ + "▁reviewers", + -12.650978088378906 + ], + [ + "hours", + -12.65138339996338 + ], + [ + "▁il", + -12.65141773223877 + ], + [ + "Generally", + -12.651453971862791 + ], + [ + "▁Offices", + -12.651460647583008 + ], + [ + "▁selfie", + -12.651484489440918 + ], + [ + "network", + -12.65157985687256 + ], + [ + "▁artworks", + -12.65158462524414 + ], + [ + "▁saint", + -12.651633262634276 + ], + [ + "▁envy", + -12.651688575744627 + ], + [ + "▁fares", + -12.651906967163086 + ], + [ + "Speed", + -12.6519136428833 + ], + [ + "management", + -12.651962280273438 + ], + [ + "▁polishing", + -12.652010917663574 + ], + [ + "▁landfill", + -12.652297019958496 + ], + [ + "▁Eva", + -12.652342796325684 + ], + [ + "int", + -12.652451515197754 + ], + [ + "growth", + -12.652544021606444 + ], + [ + "Former", + -12.65263557434082 + ], + [ + "▁trimmed", + -12.652670860290527 + ], + [ + "▁braking", + -12.65272045135498 + ], + [ + "▁captive", + -12.652737617492676 + ], + [ + "▁treaty", + -12.65274143218994 + ], + [ + "clear", + -12.652770042419434 + ], + [ + "▁Phillip", + -12.652775764465332 + ], + [ + "gio", + -12.652791976928713 + ], + [ + "▁busiest", + -12.652822494506836 + ], + [ + "grass", + -12.65293312072754 + ], + [ + "Moving", + -12.653066635131836 + ], + [ + "▁soaring", + -12.653128623962402 + ], + [ + "▁audition", + -12.653226852416992 + ], + [ + "tl", + -12.653301239013672 + ], + [ + "▁pencils", + -12.65336799621582 + ], + [ + "▁LEDs", + -12.653450965881348 + ], + [ + "coin", + -12.653485298156738 + ], + [ + "▁Invest", + -12.653550148010254 + ], + [ + "Im", + -12.65366268157959 + ], + [ + "▁Backup", + -12.653718948364258 + ], + [ + "▁2500", + -12.653745651245115 + ], + [ + "▁Established", + -12.65376091003418 + ], + [ + "▁reliably", + -12.65377712249756 + ], + [ + "▁separator", + -12.65377712249756 + ], + [ + "▁regression", + -12.653806686401367 + ], + [ + "▁villain", + -12.653846740722656 + ], + [ + "Mon", + -12.653944969177246 + ], + [ + "▁Tang", + -12.653961181640623 + ], + [ + "▁bargains", + -12.654043197631836 + ], + [ + "▁Sharma", + -12.654141426086426 + ], + [ + "▁Elements", + -12.65431308746338 + ], + [ + "▁KA", + -12.654492378234863 + ], + [ + "▁Auction", + -12.654706001281738 + ], + [ + "▁stigma", + -12.654850959777832 + ], + [ + "▁cuff", + -12.655001640319824 + ], + [ + "▁$18", + -12.655007362365724 + ], + [ + "▁telecom", + -12.655014038085938 + ], + [ + "▁OP", + -12.655080795288086 + ], + [ + "▁Roma", + -12.65510368347168 + ], + [ + "Community", + -12.655256271362305 + ], + [ + "▁Congo", + -12.655282020568848 + ], + [ + "Ja", + -12.65528678894043 + ], + [ + "▁Baldwin", + -12.655322074890137 + ], + [ + "▁balm", + -12.65537166595459 + ], + [ + "▁103", + -12.65544891357422 + ], + [ + "true", + -12.65546417236328 + ], + [ + "▁Miguel", + -12.655653953552246 + ], + [ + "▁Harold", + -12.65566349029541 + ], + [ + "▁cite", + -12.655694961547852 + ], + [ + "▁programmer", + -12.65570831298828 + ], + [ + "▁Saturdays", + -12.655729293823242 + ], + [ + "▁proposes", + -12.655871391296388 + ], + [ + "keeping", + -12.655908584594728 + ], + [ + "▁refusal", + -12.655921936035156 + ], + [ + "▁deeds", + -12.655962944030762 + ], + [ + "▁smash", + -12.656055450439451 + ], + [ + "▁NEVER", + -12.656118392944336 + ], + [ + "final", + -12.65616226196289 + ], + [ + "▁Types", + -12.656234741210938 + ], + [ + "▁Elk", + -12.656268119812012 + ], + [ + "Together", + -12.656353950500488 + ], + [ + "ONE", + -12.656495094299316 + ], + [ + "▁Returns", + -12.656672477722168 + ], + [ + "2.0", + -12.65700626373291 + ], + [ + "▁Shows", + -12.657039642333984 + ], + [ + "▁Fountain", + -12.657061576843262 + ], + [ + "▁roadside", + -12.65706729888916 + ], + [ + "▁wiped", + -12.657090187072754 + ], + [ + "▁progressing", + -12.657098770141602 + ], + [ + "93", + -12.657147407531738 + ], + [ + "▁experimentation", + -12.657224655151367 + ], + [ + "▁mistaken", + -12.65726089477539 + ], + [ + "▁Carpenter", + -12.657279014587402 + ], + [ + "▁null", + -12.657312393188477 + ], + [ + "▁Rim", + -12.657368659973145 + ], + [ + "▁healed", + -12.657371520996094 + ], + [ + "SON", + -12.657413482666016 + ], + [ + "client", + -12.657563209533691 + ], + [ + "Unless", + -12.657632827758787 + ], + [ + "▁cues", + -12.657782554626465 + ], + [ + "▁toner", + -12.658020973205566 + ], + [ + "▁slippery", + -12.658126831054688 + ], + [ + "▁Rouge", + -12.658127784729004 + ], + [ + "▁lowes", + -12.658232688903809 + ], + [ + "NR", + -12.658260345458984 + ], + [ + "▁Ear", + -12.658303260803224 + ], + [ + "▁aliens", + -12.658401489257812 + ], + [ + "▁Darren", + -12.658449172973633 + ], + [ + "▁VW", + -12.658488273620604 + ], + [ + "▁Cass", + -12.658604621887209 + ], + [ + "kh", + -12.65866470336914 + ], + [ + "Se", + -12.658878326416016 + ], + [ + "tum", + -12.658890724182127 + ], + [ + "▁Across", + -12.658961296081545 + ], + [ + "▁Rom", + -12.658963203430176 + ], + [ + "▁cumulative", + -12.659122467041016 + ], + [ + "▁Shape", + -12.659138679504396 + ], + [ + "▁flotation", + -12.659149169921877 + ], + [ + "▁Nikon", + -12.65920639038086 + ], + [ + "mil", + -12.659294128417969 + ], + [ + "hack", + -12.65934944152832 + ], + [ + "▁appealed", + -12.659507751464844 + ], + [ + "▁lava", + -12.659693717956545 + ], + [ + "▁ATV", + -12.660147666931152 + ], + [ + "▁injections", + -12.660283088684082 + ], + [ + "▁Triangle", + -12.660296440124512 + ], + [ + "▁tracker", + -12.6603364944458 + ], + [ + "ill", + -12.660375595092772 + ], + [ + "ao", + -12.660418510437012 + ], + [ + "▁Calvin", + -12.660568237304688 + ], + [ + "/19", + -12.66059684753418 + ], + [ + "Wall", + -12.660602569580078 + ], + [ + "▁markings", + -12.660896301269531 + ], + [ + "▁alley", + -12.66090965270996 + ], + [ + "MAX", + -12.660966873168944 + ], + [ + "▁signaling", + -12.661038398742676 + ], + [ + "365", + -12.661090850830078 + ], + [ + "▁trusts", + -12.661100387573242 + ], + [ + "▁Pod", + -12.661249160766602 + ], + [ + "▁brightly", + -12.661280632019045 + ], + [ + "position", + -12.661309242248535 + ], + [ + "worker", + -12.661324501037598 + ], + [ + "▁RNA", + -12.661370277404783 + ], + [ + "▁Hardwood", + -12.661502838134766 + ], + [ + "▁Lawyer", + -12.661544799804688 + ], + [ + "done", + -12.661636352539062 + ], + [ + "▁1997,", + -12.661638259887695 + ], + [ + "▁trimming", + -12.661657333374023 + ], + [ + "ivity", + -12.661699295043944 + ], + [ + "▁specialization", + -12.661792755126951 + ], + [ + "▁satellites", + -12.661901473999023 + ], + [ + "▁consulted", + -12.66203784942627 + ], + [ + "create", + -12.662120819091797 + ], + [ + "▁Pumpkin", + -12.66230297088623 + ], + [ + "tics", + -12.662361145019531 + ], + [ + "▁stimulus", + -12.662392616271973 + ], + [ + "▁Cru", + -12.662470817565918 + ], + [ + "▁Structure", + -12.662470817565918 + ], + [ + "▁distract", + -12.662723541259766 + ], + [ + "▁soups", + -12.662809371948242 + ], + [ + "▁breasts", + -12.66283130645752 + ], + [ + "▁sharply", + -12.662878036499023 + ], + [ + "▁Vacation", + -12.662992477416992 + ], + [ + "▁Networking", + -12.663086891174316 + ], + [ + "each", + -12.663199424743652 + ], + [ + "▁wreck", + -12.663257598876951 + ], + [ + "▁influencing", + -12.663464546203612 + ], + [ + "▁trajectory", + -12.663464546203612 + ], + [ + "▁kettle", + -12.663530349731444 + ], + [ + "px", + -12.663774490356444 + ], + [ + "MF", + -12.663800239562988 + ], + [ + "▁contemplate", + -12.663951873779297 + ], + [ + "▁swipe", + -12.664045333862305 + ], + [ + "▁seize", + -12.664068222045898 + ], + [ + "▁redirect", + -12.66409397125244 + ], + [ + "▁Fold", + -12.664138793945312 + ], + [ + "Baby", + -12.664166450500488 + ], + [ + "▁210", + -12.664176940917969 + ], + [ + "▁gestures", + -12.66439723968506 + ], + [ + "▁engages", + -12.664401054382324 + ], + [ + "RL", + -12.664426803588867 + ], + [ + "▁Raspberry", + -12.66455078125 + ], + [ + "Series", + -12.664593696594238 + ], + [ + "▁ageing", + -12.664660453796388 + ], + [ + "▁Stamp", + -12.664722442626951 + ], + [ + "gg", + -12.664852142333984 + ], + [ + "---", + -12.664867401123049 + ], + [ + "▁forecasting", + -12.664918899536133 + ], + [ + "▁drizzle", + -12.665030479431152 + ], + [ + "▁niece", + -12.665083885192873 + ], + [ + "▁poets", + -12.665130615234377 + ], + [ + "▁ailments", + -12.665257453918455 + ], + [ + "▁authored", + -12.665390014648438 + ], + [ + "▁Approach", + -12.665406227111816 + ], + [ + "▁deductions", + -12.665411949157717 + ], + [ + "▁Cord", + -12.665468215942385 + ], + [ + "guide", + -12.66555404663086 + ], + [ + "ride", + -12.665661811828612 + ], + [ + "▁dragging", + -12.665663719177246 + ], + [ + "▁prejudice", + -12.66605281829834 + ], + [ + "▁indications", + -12.6660737991333 + ], + [ + "pes", + -12.666077613830566 + ], + [ + "▁Quad", + -12.66610622406006 + ], + [ + "▁CU", + -12.666157722473145 + ], + [ + "▁standpoint", + -12.666356086730955 + ], + [ + "▁PGA", + -12.666396141052246 + ], + [ + "▁berry", + -12.666421890258787 + ], + [ + "▁Colonial", + -12.666605949401855 + ], + [ + "▁Gore", + -12.666666984558104 + ], + [ + "▁evacuation", + -12.666714668273926 + ], + [ + "▁forbidden", + -12.666725158691406 + ], + [ + "GR", + -12.666733741760254 + ], + [ + "▁Kuwait", + -12.666892051696776 + ], + [ + "giving", + -12.666903495788574 + ], + [ + "▁Rum", + -12.667397499084473 + ], + [ + "their", + -12.667428970336914 + ], + [ + "▁hinder", + -12.667509078979492 + ], + [ + "GHz", + -12.667552947998049 + ], + [ + "▁sectional", + -12.667591094970703 + ], + [ + "▁contractual", + -12.667619705200195 + ], + [ + "those", + -12.667622566223145 + ], + [ + "$1", + -12.66763973236084 + ], + [ + "dll", + -12.66781520843506 + ], + [ + "▁reproduced", + -12.667824745178224 + ], + [ + "▁moss", + -12.667856216430664 + ], + [ + "▁Medi", + -12.667881965637209 + ], + [ + "▁enforced", + -12.667930603027344 + ], + [ + "▁bolster", + -12.667990684509276 + ], + [ + "access", + -12.668031692504885 + ], + [ + "▁brightest", + -12.66805934906006 + ], + [ + "▁Goa", + -12.668087005615234 + ], + [ + "Hard", + -12.66810703277588 + ], + [ + "igh", + -12.668184280395508 + ], + [ + "▁prevailing", + -12.668214797973633 + ], + [ + "▁beginnings", + -12.668278694152832 + ], + [ + "▁Assist", + -12.668328285217283 + ], + [ + "▁Grinder", + -12.66859531402588 + ], + [ + "▁cured", + -12.668692588806152 + ], + [ + "▁Cas", + -12.668915748596191 + ], + [ + "▁Belize", + -12.668943405151367 + ], + [ + "▁fungus", + -12.669084548950195 + ], + [ + "▁expressive", + -12.66923999786377 + ], + [ + "▁neurological", + -12.669357299804688 + ], + [ + "members", + -12.669401168823242 + ], + [ + "Natural", + -12.66940212249756 + ], + [ + "180", + -12.669415473937988 + ], + [ + "ingham", + -12.66946506500244 + ], + [ + "▁Guatemala", + -12.669580459594728 + ], + [ + "▁1995,", + -12.669685363769531 + ], + [ + "VE", + -12.669692993164062 + ], + [ + "KE", + -12.669912338256836 + ], + [ + "▁Erik", + -12.669940948486328 + ], + [ + "▁ammunition", + -12.670005798339844 + ], + [ + "wow", + -12.670069694519045 + ], + [ + "▁#5", + -12.67014217376709 + ], + [ + "▁ACC", + -12.670180320739746 + ], + [ + "vie", + -12.670339584350586 + ], + [ + "▁fe", + -12.670498847961426 + ], + [ + "▁Combined", + -12.670547485351562 + ], + [ + "▁Vin", + -12.670554161071776 + ], + [ + "▁Recommended", + -12.670632362365724 + ], + [ + "▁Coca", + -12.670650482177734 + ], + [ + "▁Pitt", + -12.6707763671875 + ], + [ + "▁arrows", + -12.670852661132812 + ], + [ + "▁QC", + -12.670897483825684 + ], + [ + "refundable", + -12.67090892791748 + ], + [ + "▁bro", + -12.670950889587402 + ], + [ + "▁nasal", + -12.670987129211426 + ], + [ + "cel", + -12.671051025390623 + ], + [ + "▁1300", + -12.671091079711914 + ], + [ + "▁Superman", + -12.671196937561035 + ], + [ + "▁Trustees", + -12.671797752380373 + ], + [ + "▁overload", + -12.67181396484375 + ], + [ + "▁dictate", + -12.671998977661133 + ], + [ + "▁refining", + -12.67215633392334 + ], + [ + "550", + -12.672210693359377 + ], + [ + "▁prosperous", + -12.672211647033691 + ], + [ + "▁Paula", + -12.672239303588867 + ], + [ + "cheap", + -12.672285079956056 + ], + [ + "▁GUI", + -12.672285079956056 + ], + [ + "-80", + -12.672337532043455 + ], + [ + "-27", + -12.672365188598633 + ], + [ + "▁Junk", + -12.672452926635742 + ], + [ + "Model", + -12.672468185424805 + ], + [ + "▁syntax", + -12.672476768493652 + ], + [ + "existing", + -12.67251968383789 + ], + [ + "▁pleasantly", + -12.672540664672852 + ], + [ + "credit", + -12.67258071899414 + ], + [ + "-31", + -12.672614097595217 + ], + [ + "▁Luck", + -12.672774314880373 + ], + [ + "▁battlefield", + -12.672795295715332 + ], + [ + "▁longing", + -12.672810554504396 + ], + [ + "▁tweak", + -12.67281723022461 + ], + [ + "▁cape", + -12.672927856445312 + ], + [ + "▁Crossing", + -12.672995567321776 + ], + [ + "▁Crisis", + -12.673062324523926 + ], + [ + "▁HB", + -12.673090934753418 + ], + [ + "▁wig", + -12.673187255859377 + ], + [ + "▁Alpine", + -12.673202514648438 + ], + [ + "▁backsplash", + -12.673234939575195 + ], + [ + "▁hesitation", + -12.673253059387209 + ], + [ + "▁Darwin", + -12.67327117919922 + ], + [ + "rian", + -12.673358917236328 + ], + [ + "▁Hol", + -12.67339324951172 + ], + [ + "▁sovereign", + -12.673397064208984 + ], + [ + "▁avenues", + -12.673535346984863 + ], + [ + "▁shoreline", + -12.673612594604492 + ], + [ + "0.0", + -12.673628807067873 + ], + [ + "Had", + -12.673660278320312 + ], + [ + "▁Lindsay", + -12.67374038696289 + ], + [ + "▁Charge", + -12.673741340637209 + ], + [ + "▁acquainted", + -12.673919677734377 + ], + [ + "/12", + -12.674006462097168 + ], + [ + "loop", + -12.674150466918944 + ], + [ + "▁superstar", + -12.674156188964844 + ], + [ + "▁skate", + -12.674158096313477 + ], + [ + "▁botanical", + -12.674181938171388 + ], + [ + "▁Shake", + -12.67421817779541 + ], + [ + "▁Katherine", + -12.674257278442385 + ], + [ + "▁Malcolm", + -12.674339294433594 + ], + [ + "▁mundane", + -12.67434024810791 + ], + [ + "▁competencies", + -12.67434787750244 + ], + [ + "▁referee", + -12.674365043640137 + ], + [ + "▁Nile", + -12.674434661865234 + ], + [ + "▁detained", + -12.674463272094728 + ], + [ + "▁Pulse", + -12.674490928649902 + ], + [ + "▁Vote", + -12.674681663513184 + ], + [ + "bl", + -12.674735069274902 + ], + [ + "▁quilts", + -12.67480754852295 + ], + [ + "▁1996,", + -12.674969673156738 + ], + [ + "Six", + -12.675249099731444 + ], + [ + "▁ideology", + -12.675435066223145 + ], + [ + "▁lib", + -12.67552375793457 + ], + [ + "▁Anglo", + -12.675620079040527 + ], + [ + "▁$50,000", + -12.675664901733398 + ], + [ + "▁widest", + -12.675716400146484 + ], + [ + "▁Bengal", + -12.675874710083008 + ], + [ + "▁Crawford", + -12.675933837890623 + ], + [ + "▁Mol", + -12.675933837890623 + ], + [ + "PG", + -12.6762056350708 + ], + [ + "▁campsite", + -12.676212310791016 + ], + [ + "▁chilli", + -12.676263809204102 + ], + [ + "haus", + -12.676344871520996 + ], + [ + "▁Frontier", + -12.676511764526367 + ], + [ + "▁8.1", + -12.67656707763672 + ], + [ + "misunderstanding", + -12.676594734191896 + ], + [ + "▁trait", + -12.67661952972412 + ], + [ + "▁absorbing", + -12.676629066467283 + ], + [ + "ener", + -12.67670440673828 + ], + [ + "▁transitional", + -12.67681884765625 + ], + [ + "▁Hospitality", + -12.67686653137207 + ], + [ + "pie", + -12.67693042755127 + ], + [ + "▁FS", + -12.677083015441896 + ], + [ + "▁timetable", + -12.677297592163086 + ], + [ + "▁brochures", + -12.677356719970703 + ], + [ + "▁Function", + -12.677447319030762 + ], + [ + "▁commemorate", + -12.677536010742188 + ], + [ + "▁HUGE", + -12.67762851715088 + ], + [ + "tty", + -12.677647590637209 + ], + [ + "▁warriors", + -12.677689552307127 + ], + [ + "Founded", + -12.67771816253662 + ], + [ + "location", + -12.677721977233888 + ], + [ + "▁selfish", + -12.677722930908203 + ], + [ + "▁Rare", + -12.67783260345459 + ], + [ + "▁li", + -12.677833557128906 + ], + [ + "▁hypertension", + -12.677855491638184 + ], + [ + "▁Hamburg", + -12.677882194519045 + ], + [ + "▁advantageous", + -12.677937507629396 + ], + [ + "▁cheeks", + -12.677964210510254 + ], + [ + "▁songwriter", + -12.678018569946287 + ], + [ + "▁discard", + -12.6780366897583 + ], + [ + "main", + -12.678094863891602 + ], + [ + "▁bundles", + -12.678115844726562 + ], + [ + "▁Mesh", + -12.67814826965332 + ], + [ + "▁NGOs", + -12.678155899047852 + ], + [ + "▁Nail", + -12.678236961364746 + ], + [ + "▁Zu", + -12.678240776062012 + ], + [ + "Main", + -12.67849349975586 + ], + [ + "▁leftovers", + -12.678608894348145 + ], + [ + "▁Restaurants", + -12.67862606048584 + ], + [ + "▁spokeswoman", + -12.678723335266112 + ], + [ + "▁Vimeo", + -12.678725242614746 + ], + [ + "▁elusive", + -12.678726196289062 + ], + [ + "▁colonies", + -12.67876148223877 + ], + [ + "Down", + -12.678792953491213 + ], + [ + "▁Parties", + -12.678832054138184 + ], + [ + "fresh", + -12.678913116455078 + ], + [ + "did", + -12.678927421569824 + ], + [ + "og", + -12.679001808166504 + ], + [ + "▁Smartphone", + -12.679116249084473 + ], + [ + "▁cupcake", + -12.679272651672363 + ], + [ + "▁Lam", + -12.679304122924805 + ], + [ + "emi", + -12.679388999938965 + ], + [ + "ean", + -12.679407119750977 + ], + [ + "▁Greene", + -12.679439544677734 + ], + [ + "▁eagerly", + -12.679569244384766 + ], + [ + "▁oasis", + -12.67982292175293 + ], + [ + "▁fi", + -12.679880142211914 + ], + [ + "wy", + -12.679893493652344 + ], + [ + "▁Changes", + -12.679938316345217 + ], + [ + "Jim", + -12.679944038391112 + ], + [ + "▁interpretations", + -12.6800537109375 + ], + [ + "▁thighs", + -12.68009090423584 + ], + [ + "ates", + -12.680197715759276 + ], + [ + "▁preaching", + -12.680357933044434 + ], + [ + "▁ordinance", + -12.680365562438965 + ], + [ + "Du", + -12.680386543273926 + ], + [ + "RES", + -12.680418968200684 + ], + [ + "▁Swing", + -12.680493354797363 + ], + [ + "▁chewing", + -12.680509567260742 + ], + [ + "▁paced", + -12.68053150177002 + ], + [ + "▁swallow", + -12.680549621582031 + ], + [ + "/2018", + -12.680575370788574 + ], + [ + "▁sporty", + -12.680642127990724 + ], + [ + "▁motivational", + -12.68064785003662 + ], + [ + "▁fourteen", + -12.68067455291748 + ], + [ + "▁truths", + -12.680691719055176 + ], + [ + "▁relentless", + -12.680727005004885 + ], + [ + "▁Broken", + -12.680749893188477 + ], + [ + "▁neighbour", + -12.680791854858398 + ], + [ + "▁shave", + -12.68081760406494 + ], + [ + "know", + -12.680871963500977 + ], + [ + "Absolutely", + -12.680895805358888 + ], + [ + "▁das", + -12.680895805358888 + ], + [ + "▁hurdles", + -12.680902481079102 + ], + [ + "▁sacrificing", + -12.680922508239746 + ], + [ + "▁dentures", + -12.68093490600586 + ], + [ + "▁Imaging", + -12.680950164794922 + ], + [ + "Hu", + -12.68097686767578 + ], + [ + "days", + -12.680981636047363 + ], + [ + "▁upkeep", + -12.681025505065918 + ], + [ + "▁PCI", + -12.68110179901123 + ], + [ + "▁mob", + -12.681310653686523 + ], + [ + "ICE", + -12.681570053100586 + ], + [ + "▁Enterprises", + -12.68160629272461 + ], + [ + "▁Wings", + -12.681638717651367 + ], + [ + "tine", + -12.681682586669922 + ], + [ + "▁SPF", + -12.681700706481934 + ], + [ + "▁Crafts", + -12.681715965270996 + ], + [ + "sive", + -12.681755065917969 + ], + [ + "▁Ac", + -12.68177318572998 + ], + [ + "Money", + -12.681805610656738 + ], + [ + "▁competitiveness", + -12.681838989257812 + ], + [ + "▁cohesive", + -12.681962966918944 + ], + [ + "bur", + -12.681994438171388 + ], + [ + "▁monastery", + -12.682024002075195 + ], + [ + "▁augmented", + -12.682137489318848 + ], + [ + "▁compensated", + -12.682183265686035 + ], + [ + "▁favors", + -12.682316780090332 + ], + [ + "▁WR", + -12.682470321655272 + ], + [ + "▁colouring", + -12.68252944946289 + ], + [ + "▁discouraged", + -12.682575225830078 + ], + [ + "▁Kenny", + -12.682604789733888 + ], + [ + "tation", + -12.682735443115234 + ], + [ + "medical", + -12.682903289794922 + ], + [ + "(4)", + -12.682964324951172 + ], + [ + "▁veg", + -12.6829833984375 + ], + [ + "▁Classical", + -12.683176040649414 + ], + [ + "alo", + -12.683448791503906 + ], + [ + "▁NL", + -12.683500289916992 + ], + [ + "▁exploded", + -12.683538436889648 + ], + [ + "▁darling", + -12.68358039855957 + ], + [ + "▁Biblical", + -12.683656692504885 + ], + [ + "▁Allison", + -12.68368434906006 + ], + [ + "▁techno", + -12.68372631072998 + ], + [ + "▁traced", + -12.683746337890623 + ], + [ + "▁($", + -12.683915138244627 + ], + [ + "▁amber", + -12.683959007263184 + ], + [ + "lang", + -12.683971405029297 + ], + [ + "▁tuck", + -12.684004783630373 + ], + [ + "▁Repairs", + -12.684009552001951 + ], + [ + "▁inbound", + -12.684026718139648 + ], + [ + "▁creams", + -12.684042930603027 + ], + [ + "▁cork", + -12.68405055999756 + ], + [ + "▁Legion", + -12.684131622314451 + ], + [ + "▁regulating", + -12.684147834777832 + ], + [ + "find", + -12.68415355682373 + ], + [ + "▁institutes", + -12.684161186218262 + ], + [ + "▁insomnia", + -12.68423080444336 + ], + [ + "▁combustion", + -12.684234619140623 + ], + [ + "▁rubbing", + -12.684243202209473 + ], + [ + "▁Bid", + -12.684256553649902 + ], + [ + "▁misses", + -12.684266090393066 + ], + [ + "▁exemplary", + -12.684280395507812 + ], + [ + "Single", + -12.684350967407228 + ], + [ + "Originally", + -12.684473037719728 + ], + [ + "▁Role", + -12.684488296508787 + ], + [ + "CAD", + -12.684560775756836 + ], + [ + "▁divorced", + -12.684572219848633 + ], + [ + "▁carts", + -12.684610366821287 + ], + [ + "▁(11", + -12.684630393981934 + ], + [ + "▁motorists", + -12.684651374816896 + ], + [ + "para", + -12.684717178344728 + ], + [ + "▁MPs", + -12.684772491455078 + ], + [ + "▁mama", + -12.68481731414795 + ], + [ + "angle", + -12.684829711914062 + ], + [ + "▁sixteen", + -12.685004234313965 + ], + [ + "▁scaled", + -12.685338973999023 + ], + [ + "▁Nursery", + -12.685386657714844 + ], + [ + "▁Investigation", + -12.685495376586914 + ], + [ + "▁lecturer", + -12.685501098632812 + ], + [ + "heim", + -12.685724258422852 + ], + [ + "▁EB", + -12.685733795166016 + ], + [ + "▁delta", + -12.685735702514648 + ], + [ + "▁(30", + -12.685784339904783 + ], + [ + "▁CAT", + -12.685786247253418 + ], + [ + "1.2", + -12.686079025268556 + ], + [ + "▁SDK", + -12.686230659484863 + ], + [ + "hir", + -12.68632698059082 + ], + [ + "▁550", + -12.686338424682615 + ], + [ + "str", + -12.686365127563477 + ], + [ + "XL", + -12.686396598815918 + ], + [ + "Track", + -12.686466217041016 + ], + [ + "▁Cairo", + -12.686474800109863 + ], + [ + "Thomas", + -12.686519622802734 + ], + [ + "▁EM", + -12.686530113220217 + ], + [ + "plastic", + -12.686670303344728 + ], + [ + "gh", + -12.6867036819458 + ], + [ + "▁complexities", + -12.686712265014648 + ], + [ + "chemical", + -12.686874389648438 + ], + [ + "culture", + -12.686908721923828 + ], + [ + "▁pollen", + -12.686931610107422 + ], + [ + "▁Vertical", + -12.687002182006836 + ], + [ + "▁millennials", + -12.687295913696287 + ], + [ + "▁Salvador", + -12.687329292297363 + ], + [ + "▁McCarthy", + -12.687359809875488 + ], + [ + "gs", + -12.687400817871094 + ], + [ + "hart", + -12.68763542175293 + ], + [ + "ASH", + -12.687700271606444 + ], + [ + "▁Sensor", + -12.68770694732666 + ], + [ + "▁crate", + -12.687823295593262 + ], + [ + "next", + -12.68788242340088 + ], + [ + "▁Suffolk", + -12.687888145446776 + ], + [ + "nagar", + -12.688018798828123 + ], + [ + "▁vibes", + -12.688050270080566 + ], + [ + "aq", + -12.688384056091309 + ], + [ + "▁san", + -12.68842601776123 + ], + [ + "▁Recipe", + -12.68844509124756 + ], + [ + "Office", + -12.688509941101074 + ], + [ + "▁Ivy", + -12.688552856445312 + ], + [ + "▁refurbishment", + -12.688677787780762 + ], + [ + "▁eternity", + -12.688690185546877 + ], + [ + "-90", + -12.688907623291016 + ], + [ + "ister", + -12.68894100189209 + ], + [ + "▁jpg", + -12.689020156860352 + ], + [ + "▁Bryant", + -12.689058303833008 + ], + [ + "▁complexion", + -12.689064025878906 + ], + [ + "▁Lessons", + -12.689201354980469 + ], + [ + "▁Oriental", + -12.689234733581545 + ], + [ + "▁touchdowns", + -12.689249992370604 + ], + [ + "Nov", + -12.6892671585083 + ], + [ + "rag", + -12.689410209655762 + ], + [ + "▁councils", + -12.68972110748291 + ], + [ + "▁horrific", + -12.689767837524414 + ], + [ + "▁hospice", + -12.68976879119873 + ], + [ + "▁FULL", + -12.68985080718994 + ], + [ + "▁categorized", + -12.690065383911133 + ], + [ + "▁flawed", + -12.69012451171875 + ], + [ + "▁crackers", + -12.69025421142578 + ], + [ + "▁entails", + -12.69033432006836 + ], + [ + "▁Walnut", + -12.69034194946289 + ], + [ + "▁grandma", + -12.690510749816896 + ], + [ + "▁wary", + -12.69076919555664 + ], + [ + "▁Declaration", + -12.690878868103027 + ], + [ + "▁cockpit", + -12.690878868103027 + ], + [ + "priced", + -12.690882682800291 + ], + [ + "▁106", + -12.691021919250488 + ], + [ + "▁Detective", + -12.691044807434082 + ], + [ + "▁obey", + -12.69112777709961 + ], + [ + "▁pits", + -12.691147804260254 + ], + [ + "campus", + -12.691167831420898 + ], + [ + "▁upstream", + -12.691302299499512 + ], + [ + "▁hubs", + -12.69154167175293 + ], + [ + "▁resale", + -12.69161891937256 + ], + [ + "▁IM", + -12.691620826721191 + ], + [ + "▁Matters", + -12.691779136657717 + ], + [ + "MG", + -12.69180393218994 + ], + [ + "▁efficiencies", + -12.691990852355955 + ], + [ + "▁mozzarella", + -12.691990852355955 + ], + [ + "▁booming", + -12.69217586517334 + ], + [ + "▁sings", + -12.692184448242188 + ], + [ + "▁STAR", + -12.692193031311035 + ], + [ + "weather", + -12.692378044128418 + ], + [ + "Ab", + -12.692461013793944 + ], + [ + "▁publishes", + -12.69275188446045 + ], + [ + "▁dipped", + -12.692758560180664 + ], + [ + "LF", + -12.69283962249756 + ], + [ + "▁unsuccessful", + -12.692880630493164 + ], + [ + "▁ADHD", + -12.69290256500244 + ], + [ + "phase", + -12.692943572998049 + ], + [ + "▁Element", + -12.692978858947754 + ], + [ + "special", + -12.69304656982422 + ], + [ + "▁crank", + -12.693065643310549 + ], + [ + "▁motive", + -12.69313144683838 + ], + [ + "▁Avengers", + -12.693140983581545 + ], + [ + "▁suction", + -12.693167686462402 + ], + [ + "▁embarrassed", + -12.693191528320312 + ], + [ + "▁WOW", + -12.69322395324707 + ], + [ + "▁Categories", + -12.693241119384766 + ], + [ + "thing", + -12.69325065612793 + ], + [ + "▁establishes", + -12.693316459655762 + ], + [ + "aci", + -12.693340301513672 + ], + [ + "Creating", + -12.693350791931152 + ], + [ + "▁Connor", + -12.6934232711792 + ], + [ + "▁discarded", + -12.693507194519045 + ], + [ + "▁Jess", + -12.693592071533203 + ], + [ + "▁tackles", + -12.693641662597656 + ], + [ + "▁quickest", + -12.69367504119873 + ], + [ + "▁innate", + -12.693700790405272 + ], + [ + "▁Thrones", + -12.693731307983398 + ], + [ + "▁thirteen", + -12.693790435791016 + ], + [ + "▁peanuts", + -12.693801879882812 + ], + [ + "▁veggie", + -12.693818092346191 + ], + [ + "version", + -12.693922996520996 + ], + [ + "gus", + -12.694067001342772 + ], + [ + "spec", + -12.69412612915039 + ], + [ + "▁laps", + -12.69423007965088 + ], + [ + "▁AK", + -12.694262504577637 + ], + [ + "▁noises", + -12.694326400756836 + ], + [ + "▁inferior", + -12.694332122802734 + ], + [ + "pping", + -12.694339752197266 + ], + [ + "▁Requirements", + -12.694341659545898 + ], + [ + "▁blossom", + -12.69438362121582 + ], + [ + "▁guideline", + -12.694422721862791 + ], + [ + "▁vascular", + -12.69448947906494 + ], + [ + "▁Koh", + -12.694494247436523 + ], + [ + "Security", + -12.694501876831056 + ], + [ + "sometimes", + -12.694512367248535 + ], + [ + "▁Australians", + -12.694575309753418 + ], + [ + "▁Cats", + -12.69461441040039 + ], + [ + "ANT", + -12.694695472717283 + ], + [ + "cht", + -12.69483470916748 + ], + [ + "▁Occupational", + -12.695012092590332 + ], + [ + "▁turtles", + -12.695162773132324 + ], + [ + "▁secluded", + -12.695338249206545 + ], + [ + "▁fishermen", + -12.69534397125244 + ], + [ + "▁degradation", + -12.695362091064451 + ], + [ + "▁defenders", + -12.695469856262209 + ], + [ + "▁heroic", + -12.695672035217283 + ], + [ + "▁herd", + -12.695680618286133 + ], + [ + "▁flattering", + -12.695686340332031 + ], + [ + "▁breaker", + -12.695844650268556 + ], + [ + "▁capped", + -12.695856094360352 + ], + [ + "often", + -12.69591236114502 + ], + [ + "▁pirate", + -12.695942878723145 + ], + [ + "▁diaper", + -12.695958137512209 + ], + [ + "▁exhausting", + -12.695974349975586 + ], + [ + "▁eagle", + -12.696075439453123 + ], + [ + "▁prosecutor", + -12.696081161499023 + ], + [ + "▁FedEx", + -12.696084022521973 + ], + [ + "▁Laurel", + -12.696094512939451 + ], + [ + "▁Thought", + -12.696155548095703 + ], + [ + "cro", + -12.696192741394045 + ], + [ + "▁RGB", + -12.696382522583008 + ], + [ + "woman", + -12.69660472869873 + ], + [ + "▁heightened", + -12.69674015045166 + ], + [ + "▁deploying", + -12.696752548217772 + ], + [ + "▁Plug", + -12.696822166442873 + ], + [ + "LES", + -12.696919441223145 + ], + [ + "▁Instructor", + -12.69693374633789 + ], + [ + "▁Pricing", + -12.697002410888672 + ], + [ + "▁cornerstone", + -12.697160720825195 + ], + [ + "▁simulator", + -12.69720458984375 + ], + [ + "▁homelessness", + -12.697205543518066 + ], + [ + "▁taps", + -12.697242736816406 + ], + [ + "▁discovers", + -12.697338104248049 + ], + [ + "▁Subscribe", + -12.697417259216309 + ], + [ + "wen", + -12.697546005249023 + ], + [ + "▁honoring", + -12.697596549987791 + ], + [ + "ire", + -12.69761848449707 + ], + [ + "▁spectators", + -12.697628021240234 + ], + [ + "▁Tina", + -12.6976318359375 + ], + [ + "▁obliged", + -12.697754859924316 + ], + [ + "▁Plenty", + -12.697772979736328 + ], + [ + "▁Om", + -12.697933197021484 + ], + [ + "▁Alibaba", + -12.69794750213623 + ], + [ + "nc", + -12.69817066192627 + ], + [ + "▁Johannesburg", + -12.698394775390623 + ], + [ + "▁gigs", + -12.6984281539917 + ], + [ + "▁Theresa", + -12.698563575744627 + ], + [ + "▁Random", + -12.698582649230955 + ], + [ + "9.99", + -12.698668479919434 + ], + [ + "▁bo", + -12.698691368103027 + ], + [ + "▁illumination", + -12.698691368103027 + ], + [ + "▁resonance", + -12.698691368103027 + ], + [ + "Details", + -12.698702812194824 + ], + [ + "▁Railroad", + -12.698713302612305 + ], + [ + "▁altering", + -12.698744773864746 + ], + [ + "▁10-15", + -12.698775291442873 + ], + [ + "▁Az", + -12.698880195617676 + ], + [ + "▁acidity", + -12.698992729187012 + ], + [ + "▁stitched", + -12.699003219604492 + ], + [ + "pressure", + -12.69916820526123 + ], + [ + "▁rebel", + -12.699211120605469 + ], + [ + "▁utter", + -12.699264526367188 + ], + [ + "▁Provides", + -12.69947624206543 + ], + [ + "▁Shirley", + -12.69951629638672 + ], + [ + "▁lends", + -12.69963264465332 + ], + [ + "▁Bingo", + -12.699698448181152 + ], + [ + "▁divers", + -12.69983959197998 + ], + [ + "gro", + -12.699889183044434 + ], + [ + "▁Sherman", + -12.700081825256348 + ], + [ + "NZ", + -12.700127601623535 + ], + [ + "▁recap", + -12.700127601623535 + ], + [ + "mur", + -12.700145721435549 + ], + [ + "▁Scandinavian", + -12.700240135192873 + ], + [ + "▁dispatched", + -12.700263023376465 + ], + [ + "▁thermo", + -12.700277328491213 + ], + [ + "tti", + -12.700291633605955 + ], + [ + "▁cinematic", + -12.70044231414795 + ], + [ + "▁writings", + -12.700597763061523 + ], + [ + "▁Underground", + -12.700634956359863 + ], + [ + "▁ETF", + -12.700773239135742 + ], + [ + "▁Matrix", + -12.700796127319336 + ], + [ + "▁tighter", + -12.700864791870115 + ], + [ + "▁footsteps", + -12.700950622558594 + ], + [ + "stad", + -12.7010498046875 + ], + [ + "▁SaaS", + -12.70119857788086 + ], + [ + "▁imprint", + -12.701216697692873 + ], + [ + "▁turbine", + -12.701242446899414 + ], + [ + "▁contaminants", + -12.701263427734377 + ], + [ + "▁DT", + -12.701278686523438 + ], + [ + "Registration", + -12.701387405395508 + ], + [ + "▁bout", + -12.701390266418455 + ], + [ + "NG", + -12.701462745666504 + ], + [ + "Feb", + -12.701492309570312 + ], + [ + "▁Waters", + -12.70150661468506 + ], + [ + "ere", + -12.701666831970217 + ], + [ + "▁Emerald", + -12.701748847961426 + ], + [ + "▁Firstly", + -12.701762199401855 + ], + [ + "▁cheque", + -12.701804161071776 + ], + [ + "▁Baron", + -12.701860427856444 + ], + [ + "▁Brake", + -12.701937675476074 + ], + [ + "▁Sunny", + -12.702064514160156 + ], + [ + "▁goats", + -12.7021484375 + ], + [ + "▁tr", + -12.702160835266112 + ], + [ + "▁Rag", + -12.70223903656006 + ], + [ + "script", + -12.702407836914062 + ], + [ + "▁60-", + -12.702471733093262 + ], + [ + "serve", + -12.702485084533691 + ], + [ + "▁Preview", + -12.702502250671388 + ], + [ + "▁throttle", + -12.702515602111816 + ], + [ + "▁economists", + -12.702569007873535 + ], + [ + "▁icy", + -12.702695846557615 + ], + [ + "▁pier", + -12.70284652709961 + ], + [ + "Core", + -12.702855110168455 + ], + [ + "▁translator", + -12.702880859375 + ], + [ + "eyed", + -12.703030586242676 + ], + [ + "lake", + -12.703031539916992 + ], + [ + "▁displacement", + -12.703204154968262 + ], + [ + "▁Hitler", + -12.703229904174805 + ], + [ + "▁Limit", + -12.703344345092772 + ], + [ + "▁akin", + -12.703414916992188 + ], + [ + "(3)", + -12.70350456237793 + ], + [ + "▁Quinn", + -12.70358943939209 + ], + [ + "▁Jacobs", + -12.70360279083252 + ], + [ + "Application", + -12.703669548034668 + ], + [ + "▁labeling", + -12.7036714553833 + ], + [ + "contact", + -12.703742027282717 + ], + [ + "platform", + -12.703782081604004 + ], + [ + "▁supervisors", + -12.70389175415039 + ], + [ + "▁Hyde", + -12.703924179077148 + ], + [ + "▁Mattress", + -12.704005241394045 + ], + [ + "▁1951", + -12.704055786132812 + ], + [ + "▁Institution", + -12.704083442687988 + ], + [ + "▁Eclipse", + -12.70408821105957 + ], + [ + "▁Won", + -12.704140663146973 + ], + [ + "▁Tribune", + -12.70417308807373 + ], + [ + "Frank", + -12.70419216156006 + ], + [ + "▁Distance", + -12.704302787780762 + ], + [ + "▁historians", + -12.704337120056152 + ], + [ + "▁Christina", + -12.7044095993042 + ], + [ + "rent", + -12.704476356506348 + ], + [ + "▁turnout", + -12.70461654663086 + ], + [ + "Ne", + -12.704636573791504 + ], + [ + "▁Johns", + -12.704798698425291 + ], + [ + "TN", + -12.704805374145508 + ], + [ + "loved", + -12.704960823059082 + ], + [ + "▁Holocaust", + -12.705052375793455 + ], + [ + "train", + -12.705082893371582 + ], + [ + "▁thirst", + -12.705175399780272 + ], + [ + "▁Amp", + -12.705193519592283 + ], + [ + "▁REAL", + -12.70520305633545 + ], + [ + "▁portray", + -12.70541763305664 + ], + [ + "▁cherries", + -12.705437660217283 + ], + [ + "▁Maximum", + -12.7054443359375 + ], + [ + "▁plagiarism", + -12.705445289611816 + ], + [ + "▁spacing", + -12.705520629882812 + ], + [ + "▁attainable", + -12.705598831176758 + ], + [ + "hang", + -12.705613136291504 + ], + [ + "▁145", + -12.705613136291504 + ], + [ + "▁Silva", + -12.705618858337402 + ], + [ + "▁165", + -12.70571231842041 + ], + [ + "▁Blockchain", + -12.705723762512209 + ], + [ + "▁Ideally", + -12.705820083618164 + ], + [ + "▁artery", + -12.70590877532959 + ], + [ + "▁inherently", + -12.70595645904541 + ], + [ + "▁shingles", + -12.70595932006836 + ], + [ + "▁url", + -12.706133842468262 + ], + [ + "▁PB", + -12.706146240234377 + ], + [ + "rist", + -12.70617389678955 + ], + [ + "▁Palo", + -12.706254005432127 + ], + [ + "aux", + -12.706429481506348 + ], + [ + "▁Import", + -12.706440925598145 + ], + [ + "nl", + -12.706454277038574 + ], + [ + "▁parliamentary", + -12.70659065246582 + ], + [ + "▁optic", + -12.70666790008545 + ], + [ + "▁Dunn", + -12.706698417663574 + ], + [ + "Martin", + -12.707079887390137 + ], + [ + "▁Houses", + -12.707097053527832 + ], + [ + "System", + -12.707106590270996 + ], + [ + "▁allocate", + -12.707109451293944 + ], + [ + "ovic", + -12.70718765258789 + ], + [ + "▁Boots", + -12.707220077514648 + ], + [ + "▁cheek", + -12.70723819732666 + ], + [ + "▁coup", + -12.70724868774414 + ], + [ + "hana", + -12.707280158996582 + ], + [ + "▁RN", + -12.70743179321289 + ], + [ + "▁diabetic", + -12.707484245300291 + ], + [ + "▁missiles", + -12.707608222961426 + ], + [ + "▁Sense", + -12.707623481750488 + ], + [ + "▁psychiatric", + -12.70769500732422 + ], + [ + "▁coherent", + -12.707695960998535 + ], + [ + "▁tandem", + -12.707701683044434 + ], + [ + "▁inheritance", + -12.7077054977417 + ], + [ + "▁hearings", + -12.707716941833496 + ], + [ + "▁adrenaline", + -12.707756996154783 + ], + [ + "▁Cherokee", + -12.707759857177734 + ], + [ + "▁Py", + -12.707769393920898 + ], + [ + "▁wedge", + -12.707772254943848 + ], + [ + "▁canoe", + -12.707788467407228 + ], + [ + "feld", + -12.707996368408203 + ], + [ + "▁guild", + -12.708056449890137 + ], + [ + "uta", + -12.7081880569458 + ], + [ + "▁1953", + -12.708209037780762 + ], + [ + "dio", + -12.708416938781738 + ], + [ + "▁foreigners", + -12.708425521850586 + ], + [ + "▁Dip", + -12.70843505859375 + ], + [ + "▁Eyes", + -12.708723068237305 + ], + [ + "▁overseeing", + -12.7087984085083 + ], + [ + "Su", + -12.708805084228516 + ], + [ + "▁pedestal", + -12.708826065063477 + ], + [ + "▁sanitation", + -12.70882797241211 + ], + [ + "▁Lexus", + -12.708869934082031 + ], + [ + "▁Huntington", + -12.708887100219728 + ], + [ + "▁Alison", + -12.70893096923828 + ], + [ + "LAND", + -12.709041595458984 + ], + [ + "▁Problems", + -12.709047317504885 + ], + [ + ",000,000", + -12.709054946899414 + ], + [ + "▁Bahrain", + -12.709065437316896 + ], + [ + "▁Daddy", + -12.709089279174805 + ], + [ + "loving", + -12.709094047546388 + ], + [ + "▁Transition", + -12.70917797088623 + ], + [ + "▁depicting", + -12.709220886230469 + ], + [ + "▁Whereas", + -12.709453582763672 + ], + [ + "▁avenue", + -12.709651947021484 + ], + [ + "▁heroin", + -12.709668159484863 + ], + [ + "▁emailing", + -12.709691047668455 + ], + [ + "▁6%", + -12.709769248962402 + ], + [ + "▁pyramid", + -12.709951400756836 + ], + [ + "▁dividing", + -12.709959983825684 + ], + [ + "▁robbery", + -12.710006713867188 + ], + [ + "▁outward", + -12.710027694702148 + ], + [ + "hm", + -12.710135459899902 + ], + [ + "▁steroids", + -12.710222244262695 + ], + [ + "▁fringe", + -12.710399627685549 + ], + [ + "▁Bentley", + -12.710420608520508 + ], + [ + "▁splitting", + -12.710432052612305 + ], + [ + "▁attained", + -12.710441589355469 + ], + [ + "▁mods", + -12.710528373718262 + ], + [ + "▁Mud", + -12.710615158081056 + ], + [ + "spot", + -12.710702896118164 + ], + [ + "tica", + -12.71090602874756 + ], + [ + "▁Kurt", + -12.71091079711914 + ], + [ + "▁Neck", + -12.71096897125244 + ], + [ + "Comments", + -12.710981369018556 + ], + [ + "ij", + -12.7110595703125 + ], + [ + "staff", + -12.711060523986816 + ], + [ + "▁carnival", + -12.711092948913574 + ], + [ + "▁fluorescent", + -12.71109390258789 + ], + [ + "▁Zoom", + -12.711153984069824 + ], + [ + "▁bicycles", + -12.711162567138672 + ], + [ + "▁delegate", + -12.711166381835938 + ], + [ + "▁minorities", + -12.711199760437012 + ], + [ + "▁noteworthy", + -12.71121883392334 + ], + [ + "▁Pri", + -12.711276054382324 + ], + [ + "▁0.7", + -12.711362838745115 + ], + [ + "▁Karnataka", + -12.711383819580078 + ], + [ + "SEO", + -12.711400985717772 + ], + [ + "▁behaviours", + -12.711709976196287 + ], + [ + "uz", + -12.711773872375488 + ], + [ + "▁swinging", + -12.711885452270508 + ], + [ + "sten", + -12.712047576904297 + ], + [ + "▁windy", + -12.712093353271484 + ], + [ + "▁modifying", + -12.71214199066162 + ], + [ + "▁granting", + -12.712148666381836 + ], + [ + "ego", + -12.712186813354492 + ], + [ + "▁RB", + -12.712217330932615 + ], + [ + "▁uniqueness", + -12.712343215942385 + ], + [ + "▁Generator", + -12.712355613708496 + ], + [ + "▁teaser", + -12.712445259094238 + ], + [ + "haven", + -12.712454795837402 + ], + [ + "▁6-8", + -12.712501525878906 + ], + [ + "▁Maui", + -12.712506294250488 + ], + [ + "▁adaptable", + -12.7125883102417 + ], + [ + "-60", + -12.712611198425291 + ], + [ + "VO", + -12.712762832641602 + ], + [ + "▁UTC", + -12.712772369384766 + ], + [ + "▁Infinity", + -12.712833404541016 + ], + [ + "▁ERA", + -12.712890625 + ], + [ + "rad", + -12.712929725646973 + ], + [ + "▁ki", + -12.712944984436035 + ], + [ + "▁Religious", + -12.713221549987791 + ], + [ + "▁Marsh", + -12.713228225708008 + ], + [ + "▁stylist", + -12.713316917419434 + ], + [ + "▁Talking", + -12.71334743499756 + ], + [ + "▁ashamed", + -12.71338176727295 + ], + [ + "▁leakage", + -12.713574409484863 + ], + [ + "owski", + -12.71363639831543 + ], + [ + "▁condemned", + -12.71364688873291 + ], + [ + "▁Mean", + -12.71365451812744 + ], + [ + "▁Ay", + -12.713845252990724 + ], + [ + "▁Luxembourg", + -12.71385383605957 + ], + [ + "▁scarce", + -12.713857650756836 + ], + [ + "▁woodworking", + -12.713859558105469 + ], + [ + "▁blows", + -12.713907241821287 + ], + [ + "Va", + -12.713934898376465 + ], + [ + "▁molded", + -12.714120864868164 + ], + [ + "Usually", + -12.714126586914062 + ], + [ + "▁Musk", + -12.714126586914062 + ], + [ + "▁Homeland", + -12.714139938354492 + ], + [ + "▁Rai", + -12.714211463928224 + ], + [ + "▁persona", + -12.714335441589355 + ], + [ + "lived", + -12.714472770690918 + ], + [ + "▁uninterrupted", + -12.71450138092041 + ], + [ + "▁imminent", + -12.714502334594728 + ], + [ + "▁HOW", + -12.71461582183838 + ], + [ + "▁1994,", + -12.714692115783691 + ], + [ + "▁meticulously", + -12.71474266052246 + ], + [ + "▁1917", + -12.714814186096191 + ], + [ + "▁projector", + -12.714838027954102 + ], + [ + "▁stabilize", + -12.714862823486328 + ], + [ + "▁Discuss", + -12.714982986450195 + ], + [ + "▁FCC", + -12.715001106262209 + ], + [ + "▁Reef", + -12.715020179748535 + ], + [ + "▁Bomb", + -12.715091705322266 + ], + [ + "▁Bun", + -12.71511173248291 + ], + [ + "▁Strange", + -12.71511459350586 + ], + [ + "▁TP", + -12.715274810791016 + ], + [ + "ici", + -12.71552562713623 + ], + [ + "current", + -12.715605735778809 + ], + [ + "▁sheriff", + -12.715816497802734 + ], + [ + "▁Permanent", + -12.715818405151367 + ], + [ + "▁WH", + -12.715888023376465 + ], + [ + "▁Forget", + -12.715909957885742 + ], + [ + "▁ein", + -12.715991020202637 + ], + [ + "▁pearls", + -12.71601104736328 + ], + [ + "▁chords", + -12.71605110168457 + ], + [ + "WS", + -12.716087341308594 + ], + [ + "▁buckle", + -12.716142654418944 + ], + [ + "oxy", + -12.716214179992676 + ], + [ + "▁instagram", + -12.716238021850586 + ], + [ + "▁Hut", + -12.71653938293457 + ], + [ + "▁lays", + -12.716585159301758 + ], + [ + "▁pas", + -12.716612815856934 + ], + [ + "▁richness", + -12.716811180114746 + ], + [ + "▁Tropical", + -12.71683406829834 + ], + [ + "▁200,000", + -12.71685028076172 + ], + [ + "tric", + -12.71723175048828 + ], + [ + "▁480", + -12.717401504516602 + ], + [ + "▁Cycling", + -12.71740436553955 + ], + [ + "Fit", + -12.717455863952637 + ], + [ + "▁mandated", + -12.717517852783203 + ], + [ + "▁Postal", + -12.71751880645752 + ], + [ + "▁mapped", + -12.717608451843262 + ], + [ + "▁delights", + -12.717610359191896 + ], + [ + "French", + -12.717634201049805 + ], + [ + "Professor", + -12.717634201049805 + ], + [ + "▁transmitter", + -12.717705726623535 + ], + [ + "▁protections", + -12.717792510986328 + ], + [ + "▁Cardinal", + -12.7178373336792 + ], + [ + "▁RI", + -12.717891693115234 + ], + [ + "bid", + -12.717913627624512 + ], + [ + "▁indispensable", + -12.71792221069336 + ], + [ + "▁remediation", + -12.71794319152832 + ], + [ + "▁Lottery", + -12.718109130859377 + ], + [ + "▁Wise", + -12.718119621276855 + ], + [ + "▁roulette", + -12.718414306640623 + ], + [ + "aff", + -12.718520164489746 + ], + [ + "▁Sophie", + -12.718674659729004 + ], + [ + "▁Warning", + -12.71871566772461 + ], + [ + "▁Thi", + -12.718785285949709 + ], + [ + "▁Cause", + -12.71882438659668 + ], + [ + "▁0.3", + -12.718830108642578 + ], + [ + "▁Manuel", + -12.718879699707031 + ], + [ + "▁sermon", + -12.718950271606444 + ], + [ + "flex", + -12.718992233276367 + ], + [ + "tam", + -12.719019889831545 + ], + [ + "ox", + -12.719039916992188 + ], + [ + "▁solitary", + -12.71906566619873 + ], + [ + "▁heartfelt", + -12.719123840332031 + ], + [ + "▁interpersonal", + -12.719164848327637 + ], + [ + "▁Passion", + -12.719249725341797 + ], + [ + "▁1949", + -12.719511032104492 + ], + [ + "▁badges", + -12.719797134399414 + ], + [ + "pol", + -12.71985149383545 + ], + [ + "ranked", + -12.719865798950195 + ], + [ + "professional", + -12.71992015838623 + ], + [ + "nation", + -12.719924926757812 + ], + [ + "▁Bart", + -12.719953536987305 + ], + [ + "▁repetition", + -12.72011375427246 + ], + [ + "▁aromas", + -12.720120429992676 + ], + [ + "▁trilogy", + -12.72021484375 + ], + [ + "▁spur", + -12.720221519470217 + ], + [ + "▁Areas", + -12.720245361328123 + ], + [ + "▁Kits", + -12.72025203704834 + ], + [ + "▁slipping", + -12.720267295837402 + ], + [ + "▁Adjustable", + -12.720314979553224 + ], + [ + "laws", + -12.720422744750977 + ], + [ + "▁monumental", + -12.720525741577148 + ], + [ + "▁FIRST", + -12.720559120178224 + ], + [ + "▁Floyd", + -12.720763206481934 + ], + [ + "patient", + -12.720795631408691 + ], + [ + "▁wholesome", + -12.720805168151855 + ], + [ + "▁widow", + -12.720855712890623 + ], + [ + "▁overdose", + -12.720914840698242 + ], + [ + "▁cruises", + -12.720916748046877 + ], + [ + "▁NAS", + -12.720918655395508 + ], + [ + "▁gram", + -12.720925331115724 + ], + [ + "▁discrete", + -12.721117973327637 + ], + [ + "▁Thames", + -12.721364974975586 + ], + [ + "▁endured", + -12.721370697021484 + ], + [ + "▁sewage", + -12.72140407562256 + ], + [ + "▁Gone", + -12.721412658691406 + ], + [ + "▁VoIP", + -12.72148609161377 + ], + [ + "reading", + -12.721517562866213 + ], + [ + "-28", + -12.721531867980955 + ], + [ + "▁Millennium", + -12.721534729003906 + ], + [ + "▁+1", + -12.721549987792969 + ], + [ + "▁attacker", + -12.721842765808104 + ], + [ + "▁Literary", + -12.721968650817873 + ], + [ + "▁openness", + -12.722009658813477 + ], + [ + "▁1941", + -12.722054481506348 + ], + [ + "▁pigment", + -12.72206687927246 + ], + [ + "▁latex", + -12.722107887268066 + ], + [ + "▁temporal", + -12.7222318649292 + ], + [ + "▁haircut", + -12.722250938415527 + ], + [ + "▁meticulous", + -12.722259521484377 + ], + [ + "▁hardship", + -12.72231101989746 + ], + [ + "gie", + -12.722408294677734 + ], + [ + "▁hectares", + -12.72240924835205 + ], + [ + "▁$400", + -12.722441673278809 + ], + [ + "Stream", + -12.722448348999023 + ], + [ + "▁Elephant", + -12.722478866577148 + ], + [ + "▁symposium", + -12.722539901733398 + ], + [ + "▁blueberries", + -12.72255802154541 + ], + [ + "▁Swim", + -12.722599983215332 + ], + [ + "▁ASP", + -12.722616195678713 + ], + [ + "▁gated", + -12.722675323486328 + ], + [ + "▁Readers", + -12.722685813903809 + ], + [ + "▁Burlington", + -12.722715377807615 + ], + [ + "IVE", + -12.722780227661133 + ], + [ + "▁Elm", + -12.722888946533203 + ], + [ + "▁Setup", + -12.722888946533203 + ], + [ + "Date", + -12.722986221313477 + ], + [ + "▁Serial", + -12.722997665405272 + ], + [ + "▁Tie", + -12.723115921020508 + ], + [ + "uring", + -12.723176956176758 + ], + [ + "▁Sandra", + -12.723257064819336 + ], + [ + "Tuesday", + -12.723482131958008 + ], + [ + "▁narratives", + -12.723501205444336 + ], + [ + "▁Cabin", + -12.72350788116455 + ], + [ + "PH", + -12.723544120788574 + ], + [ + "▁persist", + -12.723610877990724 + ], + [ + "▁bargaining", + -12.72362232208252 + ], + [ + "▁Pirates", + -12.72364616394043 + ], + [ + "▁disposition", + -12.723660469055176 + ], + [ + "▁Liability", + -12.723736763000488 + ], + [ + "▁correspond", + -12.723774909973145 + ], + [ + "▁Kazakhstan", + -12.723831176757812 + ], + [ + "▁usa", + -12.723957061767578 + ], + [ + "▁KO", + -12.72405242919922 + ], + [ + "▁Scholar", + -12.724105834960938 + ], + [ + "▁disconnected", + -12.72415828704834 + ], + [ + "▁Mus", + -12.724198341369627 + ], + [ + "▁Cre", + -12.72433376312256 + ], + [ + "▁McG", + -12.72443675994873 + ], + [ + "▁differing", + -12.724444389343262 + ], + [ + "ZA", + -12.724566459655762 + ], + [ + "▁SEE", + -12.72473430633545 + ], + [ + "dine", + -12.724796295166016 + ], + [ + "▁ubiquitous", + -12.724799156188965 + ], + [ + "▁Territory", + -12.72480010986328 + ], + [ + "▁misconduct", + -12.724802017211914 + ], + [ + "▁marginal", + -12.72482204437256 + ], + [ + "130", + -12.72482681274414 + ], + [ + "▁precedent", + -12.72482967376709 + ], + [ + "nice", + -12.724849700927734 + ], + [ + "=1", + -12.725083351135254 + ], + [ + "▁Maharashtra", + -12.725123405456545 + ], + [ + "isse", + -12.725278854370115 + ], + [ + "▁weighted", + -12.725321769714355 + ], + [ + "▁Thin", + -12.725441932678224 + ], + [ + "-70", + -12.725605964660645 + ], + [ + "▁Aunt", + -12.725665092468262 + ], + [ + "▁Extended", + -12.725678443908691 + ], + [ + "▁Warrior", + -12.725702285766602 + ], + [ + "▁Sanchez", + -12.72584056854248 + ], + [ + "▁mascara", + -12.725951194763184 + ], + [ + "▁vacancy", + -12.725951194763184 + ], + [ + "▁Jaguar", + -12.726057052612305 + ], + [ + "Mrs", + -12.726137161254885 + ], + [ + "▁giveaways", + -12.72618007659912 + ], + [ + "▁chambers", + -12.726197242736816 + ], + [ + "▁Bacon", + -12.72625732421875 + ], + [ + "▁republic", + -12.726292610168455 + ], + [ + "▁metre", + -12.72650146484375 + ], + [ + "▁Allied", + -12.726536750793455 + ], + [ + "▁5-10", + -12.726558685302734 + ], + [ + "▁deter", + -12.72659683227539 + ], + [ + "▁Wagner", + -12.726658821105955 + ], + [ + "▁Bas", + -12.72668170928955 + ], + [ + "▁Bla", + -12.726749420166016 + ], + [ + "▁Mia", + -12.726816177368164 + ], + [ + "Andrew", + -12.727129936218262 + ], + [ + "▁Emmy", + -12.727155685424805 + ], + [ + "▁mimic", + -12.72718334197998 + ], + [ + "▁Ginger", + -12.727198600769045 + ], + [ + "LR", + -12.72724723815918 + ], + [ + "Style", + -12.72744369506836 + ], + [ + "▁cartoons", + -12.72744846343994 + ], + [ + "Trust", + -12.727910041809082 + ], + [ + "Amazing", + -12.72797679901123 + ], + [ + "▁Gum", + -12.72801399230957 + ], + [ + "reach", + -12.728144645690918 + ], + [ + "▁carers", + -12.728172302246094 + ], + [ + "▁Gardner", + -12.728206634521484 + ], + [ + "▁Superintendent", + -12.7282075881958 + ], + [ + "▁plentiful", + -12.72825527191162 + ], + [ + "▁wives", + -12.728265762329102 + ], + [ + "▁unconventional", + -12.728271484375 + ], + [ + "▁evolutionary", + -12.728333473205566 + ], + [ + "▁gala", + -12.728339195251465 + ], + [ + "▁Rajasthan", + -12.72834300994873 + ], + [ + "▁Savior", + -12.728347778320312 + ], + [ + "gard", + -12.728376388549805 + ], + [ + "▁1994.", + -12.728464126586914 + ], + [ + "▁Seems", + -12.728558540344238 + ], + [ + "▁lingering", + -12.728622436523438 + ], + [ + "▁Counseling", + -12.728822708129885 + ], + [ + "▁1964", + -12.72895622253418 + ], + [ + "▁scissors", + -12.729181289672852 + ], + [ + "▁Manage", + -12.729208946228027 + ], + [ + "▁Qu", + -12.72923183441162 + ], + [ + "cover", + -12.729251861572266 + ], + [ + "▁Resident", + -12.729432106018066 + ], + [ + "rail", + -12.72962474822998 + ], + [ + "▁Holding", + -12.729801177978516 + ], + [ + "▁pedestrians", + -12.729844093322754 + ], + [ + "Anti", + -12.72994613647461 + ], + [ + "▁commercials", + -12.729948043823242 + ], + [ + "123", + -12.730006217956545 + ], + [ + "▁vaulted", + -12.730055809020996 + ], + [ + "▁Fab", + -12.730090141296388 + ], + [ + "▁Authentic", + -12.730134963989258 + ], + [ + "▁memo", + -12.730183601379396 + ], + [ + "Chi", + -12.730199813842772 + ], + [ + "▁FF", + -12.730253219604492 + ], + [ + "▁screenings", + -12.73027515411377 + ], + [ + "▁Geographic", + -12.730292320251465 + ], + [ + "▁Animation", + -12.730443000793455 + ], + [ + "▁Approximately", + -12.730554580688477 + ], + [ + "▁motivating", + -12.730566024780272 + ], + [ + "▁comforter", + -12.730693817138672 + ], + [ + "▁clone", + -12.730758666992188 + ], + [ + "▁Favorite", + -12.730853080749512 + ], + [ + "▁35%", + -12.730886459350586 + ], + [ + "▁Ras", + -12.730945587158203 + ], + [ + "zero", + -12.73099422454834 + ], + [ + "▁obese", + -12.73102569580078 + ], + [ + "▁cherished", + -12.731042861938477 + ], + [ + "▁Lagos", + -12.731075286865234 + ], + [ + "▁1:1", + -12.731170654296877 + ], + [ + "▁Keller", + -12.731266975402832 + ], + [ + "las", + -12.731403350830078 + ], + [ + "holders", + -12.731417655944824 + ], + [ + "▁Uk", + -12.731475830078123 + ], + [ + "▁CPR", + -12.731557846069336 + ], + [ + "KA", + -12.731644630432127 + ], + [ + "▁cilantro", + -12.73172378540039 + ], + [ + "▁Inspirational", + -12.731754302978516 + ], + [ + "▁Trying", + -12.731757164001465 + ], + [ + "▁finalized", + -12.731924057006836 + ], + [ + "▁camper", + -12.73195457458496 + ], + [ + "▁texting", + -12.731976509094238 + ], + [ + "▁novelty", + -12.73200511932373 + ], + [ + "▁workflows", + -12.732036590576172 + ], + [ + "▁dinosaur", + -12.73220443725586 + ], + [ + "▁109", + -12.732314109802246 + ], + [ + "▁blink", + -12.73238468170166 + ], + [ + "▁Ter", + -12.732386589050291 + ], + [ + "▁calf", + -12.73249053955078 + ], + [ + "▁neckline", + -12.732549667358398 + ], + [ + "▁PLC", + -12.732710838317873 + ], + [ + "▁Practical", + -12.732715606689451 + ], + [ + "▁illustrator", + -12.732781410217283 + ], + [ + "▁Vatican", + -12.732805252075195 + ], + [ + "▁thankfully", + -12.732810020446776 + ], + [ + "▁fueled", + -12.73281478881836 + ], + [ + "▁sleeper", + -12.732948303222656 + ], + [ + "CB", + -12.732986450195312 + ], + [ + "-29", + -12.733026504516602 + ], + [ + "▁blush", + -12.733080863952637 + ], + [ + "▁hatch", + -12.733125686645508 + ], + [ + "▁Ceramic", + -12.733155250549316 + ], + [ + "vid", + -12.73322296142578 + ], + [ + "▁Goddess", + -12.733230590820312 + ], + [ + "OB", + -12.733242988586426 + ], + [ + "oa", + -12.733270645141602 + ], + [ + "▁Fra", + -12.733314514160156 + ], + [ + "▁greenery", + -12.73335075378418 + ], + [ + "▁Ole", + -12.733501434326172 + ], + [ + "TL", + -12.733580589294434 + ], + [ + "▁Started", + -12.733661651611328 + ], + [ + "▁Harmony", + -12.733726501464844 + ], + [ + "▁Opportunities", + -12.733752250671388 + ], + [ + "due", + -12.733996391296388 + ], + [ + "▁faucets", + -12.73403549194336 + ], + [ + "oi", + -12.734054565429688 + ], + [ + "▁mammals", + -12.73405933380127 + ], + [ + "▁Singer", + -12.734126091003418 + ], + [ + "▁Ul", + -12.734127044677734 + ], + [ + "▁Monument", + -12.734249114990234 + ], + [ + "£", + -12.734381675720217 + ], + [ + "▁airflow", + -12.734381675720217 + ], + [ + "▁Sims", + -12.734492301940918 + ], + [ + "solving", + -12.73453426361084 + ], + [ + "▁1966", + -12.734539031982422 + ], + [ + "▁Yacht", + -12.734560012817385 + ], + [ + "4.5", + -12.734763145446776 + ], + [ + "▁Chartered", + -12.734773635864258 + ], + [ + "▁Already", + -12.734861373901367 + ], + [ + "▁Logic", + -12.73501205444336 + ], + [ + "▁landscaped", + -12.735065460205078 + ], + [ + "▁Trend", + -12.735095977783203 + ], + [ + "▁concentrating", + -12.735203742980955 + ], + [ + "▁rendition", + -12.735203742980955 + ], + [ + "▁undermine", + -12.73524284362793 + ], + [ + "\"...", + -12.735416412353516 + ], + [ + "▁12,000", + -12.735458374023438 + ], + [ + "▁TE", + -12.735459327697754 + ], + [ + "games", + -12.735492706298828 + ], + [ + "▁clamp", + -12.735711097717283 + ], + [ + "▁starch", + -12.7357177734375 + ], + [ + "▁veneers", + -12.73582363128662 + ], + [ + "▁coached", + -12.73611068725586 + ], + [ + "▁scams", + -12.736183166503906 + ], + [ + "▁composers", + -12.73619270324707 + ], + [ + "▁1942", + -12.736214637756348 + ], + [ + "▁diarrhea", + -12.736358642578123 + ], + [ + "▁arsenal", + -12.736367225646973 + ], + [ + "▁pruning", + -12.736367225646973 + ], + [ + "▁gossip", + -12.736368179321287 + ], + [ + "240", + -12.73637580871582 + ], + [ + "▁thermometer", + -12.736393928527832 + ], + [ + "▁confess", + -12.736444473266602 + ], + [ + "▁Brewery", + -12.736519813537598 + ], + [ + "▁Bald", + -12.736522674560549 + ], + [ + "▁Alarm", + -12.736605644226074 + ], + [ + "▁bushes", + -12.736660957336426 + ], + [ + "flat", + -12.736719131469728 + ], + [ + "▁Worker", + -12.736771583557127 + ], + [ + "▁Shark", + -12.736862182617188 + ], + [ + "▁dotted", + -12.736943244934082 + ], + [ + "▁Recycling", + -12.736998558044434 + ], + [ + "▁remake", + -12.737030029296877 + ], + [ + "ounce", + -12.73703384399414 + ], + [ + "Combine", + -12.737131118774414 + ], + [ + "1-2", + -12.737188339233398 + ], + [ + "▁induce", + -12.737521171569824 + ], + [ + "GH", + -12.737557411193848 + ], + [ + "TOR", + -12.737663269042969 + ], + [ + "Item", + -12.737679481506348 + ], + [ + "▁PST", + -12.737688064575195 + ], + [ + "fl", + -12.737715721130373 + ], + [ + "Wednesday", + -12.737717628479004 + ], + [ + "▁Keyboard", + -12.737934112548828 + ], + [ + "Director", + -12.738151550292969 + ], + [ + "▁skyline", + -12.738158226013184 + ], + [ + "▁Tablet", + -12.738160133361816 + ], + [ + "▁multiply", + -12.738245964050291 + ], + [ + "▁ray", + -12.738332748413086 + ], + [ + "▁Ye", + -12.73840045928955 + ], + [ + "apa", + -12.738432884216309 + ], + [ + "▁Login", + -12.73850154876709 + ], + [ + "▁dodge", + -12.738672256469728 + ], + [ + "▁malpractice", + -12.738697052001951 + ], + [ + "▁maximizing", + -12.73870086669922 + ], + [ + "▁Vladimir", + -12.738763809204102 + ], + [ + "▁Overview", + -12.73877239227295 + ], + [ + "tune", + -12.738794326782228 + ], + [ + "▁fret", + -12.73888874053955 + ], + [ + "▁Transaction", + -12.73889446258545 + ], + [ + "▁assemblies", + -12.738908767700195 + ], + [ + "▁config", + -12.738924980163574 + ], + [ + "covered", + -12.73893928527832 + ], + [ + "▁Steering", + -12.73894214630127 + ], + [ + "Credit", + -12.73908519744873 + ], + [ + "▁Veteran", + -12.73936367034912 + ], + [ + "▁conditional", + -12.739370346069336 + ], + [ + "▁Churchill", + -12.73959732055664 + ], + [ + "▁vine", + -12.73962688446045 + ], + [ + "▁fo", + -12.73963737487793 + ], + [ + "▁microscope", + -12.739886283874512 + ], + [ + "-05", + -12.739967346191406 + ], + [ + "▁Bamboo", + -12.739986419677734 + ], + [ + "tors", + -12.740044593811035 + ], + [ + "▁1957", + -12.74011516571045 + ], + [ + "inclusive", + -12.740153312683104 + ], + [ + "zie", + -12.740182876586914 + ], + [ + "2011", + -12.740206718444824 + ], + [ + "▁Jenkins", + -12.740222930908203 + ], + [ + "▁sewn", + -12.740241050720217 + ], + [ + "▁imbalance", + -12.740251541137695 + ], + [ + "▁envision", + -12.740299224853516 + ], + [ + "▁compute", + -12.740401268005373 + ], + [ + "Tags", + -12.740484237670898 + ], + [ + "▁dries", + -12.740485191345217 + ], + [ + "Continue", + -12.74071216583252 + ], + [ + "▁flyers", + -12.740772247314451 + ], + [ + "ush", + -12.740961074829102 + ], + [ + "▁SV", + -12.740983963012695 + ], + [ + "▁contingent", + -12.741031646728516 + ], + [ + "▁har", + -12.741081237792969 + ], + [ + "▁Stunning", + -12.741098403930664 + ], + [ + "Med", + -12.74116039276123 + ], + [ + "▁Fargo", + -12.74121379852295 + ], + [ + "▁pleaded", + -12.741259574890137 + ], + [ + "Lovely", + -12.741537094116213 + ], + [ + "▁Featured", + -12.741596221923828 + ], + [ + "vor", + -12.741698265075684 + ], + [ + "▁kayaking", + -12.741727828979492 + ], + [ + "▁Hugo", + -12.741859436035156 + ], + [ + "▁Saving", + -12.741968154907228 + ], + [ + "▁Brew", + -12.74199104309082 + ], + [ + "ranging", + -12.74203109741211 + ], + [ + "▁Crowd", + -12.742061614990234 + ], + [ + "▁bliss", + -12.742170333862305 + ], + [ + "▁lethal", + -12.742188453674316 + ], + [ + "▁Wai", + -12.742201805114746 + ], + [ + "▁flavored", + -12.74227523803711 + ], + [ + "▁JP", + -12.742327690124512 + ], + [ + "▁Castro", + -12.742344856262209 + ], + [ + "rp", + -12.742402076721191 + ], + [ + "▁Rentals", + -12.742469787597656 + ], + [ + "▁bulky", + -12.742501258850098 + ], + [ + "California", + -12.742517471313477 + ], + [ + "▁Salmon", + -12.742677688598633 + ], + [ + "▁Oven", + -12.74277114868164 + ], + [ + "▁Tate", + -12.74278450012207 + ], + [ + "IES", + -12.742801666259766 + ], + [ + "▁TODAY", + -12.742815017700195 + ], + [ + "▁valleys", + -12.74283218383789 + ], + [ + "▁330", + -12.742871284484863 + ], + [ + "▁capitalism", + -12.742966651916504 + ], + [ + "nin", + -12.743033409118652 + ], + [ + "gin", + -12.743067741394045 + ], + [ + "▁Cement", + -12.743246078491213 + ], + [ + "▁cosmic", + -12.743383407592772 + ], + [ + "▁Bahamas", + -12.743440628051758 + ], + [ + "▁Famous", + -12.743556022644045 + ], + [ + "▁gu", + -12.743646621704102 + ], + [ + "▁Syracuse", + -12.743672370910645 + ], + [ + "▁Bold", + -12.743818283081056 + ], + [ + "holder", + -12.74393081665039 + ], + [ + "▁compass", + -12.744038581848145 + ], + [ + "entry", + -12.744091987609863 + ], + [ + "▁disadvantaged", + -12.744097709655762 + ], + [ + "Lock", + -12.744333267211914 + ], + [ + "▁turmeric", + -12.744544982910156 + ], + [ + "▁competency", + -12.744552612304688 + ], + [ + "▁grouped", + -12.744620323181152 + ], + [ + "▁covenant", + -12.744718551635742 + ], + [ + "Matthew", + -12.744902610778809 + ], + [ + "▁turbines", + -12.744906425476074 + ], + [ + "▁UW", + -12.744986534118652 + ], + [ + "▁chocolates", + -12.744993209838867 + ], + [ + "▁Cleaner", + -12.745047569274902 + ], + [ + "▁Tulsa", + -12.745548248291016 + ], + [ + "▁obedience", + -12.745718002319336 + ], + [ + "▁spaghetti", + -12.745718002319336 + ], + [ + "▁crowns", + -12.745820045471191 + ], + [ + "iga", + -12.745866775512695 + ], + [ + "eight", + -12.74588680267334 + ], + [ + "▁lord", + -12.745899200439451 + ], + [ + "▁garnered", + -12.746026992797852 + ], + [ + "▁Crow", + -12.746135711669922 + ], + [ + "rik", + -12.746185302734377 + ], + [ + "eman", + -12.746191024780272 + ], + [ + "▁infusion", + -12.746221542358398 + ], + [ + "▁Nord", + -12.746437072753906 + ], + [ + "▁greatness", + -12.746535301208496 + ], + [ + "▁Clubs", + -12.74659538269043 + ], + [ + "▁sidebar", + -12.746611595153809 + ], + [ + "MW", + -12.746682167053224 + ], + [ + "▁Wil", + -12.746723175048828 + ], + [ + "Hill", + -12.746963500976562 + ], + [ + "▁Lens", + -12.74705410003662 + ], + [ + "▁madness", + -12.747090339660645 + ], + [ + "dir", + -12.747125625610352 + ], + [ + "▁Wilmington", + -12.747137069702148 + ], + [ + "▁reactive", + -12.74717140197754 + ], + [ + "▁behold", + -12.747185707092283 + ], + [ + "▁petals", + -12.747258186340332 + ], + [ + "▁Guaranteed", + -12.747288703918455 + ], + [ + "▁GR", + -12.747300148010254 + ], + [ + "▁MAY", + -12.747300148010254 + ], + [ + "▁Slide", + -12.7474365234375 + ], + [ + "▁Allan", + -12.74748706817627 + ], + [ + "▁Pig", + -12.747499465942385 + ], + [ + "▁NFC", + -12.74750518798828 + ], + [ + "▁Sears", + -12.747529983520508 + ], + [ + "years", + -12.74754524230957 + ], + [ + "▁dude", + -12.747642517089844 + ], + [ + "▁Cutting", + -12.747669219970703 + ], + [ + "▁bred", + -12.747793197631836 + ], + [ + "Os", + -12.74790096282959 + ], + [ + "▁Serbia", + -12.747913360595703 + ], + [ + "Age", + -12.747973442077637 + ], + [ + "▁Technician", + -12.747974395751951 + ], + [ + "▁mastery", + -12.74803638458252 + ], + [ + "▁Pearson", + -12.748037338256836 + ], + [ + "cryptocurrencies", + -12.74808120727539 + ], + [ + "▁uncertainties", + -12.748085021972656 + ], + [ + "▁honoured", + -12.74815273284912 + ], + [ + "▁liners", + -12.748316764831545 + ], + [ + "▁Rolex", + -12.748323440551758 + ], + [ + "iii", + -12.748343467712402 + ], + [ + "cle", + -12.74836540222168 + ], + [ + "▁Broker", + -12.748406410217283 + ], + [ + "▁prefers", + -12.748578071594238 + ], + [ + "▁demons", + -12.7485990524292 + ], + [ + "▁Vita", + -12.748629570007324 + ], + [ + "▁shortcut", + -12.748802185058594 + ], + [ + "Tim", + -12.748826026916504 + ], + [ + "▁diminished", + -12.748845100402832 + ], + [ + "▁una", + -12.74888515472412 + ], + [ + "1:", + -12.748895645141602 + ], + [ + "▁Publications", + -12.749013900756836 + ], + [ + "▁renal", + -12.74908447265625 + ], + [ + "▁priceless", + -12.749164581298828 + ], + [ + "▁Orchard", + -12.749271392822266 + ], + [ + "▁pinned", + -12.74928855895996 + ], + [ + "▁chooses", + -12.749322891235352 + ], + [ + "▁Chandler", + -12.749324798583984 + ], + [ + "▁supplemental", + -12.749469757080078 + ], + [ + "▁adorned", + -12.749515533447266 + ], + [ + "fort", + -12.749645233154297 + ], + [ + "▁Rustic", + -12.749717712402344 + ], + [ + "▁tacos", + -12.750236511230469 + ], + [ + "▁elders", + -12.75032901763916 + ], + [ + "▁casserole", + -12.75042724609375 + ], + [ + "▁Romney", + -12.750442504882812 + ], + [ + "▁pronunciation", + -12.750442504882812 + ], + [ + "ESS", + -12.750479698181152 + ], + [ + "▁Ferry", + -12.750618934631348 + ], + [ + "▁cylinders", + -12.750734329223633 + ], + [ + "▁Behavior", + -12.750844955444336 + ], + [ + "▁Treasure", + -12.750846862792969 + ], + [ + "▁toppings", + -12.750910758972168 + ], + [ + "vil", + -12.750947952270508 + ], + [ + "▁revive", + -12.751025199890137 + ], + [ + "▁Lithuania", + -12.75107192993164 + ], + [ + "▁1910", + -12.75111484527588 + ], + [ + "▁ditch", + -12.751205444335938 + ], + [ + "▁Remodeling", + -12.751269340515137 + ], + [ + "▁Needless", + -12.751319885253906 + ], + [ + "▁scented", + -12.751346588134766 + ], + [ + "ened", + -12.75136375427246 + ], + [ + "▁Walls", + -12.751453399658203 + ], + [ + "legged", + -12.751458168029783 + ], + [ + "Sports", + -12.751465797424316 + ], + [ + "▁sacrifices", + -12.751470565795898 + ], + [ + "nica", + -12.751631736755373 + ], + [ + "amba", + -12.75163459777832 + ], + [ + "▁Deborah", + -12.751665115356444 + ], + [ + "▁Genuine", + -12.751683235168455 + ], + [ + "▁ART", + -12.751741409301758 + ], + [ + "▁4.1", + -12.751869201660156 + ], + [ + "▁messenger", + -12.751870155334473 + ], + [ + "▁Gothic", + -12.751914024353027 + ], + [ + "▁biased", + -12.751982688903809 + ], + [ + "▁Byron", + -12.752002716064451 + ], + [ + "government", + -12.752047538757324 + ], + [ + "▁hangs", + -12.752151489257812 + ], + [ + "▁scents", + -12.752164840698242 + ], + [ + "dl", + -12.75221061706543 + ], + [ + "▁rightly", + -12.75232219696045 + ], + [ + "▁specifics", + -12.752338409423828 + ], + [ + "▁simulate", + -12.75246524810791 + ], + [ + "▁fetch", + -12.752642631530762 + ], + [ + "▁Continuing", + -12.752789497375488 + ], + [ + "▁irrespective", + -12.752789497375488 + ], + [ + "▁vodka", + -12.752789497375488 + ], + [ + "▁unbiased", + -12.752798080444336 + ], + [ + "zon", + -12.752997398376465 + ], + [ + "ered", + -12.753029823303224 + ], + [ + "sound", + -12.75306224822998 + ], + [ + "▁Washing", + -12.75322151184082 + ], + [ + "▁Manning", + -12.753352165222168 + ], + [ + "conference", + -12.75338363647461 + ], + [ + "▁107", + -12.753398895263672 + ], + [ + "▁ranged", + -12.753494262695312 + ], + [ + "▁(16", + -12.753572463989258 + ], + [ + "▁Payments", + -12.753652572631836 + ], + [ + "▁Insider", + -12.753780364990234 + ], + [ + "▁maneuver", + -12.753808975219728 + ], + [ + "▁Accessed", + -12.753824234008787 + ], + [ + "dell", + -12.753861427307127 + ], + [ + "▁hypo", + -12.753910064697266 + ], + [ + "rite", + -12.753944396972656 + ], + [ + "▁nostalgic", + -12.753973007202148 + ], + [ + "Lee", + -12.754110336303713 + ], + [ + "▁limb", + -12.754127502441406 + ], + [ + "▁worms", + -12.754246711730955 + ], + [ + "▁Disk", + -12.75425624847412 + ], + [ + "▁Chapman", + -12.754287719726562 + ], + [ + "▁Mack", + -12.754298210144045 + ], + [ + "▁Phantom", + -12.754302024841309 + ], + [ + "▁creep", + -12.754351615905762 + ], + [ + "nam", + -12.754414558410645 + ], + [ + "▁dr", + -12.754587173461914 + ], + [ + "cott", + -12.75472640991211 + ], + [ + "▁boosted", + -12.75472640991211 + ], + [ + "▁Carnegie", + -12.754873275756836 + ], + [ + "▁eve", + -12.75504207611084 + ], + [ + "▁glamour", + -12.75505828857422 + ], + [ + "brown", + -12.755086898803713 + ], + [ + "LG", + -12.755242347717283 + ], + [ + "▁LGBTQ", + -12.75525188446045 + ], + [ + "▁LI", + -12.755289077758787 + ], + [ + "bie", + -12.75531005859375 + ], + [ + "▁wooded", + -12.75532054901123 + ], + [ + "▁Rib", + -12.755341529846191 + ], + [ + "▁Microwave", + -12.75535774230957 + ], + [ + "Allow", + -12.755370140075684 + ], + [ + "▁caters", + -12.75543975830078 + ], + [ + "▁pistol", + -12.75545883178711 + ], + [ + "▁specimen", + -12.75545883178711 + ], + [ + "▁instability", + -12.755480766296388 + ], + [ + "▁Carrier", + -12.755495071411133 + ], + [ + "▁pasture", + -12.755518913269045 + ], + [ + "▁Armenian", + -12.755558967590332 + ], + [ + "▁Shri", + -12.75558376312256 + ], + [ + "▁Affiliate", + -12.755642890930176 + ], + [ + "▁Guess", + -12.755699157714844 + ], + [ + "kha", + -12.755751609802246 + ], + [ + "▁BlackBerry", + -12.755802154541016 + ], + [ + "machine", + -12.755983352661133 + ], + [ + "▁fillers", + -12.756030082702637 + ], + [ + "▁rave", + -12.756070137023926 + ], + [ + "▁$1000", + -12.75610065460205 + ], + [ + "▁Augustine", + -12.756109237670898 + ], + [ + "▁exhibitors", + -12.756230354309082 + ], + [ + "▁12\"", + -12.756260871887209 + ], + [ + "▁Meadows", + -12.756270408630373 + ], + [ + "▁Katy", + -12.756389617919922 + ], + [ + "▁dataset", + -12.7564115524292 + ], + [ + "▁visionary", + -12.756637573242188 + ], + [ + "HE", + -12.756712913513184 + ], + [ + "▁constituents", + -12.756830215454102 + ], + [ + "rg", + -12.756847381591797 + ], + [ + "▁geek", + -12.756850242614746 + ], + [ + "▁ext", + -12.756851196289062 + ], + [ + "ias", + -12.756969451904297 + ], + [ + "▁hum", + -12.757001876831056 + ], + [ + "Writing", + -12.757018089294434 + ], + [ + "▁Crushers", + -12.757161140441896 + ], + [ + "▁penetrate", + -12.757254600524902 + ], + [ + "hey", + -12.757262229919434 + ], + [ + "▁Alta", + -12.757280349731444 + ], + [ + "rid", + -12.757442474365234 + ], + [ + "rine", + -12.7574462890625 + ], + [ + "▁Autism", + -12.757457733154297 + ], + [ + "/6", + -12.757513046264648 + ], + [ + "▁clogged", + -12.757546424865724 + ], + [ + "▁nonprofits", + -12.75755786895752 + ], + [ + "bc", + -12.75759983062744 + ], + [ + "▁PLUS", + -12.757684707641602 + ], + [ + "▁Samantha", + -12.757686614990234 + ], + [ + "backs", + -12.757708549499512 + ], + [ + "▁loosely", + -12.758030891418455 + ], + [ + "▁ro", + -12.758034706115724 + ], + [ + "▁LIFE", + -12.758049964904783 + ], + [ + "▁alt", + -12.758075714111328 + ], + [ + "140", + -12.758092880249023 + ], + [ + "film", + -12.758098602294922 + ], + [ + "▁snaps", + -12.758099555969238 + ], + [ + "security", + -12.75823211669922 + ], + [ + "▁Transmission", + -12.758339881896973 + ], + [ + "Heart", + -12.758386611938477 + ], + [ + "▁2\"", + -12.758389472961426 + ], + [ + "▁Cliff", + -12.758399963378906 + ], + [ + "Results", + -12.758519172668455 + ], + [ + "▁upbeat", + -12.758546829223633 + ], + [ + "▁Rabbit", + -12.758567810058594 + ], + [ + "Ball", + -12.758748054504396 + ], + [ + "col", + -12.758767127990724 + ], + [ + "▁Browser", + -12.758848190307615 + ], + [ + "▁Runner", + -12.758893013000488 + ], + [ + "anga", + -12.75894546508789 + ], + [ + "conditioning", + -12.758994102478027 + ], + [ + "▁mashed", + -12.75917625427246 + ], + [ + "▁Pinot", + -12.759221076965332 + ], + [ + "Return", + -12.75922679901123 + ], + [ + "▁Electro", + -12.759262084960938 + ], + [ + "▁Advent", + -12.759406089782717 + ], + [ + "jpeg", + -12.759441375732422 + ], + [ + "▁2:00", + -12.759532928466797 + ], + [ + "▁Romanian", + -12.75966453552246 + ], + [ + "▁Daisy", + -12.759681701660156 + ], + [ + "▁Presentation", + -12.759698867797852 + ], + [ + "▁fabricated", + -12.75973129272461 + ], + [ + "Pi", + -12.759766578674316 + ], + [ + "▁observers", + -12.759790420532228 + ], + [ + "▁darn", + -12.75979232788086 + ], + [ + "▁med", + -12.759819984436035 + ], + [ + "kon", + -12.759825706481934 + ], + [ + "▁mythology", + -12.759934425354004 + ], + [ + "▁investigative", + -12.759971618652344 + ], + [ + "▁specialises", + -12.759984970092772 + ], + [ + "▁demise", + -12.760040283203123 + ], + [ + "NI", + -12.760087013244627 + ], + [ + "▁Halo", + -12.76020050048828 + ], + [ + "izes", + -12.760217666625977 + ], + [ + "2/", + -12.760221481323242 + ], + [ + "▁Rey", + -12.760333061218262 + ], + [ + "▁Bolton", + -12.760416984558104 + ], + [ + "▁strand", + -12.760424613952637 + ], + [ + "▁FUN", + -12.760485649108888 + ], + [ + "Close", + -12.760488510131836 + ], + [ + "Far", + -12.760546684265137 + ], + [ + "▁Barrel", + -12.7605562210083 + ], + [ + "Prepare", + -12.760677337646484 + ], + [ + "Gi", + -12.760680198669434 + ], + [ + "▁coils", + -12.760693550109863 + ], + [ + "▁Kos", + -12.760747909545898 + ], + [ + "Senior", + -12.760757446289062 + ], + [ + "▁Updates", + -12.760783195495604 + ], + [ + "▁retreats", + -12.760787963867188 + ], + [ + "▁Frog", + -12.760933876037598 + ], + [ + "▁toxicity", + -12.76097011566162 + ], + [ + "▁Lori", + -12.761046409606934 + ], + [ + "topic", + -12.761099815368652 + ], + [ + "▁5.1", + -12.76112174987793 + ], + [ + "▁antibodies", + -12.761122703552246 + ], + [ + "▁wrongful", + -12.761176109313965 + ], + [ + "▁Curriculum", + -12.761200904846191 + ], + [ + "▁furry", + -12.761228561401367 + ], + [ + "▁Cuisine", + -12.761344909667969 + ], + [ + "▁ants", + -12.761345863342283 + ], + [ + "▁bookstore", + -12.7613525390625 + ], + [ + "▁scratching", + -12.76135540008545 + ], + [ + "▁Navigation", + -12.761374473571776 + ], + [ + "▁Imp", + -12.76142406463623 + ], + [ + "▁browned", + -12.76144313812256 + ], + [ + "▁Reno", + -12.761451721191406 + ], + [ + "▁gradient", + -12.761476516723633 + ], + [ + "▁1,200", + -12.761516571044922 + ], + [ + "▁stint", + -12.7615327835083 + ], + [ + "▁Webb", + -12.761537551879885 + ], + [ + "ically", + -12.761618614196776 + ], + [ + "▁Interesting", + -12.761811256408691 + ], + [ + "▁Vikings", + -12.761885643005373 + ], + [ + "Energy", + -12.761900901794434 + ], + [ + "▁advocating", + -12.761935234069824 + ], + [ + "▁nicer", + -12.76205825805664 + ], + [ + "▁Grain", + -12.76206398010254 + ], + [ + "▁confuse", + -12.762088775634766 + ], + [ + "gb", + -12.762140274047852 + ], + [ + "pic", + -12.762228965759276 + ], + [ + "▁copyrighted", + -12.76224136352539 + ], + [ + "▁fauna", + -12.762307167053224 + ], + [ + "▁brow", + -12.76247787475586 + ], + [ + "▁Devils", + -12.762595176696776 + ], + [ + "▁slogan", + -12.762700080871582 + ], + [ + "▁Von", + -12.762749671936035 + ], + [ + "▁Nash", + -12.762788772583008 + ], + [ + "SQL", + -12.762876510620115 + ], + [ + "UL", + -12.762953758239746 + ], + [ + "dic", + -12.76304817199707 + ], + [ + "▁Shirt", + -12.763062477111816 + ], + [ + "yon", + -12.763063430786133 + ], + [ + "▁Relationship", + -12.763080596923828 + ], + [ + "▁Progressive", + -12.763181686401367 + ], + [ + "▁Funding", + -12.763238906860352 + ], + [ + "▁DP", + -12.76329517364502 + ], + [ + "▁visas", + -12.76337432861328 + ], + [ + "▁adulthood", + -12.763567924499512 + ], + [ + "▁maths", + -12.763639450073242 + ], + [ + "earth", + -12.763689041137695 + ], + [ + "▁Elvis", + -12.76369285583496 + ], + [ + "▁Vehicles", + -12.763734817504885 + ], + [ + "▁grips", + -12.763797760009766 + ], + [ + "▁accord", + -12.763861656188965 + ], + [ + "▁immerse", + -12.76408863067627 + ], + [ + "▁Communist", + -12.76410961151123 + ], + [ + "metric", + -12.764162063598633 + ], + [ + "axis", + -12.76425075531006 + ], + [ + "gia", + -12.764366149902344 + ], + [ + "▁predators", + -12.764535903930664 + ], + [ + "▁marketer", + -12.76453685760498 + ], + [ + "▁insists", + -12.764559745788574 + ], + [ + "aku", + -12.764585494995115 + ], + [ + "▁Vic", + -12.764630317687988 + ], + [ + "▁syllabus", + -12.764687538146973 + ], + [ + "▁havoc", + -12.764691352844238 + ], + [ + "▁vault", + -12.764694213867188 + ], + [ + "▁alright", + -12.764875411987305 + ], + [ + "▁tomb", + -12.764939308166504 + ], + [ + "Pack", + -12.765020370483398 + ], + [ + "▁spit", + -12.765034675598145 + ], + [ + "▁Tape", + -12.76508331298828 + ], + [ + "▁Feng", + -12.765094757080078 + ], + [ + "▁blueprint", + -12.765271186828612 + ], + [ + "▁fluctuations", + -12.765296936035156 + ], + [ + "amine", + -12.765301704406738 + ], + [ + "▁3.6", + -12.76530933380127 + ], + [ + "▁Joey", + -12.765372276306152 + ], + [ + "dependent", + -12.765417098999023 + ], + [ + "▁Initial", + -12.76548194885254 + ], + [ + "▁pioneers", + -12.76576328277588 + ], + [ + "▁Position", + -12.765851020812988 + ], + [ + "▁stunned", + -12.765886306762695 + ], + [ + "▁translating", + -12.76589012145996 + ], + [ + "▁Avon", + -12.765957832336426 + ], + [ + "▁Garmin", + -12.76602268218994 + ], + [ + "▁Barr", + -12.766140937805176 + ], + [ + "▁erected", + -12.766142845153809 + ], + [ + "▁Investments", + -12.766148567199709 + ], + [ + "▁Successful", + -12.766148567199709 + ], + [ + "▁raft", + -12.766167640686035 + ], + [ + "hum", + -12.766216278076172 + ], + [ + "▁7:", + -12.766324996948242 + ], + [ + "▁distortion", + -12.766327857971191 + ], + [ + "▁Huge", + -12.76634120941162 + ], + [ + "▁taxable", + -12.766400337219238 + ], + [ + "▁discourage", + -12.76642608642578 + ], + [ + "▁Fig", + -12.766497611999512 + ], + [ + "▁90-", + -12.766820907592772 + ], + [ + "produced", + -12.766836166381836 + ], + [ + "sweet", + -12.766864776611328 + ], + [ + "▁Scroll", + -12.76689338684082 + ], + [ + "▁abdomen", + -12.767084121704102 + ], + [ + "paper", + -12.767107009887695 + ], + [ + "▁vanities", + -12.767169952392578 + ], + [ + "▁golfers", + -12.76718044281006 + ], + [ + "AU", + -12.767205238342283 + ], + [ + "▁Lil", + -12.767364501953123 + ], + [ + "▁Ethereum", + -12.767393112182615 + ], + [ + "▁Acer", + -12.7675199508667 + ], + [ + "▁Dock", + -12.767580032348633 + ], + [ + "▁bowel", + -12.76767921447754 + ], + [ + "doc", + -12.767733573913574 + ], + [ + "Host", + -12.767769813537598 + ], + [ + "mails", + -12.767873764038086 + ], + [ + "▁gen", + -12.76819133758545 + ], + [ + "▁270", + -12.768243789672852 + ], + [ + "▁derive", + -12.768260955810549 + ], + [ + "GI", + -12.768263816833496 + ], + [ + "▁correspondent", + -12.768324851989746 + ], + [ + "▁Aspen", + -12.768362045288086 + ], + [ + "▁Bai", + -12.76840877532959 + ], + [ + "▁lions", + -12.768428802490234 + ], + [ + "▁Cooperative", + -12.768434524536133 + ], + [ + "▁Trim", + -12.768518447875977 + ], + [ + "▁Gram", + -12.768678665161133 + ], + [ + "▁Teresa", + -12.768714904785156 + ], + [ + "▁pastoral", + -12.768881797790527 + ], + [ + "▁pastries", + -12.768935203552246 + ], + [ + "▁thrift", + -12.768969535827637 + ], + [ + "ija", + -12.769014358520508 + ], + [ + "Similar", + -12.769017219543455 + ], + [ + "▁brace", + -12.769149780273438 + ], + [ + "▁Mick", + -12.769186973571776 + ], + [ + "▁Omar", + -12.769211769104004 + ], + [ + "Built", + -12.769262313842772 + ], + [ + "rai", + -12.769437789916992 + ], + [ + "outdoor", + -12.769445419311523 + ], + [ + "Jet", + -12.769476890563965 + ], + [ + "▁finite", + -12.76951026916504 + ], + [ + "Fa", + -12.769533157348633 + ], + [ + "▁enrichment", + -12.769542694091797 + ], + [ + "▁injustice", + -12.769630432128906 + ], + [ + "nee", + -12.769704818725586 + ], + [ + "▁refunded", + -12.769720077514648 + ], + [ + "▁genome", + -12.76973819732666 + ], + [ + "▁4.2", + -12.769832611083984 + ], + [ + "▁chunky", + -12.769866943359377 + ], + [ + "▁knobs", + -12.76991367340088 + ], + [ + "▁grazing", + -12.77006721496582 + ], + [ + "▁1937", + -12.770078659057615 + ], + [ + "▁APP", + -12.770122528076172 + ], + [ + "▁Nas", + -12.770143508911133 + ], + [ + "▁contested", + -12.770167350769045 + ], + [ + "▁overlay", + -12.770245552062988 + ], + [ + "▁gracious", + -12.7704496383667 + ], + [ + "Science", + -12.770492553710938 + ], + [ + "▁Replace", + -12.770567893981934 + ], + [ + "▁twentieth", + -12.770639419555664 + ], + [ + "▁DSL", + -12.770675659179688 + ], + [ + "▁Bronx", + -12.770796775817873 + ], + [ + "▁SERVICE", + -12.770849227905272 + ], + [ + "▁proliferation", + -12.7708740234375 + ], + [ + "▁CX", + -12.770874977111816 + ], + [ + "▁hacked", + -12.770898818969728 + ], + [ + "itch", + -12.77091121673584 + ], + [ + "sham", + -12.770967483520508 + ], + [ + "-06", + -12.77131175994873 + ], + [ + "▁Principles", + -12.771331787109377 + ], + [ + "▁Lt", + -12.771360397338867 + ], + [ + "▁Prison", + -12.771388053894045 + ], + [ + "lett", + -12.771510124206545 + ], + [ + "▁0.6", + -12.771533012390137 + ], + [ + "▁Binary", + -12.77153491973877 + ], + [ + "▁Rosen", + -12.771624565124512 + ], + [ + "grid", + -12.7716646194458 + ], + [ + "▁hone", + -12.771757125854492 + ], + [ + "▁simultaneous", + -12.771780967712402 + ], + [ + "▁utilise", + -12.77179718017578 + ], + [ + "-100", + -12.771800994873049 + ], + [ + "▁rosemary", + -12.771900177001951 + ], + [ + "▁ineffective", + -12.77202606201172 + ], + [ + "Dark", + -12.772037506103516 + ], + [ + "▁stereotypes", + -12.772161483764648 + ], + [ + "▁Cara", + -12.772232055664062 + ], + [ + "ude", + -12.772239685058594 + ], + [ + "▁Dong", + -12.772287368774414 + ], + [ + "▁stranded", + -12.772299766540527 + ], + [ + "das", + -12.772343635559082 + ], + [ + "▁exporting", + -12.772452354431152 + ], + [ + "▁Est", + -12.77254867553711 + ], + [ + "Deep", + -12.772612571716309 + ], + [ + "▁CFO", + -12.772668838500977 + ], + [ + "▁WS", + -12.772705078125 + ], + [ + "▁futuristic", + -12.772804260253906 + ], + [ + "gna", + -12.772912979125977 + ], + [ + "▁225", + -12.77292823791504 + ], + [ + "▁orthopedic", + -12.773100852966309 + ], + [ + "▁Meditation", + -12.773162841796877 + ], + [ + "▁Canberra", + -12.773170471191406 + ], + [ + "▁Berkshire", + -12.77317237854004 + ], + [ + "▁ethos", + -12.77317714691162 + ], + [ + "▁comb", + -12.77319049835205 + ], + [ + "▁Sto", + -12.773265838623049 + ], + [ + "▁Tracking", + -12.773266792297363 + ], + [ + "alis", + -12.77327823638916 + ], + [ + "▁FE", + -12.77336597442627 + ], + [ + "▁Developing", + -12.773399353027344 + ], + [ + "170", + -12.773406982421877 + ], + [ + "▁trucking", + -12.773589134216309 + ], + [ + "▁Views", + -12.77359676361084 + ], + [ + "sim", + -12.773612022399902 + ], + [ + "▁HAS", + -12.773653984069824 + ], + [ + "▁atoms", + -12.77376937866211 + ], + [ + "▁miracles", + -12.773855209350586 + ], + [ + "products", + -12.773886680603027 + ], + [ + "▁Stylish", + -12.773910522460938 + ], + [ + "▁helmets", + -12.773959159851074 + ], + [ + "rous", + -12.773968696594238 + ], + [ + "▁Barber", + -12.773977279663086 + ], + [ + "iq", + -12.7741060256958 + ], + [ + "Keeping", + -12.77413845062256 + ], + [ + "▁stakeholder", + -12.774216651916504 + ], + [ + "▁buffalo", + -12.774311065673828 + ], + [ + "Job", + -12.774335861206056 + ], + [ + "▁oranges", + -12.77441120147705 + ], + [ + "▁postgraduate", + -12.774468421936035 + ], + [ + "▁Mobility", + -12.77451992034912 + ], + [ + "▁280", + -12.77452278137207 + ], + [ + "Stock", + -12.77453327178955 + ], + [ + "▁Hawk", + -12.77453899383545 + ], + [ + "▁Baltic", + -12.774694442749023 + ], + [ + "▁Spy", + -12.774761199951172 + ], + [ + "▁(+", + -12.774826049804688 + ], + [ + "▁photographing", + -12.774857521057127 + ], + [ + "▁draining", + -12.77502155303955 + ], + [ + "▁Dom", + -12.77507209777832 + ], + [ + "songwriter", + -12.775432586669922 + ], + [ + "▁dusty", + -12.775442123413086 + ], + [ + "▁plum", + -12.775497436523438 + ], + [ + "▁declaring", + -12.775517463684082 + ], + [ + "▁pillar", + -12.775532722473145 + ], + [ + "▁imperfections", + -12.775700569152832 + ], + [ + "▁eyebrows", + -12.775731086730955 + ], + [ + "cr", + -12.775741577148438 + ], + [ + "▁HK", + -12.775887489318848 + ], + [ + "▁TT", + -12.775906562805176 + ], + [ + "▁Cher", + -12.776058197021484 + ], + [ + "▁treadmill", + -12.776067733764648 + ], + [ + "▁GW", + -12.776084899902344 + ], + [ + "▁unusually", + -12.776122093200684 + ], + [ + "▁64-", + -12.776260375976562 + ], + [ + "ree", + -12.77628231048584 + ], + [ + "▁Decision", + -12.77636432647705 + ], + [ + "Users", + -12.776412963867188 + ], + [ + "▁GitHub", + -12.776558876037598 + ], + [ + "eria", + -12.776616096496582 + ], + [ + "▁detecting", + -12.776665687561035 + ], + [ + "▁nostalgia", + -12.776728630065918 + ], + [ + "▁persuasive", + -12.776728630065918 + ], + [ + "▁REALLY", + -12.77674961090088 + ], + [ + "▁vicious", + -12.776755332946776 + ], + [ + "dining", + -12.77676010131836 + ], + [ + "▁bursting", + -12.776873588562012 + ], + [ + "enko", + -12.776917457580566 + ], + [ + "IST", + -12.776937484741213 + ], + [ + "ense", + -12.777045249938965 + ], + [ + "▁Maj", + -12.77713394165039 + ], + [ + "ander", + -12.777148246765137 + ], + [ + "▁ducks", + -12.777186393737791 + ], + [ + "▁quilting", + -12.77724266052246 + ], + [ + "▁Comforter", + -12.77724838256836 + ], + [ + "▁2-4", + -12.777270317077637 + ], + [ + "▁empowers", + -12.77728271484375 + ], + [ + "SH", + -12.777318000793455 + ], + [ + "▁internships", + -12.777334213256836 + ], + [ + "kat", + -12.777347564697266 + ], + [ + "▁Improve", + -12.777420997619627 + ], + [ + "lead", + -12.777541160583496 + ], + [ + "->", + -12.77757740020752 + ], + [ + "ré", + -12.777685165405272 + ], + [ + "▁benefiting", + -12.777706146240234 + ], + [ + "▁Presbyterian", + -12.777739524841309 + ], + [ + "▁OSHA", + -12.777748107910156 + ], + [ + "need", + -12.77781867980957 + ], + [ + "▁EPS", + -12.777872085571287 + ], + [ + "▁cursor", + -12.777924537658691 + ], + [ + "▁Freeman", + -12.778002738952637 + ], + [ + "Coming", + -12.77805519104004 + ], + [ + "▁marina", + -12.77819538116455 + ], + [ + "cas", + -12.778244018554688 + ], + [ + "▁frog", + -12.778291702270508 + ], + [ + "-09", + -12.778346061706545 + ], + [ + "▁(25", + -12.778359413146973 + ], + [ + "▁Vegan", + -12.778399467468262 + ], + [ + "▁Scientists", + -12.77841091156006 + ], + [ + "▁patterned", + -12.778474807739258 + ], + [ + "▁4\"", + -12.778491020202637 + ], + [ + "▁commissioning", + -12.77860164642334 + ], + [ + "▁tester", + -12.778618812561035 + ], + [ + "mol", + -12.77878189086914 + ], + [ + "border", + -12.779007911682127 + ], + [ + "▁ser", + -12.77903175354004 + ], + [ + "▁drastic", + -12.779129028320312 + ], + [ + "▁narrator", + -12.77915382385254 + ], + [ + "furniture", + -12.779173851013184 + ], + [ + "dad", + -12.779178619384766 + ], + [ + "▁Claus", + -12.779397010803224 + ], + [ + "Sch", + -12.779434204101562 + ], + [ + "▁1-1", + -12.779437065124512 + ], + [ + "▁Condo", + -12.779577255249023 + ], + [ + "▁pollutants", + -12.779595375061035 + ], + [ + "▁motions", + -12.779879570007324 + ], + [ + "▁shaving", + -12.779900550842283 + ], + [ + "▁rationale", + -12.779948234558104 + ], + [ + "better", + -12.780072212219238 + ], + [ + "▁Tales", + -12.780110359191896 + ], + [ + "▁Whitney", + -12.780112266540527 + ], + [ + "▁Increase", + -12.780223846435549 + ], + [ + "▁cocaine", + -12.780373573303224 + ], + [ + "Ultimately", + -12.780470848083496 + ], + [ + "9,", + -12.780482292175291 + ], + [ + "▁deserving", + -12.78049373626709 + ], + [ + "▁shopper", + -12.780658721923828 + ], + [ + "▁Magento", + -12.780743598937988 + ], + [ + "▁complemented", + -12.780801773071287 + ], + [ + "▁0%", + -12.780806541442873 + ], + [ + "NL", + -12.780844688415527 + ], + [ + "dies", + -12.780845642089844 + ], + [ + "▁override", + -12.780902862548828 + ], + [ + "▁bundled", + -12.781012535095217 + ], + [ + "▁scripture", + -12.78102970123291 + ], + [ + "▁mil", + -12.781132698059082 + ], + [ + "loc", + -12.781269073486328 + ], + [ + "gue", + -12.781421661376951 + ], + [ + "▁ping", + -12.781468391418455 + ], + [ + "▁PER", + -12.781484603881836 + ], + [ + "▁$17", + -12.781917572021484 + ], + [ + "▁($1", + -12.781981468200684 + ], + [ + "▁Packaging", + -12.782061576843262 + ], + [ + "▁granddaughter", + -12.7821044921875 + ], + [ + "▁facade", + -12.782209396362305 + ], + [ + "▁electron", + -12.782301902770996 + ], + [ + "▁Prop", + -12.782444953918455 + ], + [ + "▁surname", + -12.782474517822266 + ], + [ + "▁richest", + -12.782488822937012 + ], + [ + "▁Lyn", + -12.78251838684082 + ], + [ + "▁Valid", + -12.782678604125977 + ], + [ + "▁peculiar", + -12.782792091369627 + ], + [ + "▁Might", + -12.78280258178711 + ], + [ + "▁Marketplace", + -12.782901763916016 + ], + [ + "▁catered", + -12.782931327819824 + ], + [ + "▁stationery", + -12.78297233581543 + ], + [ + "NN", + -12.783041954040527 + ], + [ + "▁Alloy", + -12.783195495605469 + ], + [ + "Section", + -12.78325080871582 + ], + [ + "▁Mitch", + -12.78328800201416 + ], + [ + "▁3.3", + -12.78329372406006 + ], + [ + "▁motives", + -12.783294677734377 + ], + [ + "CAN", + -12.783379554748535 + ], + [ + "lc", + -12.783401489257812 + ], + [ + "▁Liam", + -12.783479690551758 + ], + [ + "otic", + -12.783506393432615 + ], + [ + "▁1965", + -12.783699989318848 + ], + [ + "▁Mens", + -12.78381633758545 + ], + [ + "▁Shelter", + -12.783857345581056 + ], + [ + "agi", + -12.784011840820312 + ], + [ + "▁enticing", + -12.784024238586426 + ], + [ + "▁archival", + -12.784027099609377 + ], + [ + "▁Doesn", + -12.78406047821045 + ], + [ + "Board", + -12.784208297729492 + ], + [ + "Night", + -12.784377098083496 + ], + [ + "▁Interestingly", + -12.784520149230955 + ], + [ + "▁boosts", + -12.784603118896484 + ], + [ + "▁solicitor", + -12.784960746765137 + ], + [ + "▁dolphins", + -12.785009384155272 + ], + [ + "▁mutations", + -12.785110473632812 + ], + [ + "▁Halifax", + -12.78524398803711 + ], + [ + "▁influenza", + -12.78524398803711 + ], + [ + "▁transformative", + -12.785306930541992 + ], + [ + "▁8%", + -12.78551197052002 + ], + [ + "▁teammate", + -12.785516738891602 + ], + [ + "▁Maha", + -12.785521507263184 + ], + [ + "▁heartbeat", + -12.78554344177246 + ], + [ + "▁Taxi", + -12.785680770874023 + ], + [ + "IG", + -12.78574562072754 + ], + [ + "▁economist", + -12.785911560058594 + ], + [ + "▁Trader", + -12.785972595214844 + ], + [ + "▁0.8", + -12.78600025177002 + ], + [ + "▁Minute", + -12.786093711853027 + ], + [ + "▁Hang", + -12.786276817321776 + ], + [ + "▁Lives", + -12.786365509033203 + ], + [ + "▁bounty", + -12.786466598510742 + ], + [ + "▁experiential", + -12.786466598510742 + ], + [ + "▁bytes", + -12.78651237487793 + ], + [ + "shift", + -12.786520957946776 + ], + [ + "▁Hartford", + -12.78652572631836 + ], + [ + "▁necklaces", + -12.786590576171877 + ], + [ + "▁hinges", + -12.786606788635254 + ], + [ + "UV", + -12.78662109375 + ], + [ + "▁seas", + -12.786650657653809 + ], + [ + "▁expresses", + -12.786669731140137 + ], + [ + "British", + -12.78667449951172 + ], + [ + "▁engagements", + -12.786736488342283 + ], + [ + "▁wineries", + -12.78676414489746 + ], + [ + "eli", + -12.78677463531494 + ], + [ + "▁Dairy", + -12.786914825439451 + ], + [ + "▁bestselling", + -12.787156105041504 + ], + [ + "▁Habitat", + -12.787209510803224 + ], + [ + "▁Assisted", + -12.78724765777588 + ], + [ + "▁Seasons", + -12.787251472473145 + ], + [ + "▁Secondly", + -12.787270545959473 + ], + [ + "bill", + -12.787328720092772 + ], + [ + "Mid", + -12.787420272827148 + ], + [ + "▁forwarded", + -12.787449836730955 + ], + [ + "▁Dancing", + -12.787458419799805 + ], + [ + "▁tapped", + -12.787490844726562 + ], + [ + "▁Acrylic", + -12.787506103515623 + ], + [ + "▁116", + -12.787628173828123 + ], + [ + "▁mal", + -12.787686347961426 + ], + [ + "▁translucent", + -12.787692070007324 + ], + [ + "▁cleanliness", + -12.787762641906738 + ], + [ + "▁viability", + -12.787771224975586 + ], + [ + "▁documentaries", + -12.787779808044434 + ], + [ + "▁detectors", + -12.7879056930542 + ], + [ + "▁Mala", + -12.788290023803713 + ], + [ + "▁congratulate", + -12.788314819335938 + ], + [ + "borough", + -12.788331985473633 + ], + [ + "▁intrinsic", + -12.78859519958496 + ], + [ + "▁85%", + -12.788599014282228 + ], + [ + "cloud", + -12.788796424865724 + ], + [ + "▁dissolve", + -12.78902530670166 + ], + [ + "▁LT", + -12.789050102233888 + ], + [ + "▁ceramics", + -12.789057731628418 + ], + [ + "▁iteration", + -12.7891206741333 + ], + [ + "category", + -12.789140701293944 + ], + [ + "▁restrictive", + -12.789162635803224 + ], + [ + "▁fuzzy", + -12.789287567138672 + ], + [ + "▁yrs", + -12.789321899414062 + ], + [ + "100%", + -12.789673805236816 + ], + [ + "▁florist", + -12.78968906402588 + ], + [ + "▁Organ", + -12.789780616760254 + ], + [ + "once", + -12.789856910705566 + ], + [ + "▁Dorothy", + -12.789886474609377 + ], + [ + "▁Chin", + -12.790064811706545 + ], + [ + "▁tended", + -12.790091514587402 + ], + [ + "▁holdings", + -12.790103912353516 + ], + [ + "▁engraving", + -12.790143013000488 + ], + [ + "mun", + -12.79017734527588 + ], + [ + "▁sibling", + -12.790205955505373 + ], + [ + "▁machining", + -12.79022979736328 + ], + [ + "▁sustaining", + -12.790239334106444 + ], + [ + "▁modeled", + -12.790270805358888 + ], + [ + "▁yang", + -12.790360450744627 + ], + [ + "Say", + -12.790382385253906 + ], + [ + "painted", + -12.790452003479004 + ], + [ + "▁pods", + -12.790641784667969 + ], + [ + "cream", + -12.790715217590332 + ], + [ + "▁Arrow", + -12.790746688842772 + ], + [ + "▁Specialty", + -12.790756225585938 + ], + [ + "▁Nina", + -12.790767669677734 + ], + [ + "▁Asus", + -12.79082202911377 + ], + [ + "▁(@", + -12.790913581848145 + ], + [ + "▁impactful", + -12.79095458984375 + ], + [ + "▁NGO", + -12.79112148284912 + ], + [ + "Server", + -12.791215896606444 + ], + [ + "▁Tunnel", + -12.791391372680664 + ], + [ + "▁Trent", + -12.791489601135254 + ], + [ + "published", + -12.791631698608398 + ], + [ + "▁placebo", + -12.791641235351562 + ], + [ + "▁disturbed", + -12.7916841506958 + ], + [ + "▁bureau", + -12.79168701171875 + ], + [ + "▁Abbott", + -12.791844367980955 + ], + [ + "▁Kiss", + -12.791885375976562 + ], + [ + "▁Stones", + -12.791889190673828 + ], + [ + "▁wa", + -12.791977882385254 + ], + [ + "▁demon", + -12.79206085205078 + ], + [ + "▁Epson", + -12.79209327697754 + ], + [ + "stroke", + -12.792096138000488 + ], + [ + "▁allied", + -12.7923583984375 + ], + [ + "Roll", + -12.79240894317627 + ], + [ + "999", + -12.79244327545166 + ], + [ + "▁ja", + -12.792466163635254 + ], + [ + "▁slack", + -12.792552947998049 + ], + [ + "▁persistence", + -12.792610168457031 + ], + [ + "▁Substitution", + -12.792691230773926 + ], + [ + "▁genetically", + -12.792723655700684 + ], + [ + "▁Fry", + -12.792800903320312 + ], + [ + "asa", + -12.79286766052246 + ], + [ + "▁guru", + -12.792899131774902 + ], + [ + "▁Vent", + -12.79294204711914 + ], + [ + "ancy", + -12.792963027954102 + ], + [ + "Rather", + -12.79297161102295 + ], + [ + "▁Worship", + -12.792975425720217 + ], + [ + "lio", + -12.793015480041504 + ], + [ + "sman", + -12.79334831237793 + ], + [ + "▁Refrigerator", + -12.79335594177246 + ], + [ + "DVD", + -12.793371200561523 + ], + [ + "-07", + -12.79340648651123 + ], + [ + "▁Newark", + -12.793461799621582 + ], + [ + "▁loosen", + -12.793474197387695 + ], + [ + "▁puree", + -12.793498039245604 + ], + [ + "▁moderately", + -12.793752670288086 + ], + [ + "▁Cookie", + -12.7938232421875 + ], + [ + "▁doubling", + -12.79383373260498 + ], + [ + "▁Qui", + -12.793973922729492 + ], + [ + "▁Banana", + -12.794031143188477 + ], + [ + "▁sch", + -12.79409122467041 + ], + [ + "William", + -12.794150352478027 + ], + [ + "▁Buzz", + -12.794230461120604 + ], + [ + "Published", + -12.79429817199707 + ], + [ + "teen", + -12.794407844543455 + ], + [ + "▁Generic", + -12.79442310333252 + ], + [ + "▁1\"", + -12.794437408447266 + ], + [ + "▁Conversion", + -12.794499397277832 + ], + [ + "▁curator", + -12.794512748718262 + ], + [ + "stay", + -12.79473114013672 + ], + [ + "▁molds", + -12.794891357421877 + ], + [ + "▁Violence", + -12.794917106628418 + ], + [ + "▁accusations", + -12.79495906829834 + ], + [ + "tions", + -12.794960975646973 + ], + [ + "▁authoritative", + -12.795084953308104 + ], + [ + "▁tummy", + -12.795101165771484 + ], + [ + "▁Cadillac", + -12.795138359069824 + ], + [ + "▁Sunrise", + -12.795207023620604 + ], + [ + "▁seizures", + -12.795217514038086 + ], + [ + "▁Trevor", + -12.795268058776855 + ], + [ + "phi", + -12.795512199401855 + ], + [ + "▁caption", + -12.79556941986084 + ], + [ + "▁Deco", + -12.795698165893556 + ], + [ + "▁bud", + -12.79570198059082 + ], + [ + "▁Horror", + -12.795751571655272 + ], + [ + "▁flaw", + -12.795876502990724 + ], + [ + "▁brilliantly", + -12.7959623336792 + ], + [ + "▁dean", + -12.796001434326172 + ], + [ + "▁prescriptions", + -12.79615879058838 + ], + [ + "▁conflicting", + -12.796212196350098 + ], + [ + "▁Lyon", + -12.796304702758787 + ], + [ + "▁crises", + -12.796305656433104 + ], + [ + "▁violating", + -12.79631805419922 + ], + [ + "▁steamed", + -12.796363830566406 + ], + [ + "▁warehouses", + -12.796538352966309 + ], + [ + "/20", + -12.796563148498535 + ], + [ + "▁palms", + -12.79690647125244 + ], + [ + "France", + -12.796984672546388 + ], + [ + "▁sober", + -12.796993255615234 + ], + [ + "▁nightly", + -12.797004699707031 + ], + [ + "▁Sleeve", + -12.79704475402832 + ], + [ + "▁hex", + -12.797063827514648 + ], + [ + "▁Promise", + -12.797249794006348 + ], + [ + "▁3:00", + -12.797271728515623 + ], + [ + "▁stew", + -12.797334671020508 + ], + [ + "▁Chambers", + -12.797454833984377 + ], + [ + "▁Easily", + -12.79746437072754 + ], + [ + "▁contour", + -12.797472953796388 + ], + [ + "▁Valve", + -12.797503471374512 + ], + [ + "▁pint", + -12.797837257385254 + ], + [ + "▁Bags", + -12.797887802124023 + ], + [ + "Walk", + -12.797934532165527 + ], + [ + "▁newcomers", + -12.79806423187256 + ], + [ + "▁supper", + -12.798065185546877 + ], + [ + "▁Mohammed", + -12.798069953918455 + ], + [ + "dark", + -12.798084259033203 + ], + [ + "▁2,500", + -12.798093795776367 + ], + [ + "Har", + -12.798118591308594 + ], + [ + "Craft", + -12.798126220703123 + ], + [ + "▁canyon", + -12.79813003540039 + ], + [ + "▁Insulation", + -12.79820442199707 + ], + [ + "▁Fern", + -12.7982177734375 + ], + [ + "dam", + -12.79825210571289 + ], + [ + "▁radically", + -12.798343658447266 + ], + [ + "▁Punch", + -12.798377990722656 + ], + [ + "▁shouting", + -12.79839038848877 + ], + [ + "almost", + -12.798443794250488 + ], + [ + "▁0.9", + -12.798518180847168 + ], + [ + "▁Innovative", + -12.798669815063477 + ], + [ + "▁diagnostics", + -12.798694610595703 + ], + [ + "▁Developers", + -12.79872703552246 + ], + [ + "▁vape", + -12.79872703552246 + ], + [ + "▁disastrous", + -12.79877471923828 + ], + [ + "▁impending", + -12.798786163330078 + ], + [ + "▁Siri", + -12.798799514770508 + ], + [ + "▁refill", + -12.798828125 + ], + [ + "▁Rocks", + -12.798898696899414 + ], + [ + "plane", + -12.798994064331056 + ], + [ + "▁programmable", + -12.799036026000977 + ], + [ + "▁Peer", + -12.799102783203123 + ], + [ + "Apr", + -12.799137115478516 + ], + [ + "Better", + -12.799398422241213 + ], + [ + "▁Magnetic", + -12.799445152282717 + ], + [ + "ifies", + -12.799479484558104 + ], + [ + "▁Colonel", + -12.799527168273926 + ], + [ + "▁Mich", + -12.799643516540527 + ], + [ + "▁Bride", + -12.799692153930664 + ], + [ + "▁forge", + -12.799903869628906 + ], + [ + "▁Beau", + -12.799907684326172 + ], + [ + "▁Intelligent", + -12.799945831298828 + ], + [ + "▁asparagus", + -12.800013542175291 + ], + [ + "▁stewardship", + -12.800021171569824 + ], + [ + "▁QB", + -12.80002784729004 + ], + [ + "▁expectancy", + -12.800097465515137 + ], + [ + "▁Rama", + -12.800298690795898 + ], + [ + "▁ensuite", + -12.800302505493164 + ], + [ + "▁Beds", + -12.800374031066896 + ], + [ + "▁separates", + -12.80038356781006 + ], + [ + "▁GF", + -12.800447463989258 + ], + [ + "figure", + -12.800466537475586 + ], + [ + "▁backend", + -12.800623893737791 + ], + [ + "▁Northwestern", + -12.800721168518066 + ], + [ + "▁Simmons", + -12.800795555114746 + ], + [ + "▁stencil", + -12.800901412963867 + ], + [ + "▁Newman", + -12.800958633422852 + ], + [ + "▁Turtle", + -12.80100440979004 + ], + [ + "▁Cindy", + -12.801034927368164 + ], + [ + "▁sympathetic", + -12.801254272460938 + ], + [ + "▁finalist", + -12.801384925842283 + ], + [ + "▁Slovakia", + -12.801572799682615 + ], + [ + "▁layering", + -12.801678657531738 + ], + [ + "Transfer", + -12.8016996383667 + ], + [ + "mc", + -12.801733016967772 + ], + [ + "rol", + -12.80174732208252 + ], + [ + "▁goalkeeper", + -12.801756858825684 + ], + [ + "▁Mul", + -12.80176830291748 + ], + [ + "Preheat", + -12.801827430725098 + ], + [ + "▁Acts", + -12.801895141601562 + ], + [ + "Final", + -12.801918029785156 + ], + [ + "▁Kir", + -12.801924705505373 + ], + [ + "▁observer", + -12.801931381225586 + ], + [ + "▁Ep", + -12.802050590515137 + ], + [ + "impact", + -12.802088737487791 + ], + [ + "▁Carmel", + -12.802122116088867 + ], + [ + "itt", + -12.802361488342283 + ], + [ + "▁demos", + -12.802380561828612 + ], + [ + "▁1:00", + -12.802385330200195 + ], + [ + "dc", + -12.802414894104004 + ], + [ + "vers", + -12.802492141723633 + ], + [ + "▁DJs", + -12.802549362182615 + ], + [ + "RN", + -12.802660942077637 + ], + [ + "▁Broncos", + -12.802694320678713 + ], + [ + "Hub", + -12.802720069885254 + ], + [ + "▁Outlet", + -12.80286693572998 + ], + [ + "▁instinct", + -12.802933692932127 + ], + [ + "▁responders", + -12.80296516418457 + ], + [ + "▁envelopes", + -12.802989959716797 + ], + [ + "ete", + -12.803014755249023 + ], + [ + "▁freshwater", + -12.803041458129885 + ], + [ + "▁warmed", + -12.803128242492676 + ], + [ + "Neill", + -12.803324699401855 + ], + [ + "Pan", + -12.803345680236816 + ], + [ + "▁clinically", + -12.80335807800293 + ], + [ + "▁paycheck", + -12.803370475769045 + ], + [ + "▁accelerating", + -12.80341339111328 + ], + [ + "FREE", + -12.803424835205078 + ], + [ + "▁Pic", + -12.80344295501709 + ], + [ + "▁Snake", + -12.803478240966797 + ], + [ + "▁Coat", + -12.803511619567873 + ], + [ + "▁Fried", + -12.803518295288086 + ], + [ + "▁Stella", + -12.803547859191896 + ], + [ + "▁nicotine", + -12.803740501403809 + ], + [ + "famous", + -12.803751945495604 + ], + [ + "▁interstate", + -12.80386734008789 + ], + [ + "▁tearing", + -12.803911209106444 + ], + [ + "grain", + -12.804037094116213 + ], + [ + "▁KM", + -12.804052352905272 + ], + [ + "▁utensils", + -12.804068565368652 + ], + [ + "▁Oslo", + -12.804226875305176 + ], + [ + "▁folds", + -12.804268836975098 + ], + [ + "▁Torah", + -12.80429458618164 + ], + [ + "ear", + -12.804312705993652 + ], + [ + "available", + -12.804344177246094 + ], + [ + "▁Seminar", + -12.804367065429688 + ], + [ + "thy", + -12.804404258728027 + ], + [ + "▁raining", + -12.804434776306152 + ], + [ + "▁powdered", + -12.804466247558594 + ], + [ + "gra", + -12.804475784301758 + ], + [ + "▁$45", + -12.804498672485352 + ], + [ + "▁isolate", + -12.804569244384766 + ], + [ + "▁260", + -12.804611206054688 + ], + [ + "erson", + -12.804654121398926 + ], + [ + "ess", + -12.804658889770508 + ], + [ + "▁inks", + -12.804659843444824 + ], + [ + "Used", + -12.804693222045898 + ], + [ + "sti", + -12.804807662963867 + ], + [ + "cutting", + -12.804828643798828 + ], + [ + "▁Startup", + -12.80486297607422 + ], + [ + "▁Necklace", + -12.804987907409668 + ], + [ + "▁clasp", + -12.804987907409668 + ], + [ + "▁naval", + -12.805063247680664 + ], + [ + "added", + -12.80517292022705 + ], + [ + "▁Ecuador", + -12.805188179016112 + ], + [ + "▁cling", + -12.805293083190918 + ], + [ + "▁pear", + -12.805313110351562 + ], + [ + "▁Victory", + -12.805418968200684 + ], + [ + "▁Vas", + -12.805524826049805 + ], + [ + "IB", + -12.805584907531738 + ], + [ + "▁Bergen", + -12.805662155151367 + ], + [ + "▁1880", + -12.80573844909668 + ], + [ + "▁cue", + -12.805770874023438 + ], + [ + "5-", + -12.805872917175291 + ], + [ + "[/", + -12.805932998657228 + ], + [ + "▁Mitsubishi", + -12.805956840515137 + ], + [ + "▁grad", + -12.80599308013916 + ], + [ + "▁2.7", + -12.80605125427246 + ], + [ + "Kim", + -12.806110382080078 + ], + [ + "▁chi", + -12.80613899230957 + ], + [ + "▁cheering", + -12.80616569519043 + ], + [ + "▁incremental", + -12.806222915649414 + ], + [ + "▁graffiti", + -12.806233406066896 + ], + [ + "▁NASCAR", + -12.806235313415527 + ], + [ + "▁Gujarat", + -12.806471824645996 + ], + [ + "▁organisational", + -12.806478500366213 + ], + [ + "▁consciously", + -12.80673122406006 + ], + [ + "ilo", + -12.806800842285156 + ], + [ + "▁1/4\"", + -12.8069486618042 + ], + [ + "▁mugs", + -12.807196617126465 + ], + [ + "▁aqua", + -12.80731201171875 + ], + [ + "gui", + -12.80741024017334 + ], + [ + "280", + -12.807466506958008 + ], + [ + "▁turmoil", + -12.807480812072754 + ], + [ + "▁activism", + -12.807503700256348 + ], + [ + "▁2.8", + -12.80751895904541 + ], + [ + "▁Kol", + -12.807538032531738 + ], + [ + "▁annoyed", + -12.807644844055176 + ], + [ + "▁MAN", + -12.80768585205078 + ], + [ + "▁shook", + -12.807751655578612 + ], + [ + "/2017", + -12.807777404785156 + ], + [ + "▁Noir", + -12.807859420776367 + ], + [ + "Pen", + -12.807927131652832 + ], + [ + "▁11:30", + -12.807933807373049 + ], + [ + "▁Wheat", + -12.80807876586914 + ], + [ + "aan", + -12.808090209960938 + ], + [ + "▁hover", + -12.808122634887695 + ], + [ + "▁yr", + -12.80823802947998 + ], + [ + "▁Cure", + -12.808518409729004 + ], + [ + "▁Jaipur", + -12.808752059936523 + ], + [ + "▁thigh", + -12.80878734588623 + ], + [ + "▁recruiters", + -12.80880355834961 + ], + [ + "▁settlers", + -12.808813095092772 + ], + [ + "▁neurons", + -12.80890941619873 + ], + [ + "DOT", + -12.809089660644531 + ], + [ + "Register", + -12.809096336364746 + ], + [ + "zar", + -12.80911350250244 + ], + [ + "lk", + -12.809160232543944 + ], + [ + "bike", + -12.809226036071776 + ], + [ + "▁disks", + -12.80947971343994 + ], + [ + "phy", + -12.809885025024414 + ], + [ + "▁Bundle", + -12.80989933013916 + ], + [ + "▁readable", + -12.810012817382812 + ], + [ + "▁sam", + -12.81003189086914 + ], + [ + "▁Singles", + -12.810091972351074 + ], + [ + "KO", + -12.810104370117188 + ], + [ + "▁Av", + -12.810166358947754 + ], + [ + "▁diligently", + -12.810199737548828 + ], + [ + "mor", + -12.810221672058104 + ], + [ + "▁Wat", + -12.810260772705078 + ], + [ + "lem", + -12.810335159301758 + ], + [ + "▁skins", + -12.810359001159668 + ], + [ + "▁Intermediate", + -12.810419082641602 + ], + [ + "▁plumbers", + -12.8104887008667 + ], + [ + "▁Nate", + -12.8107271194458 + ], + [ + "Title", + -12.810894966125488 + ], + [ + "▁webinars", + -12.810918807983398 + ], + [ + "▁offenders", + -12.811052322387695 + ], + [ + "▁SMEs", + -12.811095237731934 + ], + [ + "ines", + -12.811254501342772 + ], + [ + "▁MasterCard", + -12.811287879943848 + ], + [ + "▁Visitor", + -12.811321258544922 + ], + [ + "Rev", + -12.811365127563477 + ], + [ + "▁redevelopment", + -12.81136703491211 + ], + [ + "▁surreal", + -12.811397552490234 + ], + [ + "▁welded", + -12.811495780944824 + ], + [ + "▁bleach", + -12.811503410339355 + ], + [ + "▁var", + -12.811588287353516 + ], + [ + "URL", + -12.811625480651855 + ], + [ + "▁complements", + -12.8118314743042 + ], + [ + "▁attaching", + -12.811972618103027 + ], + [ + "Joe", + -12.812005996704102 + ], + [ + "▁PNG", + -12.812009811401367 + ], + [ + "Strong", + -12.812030792236328 + ], + [ + "▁eighteen", + -12.812142372131348 + ], + [ + "song", + -12.812192916870115 + ], + [ + "▁pavilion", + -12.812226295471191 + ], + [ + "▁Transformation", + -12.812426567077637 + ], + [ + "▁Claims", + -12.812427520751951 + ], + [ + "▁Ministries", + -12.812490463256836 + ], + [ + "▁thieves", + -12.812490463256836 + ], + [ + "▁prudent", + -12.812503814697266 + ], + [ + "▁labelled", + -12.812813758850098 + ], + [ + "Pet", + -12.81302261352539 + ], + [ + "bow", + -12.813057899475098 + ], + [ + "Install", + -12.813066482543944 + ], + [ + "ook", + -12.813076972961426 + ], + [ + "▁Grandma", + -12.81312084197998 + ], + [ + "▁ashes", + -12.813199996948242 + ], + [ + "cash", + -12.813237190246582 + ], + [ + "▁aftermarket", + -12.813265800476074 + ], + [ + "▁sorrow", + -12.813307762145996 + ], + [ + "▁ascertain", + -12.813345909118652 + ], + [ + "▁recorder", + -12.813387870788574 + ], + [ + "▁0.4", + -12.813408851623535 + ], + [ + "▁hitch", + -12.813522338867188 + ], + [ + "▁JS", + -12.813558578491213 + ], + [ + "▁courageous", + -12.813558578491213 + ], + [ + "▁outlining", + -12.813634872436523 + ], + [ + "▁placements", + -12.8136625289917 + ], + [ + "Parents", + -12.81370449066162 + ], + [ + "▁peacefully", + -12.813814163208008 + ], + [ + "▁RD", + -12.813905715942385 + ], + [ + "▁Jared", + -12.813992500305176 + ], + [ + "▁importing", + -12.814087867736816 + ], + [ + "▁confrontation", + -12.814132690429688 + ], + [ + "▁2020,", + -12.814133644104004 + ], + [ + "AW", + -12.814197540283203 + ], + [ + "▁Mutual", + -12.814268112182615 + ], + [ + "▁handler", + -12.814412117004396 + ], + [ + "▁occupants", + -12.81441593170166 + ], + [ + "fc", + -12.814424514770508 + ], + [ + "▁formations", + -12.814499855041504 + ], + [ + "▁spills", + -12.814533233642578 + ], + [ + "▁litre", + -12.81471347808838 + ], + [ + "Pad", + -12.814715385437012 + ], + [ + "▁threatens", + -12.814723014831545 + ], + [ + "▁Hydraulic", + -12.814884185791016 + ], + [ + "Camp", + -12.814970970153809 + ], + [ + "▁tram", + -12.81500244140625 + ], + [ + "processing", + -12.81508731842041 + ], + [ + "▁pony", + -12.815089225769045 + ], + [ + "▁whimsical", + -12.815089225769045 + ], + [ + "▁Humanities", + -12.815117835998535 + ], + [ + "▁respectable", + -12.815174102783203 + ], + [ + "▁physiological", + -12.815192222595217 + ], + [ + "▁FAA", + -12.815220832824709 + ], + [ + "▁jo", + -12.815361976623535 + ], + [ + "▁nourishing", + -12.815481185913086 + ], + [ + "nier", + -12.815587043762209 + ], + [ + "▁Combat", + -12.815630912780762 + ], + [ + "Dream", + -12.815807342529297 + ], + [ + "Sweet", + -12.815921783447266 + ], + [ + "▁Tibet", + -12.816164016723633 + ], + [ + "vir", + -12.816184997558594 + ], + [ + "▁Worcester", + -12.81626319885254 + ], + [ + "▁ivory", + -12.816267013549805 + ], + [ + "▁Pentagon", + -12.81627082824707 + ], + [ + "▁Zurich", + -12.81628131866455 + ], + [ + "playing", + -12.81630516052246 + ], + [ + "▁Boards", + -12.816398620605469 + ], + [ + "rez", + -12.81642246246338 + ], + [ + "nig", + -12.816434860229492 + ], + [ + "lessness", + -12.81644344329834 + ], + [ + "HI", + -12.81650733947754 + ], + [ + "▁Rap", + -12.81651210784912 + ], + [ + "▁spun", + -12.816548347473145 + ], + [ + "▁Abuse", + -12.81669807434082 + ], + [ + "▁Vince", + -12.8167724609375 + ], + [ + "▁intervene", + -12.816936492919922 + ], + [ + "▁scatter", + -12.81706714630127 + ], + [ + "▁descendants", + -12.81711769104004 + ], + [ + "▁sidewalks", + -12.817384719848633 + ], + [ + "▁Temp", + -12.817404747009276 + ], + [ + "▁Welfare", + -12.81740951538086 + ], + [ + "above", + -12.817421913146973 + ], + [ + "▁Cod", + -12.817514419555664 + ], + [ + "▁acknowledging", + -12.817530632019045 + ], + [ + "▁Served", + -12.81755256652832 + ], + [ + "▁patiently", + -12.817585945129396 + ], + [ + "▁Chic", + -12.81762409210205 + ], + [ + "▁stiffness", + -12.817667007446287 + ], + [ + "▁summers", + -12.817684173583984 + ], + [ + "▁sequencing", + -12.817723274230955 + ], + [ + "lah", + -12.817774772644045 + ], + [ + "farm", + -12.817805290222168 + ], + [ + "▁bullets", + -12.81790828704834 + ], + [ + "▁Shelf", + -12.81792449951172 + ], + [ + "▁remix", + -12.817930221557615 + ], + [ + "ike", + -12.81808853149414 + ], + [ + "▁wrought", + -12.818158149719238 + ], + [ + "▁Consumers", + -12.818161964416504 + ], + [ + "Technology", + -12.81851863861084 + ], + [ + "Chinese", + -12.818520545959473 + ], + [ + "▁Rank", + -12.81859016418457 + ], + [ + "▁incumbent", + -12.818594932556152 + ], + [ + "▁didnt", + -12.818693161010742 + ], + [ + "▁ur", + -12.818713188171388 + ], + [ + "▁inject", + -12.818735122680664 + ], + [ + "▁humility", + -12.8187894821167 + ], + [ + "▁teak", + -12.818793296813965 + ], + [ + "▁levy", + -12.818818092346191 + ], + [ + "▁stare", + -12.818939208984377 + ], + [ + "WR", + -12.819071769714355 + ], + [ + "▁Kali", + -12.819072723388672 + ], + [ + "▁Recipes", + -12.819398880004885 + ], + [ + "▁sprouts", + -12.81949520111084 + ], + [ + "▁Tr", + -12.819561004638672 + ], + [ + "Daniel", + -12.819748878479004 + ], + [ + "▁BD", + -12.819806098937988 + ], + [ + "abi", + -12.819843292236328 + ], + [ + "▁trench", + -12.819989204406738 + ], + [ + "▁tho", + -12.820024490356444 + ], + [ + "▁£6", + -12.820093154907228 + ], + [ + "Original", + -12.82010269165039 + ], + [ + "▁UL", + -12.82021427154541 + ], + [ + "▁Woo", + -12.82027816772461 + ], + [ + "▁plateau", + -12.820307731628418 + ], + [ + "▁witnessing", + -12.820310592651367 + ], + [ + "▁Yourself", + -12.82044792175293 + ], + [ + "▁disciplined", + -12.820631980895996 + ], + [ + "▁rebate", + -12.820649147033691 + ], + [ + "▁Oval", + -12.820743560791016 + ], + [ + "▁Bermuda", + -12.82091236114502 + ], + [ + "▁Thousands", + -12.820990562438965 + ], + [ + "▁Visiting", + -12.821036338806152 + ], + [ + "▁pharmacies", + -12.821318626403809 + ], + [ + "▁veil", + -12.82137393951416 + ], + [ + "uga", + -12.821438789367676 + ], + [ + "▁soothe", + -12.821468353271484 + ], + [ + "▁Alps", + -12.821477890014648 + ], + [ + "▁propel", + -12.821524620056152 + ], + [ + "follow", + -12.821603775024414 + ], + [ + "▁lobbying", + -12.821697235107422 + ], + [ + "▁envisioned", + -12.821746826171877 + ], + [ + "UR", + -12.821828842163086 + ], + [ + "▁NB", + -12.821942329406738 + ], + [ + "Vision", + -12.821945190429688 + ], + [ + "▁Alien", + -12.821969985961914 + ], + [ + "▁Dryer", + -12.821975708007812 + ], + [ + "▁washable", + -12.822016716003418 + ], + [ + "trans", + -12.822111129760742 + ], + [ + "▁Flint", + -12.822120666503906 + ], + [ + "▁Saskatchewan", + -12.822216987609863 + ], + [ + "▁Loch", + -12.82228183746338 + ], + [ + "▁bezel", + -12.82230281829834 + ], + [ + "▁Skill", + -12.822345733642578 + ], + [ + "▁standby", + -12.822386741638184 + ], + [ + "▁mosque", + -12.82244110107422 + ], + [ + "▁interpreting", + -12.822525024414062 + ], + [ + "▁furthermore", + -12.822529792785645 + ], + [ + "▁transgender", + -12.822588920593262 + ], + [ + "▁Slovenia", + -12.82261848449707 + ], + [ + "▁Himself", + -12.82262897491455 + ], + [ + "▁scuba", + -12.822629928588867 + ], + [ + "▁Dig", + -12.82270336151123 + ], + [ + "▁Coco", + -12.82280158996582 + ], + [ + "▁Fees", + -12.822842597961426 + ], + [ + "Case", + -12.822868347167969 + ], + [ + "▁Pets", + -12.822890281677246 + ], + [ + "▁Disneyland", + -12.8229341506958 + ], + [ + "▁Topic", + -12.82300090789795 + ], + [ + "▁stuffing", + -12.823046684265137 + ], + [ + "102", + -12.823187828063965 + ], + [ + "Kit", + -12.823288917541504 + ], + [ + "▁Um", + -12.823319435119627 + ], + [ + "▁arrests", + -12.823491096496582 + ], + [ + "▁Dome", + -12.823503494262695 + ], + [ + "▁PP", + -12.823674201965332 + ], + [ + "central", + -12.823675155639648 + ], + [ + "▁impulse", + -12.823724746704102 + ], + [ + "▁apprenticeship", + -12.823734283447266 + ], + [ + "▁ICE", + -12.823738098144531 + ], + [ + "▁infestation", + -12.823844909667969 + ], + [ + "ти", + -12.82388401031494 + ], + [ + "▁casing", + -12.82400894165039 + ], + [ + "German", + -12.824031829833984 + ], + [ + "▁Motorcycle", + -12.824067115783691 + ], + [ + "▁instrumentation", + -12.824088096618652 + ], + [ + "▁Lind", + -12.824098587036133 + ], + [ + "▁Tiles", + -12.824179649353027 + ], + [ + "▁APR", + -12.824182510375977 + ], + [ + "▁IPO", + -12.824209213256836 + ], + [ + "▁molecule", + -12.824298858642578 + ], + [ + "Medical", + -12.82433795928955 + ], + [ + "▁Specific", + -12.824342727661133 + ], + [ + "▁Hoffman", + -12.824407577514648 + ], + [ + "▁Smile", + -12.824629783630373 + ], + [ + "▁Fairy", + -12.82468032836914 + ], + [ + "▁Washer", + -12.824747085571287 + ], + [ + "▁Paso", + -12.824751853942873 + ], + [ + "-08", + -12.824827194213867 + ], + [ + "▁Barrett", + -12.824960708618164 + ], + [ + "▁cigar", + -12.825010299682615 + ], + [ + "▁Xiaomi", + -12.825091361999512 + ], + [ + "▁Wong", + -12.825105667114258 + ], + [ + "▁untreated", + -12.82517433166504 + ], + [ + "▁Crypto", + -12.825220108032228 + ], + [ + "boards", + -12.825228691101074 + ], + [ + "nder", + -12.825417518615724 + ], + [ + "▁polo", + -12.825469017028809 + ], + [ + "▁fluent", + -12.825483322143556 + ], + [ + "▁1938", + -12.825693130493164 + ], + [ + "▁fist", + -12.825827598571776 + ], + [ + "Pat", + -12.825831413269045 + ], + [ + "kie", + -12.825963973999023 + ], + [ + "▁Measure", + -12.825965881347656 + ], + [ + "rap", + -12.82614517211914 + ], + [ + "Guide", + -12.82622241973877 + ], + [ + "▁liaison", + -12.826396942138672 + ], + [ + "▁trivial", + -12.826440811157228 + ], + [ + "▁casualties", + -12.82644748687744 + ], + [ + "▁ghosts", + -12.8265380859375 + ], + [ + "▁drafts", + -12.826539039611816 + ], + [ + "▁Quantum", + -12.826788902282717 + ], + [ + "save", + -12.826951026916504 + ], + [ + "▁unsubscribe", + -12.82710075378418 + ], + [ + "▁Sq", + -12.827102661132812 + ], + [ + "▁Goal", + -12.827258110046388 + ], + [ + "▁grabs", + -12.827265739440918 + ], + [ + "▁irony", + -12.827314376831056 + ], + [ + "▁rag", + -12.82738971710205 + ], + [ + "▁Hollow", + -12.827439308166504 + ], + [ + "▁ethanol", + -12.82746124267578 + ], + [ + "▁greed", + -12.827566146850586 + ], + [ + "▁airbags", + -12.827698707580566 + ], + [ + "▁Irving", + -12.827699661254885 + ], + [ + "▁posing", + -12.827707290649414 + ], + [ + "▁inventive", + -12.827709197998049 + ], + [ + "deck", + -12.827746391296388 + ], + [ + "DN", + -12.82778263092041 + ], + [ + "▁Cheers", + -12.827784538269045 + ], + [ + "▁LNG", + -12.82783031463623 + ], + [ + "▁feminist", + -12.827997207641602 + ], + [ + "▁suede", + -12.828110694885254 + ], + [ + "▁Insights", + -12.828216552734377 + ], + [ + "kids", + -12.828312873840332 + ], + [ + "▁Values", + -12.828380584716797 + ], + [ + "▁bleed", + -12.828483581542969 + ], + [ + "iu", + -12.828524589538574 + ], + [ + "▁Willie", + -12.828689575195312 + ], + [ + "▁Odyssey", + -12.82876682281494 + ], + [ + "▁lymph", + -12.828939437866213 + ], + [ + "evo", + -12.828946113586426 + ], + [ + "▁consolidating", + -12.828947067260742 + ], + [ + "▁procedural", + -12.828947067260742 + ], + [ + "fy", + -12.828981399536133 + ], + [ + "▁Provincial", + -12.828989028930664 + ], + [ + "Par", + -12.829110145568848 + ], + [ + "amide", + -12.829124450683594 + ], + [ + "▁probate", + -12.829379081726074 + ], + [ + "▁trailing", + -12.829530715942385 + ], + [ + "▁substrate", + -12.829574584960938 + ], + [ + "▁Norwich", + -12.829628944396973 + ], + [ + "▁Raja", + -12.82966423034668 + ], + [ + "▁Loft", + -12.82973289489746 + ], + [ + "▁excerpt", + -12.829745292663574 + ], + [ + "Australia", + -12.829751014709473 + ], + [ + "▁Chiefs", + -12.829758644104004 + ], + [ + "▁Cannon", + -12.829829216003418 + ], + [ + "▁Amen", + -12.82988452911377 + ], + [ + "▁Thomson", + -12.829901695251465 + ], + [ + "▁Democracy", + -12.829911231994627 + ], + [ + "Op", + -12.829995155334473 + ], + [ + "▁dc", + -12.830044746398926 + ], + [ + "▁financed", + -12.830220222473145 + ], + [ + "▁circulating", + -12.83022403717041 + ], + [ + "▁leggings", + -12.830224990844728 + ], + [ + "Chief", + -12.830227851867676 + ], + [ + "▁moisturizer", + -12.830240249633787 + ], + [ + "▁Difference", + -12.83024787902832 + ], + [ + "Outside", + -12.830310821533203 + ], + [ + "Value", + -12.830355644226074 + ], + [ + "▁Lisbon", + -12.83038330078125 + ], + [ + "▁ADA", + -12.830425262451172 + ], + [ + "plant", + -12.8304443359375 + ], + [ + "▁Aussie", + -12.83047103881836 + ], + [ + "▁arose", + -12.830500602722168 + ], + [ + "▁candid", + -12.83064079284668 + ], + [ + "▁Walton", + -12.83071231842041 + ], + [ + "▁Rhodes", + -12.830727577209473 + ], + [ + "▁GOD", + -12.830793380737305 + ], + [ + "sync", + -12.830900192260742 + ], + [ + "▁wetlands", + -12.831035614013672 + ], + [ + "▁Butterfly", + -12.831196784973145 + ], + [ + "▁Beam", + -12.831417083740234 + ], + [ + "▁disturbance", + -12.831470489501951 + ], + [ + "▁Gonzalez", + -12.831475257873535 + ], + [ + "▁gigantic", + -12.831502914428713 + ], + [ + "▁Counties", + -12.83155345916748 + ], + [ + "yang", + -12.831788063049316 + ], + [ + "▁fermented", + -12.831788063049316 + ], + [ + "2.1", + -12.83206558227539 + ], + [ + "▁baptism", + -12.8320894241333 + ], + [ + "5%", + -12.832114219665527 + ], + [ + "ars", + -12.83219051361084 + ], + [ + "pick", + -12.832280158996582 + ], + [ + "▁informs", + -12.83232307434082 + ], + [ + "▁Vir", + -12.832606315612791 + ], + [ + "▁disappears", + -12.832759857177734 + ], + [ + "▁ornamental", + -12.832876205444336 + ], + [ + "▁KC", + -12.832938194274902 + ], + [ + "▁formulate", + -12.8329439163208 + ], + [ + "▁leased", + -12.832955360412598 + ], + [ + "▁tightening", + -12.833069801330566 + ], + [ + "mir", + -12.833141326904297 + ], + [ + "▁1915", + -12.833148002624512 + ], + [ + "▁Taliban", + -12.83317756652832 + ], + [ + "▁Starter", + -12.83322525024414 + ], + [ + "▁declines", + -12.83324909210205 + ], + [ + "/17", + -12.833366394042969 + ], + [ + "▁dorm", + -12.833483695983888 + ], + [ + "hem", + -12.833488464355469 + ], + [ + "▁Teach", + -12.833691596984863 + ], + [ + "▁pharmacist", + -12.8340482711792 + ], + [ + "▁restorative", + -12.834065437316896 + ], + [ + "Summary", + -12.83416748046875 + ], + [ + "▁toolkit", + -12.834210395812988 + ], + [ + "custom", + -12.83430290222168 + ], + [ + "▁Portsmouth", + -12.834428787231444 + ], + [ + "▁organisers", + -12.834452629089355 + ], + [ + "2).", + -12.834528923034668 + ], + [ + "carbon", + -12.834579467773438 + ], + [ + "▁Sei", + -12.834650039672852 + ], + [ + "corp", + -12.8346586227417 + ], + [ + "▁Carlo", + -12.834687232971191 + ], + [ + "▁PAC", + -12.834783554077148 + ], + [ + "moor", + -12.834784507751465 + ], + [ + "▁::", + -12.834875106811523 + ], + [ + "▁Frozen", + -12.834961891174316 + ], + [ + "▁cervical", + -12.834975242614746 + ], + [ + "▁Kur", + -12.835091590881348 + ], + [ + "reviewed", + -12.835095405578612 + ], + [ + "ер", + -12.83515167236328 + ], + [ + "▁preach", + -12.83517837524414 + ], + [ + "▁prolong", + -12.835271835327148 + ], + [ + "▁8\"", + -12.835286140441896 + ], + [ + "▁jumper", + -12.83531379699707 + ], + [ + "▁emerald", + -12.83534812927246 + ], + [ + "▁formidable", + -12.835349082946776 + ], + [ + "▁CAP", + -12.835352897644045 + ], + [ + "▁infographic", + -12.835389137268066 + ], + [ + "▁Potential", + -12.835429191589355 + ], + [ + "▁haunting", + -12.835471153259276 + ], + [ + "▁ML", + -12.835668563842772 + ], + [ + "MY", + -12.83568286895752 + ], + [ + "▁PET", + -12.835737228393556 + ], + [ + "▁Shiva", + -12.835954666137695 + ], + [ + "▁temper", + -12.83603858947754 + ], + [ + "▁stimulates", + -12.836053848266602 + ], + [ + "▁1962", + -12.836100578308104 + ], + [ + "▁1933", + -12.83612060546875 + ], + [ + "▁Luna", + -12.836161613464355 + ], + [ + "▁DON", + -12.836219787597656 + ], + [ + "pine", + -12.83623218536377 + ], + [ + "Indian", + -12.83627700805664 + ], + [ + "▁Lac", + -12.836296081542969 + ], + [ + "▁delve", + -12.836423873901367 + ], + [ + "▁morale", + -12.836445808410645 + ], + [ + "▁144", + -12.836525917053224 + ], + [ + "▁Everyday", + -12.83659839630127 + ], + [ + "▁unforeseen", + -12.836633682250977 + ], + [ + "▁oatmeal", + -12.836634635925291 + ], + [ + "▁adherence", + -12.836647987365724 + ], + [ + "▁hacks", + -12.83668613433838 + ], + [ + "▁muddy", + -12.836697578430176 + ], + [ + "Silver", + -12.836819648742676 + ], + [ + "▁Maxwell", + -12.836841583251951 + ], + [ + "▁vocalist", + -12.836852073669434 + ], + [ + "sets", + -12.836913108825684 + ], + [ + "▁spiders", + -12.837111473083496 + ], + [ + "Focus", + -12.83713436126709 + ], + [ + "▁Governance", + -12.83718967437744 + ], + [ + "▁Dragons", + -12.83724594116211 + ], + [ + "▁Gender", + -12.837278366088867 + ], + [ + "▁firsthand", + -12.837440490722656 + ], + [ + "▁Vel", + -12.83758544921875 + ], + [ + "▁Dawson", + -12.837616920471191 + ], + [ + "tom", + -12.837750434875488 + ], + [ + "▁****", + -12.838006019592283 + ], + [ + "characterization", + -12.838078498840332 + ], + [ + "▁Roland", + -12.838237762451172 + ], + [ + "▁slew", + -12.83828067779541 + ], + [ + "▁rebels", + -12.838309288024902 + ], + [ + "▁Wed", + -12.838385581970217 + ], + [ + "▁reconnect", + -12.838385581970217 + ], + [ + "▁closures", + -12.83839511871338 + ], + [ + "▁hormonal", + -12.838834762573242 + ], + [ + "▁Aviv", + -12.838929176330566 + ], + [ + "▁Camping", + -12.839056015014648 + ], + [ + "▁linens", + -12.839146614074709 + ], + [ + "▁3-0", + -12.839167594909668 + ], + [ + "ides", + -12.839221954345703 + ], + [ + ".00.", + -12.839337348937988 + ], + [ + "▁GPA", + -12.839351654052734 + ], + [ + "▁mon", + -12.83945369720459 + ], + [ + "▁blockbuster", + -12.839469909667969 + ], + [ + "▁Watts", + -12.839587211608888 + ], + [ + "ATE", + -12.839749336242676 + ], + [ + "▁fruitful", + -12.840006828308104 + ], + [ + "ddle", + -12.840063095092772 + ], + [ + "▁interns", + -12.840076446533203 + ], + [ + "▁1914", + -12.840123176574709 + ], + [ + "crafted", + -12.840276718139648 + ], + [ + "mmer", + -12.840323448181152 + ], + [ + "Fe", + -12.840394020080566 + ], + [ + "▁Giveaway", + -12.84052848815918 + ], + [ + "motion", + -12.840548515319824 + ], + [ + "miss", + -12.84058952331543 + ], + [ + "▁unsecured", + -12.840595245361328 + ], + [ + "▁sinking", + -12.840743064880373 + ], + [ + "▁differentiation", + -12.840837478637695 + ], + [ + "▁coaster", + -12.841009140014648 + ], + [ + "▁6.0", + -12.841041564941406 + ], + [ + "Sha", + -12.841081619262695 + ], + [ + "▁Soil", + -12.84109115600586 + ], + [ + "▁Headquarters", + -12.841191291809082 + ], + [ + "TI", + -12.84120273590088 + ], + [ + "▁coupling", + -12.841459274291992 + ], + [ + "Wi", + -12.841604232788086 + ], + [ + "ente", + -12.841614723205566 + ], + [ + "▁thyme", + -12.841650009155272 + ], + [ + "▁campground", + -12.84195327758789 + ], + [ + "▁sided", + -12.842005729675291 + ], + [ + "Gu", + -12.84200668334961 + ], + [ + "Alex", + -12.8421049118042 + ], + [ + "▁Adapter", + -12.84222412109375 + ], + [ + "Cross", + -12.84225368499756 + ], + [ + "▁unrealistic", + -12.842262268066406 + ], + [ + "▁successive", + -12.84227466583252 + ], + [ + "▁Wax", + -12.842279434204102 + ], + [ + "anda", + -12.84243106842041 + ], + [ + "▁fungi", + -12.842434883117676 + ], + [ + "▁flea", + -12.84251308441162 + ], + [ + "Te", + -12.842516899108888 + ], + [ + "▁possessed", + -12.842521667480469 + ], + [ + "DY", + -12.842535018920898 + ], + [ + "lap", + -12.842556953430176 + ], + [ + "cf", + -12.842586517333984 + ], + [ + "▁interrupt", + -12.84265422821045 + ], + [ + "▁Floral", + -12.842671394348145 + ], + [ + "1/", + -12.842758178710938 + ], + [ + "▁Winds", + -12.842824935913086 + ], + [ + "gor", + -12.842905044555664 + ], + [ + "▁salvage", + -12.842928886413574 + ], + [ + "Sat", + -12.842938423156738 + ], + [ + "chip", + -12.843022346496582 + ], + [ + "▁bouncing", + -12.843085289001465 + ], + [ + "▁contemplating", + -12.843085289001465 + ], + [ + "▁fu", + -12.843154907226562 + ], + [ + "▁Kee", + -12.84322738647461 + ], + [ + "▁Bucks", + -12.843286514282228 + ], + [ + "▁Coaches", + -12.843335151672363 + ], + [ + "bil", + -12.84338092803955 + ], + [ + "▁POST", + -12.843448638916016 + ], + [ + "connected", + -12.84349536895752 + ], + [ + "fired", + -12.843512535095217 + ], + [ + "▁crossword", + -12.843539237976074 + ], + [ + "▁ASTM", + -12.843562126159668 + ], + [ + "▁adolescent", + -12.84362506866455 + ], + [ + "▁infinity", + -12.843658447265623 + ], + [ + "tested", + -12.843711853027344 + ], + [ + "▁finer", + -12.84377098083496 + ], + [ + "bath", + -12.843807220458984 + ], + [ + "never", + -12.843854904174805 + ], + [ + "▁Nadu", + -12.84394073486328 + ], + [ + "▁imperial", + -12.844314575195312 + ], + [ + "rak", + -12.844327926635742 + ], + [ + "▁Notification", + -12.844383239746094 + ], + [ + "Cash", + -12.844412803649902 + ], + [ + "▁identifier", + -12.844488143920898 + ], + [ + "▁eggplant", + -12.844501495361328 + ], + [ + "2.2", + -12.844565391540527 + ], + [ + "▁notions", + -12.8446626663208 + ], + [ + "▁realizes", + -12.844671249389648 + ], + [ + "▁monkeys", + -12.84471321105957 + ], + [ + "▁Irvine", + -12.844772338867188 + ], + [ + "▁Drupal", + -12.844781875610352 + ], + [ + "▁Ensemble", + -12.84481143951416 + ], + [ + "▁latency", + -12.844921112060549 + ], + [ + "▁rpm", + -12.844922065734863 + ], + [ + "▁inexperienced", + -12.8450345993042 + ], + [ + "▁postcard", + -12.845123291015623 + ], + [ + "▁crest", + -12.845209121704102 + ], + [ + "▁trustees", + -12.84524631500244 + ], + [ + "HT", + -12.845253944396973 + ], + [ + "▁linguistic", + -12.845314979553224 + ], + [ + "▁cops", + -12.845401763916016 + ], + [ + "-45", + -12.845613479614258 + ], + [ + "Glad", + -12.845622062683104 + ], + [ + "▁platter", + -12.845693588256836 + ], + [ + "▁tallest", + -12.84585952758789 + ], + [ + "Wait", + -12.845991134643556 + ], + [ + "▁sanitary", + -12.846043586730955 + ], + [ + "▁saga", + -12.846080780029297 + ], + [ + "▁overdue", + -12.84616470336914 + ], + [ + "▁headphone", + -12.846176147460938 + ], + [ + "▁1918", + -12.846264839172363 + ], + [ + "Town", + -12.84629726409912 + ], + [ + "▁massively", + -12.846324920654297 + ], + [ + "iso", + -12.846383094787598 + ], + [ + "▁DAYS", + -12.84650421142578 + ], + [ + "nut", + -12.846521377563477 + ], + [ + "found", + -12.846572875976562 + ], + [ + "▁McCain", + -12.846604347229004 + ], + [ + "Added", + -12.84671688079834 + ], + [ + "▁helper", + -12.846918106079102 + ], + [ + "▁complexes", + -12.847049713134766 + ], + [ + "mie", + -12.847122192382812 + ], + [ + "▁unanimously", + -12.847164154052734 + ], + [ + "▁Gra", + -12.847186088562012 + ], + [ + "▁organism", + -12.847247123718262 + ], + [ + "▁sigh", + -12.847288131713867 + ], + [ + "▁Documents", + -12.847302436828612 + ], + [ + "▁plantation", + -12.847314834594728 + ], + [ + "▁Rolls", + -12.847481727600098 + ], + [ + "▁groundwater", + -12.847509384155272 + ], + [ + "▁IQ", + -12.847545623779297 + ], + [ + "mani", + -12.847715377807615 + ], + [ + "Ann", + -12.847816467285156 + ], + [ + "▁bulletin", + -12.84787654876709 + ], + [ + "/15", + -12.848087310791016 + ], + [ + "▁thumbs", + -12.848230361938477 + ], + [ + "▁8:", + -12.848260879516602 + ], + [ + "▁nesting", + -12.848273277282717 + ], + [ + "▁hesitant", + -12.84827709197998 + ], + [ + "▁negligent", + -12.84827709197998 + ], + [ + "▁convictions", + -12.84827995300293 + ], + [ + "▁proposing", + -12.848299980163574 + ], + [ + "▁Backyard", + -12.848407745361328 + ], + [ + "▁Delicious", + -12.848435401916504 + ], + [ + "▁freak", + -12.84847354888916 + ], + [ + "▁Flu", + -12.848577499389648 + ], + [ + "▁biting", + -12.848698616027832 + ], + [ + "▁Kitty", + -12.848745346069336 + ], + [ + "▁Silent", + -12.848777770996094 + ], + [ + "ej", + -12.848790168762209 + ], + [ + "▁Rabbi", + -12.848816871643066 + ], + [ + "▁receptors", + -12.8490571975708 + ], + [ + "▁archived", + -12.84906768798828 + ], + [ + "▁Ella", + -12.849081039428713 + ], + [ + "▁Vet", + -12.849193572998049 + ], + [ + "▁aura", + -12.849279403686523 + ], + [ + "▁Sitting", + -12.849331855773926 + ], + [ + "▁gamble", + -12.849356651306152 + ], + [ + ".......", + -12.849365234375 + ], + [ + "Sales", + -12.849559783935549 + ], + [ + "▁Moroccan", + -12.849621772766112 + ], + [ + "▁coded", + -12.8497314453125 + ], + [ + "▁Goldman", + -12.849814414978027 + ], + [ + "▁Polar", + -12.849828720092772 + ], + [ + "▁IE", + -12.849836349487305 + ], + [ + "▁Pandora", + -12.850016593933104 + ], + [ + "Washington", + -12.850090980529783 + ], + [ + "Network", + -12.850120544433594 + ], + [ + "▁8.5", + -12.850286483764648 + ], + [ + "▁Reception", + -12.850464820861816 + ], + [ + "▁Bran", + -12.850500106811523 + ], + [ + "lton", + -12.850598335266112 + ], + [ + "▁4.3", + -12.85059928894043 + ], + [ + "▁Aging", + -12.85060214996338 + ], + [ + "▁Childhood", + -12.850916862487791 + ], + [ + "▁dismissal", + -12.851028442382812 + ], + [ + "AV", + -12.851103782653809 + ], + [ + "▁Bonnie", + -12.851136207580566 + ], + [ + "▁Bulk", + -12.851237297058104 + ], + [ + "▁Hale", + -12.85130786895752 + ], + [ + "▁ARC", + -12.851348876953123 + ], + [ + "dha", + -12.85137176513672 + ], + [ + "▁swimmers", + -12.851421356201172 + ], + [ + "▁subset", + -12.851428985595703 + ], + [ + "▁outset", + -12.851448059082031 + ], + [ + "▁br", + -12.85156536102295 + ], + [ + "raj", + -12.851577758789062 + ], + [ + "payment", + -12.851740837097168 + ], + [ + "lip", + -12.851778984069824 + ], + [ + "′′", + -12.851826667785645 + ], + [ + "▁stamping", + -12.851846694946287 + ], + [ + "▁lighthouse", + -12.851861000061035 + ], + [ + "▁implements", + -12.852117538452148 + ], + [ + "▁chlorine", + -12.852188110351562 + ], + [ + "▁alarming", + -12.852221488952637 + ], + [ + "Van", + -12.852334022521973 + ], + [ + "▁senator", + -12.852380752563477 + ], + [ + "▁ponder", + -12.852635383605955 + ], + [ + "▁Lowe", + -12.852668762207031 + ], + [ + "▁Waterloo", + -12.852747917175291 + ], + [ + "▁Hawks", + -12.852845191955566 + ], + [ + "▁3-1", + -12.852888107299805 + ], + [ + "▁inspirations", + -12.852985382080078 + ], + [ + "▁Calling", + -12.853070259094238 + ], + [ + "hra", + -12.85320281982422 + ], + [ + "study", + -12.85325813293457 + ], + [ + "▁acidic", + -12.853330612182615 + ], + [ + "▁Baba", + -12.853336334228516 + ], + [ + "▁fuller", + -12.853392601013184 + ], + [ + "▁Kas", + -12.853455543518066 + ], + [ + "▁Monterey", + -12.85350227355957 + ], + [ + "▁Tehran", + -12.853522300720217 + ], + [ + "▁flipped", + -12.85353660583496 + ], + [ + "▁512", + -12.853586196899414 + ], + [ + "▁reviewer", + -12.853609085083008 + ], + [ + "▁Hd", + -12.853681564331056 + ], + [ + "▁snowy", + -12.853761672973633 + ], + [ + "▁vibrations", + -12.853829383850098 + ], + [ + "5.00", + -12.853907585144045 + ], + [ + "▁Cla", + -12.853952407836914 + ], + [ + "▁familiarity", + -12.854033470153809 + ], + [ + "Mu", + -12.854056358337402 + ], + [ + "▁Boom", + -12.854164123535156 + ], + [ + "▁intrigue", + -12.85421085357666 + ], + [ + "single", + -12.85426139831543 + ], + [ + "Computer", + -12.854315757751465 + ], + [ + "ANCE", + -12.854389190673828 + ], + [ + "▁courtroom", + -12.85440444946289 + ], + [ + "▁quartet", + -12.854535102844238 + ], + [ + "▁Anchor", + -12.854660034179688 + ], + [ + "▁alternating", + -12.85480499267578 + ], + [ + "▁fertile", + -12.85480785369873 + ], + [ + "▁handicap", + -12.854808807373049 + ], + [ + "▁Sid", + -12.85487461090088 + ], + [ + "logic", + -12.854912757873535 + ], + [ + "▁germs", + -12.85497760772705 + ], + [ + "Hotel", + -12.854999542236328 + ], + [ + "tools", + -12.855005264282228 + ], + [ + "Bus", + -12.85508918762207 + ], + [ + "▁RP", + -12.855107307434082 + ], + [ + "Side", + -12.855219841003418 + ], + [ + "▁suppress", + -12.855231285095217 + ], + [ + "▁shorten", + -12.855340003967283 + ], + [ + "▁Schmidt", + -12.855381965637209 + ], + [ + "▁equitable", + -12.855470657348633 + ], + [ + "▁Ax", + -12.85552978515625 + ], + [ + "▁sleeps", + -12.855573654174805 + ], + [ + "▁grille", + -12.855598449707031 + ], + [ + "jin", + -12.855609893798828 + ], + [ + "EV", + -12.855786323547363 + ], + [ + "rata", + -12.855795860290527 + ], + [ + "genic", + -12.855964660644531 + ], + [ + "Compare", + -12.856082916259766 + ], + [ + "cing", + -12.856098175048828 + ], + [ + "▁chap", + -12.856114387512209 + ], + [ + "▁Dover", + -12.856121063232422 + ], + [ + "▁lunar", + -12.85612678527832 + ], + [ + "▁1911", + -12.856173515319824 + ], + [ + "▁Wei", + -12.856186866760254 + ], + [ + "375", + -12.856204986572266 + ], + [ + "▁capitalize", + -12.85627555847168 + ], + [ + "▁é", + -12.856283187866213 + ], + [ + "▁diminish", + -12.856361389160156 + ], + [ + "oko", + -12.856417655944824 + ], + [ + "▁antiques", + -12.856431007385254 + ], + [ + "▁rogue", + -12.856465339660645 + ], + [ + "▁punished", + -12.856488227844238 + ], + [ + "▁staining", + -12.856501579284668 + ], + [ + "dem", + -12.856609344482422 + ], + [ + "▁acknowledges", + -12.85661506652832 + ], + [ + "node", + -12.856648445129396 + ], + [ + "▁Coverage", + -12.856654167175291 + ], + [ + "▁enlarged", + -12.856700897216797 + ], + [ + "▁utilised", + -12.856767654418944 + ], + [ + "combe", + -12.857043266296388 + ], + [ + "▁Showcase", + -12.8570556640625 + ], + [ + "▁roaming", + -12.857078552246094 + ], + [ + "▁Preparation", + -12.857080459594728 + ], + [ + "▁Laws", + -12.85708236694336 + ], + [ + "▁superficial", + -12.857196807861328 + ], + [ + "▁toothbrush", + -12.857300758361816 + ], + [ + "▁YORK", + -12.857429504394531 + ], + [ + "▁1890", + -12.857439041137695 + ], + [ + "▁MTV", + -12.857483863830566 + ], + [ + "▁Bedford", + -12.8575439453125 + ], + [ + "▁pane", + -12.857619285583496 + ], + [ + "▁wicker", + -12.857625007629396 + ], + [ + "▁rollers", + -12.857667922973633 + ], + [ + "▁6\"", + -12.85768222808838 + ], + [ + "▁Kathleen", + -12.85769271850586 + ], + [ + "▁scientifically", + -12.857741355895996 + ], + [ + "▁takeover", + -12.857770919799805 + ], + [ + "eti", + -12.857778549194336 + ], + [ + "▁smoothies", + -12.857821464538574 + ], + [ + "7%", + -12.857955932617188 + ], + [ + "▁Coins", + -12.858263969421388 + ], + [ + "Firstly", + -12.858264923095703 + ], + [ + "volume", + -12.858335494995115 + ], + [ + "▁Cube", + -12.858345985412598 + ], + [ + "Advanced", + -12.858372688293455 + ], + [ + "▁Overnight", + -12.85842227935791 + ], + [ + "▁pointer", + -12.85865306854248 + ], + [ + "▁spikes", + -12.858710289001465 + ], + [ + "▁concierge", + -12.858741760253906 + ], + [ + "▁leopard", + -12.858741760253906 + ], + [ + "▁painless", + -12.85893726348877 + ], + [ + "▁hacker", + -12.859048843383787 + ], + [ + "▁Marin", + -12.859063148498535 + ], + [ + "▁Meadow", + -12.8590669631958 + ], + [ + "▁Shine", + -12.859219551086426 + ], + [ + "▁fragrances", + -12.859275817871094 + ], + [ + "▁departed", + -12.859405517578123 + ], + [ + "▁dumped", + -12.859716415405272 + ], + [ + "▁Matthews", + -12.859838485717772 + ], + [ + "does", + -12.85985279083252 + ], + [ + "scope", + -12.859990119934082 + ], + [ + "▁polyurethane", + -12.86005687713623 + ], + [ + "▁auditorium", + -12.860068321228027 + ], + [ + "etz", + -12.86017894744873 + ], + [ + "▁Joomla", + -12.860198974609377 + ], + [ + "▁Reiki", + -12.860260009765623 + ], + [ + "230", + -12.860280990600586 + ], + [ + "▁Chess", + -12.860370635986328 + ], + [ + "Round", + -12.86053466796875 + ], + [ + "▁chore", + -12.860735893249512 + ], + [ + "Providing", + -12.86081600189209 + ], + [ + "▁Fal", + -12.860902786254885 + ], + [ + "▁Unified", + -12.860902786254885 + ], + [ + "▁transformer", + -12.860974311828612 + ], + [ + "▁legit", + -12.861024856567385 + ], + [ + "▁stroller", + -12.861056327819824 + ], + [ + "▁cha", + -12.861166000366213 + ], + [ + "▁Managed", + -12.861200332641602 + ], + [ + "▁raced", + -12.86129379272461 + ], + [ + "URE", + -12.861397743225098 + ], + [ + "atic", + -12.861442565917969 + ], + [ + "▁corresponds", + -12.861452102661133 + ], + [ + "▁Gaga", + -12.861492156982422 + ], + [ + "▁antibody", + -12.861541748046877 + ], + [ + "connect", + -12.86163330078125 + ], + [ + "▁Kha", + -12.861701011657717 + ], + [ + "▁sonic", + -12.861760139465332 + ], + [ + "images", + -12.861777305603027 + ], + [ + "every", + -12.861988067626951 + ], + [ + "▁disciplinary", + -12.862010955810549 + ], + [ + "▁villagers", + -12.86202907562256 + ], + [ + "▁terraces", + -12.862030029296877 + ], + [ + "brain", + -12.86209487915039 + ], + [ + "▁Leisure", + -12.862241744995115 + ], + [ + "▁boasting", + -12.862266540527344 + ], + [ + "▁specialising", + -12.862266540527344 + ], + [ + "CV", + -12.862396240234377 + ], + [ + "▁Upgrade", + -12.862406730651855 + ], + [ + "▁Applicants", + -12.86244010925293 + ], + [ + "▁Decorations", + -12.862554550170898 + ], + [ + "▁1963", + -12.862629890441896 + ], + [ + "▁Richards", + -12.86269187927246 + ], + [ + "▁Kuala", + -12.86271858215332 + ], + [ + "▁indices", + -12.86275577545166 + ], + [ + "▁buzzing", + -12.862780570983888 + ], + [ + "▁Nixon", + -12.862796783447266 + ], + [ + "▁Surely", + -12.862838745117188 + ], + [ + "largest", + -12.862868309020996 + ], + [ + "▁contention", + -12.862923622131348 + ], + [ + "vol", + -12.862926483154297 + ], + [ + "▁cupboards", + -12.863176345825195 + ], + [ + "▁TCP", + -12.863241195678713 + ], + [ + "▁USC", + -12.86324977874756 + ], + [ + "▁Numerous", + -12.863327026367188 + ], + [ + "enter", + -12.86334228515625 + ], + [ + "▁trainees", + -12.863435745239258 + ], + [ + "▁Roast", + -12.863460540771484 + ], + [ + "Companies", + -12.863527297973633 + ], + [ + "▁Themes", + -12.863544464111328 + ], + [ + "▁quieter", + -12.86359405517578 + ], + [ + "▁Receive", + -12.863600730895996 + ], + [ + "▁Clayton", + -12.863612174987791 + ], + [ + "▁volt", + -12.8636474609375 + ], + [ + "▁hoop", + -12.863718032836914 + ], + [ + "▁Equal", + -12.86377239227295 + ], + [ + "▁Germans", + -12.863914489746094 + ], + [ + "▁accompaniment", + -12.864015579223633 + ], + [ + "▁consequential", + -12.864020347595217 + ], + [ + "▁sovereignty", + -12.864042282104492 + ], + [ + "▁extinction", + -12.864060401916504 + ], + [ + "▁Sutton", + -12.864062309265137 + ], + [ + "erman", + -12.86411190032959 + ], + [ + "▁shedding", + -12.864160537719728 + ], + [ + "seed", + -12.864161491394045 + ], + [ + "ат", + -12.864335060119627 + ], + [ + "▁appetizer", + -12.86435604095459 + ], + [ + "▁missionary", + -12.864376068115234 + ], + [ + "▁lawful", + -12.864401817321776 + ], + [ + "▁mast", + -12.864420890808104 + ], + [ + "▁nineteenth", + -12.864432334899902 + ], + [ + "▁abound", + -12.864513397216797 + ], + [ + "▁Gui", + -12.86473274230957 + ], + [ + ")\"", + -12.864848136901855 + ], + [ + "▁AIR", + -12.864940643310549 + ], + [ + "▁dread", + -12.864957809448242 + ], + [ + "▁URLs", + -12.86516571044922 + ], + [ + "▁Couch", + -12.865182876586914 + ], + [ + "▁grilling", + -12.865266799926758 + ], + [ + "▁Loved", + -12.8652925491333 + ], + [ + "▁staples", + -12.86533546447754 + ], + [ + "▁untouched", + -12.865338325500488 + ], + [ + "▁indicative", + -12.865339279174805 + ], + [ + "▁cremation", + -12.865345001220703 + ], + [ + "▁Greenwich", + -12.86538028717041 + ], + [ + "rl", + -12.86548137664795 + ], + [ + "UI", + -12.865486145019531 + ], + [ + "Trans", + -12.865537643432615 + ], + [ + "cept", + -12.865571975708008 + ], + [ + "▁recyclable", + -12.865586280822754 + ], + [ + "tip", + -12.865608215332031 + ], + [ + "mostly", + -12.86569118499756 + ], + [ + "▁kitty", + -12.865885734558104 + ], + [ + "Info", + -12.865954399108888 + ], + [ + "▁Bernie", + -12.86596965789795 + ], + [ + "▁Acting", + -12.866121292114258 + ], + [ + "▁Grants", + -12.866169929504396 + ], + [ + "▁Shelby", + -12.866230964660645 + ], + [ + "heavy", + -12.866249084472656 + ], + [ + "Rose", + -12.866326332092283 + ], + [ + "▁Population", + -12.866551399230955 + ], + [ + "▁1929", + -12.866586685180664 + ], + [ + "▁Cubs", + -12.86660861968994 + ], + [ + "▁outskirts", + -12.86666774749756 + ], + [ + "▁1959", + -12.866808891296388 + ], + [ + "▁verge", + -12.866812705993652 + ], + [ + "▁Mentor", + -12.866843223571776 + ], + [ + "▁outsource", + -12.866844177246094 + ], + [ + "▁graceful", + -12.866877555847168 + ], + [ + "▁flick", + -12.8668794631958 + ], + [ + "▁potty", + -12.866888999938965 + ], + [ + "▁cassette", + -12.86691188812256 + ], + [ + "BF", + -12.866951942443848 + ], + [ + "▁Peters", + -12.86705207824707 + ], + [ + "▁Europa", + -12.86705493927002 + ], + [ + "▁12%", + -12.867056846618652 + ], + [ + "▁Ala", + -12.867342948913574 + ], + [ + "▁shocks", + -12.8674898147583 + ], + [ + "▁testosterone", + -12.867497444152832 + ], + [ + "ency", + -12.867531776428224 + ], + [ + "Featuring", + -12.867595672607422 + ], + [ + "▁Resorts", + -12.867639541625977 + ], + [ + "roy", + -12.867648124694824 + ], + [ + "▁BACK", + -12.867713928222656 + ], + [ + "▁ringing", + -12.867782592773438 + ], + [ + "▁Tattoo", + -12.867788314819336 + ], + [ + "▁OD", + -12.867867469787598 + ], + [ + "▁poke", + -12.867884635925291 + ], + [ + "pf", + -12.867918968200684 + ], + [ + "▁cheesy", + -12.86798858642578 + ], + [ + "▁varsity", + -12.86798858642578 + ], + [ + "▁horns", + -12.868170738220217 + ], + [ + "▁nuances", + -12.86829662322998 + ], + [ + "▁influx", + -12.868443489074709 + ], + [ + "▁optics", + -12.868474960327148 + ], + [ + "▁TWO", + -12.868491172790527 + ], + [ + "rar", + -12.868563652038574 + ], + [ + "▁innovators", + -12.86864185333252 + ], + [ + "▁Decorative", + -12.868755340576172 + ], + [ + "▁underestimate", + -12.868807792663574 + ], + [ + "Form", + -12.868856430053713 + ], + [ + "▁Sy", + -12.868878364562988 + ], + [ + "▁og", + -12.868937492370604 + ], + [ + "▁java", + -12.868963241577148 + ], + [ + "▁Wallpapers", + -12.869024276733398 + ], + [ + "▁diversion", + -12.869077682495115 + ], + [ + "▁kite", + -12.86913013458252 + ], + [ + "▁portals", + -12.869197845458984 + ], + [ + "lick", + -12.869214057922363 + ], + [ + "▁lettering", + -12.869256019592283 + ], + [ + "▁relocating", + -12.869338989257812 + ], + [ + "▁Webster", + -12.869356155395508 + ], + [ + "▁NPR", + -12.86936092376709 + ], + [ + "Cam", + -12.86937141418457 + ], + [ + "▁Ang", + -12.869406700134276 + ], + [ + "zin", + -12.869433403015137 + ], + [ + "▁ref", + -12.869543075561523 + ], + [ + "▁inpatient", + -12.869636535644531 + ], + [ + "▁interruption", + -12.869757652282717 + ], + [ + "▁scraps", + -12.869759559631348 + ], + [ + "Club", + -12.869830131530762 + ], + [ + "▁litres", + -12.869882583618164 + ], + [ + "▁Hazel", + -12.869894981384276 + ], + [ + "▁stat", + -12.869905471801758 + ], + [ + "▁Jungle", + -12.86997127532959 + ], + [ + "bottom", + -12.870020866394045 + ], + [ + "▁goalie", + -12.870129585266112 + ], + [ + "▁horizontally", + -12.870197296142578 + ], + [ + "unt", + -12.870256423950195 + ], + [ + "▁Shade", + -12.870305061340332 + ], + [ + "▁cleanser", + -12.870333671569824 + ], + [ + "▁Sk", + -12.870410919189451 + ], + [ + "political", + -12.870479583740234 + ], + [ + "1.3", + -12.87048053741455 + ], + [ + "▁Midnight", + -12.870556831359863 + ], + [ + "▁Johnston", + -12.870561599731444 + ], + [ + "users", + -12.87059211730957 + ], + [ + "▁Cody", + -12.87063694000244 + ], + [ + "▁skeleton", + -12.871014595031738 + ], + [ + "▁blouse", + -12.871066093444824 + ], + [ + "▁Buyers", + -12.871100425720217 + ], + [ + "▁Forge", + -12.87112808227539 + ], + [ + "Fair", + -12.871355056762695 + ], + [ + "▁Disorder", + -12.871386528015137 + ], + [ + "▁1992,", + -12.871430397033691 + ], + [ + "▁pastors", + -12.87168025970459 + ], + [ + "Col", + -12.87170124053955 + ], + [ + "Sarah", + -12.87186336517334 + ], + [ + "JA", + -12.871871948242188 + ], + [ + "director", + -12.871919631958008 + ], + [ + "▁Kensington", + -12.871977806091309 + ], + [ + "▁exhilarating", + -12.871977806091309 + ], + [ + "▁meditate", + -12.871981620788574 + ], + [ + "Cola", + -12.872053146362305 + ], + [ + "lex", + -12.872102737426758 + ], + [ + "▁tirelessly", + -12.872102737426758 + ], + [ + "▁FTP", + -12.872121810913086 + ], + [ + "▁Lib", + -12.872132301330566 + ], + [ + "▁Priority", + -12.872191429138184 + ], + [ + "inate", + -12.872200965881348 + ], + [ + "▁PTSD", + -12.872251510620115 + ], + [ + "nov", + -12.872519493103027 + ], + [ + "▁Ribbon", + -12.87252426147461 + ], + [ + "▁slips", + -12.872538566589355 + ], + [ + "ographic", + -12.872688293457031 + ], + [ + "▁Explain", + -12.872710227966309 + ], + [ + "▁Soap", + -12.8727388381958 + ], + [ + "▁Develop", + -12.872814178466797 + ], + [ + "▁Hunting", + -12.872833251953123 + ], + [ + "▁bland", + -12.87283992767334 + ], + [ + "▁assembling", + -12.872875213623049 + ], + [ + "▁Screening", + -12.872884750366213 + ], + [ + "Brian", + -12.872913360595703 + ], + [ + "▁paperback", + -12.872989654541016 + ], + [ + "▁Mug", + -12.873040199279783 + ], + [ + "lé", + -12.873085021972656 + ], + [ + "▁Actor", + -12.873172760009766 + ], + [ + "▁TH", + -12.873209953308104 + ], + [ + "▁eccentric", + -12.873275756835938 + ], + [ + "▁affinity", + -12.873311042785645 + ], + [ + "▁loneliness", + -12.873313903808594 + ], + [ + "EW", + -12.873320579528809 + ], + [ + "▁biomass", + -12.87332534790039 + ], + [ + "▁Entrance", + -12.873470306396484 + ], + [ + "▁refinance", + -12.873491287231444 + ], + [ + "eke", + -12.873516082763672 + ], + [ + "▁incomes", + -12.87358856201172 + ], + [ + "▁drywall", + -12.873895645141602 + ], + [ + "▁Pas", + -12.873943328857422 + ], + [ + "▁70-", + -12.87399959564209 + ], + [ + "▁Marks", + -12.874035835266112 + ], + [ + "▁sack", + -12.874095916748049 + ], + [ + "▁MHz", + -12.874162673950195 + ], + [ + "▁prophet", + -12.87418270111084 + ], + [ + "▁saturation", + -12.87419891357422 + ], + [ + "▁explorer", + -12.874290466308594 + ], + [ + "Ci", + -12.874353408813477 + ], + [ + "OF", + -12.874354362487791 + ], + [ + "▁bedside", + -12.874384880065918 + ], + [ + "▁flashes", + -12.874469757080078 + ], + [ + "ske", + -12.874558448791504 + ], + [ + "▁intimacy", + -12.874646186828612 + ], + [ + "▁accountants", + -12.874744415283203 + ], + [ + "▁Conflict", + -12.874777793884276 + ], + [ + "▁signify", + -12.87480640411377 + ], + [ + "▁liter", + -12.87480926513672 + ], + [ + "Sky", + -12.874810218811035 + ], + [ + "▁Cosmetic", + -12.874850273132324 + ], + [ + "▁slideshow", + -12.874855041503906 + ], + [ + "oku", + -12.874863624572754 + ], + [ + "▁1916", + -12.874917030334473 + ], + [ + "▁dynamically", + -12.875 + ], + [ + "▁geological", + -12.875285148620604 + ], + [ + "▁treasured", + -12.875368118286133 + ], + [ + "▁derivatives", + -12.87540340423584 + ], + [ + "wu", + -12.875423431396484 + ], + [ + "▁dev", + -12.87571144104004 + ], + [ + "ovich", + -12.875760078430176 + ], + [ + "bah", + -12.875773429870604 + ], + [ + "Financial", + -12.8757905960083 + ], + [ + "▁Einstein", + -12.87579345703125 + ], + [ + "▁resonate", + -12.875863075256348 + ], + [ + "▁Wilderness", + -12.875894546508787 + ], + [ + "▁foyer", + -12.87599277496338 + ], + [ + "▁tack", + -12.876006126403809 + ], + [ + "cn", + -12.876323699951172 + ], + [ + "shu", + -12.876442909240724 + ], + [ + "▁sunflower", + -12.876548767089844 + ], + [ + "▁Paulo", + -12.87655258178711 + ], + [ + "▁funk", + -12.876651763916016 + ], + [ + "▁downturn", + -12.876717567443848 + ], + [ + "SEC", + -12.876729011535645 + ], + [ + "▁subconscious", + -12.876803398132324 + ], + [ + "▁Raiders", + -12.876949310302734 + ], + [ + "▁Bunny", + -12.877001762390137 + ], + [ + "▁25,000", + -12.87717056274414 + ], + [ + "▁shaded", + -12.877171516418455 + ], + [ + "nite", + -12.877174377441406 + ], + [ + "Researchers", + -12.877405166625977 + ], + [ + "▁Martial", + -12.877513885498049 + ], + [ + "▁leafy", + -12.877524375915527 + ], + [ + "▁tsp", + -12.87753963470459 + ], + [ + "▁Fork", + -12.877628326416016 + ], + [ + "▁Edgar", + -12.877897262573242 + ], + [ + "3/", + -12.878040313720703 + ], + [ + "Israel", + -12.87814712524414 + ], + [ + "▁Wrong", + -12.878175735473633 + ], + [ + "▁375", + -12.878217697143556 + ], + [ + "▁restroom", + -12.87844944000244 + ], + [ + "station", + -12.87848663330078 + ], + [ + "▁Exeter", + -12.878676414489746 + ], + [ + "▁crowdfunding", + -12.878680229187012 + ], + [ + "▁nominees", + -12.878703117370604 + ], + [ + "▁fisheries", + -12.878711700439451 + ], + [ + "▁KNOW", + -12.878747940063477 + ], + [ + "▁Roe", + -12.878756523132324 + ], + [ + "▁transitioning", + -12.878771781921388 + ], + [ + "▁replication", + -12.878799438476562 + ], + [ + "kick", + -12.878939628601074 + ], + [ + "▁Costco", + -12.878968238830566 + ], + [ + "ре", + -12.879063606262209 + ], + [ + "▁OVER", + -12.879064559936523 + ], + [ + "bug", + -12.879090309143066 + ], + [ + "▁Cathy", + -12.879227638244627 + ], + [ + "▁cellphone", + -12.879302978515623 + ], + [ + "▁garnish", + -12.879323959350586 + ], + [ + "Phil", + -12.879354476928713 + ], + [ + "▁circa", + -12.879356384277344 + ], + [ + "▁Herman", + -12.87939453125 + ], + [ + "▁Winners", + -12.879405975341797 + ], + [ + "▁enlarge", + -12.879671096801758 + ], + [ + "▁PBS", + -12.879762649536133 + ], + [ + "▁Armenia", + -12.879815101623535 + ], + [ + "▁Cali", + -12.879842758178713 + ], + [ + "▁emerges", + -12.880001068115234 + ], + [ + "▁Voices", + -12.880083084106444 + ], + [ + "201", + -12.880375862121582 + ], + [ + "Cl", + -12.880419731140137 + ], + [ + "▁disregard", + -12.880444526672363 + ], + [ + "▁wh", + -12.880444526672363 + ], + [ + "▁preservatives", + -12.880619049072266 + ], + [ + "lig", + -12.880651473999023 + ], + [ + "▁handbag", + -12.880829811096191 + ], + [ + "▁Paleo", + -12.880849838256836 + ], + [ + "▁fireplaces", + -12.88090991973877 + ], + [ + "▁Watt", + -12.880971908569336 + ], + [ + "▁Cro", + -12.881011009216309 + ], + [ + "▁Trace", + -12.881024360656738 + ], + [ + "▁shortcuts", + -12.881178855895996 + ], + [ + "Basically", + -12.881307601928713 + ], + [ + "Bur", + -12.88133430480957 + ], + [ + "▁Flexible", + -12.88133716583252 + ], + [ + "▁Capture", + -12.88134479522705 + ], + [ + "positive", + -12.881440162658691 + ], + [ + "ched", + -12.881477355957031 + ], + [ + "fine", + -12.881488800048828 + ], + [ + "▁hut", + -12.881669044494627 + ], + [ + "▁columnist", + -12.881718635559082 + ], + [ + "▁commanded", + -12.881747245788574 + ], + [ + "tube", + -12.881901741027832 + ], + [ + "None", + -12.881939888000488 + ], + [ + "▁Holt", + -12.881980895996094 + ], + [ + "▁Opt", + -12.882057189941406 + ], + [ + "ako", + -12.8821382522583 + ], + [ + "▁Secrets", + -12.882145881652832 + ], + [ + "▁Lok", + -12.882159233093262 + ], + [ + "Education", + -12.882219314575195 + ], + [ + "official", + -12.882411003112791 + ], + [ + "▁Weber", + -12.882513046264648 + ], + [ + "▁Marilyn", + -12.882686614990234 + ], + [ + "▁budding", + -12.882705688476562 + ], + [ + "Alternatively", + -12.882756233215332 + ], + [ + "boro", + -12.882789611816406 + ], + [ + "▁fairs", + -12.88289737701416 + ], + [ + "▁compiler", + -12.883014678955078 + ], + [ + "Fixed", + -12.883024215698242 + ], + [ + "either", + -12.88305950164795 + ], + [ + "▁bustle", + -12.883124351501465 + ], + [ + "▁dyed", + -12.883158683776855 + ], + [ + "▁Mounted", + -12.883164405822754 + ], + [ + "▁Lone", + -12.88330364227295 + ], + [ + "▁NEED", + -12.883315086364746 + ], + [ + "▁Pr", + -12.883501052856444 + ], + [ + "1.0", + -12.88365077972412 + ], + [ + "ADA", + -12.883745193481444 + ], + [ + "▁aloud", + -12.883753776550291 + ], + [ + "bor", + -12.88376235961914 + ], + [ + "Micro", + -12.883792877197266 + ], + [ + "▁mop", + -12.883882522583008 + ], + [ + "▁Arabian", + -12.88389015197754 + ], + [ + "▁begging", + -12.883917808532717 + ], + [ + "▁Tweet", + -12.883947372436523 + ], + [ + "NH", + -12.88396167755127 + ], + [ + "▁cheddar", + -12.884042739868164 + ], + [ + "▁LL", + -12.88425636291504 + ], + [ + "▁adjoining", + -12.884306907653809 + ], + [ + "▁weakened", + -12.884403228759766 + ], + [ + "hou", + -12.88454246520996 + ], + [ + "▁Helping", + -12.88462257385254 + ], + [ + "hotel", + -12.884623527526855 + ], + [ + "▁condominium", + -12.884626388549805 + ], + [ + "Drop", + -12.884883880615234 + ], + [ + "▁Aim", + -12.884957313537598 + ], + [ + "▁graded", + -12.88497543334961 + ], + [ + "▁regiment", + -12.884976387023926 + ], + [ + "▁8,000", + -12.885039329528809 + ], + [ + "▁Riding", + -12.885064125061035 + ], + [ + "▁pitfalls", + -12.885112762451172 + ], + [ + "▁Kiwi", + -12.885164260864258 + ], + [ + "▁Mandarin", + -12.885194778442385 + ], + [ + "▁warrants", + -12.88527011871338 + ], + [ + "▁Fiji", + -12.885309219360352 + ], + [ + "▁nu", + -12.885323524475098 + ], + [ + "▁optimisation", + -12.88539218902588 + ], + [ + "▁bilingual", + -12.885398864746094 + ], + [ + "▁rubbed", + -12.885421752929688 + ], + [ + "▁DIS", + -12.885425567626951 + ], + [ + "▁adept", + -12.88542938232422 + ], + [ + "▁soaps", + -12.885486602783203 + ], + [ + "▁BAR", + -12.885627746582031 + ], + [ + "plex", + -12.885631561279297 + ], + [ + "▁Breaking", + -12.886004447937012 + ], + [ + "▁subdivision", + -12.886004447937012 + ], + [ + "▁derivative", + -12.886157035827637 + ], + [ + "▁Airbnb", + -12.88620948791504 + ], + [ + "RED", + -12.886292457580566 + ], + [ + "fen", + -12.886309623718262 + ], + [ + "▁graders", + -12.886311531066896 + ], + [ + "Phone", + -12.886404037475586 + ], + [ + "▁Finals", + -12.886412620544434 + ], + [ + "▁Rex", + -12.886451721191406 + ], + [ + "Scan", + -12.886481285095217 + ], + [ + "▁Molecular", + -12.886682510375977 + ], + [ + "▁balconies", + -12.886743545532228 + ], + [ + "▁skipping", + -12.886821746826172 + ], + [ + "Daily", + -12.886876106262209 + ], + [ + "▁MMA", + -12.886906623840332 + ], + [ + "▁Cub", + -12.88701629638672 + ], + [ + "▁Treaty", + -12.887103080749512 + ], + [ + "TIC", + -12.887227058410645 + ], + [ + "▁Efficiency", + -12.887421607971191 + ], + [ + "▁Charm", + -12.887565612792969 + ], + [ + "OUT", + -12.88761043548584 + ], + [ + "▁Glory", + -12.887727737426758 + ], + [ + "cause", + -12.887742042541504 + ], + [ + "▁cords", + -12.88776683807373 + ], + [ + "▁coworkers", + -12.887868881225586 + ], + [ + "▁bunny", + -12.887927055358888 + ], + [ + "▁preferable", + -12.888094902038574 + ], + [ + "▁apology", + -12.888104438781738 + ], + [ + "▁Helsinki", + -12.888242721557615 + ], + [ + "Recent", + -12.888301849365234 + ], + [ + "▁reversal", + -12.888318061828612 + ], + [ + "▁encompass", + -12.888405799865724 + ], + [ + "OG", + -12.88844108581543 + ], + [ + "▁Wisdom", + -12.888442993164062 + ], + [ + "▁nets", + -12.888535499572754 + ], + [ + "▁hardened", + -12.8886079788208 + ], + [ + "▁puff", + -12.888716697692873 + ], + [ + "▁veneer", + -12.888758659362791 + ], + [ + "▁Nav", + -12.88887882232666 + ], + [ + "▁Chill", + -12.888957977294922 + ], + [ + "▁departing", + -12.888971328735352 + ], + [ + "▁exhaustive", + -12.889131546020508 + ], + [ + "▁Tent", + -12.889230728149414 + ], + [ + "▁rethink", + -12.889252662658691 + ], + [ + "▁Abdul", + -12.88942050933838 + ], + [ + "▁fascination", + -12.88945198059082 + ], + [ + "▁poignant", + -12.88945198059082 + ], + [ + "▁factual", + -12.889458656311035 + ], + [ + "▁Anton", + -12.889482498168944 + ], + [ + "▁farewell", + -12.889554023742676 + ], + [ + "▁climates", + -12.8897066116333 + ], + [ + "▁1954", + -12.88987159729004 + ], + [ + "▁devised", + -12.88991641998291 + ], + [ + "sense", + -12.889997482299805 + ], + [ + "hon", + -12.890029907226562 + ], + [ + "▁1943", + -12.890151023864746 + ], + [ + "▁(2015)", + -12.890257835388184 + ], + [ + "▁Classroom", + -12.890368461608888 + ], + [ + "850", + -12.890443801879885 + ], + [ + "▁Philly", + -12.890563011169434 + ], + [ + "▁Totally", + -12.890613555908203 + ], + [ + "▁unbeatable", + -12.89080810546875 + ], + [ + "▁Bruno", + -12.890827178955078 + ], + [ + "▁blueberry", + -12.89098834991455 + ], + [ + "generated", + -12.891141891479492 + ], + [ + "▁limitless", + -12.891157150268556 + ], + [ + "▁JUST", + -12.89129638671875 + ], + [ + "▁repeal", + -12.89130401611328 + ], + [ + "▁nominate", + -12.891568183898926 + ], + [ + "▁doctorate", + -12.89161491394043 + ], + [ + "▁Hansen", + -12.891632080078123 + ], + [ + "▁TW", + -12.89163303375244 + ], + [ + "igo", + -12.891767501831056 + ], + [ + "config", + -12.891838073730469 + ], + [ + "та", + -12.89188289642334 + ], + [ + "▁Dept", + -12.891904830932615 + ], + [ + "Manager", + -12.891937255859377 + ], + [ + "▁unofficial", + -12.891993522644045 + ], + [ + "▁prompting", + -12.892035484313965 + ], + [ + "duct", + -12.892119407653809 + ], + [ + "▁extravagant", + -12.892167091369627 + ], + [ + "▁LB", + -12.892168998718262 + ], + [ + "▁wallets", + -12.892183303833008 + ], + [ + "CG", + -12.892289161682127 + ], + [ + "▁massacre", + -12.892306327819824 + ], + [ + "▁Treasurer", + -12.89250373840332 + ], + [ + "▁Tale", + -12.8925142288208 + ], + [ + "▁Inventory", + -12.8925199508667 + ], + [ + "▁Relax", + -12.892574310302734 + ], + [ + "ih", + -12.8926420211792 + ], + [ + "▁embarked", + -12.892777442932127 + ], + [ + "▁Tata", + -12.892809867858888 + ], + [ + "▁prototypes", + -12.892852783203123 + ], + [ + "▁HT", + -12.892918586730955 + ], + [ + "▁runtime", + -12.893020629882812 + ], + [ + "▁Bain", + -12.893196105957031 + ], + [ + "omo", + -12.893218040466309 + ], + [ + "▁EVER", + -12.89322280883789 + ], + [ + "AND", + -12.893243789672852 + ], + [ + "▁vigorous", + -12.893291473388672 + ], + [ + "ingly", + -12.893362998962402 + ], + [ + "▁bald", + -12.89346694946289 + ], + [ + "▁Buddhism", + -12.89352798461914 + ], + [ + "▁watermelon", + -12.89352798461914 + ], + [ + "▁opaque", + -12.89353084564209 + ], + [ + "▁1992.", + -12.893678665161133 + ], + [ + "▁Yum", + -12.89373779296875 + ], + [ + "▁Understand", + -12.89378547668457 + ], + [ + "▁latitude", + -12.893866539001465 + ], + [ + "▁inland", + -12.8939208984375 + ], + [ + "opening", + -12.893957138061523 + ], + [ + "billion", + -12.894068717956545 + ], + [ + "▁7%", + -12.894155502319336 + ], + [ + "▁offspring", + -12.894156455993652 + ], + [ + "▁GHz", + -12.894166946411133 + ], + [ + "▁Kindergarten", + -12.894244194030762 + ], + [ + "▁crowned", + -12.894311904907228 + ], + [ + "jun", + -12.894511222839355 + ], + [ + "▁113", + -12.89451503753662 + ], + [ + "▁Techniques", + -12.894619941711426 + ], + [ + "bang", + -12.894640922546388 + ], + [ + "▁Camden", + -12.894673347473145 + ], + [ + "▁township", + -12.894774436950684 + ], + [ + "▁Till", + -12.894792556762695 + ], + [ + "▁Refer", + -12.894801139831545 + ], + [ + "Number", + -12.894879341125488 + ], + [ + "▁cerebral", + -12.894889831542969 + ], + [ + "▁melodic", + -12.894890785217283 + ], + [ + "cis", + -12.89504337310791 + ], + [ + "technical", + -12.895123481750488 + ], + [ + "him", + -12.895275115966797 + ], + [ + "▁Caesar", + -12.895341873168944 + ], + [ + "Road", + -12.895434379577637 + ], + [ + "▁adidas", + -12.895514488220217 + ], + [ + "▁deposition", + -12.895554542541504 + ], + [ + "▁inhabit", + -12.895556449890137 + ], + [ + "Reading", + -12.895750045776367 + ], + [ + "mul", + -12.895773887634276 + ], + [ + "▁Violet", + -12.895896911621094 + ], + [ + "▁Moody", + -12.895992279052734 + ], + [ + "▁designate", + -12.89610195159912 + ], + [ + "▁Ethan", + -12.896159172058104 + ], + [ + "▁innocence", + -12.896254539489746 + ], + [ + "▁perseverance", + -12.896254539489746 + ], + [ + "▁approvals", + -12.89627742767334 + ], + [ + "VER", + -12.896512031555176 + ], + [ + "▁888", + -12.89660358428955 + ], + [ + "▁overlapping", + -12.896613121032717 + ], + [ + "▁Robotics", + -12.896655082702637 + ], + [ + "▁Meg", + -12.896756172180176 + ], + [ + "▁Enable", + -12.896815299987791 + ], + [ + "▁aches", + -12.896927833557127 + ], + [ + "▁outrageous", + -12.896994590759276 + ], + [ + "▁unlocking", + -12.89704132080078 + ], + [ + "▁additive", + -12.897119522094728 + ], + [ + "▁Regulatory", + -12.897346496582031 + ], + [ + "▁JA", + -12.897401809692385 + ], + [ + "odo", + -12.89742946624756 + ], + [ + "▁Listed", + -12.897489547729492 + ], + [ + "arra", + -12.897497177124023 + ], + [ + "▁quinoa", + -12.89762020111084 + ], + [ + "▁href", + -12.897640228271484 + ], + [ + "▁predicts", + -12.897686004638672 + ], + [ + "▁Collaboration", + -12.897789001464844 + ], + [ + "▁Duo", + -12.897859573364258 + ], + [ + "gn", + -12.897932052612305 + ], + [ + "▁bounds", + -12.897937774658203 + ], + [ + "▁notebooks", + -12.89802360534668 + ], + [ + "▁Lafayette", + -12.898141860961914 + ], + [ + "▁citations", + -12.898162841796877 + ], + [ + "▁Instructions", + -12.898240089416504 + ], + [ + "▁attackers", + -12.898269653320312 + ], + [ + "ient", + -12.898282051086426 + ], + [ + "▁Supervisor", + -12.89836597442627 + ], + [ + "▁Winning", + -12.89836883544922 + ], + [ + "▁Meetings", + -12.89840316772461 + ], + [ + "▁buckets", + -12.89849090576172 + ], + [ + "▁alteration", + -12.8984956741333 + ], + [ + "▁remembers", + -12.898496627807615 + ], + [ + "▁alternatively", + -12.898587226867676 + ], + [ + "▁ta", + -12.898629188537598 + ], + [ + "111", + -12.898972511291504 + ], + [ + "▁Abe", + -12.898978233337402 + ], + [ + "▁Nairobi", + -12.898988723754885 + ], + [ + "▁Witch", + -12.899009704589844 + ], + [ + "▁Perez", + -12.899112701416016 + ], + [ + "▁Moo", + -12.899137496948242 + ], + [ + "▁ACA", + -12.899149894714355 + ], + [ + "▁cheesecake", + -12.899209022521973 + ], + [ + "ен", + -12.899249076843262 + ], + [ + "▁contender", + -12.899282455444336 + ], + [ + "▁Linen", + -12.899321556091309 + ], + [ + "Fantastic", + -12.89936351776123 + ], + [ + "▁1993.", + -12.899458885192873 + ], + [ + "▁discerning", + -12.899497985839844 + ], + [ + "kle", + -12.899662971496582 + ], + [ + "▁incidental", + -12.899840354919434 + ], + [ + "als", + -12.899968147277832 + ], + [ + "▁Profit", + -12.900023460388184 + ], + [ + "▁monks", + -12.90007495880127 + ], + [ + "▁Payday", + -12.900181770324709 + ], + [ + "IX", + -12.900223731994627 + ], + [ + "NF", + -12.900253295898438 + ], + [ + "▁Producer", + -12.900257110595703 + ], + [ + "▁Essentially", + -12.900321006774902 + ], + [ + "▁genealogy", + -12.900358200073242 + ], + [ + "▁Calculator", + -12.900360107421877 + ], + [ + "▁sworn", + -12.900537490844728 + ], + [ + "▁Herbert", + -12.900548934936523 + ], + [ + "▁????", + -12.900551795959473 + ], + [ + "▁analyzes", + -12.900681495666504 + ], + [ + "▁Dove", + -12.90068817138672 + ], + [ + "▁Azerbaijan", + -12.900701522827148 + ], + [ + "▁louder", + -12.900701522827148 + ], + [ + "10)", + -12.90071964263916 + ], + [ + "ote", + -12.90075397491455 + ], + [ + "storage", + -12.90081787109375 + ], + [ + "▁Names", + -12.90084171295166 + ], + [ + "lol", + -12.900843620300291 + ], + [ + "▁Sonoma", + -12.900861740112305 + ], + [ + "▁Erie", + -12.90086841583252 + ], + [ + "▁Crest", + -12.90087604522705 + ], + [ + "▁corrective", + -12.900935173034668 + ], + [ + "Lord", + -12.900997161865234 + ], + [ + "▁TI", + -12.901020050048828 + ], + [ + "▁Bolt", + -12.9011869430542 + ], + [ + "▁itching", + -12.901205062866213 + ], + [ + "▁2.6", + -12.901250839233398 + ], + [ + "▁Leigh", + -12.901272773742676 + ], + [ + "▁receivers", + -12.901296615600586 + ], + [ + "▁aide", + -12.901359558105469 + ], + [ + "▁Dixon", + -12.90153980255127 + ], + [ + "▁headers", + -12.901570320129396 + ], + [ + "▁goddess", + -12.901588439941406 + ], + [ + "▁territorial", + -12.901598930358888 + ], + [ + "▁Stud", + -12.901619911193848 + ], + [ + "keeper", + -12.9016695022583 + ], + [ + "▁dinosaurs", + -12.90172004699707 + ], + [ + "▁borough", + -12.901728630065918 + ], + [ + "▁devastated", + -12.901827812194824 + ], + [ + "apple", + -12.901939392089844 + ], + [ + "▁nourish", + -12.902000427246094 + ], + [ + "▁concession", + -12.902021408081056 + ], + [ + "▁Stretch", + -12.902040481567385 + ], + [ + "▁Dayton", + -12.902140617370604 + ], + [ + "pac", + -12.902196884155272 + ], + [ + "▁Shock", + -12.902198791503906 + ], + [ + "▁jams", + -12.9022216796875 + ], + [ + "▁Strawberry", + -12.902251243591309 + ], + [ + "▁presses", + -12.902321815490724 + ], + [ + "▁bots", + -12.902337074279783 + ], + [ + "3%", + -12.902528762817385 + ], + [ + "▁Fridays", + -12.902542114257812 + ], + [ + "▁(17", + -12.902554512023926 + ], + [ + "▁inactive", + -12.90258502960205 + ], + [ + "▁WIN", + -12.902626037597656 + ], + [ + "▁OT", + -12.902668952941896 + ], + [ + "alia", + -12.902752876281738 + ], + [ + "hol", + -12.902755737304688 + ], + [ + "210", + -12.902896881103516 + ], + [ + "▁Container", + -12.902897834777832 + ], + [ + "▁Bern", + -12.902909278869627 + ], + [ + "ril", + -12.902981758117676 + ], + [ + "▁hy", + -12.903005599975586 + ], + [ + "▁collaborators", + -12.903040885925291 + ], + [ + "▁stationed", + -12.903051376342772 + ], + [ + "▁cod", + -12.903169631958008 + ], + [ + "▁commencement", + -12.90318202972412 + ], + [ + "▁shading", + -12.903191566467283 + ], + [ + "▁sexually", + -12.903310775756836 + ], + [ + "▁pulmonary", + -12.903326034545898 + ], + [ + "▁outrage", + -12.903359413146973 + ], + [ + "▁entryway", + -12.903538703918455 + ], + [ + "▁Didn", + -12.903641700744627 + ], + [ + "▁Bicycle", + -12.903763771057127 + ], + [ + "▁Quiet", + -12.903901100158691 + ], + [ + "▁spectacle", + -12.903922080993652 + ], + [ + "placed", + -12.903987884521484 + ], + [ + "▁mastering", + -12.904023170471191 + ], + [ + "▁boutiques", + -12.904064178466797 + ], + [ + "▁dent", + -12.904094696044922 + ], + [ + "Boy", + -12.904180526733398 + ], + [ + "named", + -12.90422821044922 + ], + [ + "▁Murder", + -12.904263496398926 + ], + [ + "▁Carmen", + -12.904295921325684 + ], + [ + "▁learns", + -12.904356002807615 + ], + [ + "▁luckily", + -12.904385566711426 + ], + [ + "Nick", + -12.90443515777588 + ], + [ + "▁persecution", + -12.904479026794434 + ], + [ + "▁indictment", + -12.90447998046875 + ], + [ + "▁Winchester", + -12.90448760986328 + ], + [ + "▁Recognition", + -12.904552459716797 + ], + [ + "▁Tune", + -12.90458869934082 + ], + [ + "phil", + -12.904593467712402 + ], + [ + "▁catastrophe", + -12.904611587524414 + ], + [ + "trick", + -12.904633522033691 + ], + [ + "▁Nicola", + -12.90467643737793 + ], + [ + "ais", + -12.904691696166992 + ], + [ + "▁uphill", + -12.904743194580078 + ], + [ + "480", + -12.904793739318848 + ], + [ + "▁Philips", + -12.904827117919922 + ], + [ + "▁Mau", + -12.905035972595217 + ], + [ + "▁Noise", + -12.905141830444336 + ], + [ + "▁proactively", + -12.905165672302246 + ], + [ + "▁Desire", + -12.905192375183104 + ], + [ + "▁registrations", + -12.905226707458496 + ], + [ + "▁rejoice", + -12.905254364013672 + ], + [ + "Develop", + -12.905305862426758 + ], + [ + "▁contend", + -12.905317306518556 + ], + [ + "agan", + -12.9054594039917 + ], + [ + "▁Bala", + -12.905471801757812 + ], + [ + "▁solvent", + -12.905517578125 + ], + [ + "▁buff", + -12.905526161193848 + ], + [ + "▁righteous", + -12.90556526184082 + ], + [ + "button", + -12.905704498291016 + ], + [ + "DU", + -12.905722618103027 + ], + [ + "▁Maintain", + -12.905746459960938 + ], + [ + "dance", + -12.90578556060791 + ], + [ + "reaching", + -12.905811309814451 + ], + [ + "▁tote", + -12.905828475952148 + ], + [ + "▁marital", + -12.905831336975098 + ], + [ + "▁Russ", + -12.905837059020996 + ], + [ + "▁york", + -12.905858993530272 + ], + [ + "ectomy", + -12.905887603759766 + ], + [ + "▁assassination", + -12.905893325805664 + ], + [ + "▁reflux", + -12.905893325805664 + ], + [ + "▁moderation", + -12.905923843383787 + ], + [ + "▁inspectors", + -12.905959129333496 + ], + [ + "▁soar", + -12.905965805053713 + ], + [ + "lov", + -12.905975341796877 + ], + [ + "▁eu", + -12.906126022338867 + ], + [ + "▁Nickel", + -12.906166076660156 + ], + [ + "▁addict", + -12.906246185302734 + ], + [ + "KS", + -12.90633487701416 + ], + [ + "▁Hide", + -12.906471252441406 + ], + [ + "▁Insight", + -12.906550407409668 + ], + [ + "▁Epi", + -12.906611442565918 + ], + [ + "▁Tucker", + -12.906673431396484 + ], + [ + "▁Actual", + -12.906689643859863 + ], + [ + "mbre", + -12.906939506530762 + ], + [ + "▁wager", + -12.907299041748049 + ], + [ + "TU", + -12.907408714294434 + ], + [ + "▁detects", + -12.907703399658203 + ], + [ + "▁preserves", + -12.907770156860352 + ], + [ + "▁Priest", + -12.90782070159912 + ], + [ + "▁vain", + -12.907835006713867 + ], + [ + "▁shortened", + -12.907861709594728 + ], + [ + "litre", + -12.907955169677734 + ], + [ + "▁lawns", + -12.907995223999023 + ], + [ + "llo", + -12.90806484222412 + ], + [ + "▁excavation", + -12.90810775756836 + ], + [ + "▁Hamas", + -12.908184051513672 + ], + [ + "▁suitcase", + -12.908230781555176 + ], + [ + "▁hotspot", + -12.908231735229492 + ], + [ + "▁Iris", + -12.908310890197754 + ], + [ + "Ya", + -12.908535957336426 + ], + [ + "▁deterioration", + -12.90861701965332 + ], + [ + "▁CSR", + -12.908660888671877 + ], + [ + "▁sperm", + -12.908809661865234 + ], + [ + "▁Survival", + -12.908931732177734 + ], + [ + "▁Whit", + -12.908987045288086 + ], + [ + "▁Graph", + -12.909080505371094 + ], + [ + "▁Augusta", + -12.909125328063965 + ], + [ + "event", + -12.90915298461914 + ], + [ + "uti", + -12.909172058105469 + ], + [ + "dex", + -12.909263610839844 + ], + [ + "▁rocker", + -12.909330368041992 + ], + [ + "renowned", + -12.909337997436523 + ], + [ + "▁sufferers", + -12.90937042236328 + ], + [ + "▁Essentials", + -12.909423828125 + ], + [ + "▁chipset", + -12.909462928771973 + ], + [ + "▁profoundly", + -12.909468650817873 + ], + [ + "▁Aston", + -12.90947151184082 + ], + [ + "▁Carry", + -12.909505844116213 + ], + [ + "osh", + -12.90961456298828 + ], + [ + "▁Structural", + -12.909635543823242 + ], + [ + "Editor", + -12.909662246704102 + ], + [ + "▁watt", + -12.909666061401367 + ], + [ + "Staff", + -12.90969467163086 + ], + [ + "▁winters", + -12.90972137451172 + ], + [ + "▁cl", + -12.909737586975098 + ], + [ + "ivo", + -12.90982151031494 + ], + [ + "▁Torres", + -12.90982151031494 + ], + [ + "▁premiered", + -12.909975051879885 + ], + [ + "▁responsibly", + -12.90999984741211 + ], + [ + "▁anthology", + -12.910005569458008 + ], + [ + "▁undesirable", + -12.910006523132324 + ], + [ + "▁rested", + -12.91005039215088 + ], + [ + "▁Birch", + -12.910176277160645 + ], + [ + "imi", + -12.910222053527832 + ], + [ + "▁PF", + -12.910293579101562 + ], + [ + "▁1939", + -12.910358428955078 + ], + [ + "stead", + -12.910411834716797 + ], + [ + "▁Rita", + -12.910412788391112 + ], + [ + "▁Architectural", + -12.910457611083984 + ], + [ + "▁Finder", + -12.910479545593262 + ], + [ + "▁iced", + -12.910601615905762 + ], + [ + "▁Investor", + -12.91070556640625 + ], + [ + "ENT", + -12.9107084274292 + ], + [ + "BD", + -12.910747528076172 + ], + [ + "▁exploited", + -12.910832405090332 + ], + [ + "▁mystical", + -12.910943984985352 + ], + [ + "▁4.4", + -12.91102123260498 + ], + [ + "▁Sheikh", + -12.911104202270508 + ], + [ + "CAP", + -12.911115646362305 + ], + [ + "▁Zambia", + -12.911115646362305 + ], + [ + "TT", + -12.911120414733888 + ], + [ + "▁buildup", + -12.911126136779783 + ], + [ + "LI", + -12.911163330078123 + ], + [ + "▁blunt", + -12.91117000579834 + ], + [ + "▁IPA", + -12.911189079284668 + ], + [ + "▁coronary", + -12.911395072937012 + ], + [ + "▁electromagnetic", + -12.911506652832031 + ], + [ + "vas", + -12.911514282226562 + ], + [ + "▁idyllic", + -12.911558151245115 + ], + [ + "▁til", + -12.911887168884276 + ], + [ + "/30", + -12.912208557128906 + ], + [ + ",700", + -12.912271499633787 + ], + [ + "▁levitra", + -12.91239070892334 + ], + [ + "Charles", + -12.91257667541504 + ], + [ + "▁Verde", + -12.91259765625 + ], + [ + "▁Printed", + -12.912615776062012 + ], + [ + "▁chilling", + -12.912748336791992 + ], + [ + "▁Crescent", + -12.912806510925291 + ], + [ + "▁BL", + -12.912814140319824 + ], + [ + "▁exporters", + -12.91281509399414 + ], + [ + "▁tally", + -12.912854194641112 + ], + [ + "▁blackjack", + -12.91295337677002 + ], + [ + "▁termed", + -12.912982940673828 + ], + [ + "▁Zoe", + -12.913384437561035 + ], + [ + "▁Honestly", + -12.913533210754396 + ], + [ + "▁Encyclopedia", + -12.913688659667969 + ], + [ + "▁DH", + -12.913780212402344 + ], + [ + "ICA", + -12.913784980773926 + ], + [ + "give", + -12.913810729980469 + ], + [ + ":12", + -12.913969993591309 + ], + [ + "▁anonymity", + -12.914161682128906 + ], + [ + "▁occupies", + -12.914161682128906 + ], + [ + "▁studs", + -12.91417121887207 + ], + [ + "▁Lumpur", + -12.914172172546388 + ], + [ + "▁19-", + -12.914332389831545 + ], + [ + "▁Attractive", + -12.914389610290527 + ], + [ + "▁doesnt", + -12.914437294006348 + ], + [ + "Someone", + -12.914440155029297 + ], + [ + "▁tapered", + -12.914552688598633 + ], + [ + "onic", + -12.91461181640625 + ], + [ + "▁apprentice", + -12.914697647094728 + ], + [ + "ARD", + -12.9147310256958 + ], + [ + "▁simulated", + -12.914871215820312 + ], + [ + "▁Qi", + -12.91500473022461 + ], + [ + "22.", + -12.915037155151367 + ], + [ + "Notice", + -12.91506004333496 + ], + [ + "▁Mira", + -12.91511058807373 + ], + [ + "▁Rwanda", + -12.915183067321776 + ], + [ + "▁Ada", + -12.915202140808104 + ], + [ + "▁fountains", + -12.91523265838623 + ], + [ + "▁strengthens", + -12.915297508239746 + ], + [ + "▁harmonious", + -12.915308952331545 + ], + [ + "▁Approved", + -12.915328979492188 + ], + [ + "▁purchasers", + -12.915376663208008 + ], + [ + "eni", + -12.915377616882324 + ], + [ + "▁118", + -12.915664672851562 + ], + [ + "▁Piper", + -12.915678024291992 + ], + [ + "▁aesthetically", + -12.915685653686523 + ], + [ + "▁peeling", + -12.915690422058104 + ], + [ + "span", + -12.915724754333496 + ], + [ + "▁gardeners", + -12.915736198425291 + ], + [ + "▁walkers", + -12.915749549865724 + ], + [ + "Ken", + -12.91576099395752 + ], + [ + "▁Dor", + -12.916098594665527 + ], + [ + "arian", + -12.916099548339844 + ], + [ + "won", + -12.91610622406006 + ], + [ + "ops", + -12.91616153717041 + ], + [ + "▁OTHER", + -12.91631031036377 + ], + [ + "▁HIGH", + -12.916329383850098 + ], + [ + "ses", + -12.916366577148438 + ], + [ + "▁fractures", + -12.916370391845703 + ], + [ + "▁lovingly", + -12.91647243499756 + ], + [ + "ensis", + -12.916728973388672 + ], + [ + "▁imaginary", + -12.91694450378418 + ], + [ + "▁cradle", + -12.916945457458496 + ], + [ + "▁bipolar", + -12.916952133178713 + ], + [ + "▁Landscaping", + -12.916954040527344 + ], + [ + "▁7,000", + -12.917120933532717 + ], + [ + "▁1934", + -12.917213439941406 + ], + [ + "▁au", + -12.91728687286377 + ], + [ + "▁tipped", + -12.917405128479004 + ], + [ + "▁Nut", + -12.917479515075684 + ], + [ + "▁diapers", + -12.917609214782717 + ], + [ + "polis", + -12.917656898498535 + ], + [ + "tea", + -12.917696952819824 + ], + [ + "Front", + -12.917744636535645 + ], + [ + "▁Resistance", + -12.91786289215088 + ], + [ + "▁Pont", + -12.917895317077637 + ], + [ + "▁disposed", + -12.91790771484375 + ], + [ + "▁Katrina", + -12.917943954467772 + ], + [ + "zan", + -12.917946815490724 + ], + [ + "keep", + -12.91798973083496 + ], + [ + "▁diligent", + -12.918097496032717 + ], + [ + "ador", + -12.918105125427246 + ], + [ + "▁Laguna", + -12.918193817138672 + ], + [ + "▁chops", + -12.918231964111328 + ], + [ + "ega", + -12.918330192565918 + ], + [ + "Tu", + -12.918333053588867 + ], + [ + "▁embassy", + -12.918339729309082 + ], + [ + "▁scarves", + -12.918349266052246 + ], + [ + "interest", + -12.918357849121094 + ], + [ + "▁suppression", + -12.918380737304688 + ], + [ + "▁Mak", + -12.918429374694824 + ], + [ + "/14", + -12.91845989227295 + ], + [ + "Services", + -12.918599128723145 + ], + [ + "▁famously", + -12.918661117553713 + ], + [ + "aud", + -12.918706893920898 + ], + [ + "▁Chloe", + -12.918766975402832 + ], + [ + "▁Pak", + -12.918842315673828 + ], + [ + "▁Personalized", + -12.918846130371094 + ], + [ + "▁rob", + -12.918883323669434 + ], + [ + "▁zombies", + -12.918946266174316 + ], + [ + "static", + -12.918957710266112 + ], + [ + "▁Athletics", + -12.918980598449709 + ], + [ + "mia", + -12.91901683807373 + ], + [ + "invasive", + -12.919028282165527 + ], + [ + "edit", + -12.919075012207031 + ], + [ + "▁Diamonds", + -12.91913604736328 + ], + [ + "▁violet", + -12.919194221496582 + ], + [ + "▁acclaim", + -12.919344902038574 + ], + [ + "Sound", + -12.91940689086914 + ], + [ + "▁vis", + -12.91948699951172 + ], + [ + "▁Conditioners", + -12.91952896118164 + ], + [ + "▁Def", + -12.919593811035156 + ], + [ + "▁progressively", + -12.9196138381958 + ], + [ + "▁POWER", + -12.919689178466797 + ], + [ + "▁auxiliary", + -12.9197359085083 + ], + [ + "▁mildew", + -12.919769287109377 + ], + [ + "▁flipping", + -12.919788360595703 + ], + [ + "Gar", + -12.91983699798584 + ], + [ + "▁Mormon", + -12.91985034942627 + ], + [ + "▁Sands", + -12.919901847839355 + ], + [ + "egg", + -12.919936180114746 + ], + [ + "▁Curtain", + -12.919955253601074 + ], + [ + "kara", + -12.92002010345459 + ], + [ + "▁Slip", + -12.920125961303713 + ], + [ + "▁Botanical", + -12.920190811157228 + ], + [ + "▁Lent", + -12.920190811157228 + ], + [ + "▁grim", + -12.920248031616213 + ], + [ + "▁punish", + -12.920262336730955 + ], + [ + "▁plague", + -12.92029857635498 + ], + [ + "▁GMC", + -12.920373916625977 + ], + [ + "104", + -12.920454978942873 + ], + [ + "▁anthem", + -12.920523643493652 + ], + [ + "▁usb", + -12.920612335205078 + ], + [ + "yam", + -12.920693397521973 + ], + [ + "▁Bir", + -12.920821189880373 + ], + [ + "grad", + -12.920848846435549 + ], + [ + "dress", + -12.920855522155762 + ], + [ + "▁Planner", + -12.920886993408203 + ], + [ + "Paper", + -12.9209623336792 + ], + [ + "cart", + -12.921026229858398 + ], + [ + "▁pave", + -12.921109199523926 + ], + [ + "▁skipped", + -12.921187400817873 + ], + [ + "▁escaping", + -12.921192169189451 + ], + [ + "▁exchanging", + -12.921223640441896 + ], + [ + "▁DU", + -12.92123317718506 + ], + [ + "▁Bog", + -12.9213285446167 + ], + [ + "Books", + -12.92142391204834 + ], + [ + "fried", + -12.921597480773926 + ], + [ + "▁entice", + -12.921772003173828 + ], + [ + "▁Avery", + -12.921842575073242 + ], + [ + "▁WB", + -12.921995162963867 + ], + [ + "▁Romeo", + -12.92214012145996 + ], + [ + "▁dunes", + -12.922245979309082 + ], + [ + "▁footing", + -12.922348022460938 + ], + [ + "▁aided", + -12.922358512878418 + ], + [ + "▁Biz", + -12.922481536865234 + ], + [ + "▁Bihar", + -12.922523498535156 + ], + [ + "106", + -12.922526359558104 + ], + [ + "▁defeating", + -12.922576904296877 + ], + [ + "▁Warsaw", + -12.922624588012695 + ], + [ + "▁maiden", + -12.922680854797363 + ], + [ + "▁portrayal", + -12.92270565032959 + ], + [ + "▁postings", + -12.922751426696776 + ], + [ + "kas", + -12.92275333404541 + ], + [ + "▁tabletop", + -12.922791481018066 + ], + [ + "▁Bulletin", + -12.922794342041016 + ], + [ + "performing", + -12.922966957092283 + ], + [ + "trust", + -12.923087120056152 + ], + [ + "Bit", + -12.92310619354248 + ], + [ + "▁contextual", + -12.923187255859377 + ], + [ + "▁Gur", + -12.92323398590088 + ], + [ + "▁Emerging", + -12.92330265045166 + ], + [ + "▁Candle", + -12.923316955566406 + ], + [ + "▁ornate", + -12.923336029052734 + ], + [ + "▁occupations", + -12.923375129699709 + ], + [ + "▁Stark", + -12.923491477966309 + ], + [ + "choice", + -12.923529624938965 + ], + [ + "▁Packages", + -12.923605918884276 + ], + [ + "▁(50", + -12.923664093017578 + ], + [ + "▁Hunger", + -12.92369270324707 + ], + [ + "▁PSA", + -12.923713684082031 + ], + [ + "pper", + -12.923747062683104 + ], + [ + "Similarly", + -12.92379665374756 + ], + [ + "▁Exp", + -12.923802375793455 + ], + [ + "▁Invitation", + -12.923857688903809 + ], + [ + "panel", + -12.92393684387207 + ], + [ + "▁Consortium", + -12.923938751220703 + ], + [ + "▁Jer", + -12.92393970489502 + ], + [ + "▁Danielle", + -12.92400360107422 + ], + [ + "▁Directive", + -12.924028396606444 + ], + [ + "▁managerial", + -12.924224853515623 + ], + [ + "▁Lim", + -12.924267768859863 + ], + [ + "▁Vine", + -12.92435073852539 + ], + [ + "▁Node", + -12.924356460571287 + ], + [ + "▁Hairstyles", + -12.924546241760254 + ], + [ + "▁Currency", + -12.924642562866213 + ], + [ + "▁Lieutenant", + -12.9246826171875 + ], + [ + "▁Older", + -12.924827575683594 + ], + [ + "▁Peach", + -12.924875259399414 + ], + [ + "dig", + -12.924922943115234 + ], + [ + "▁Steelers", + -12.92492961883545 + ], + [ + "distance", + -12.92495346069336 + ], + [ + "▁Ava", + -12.92503833770752 + ], + [ + "▁earthy", + -12.925158500671388 + ], + [ + "▁prestige", + -12.925342559814451 + ], + [ + "▁Patterson", + -12.92534637451172 + ], + [ + "▁Perkins", + -12.925369262695312 + ], + [ + "▁EVERY", + -12.925416946411133 + ], + [ + "Wild", + -12.925491333007812 + ], + [ + "▁twisting", + -12.92551612854004 + ], + [ + "▁wipes", + -12.92555332183838 + ], + [ + "▁manuscripts", + -12.925572395324709 + ], + [ + "▁intensely", + -12.925894737243652 + ], + [ + "▁Len", + -12.92591953277588 + ], + [ + "Fest", + -12.926138877868652 + ], + [ + "TW", + -12.926154136657717 + ], + [ + "Bal", + -12.926155090332031 + ], + [ + "hub", + -12.9262056350708 + ], + [ + "▁unravel", + -12.926262855529783 + ], + [ + "▁restraint", + -12.926267623901367 + ], + [ + "▁AW", + -12.926414489746094 + ], + [ + "ule", + -12.926480293273926 + ], + [ + "▁thinkers", + -12.926512718200684 + ], + [ + "▁flux", + -12.92655086517334 + ], + [ + "Hold", + -12.926651000976562 + ], + [ + "▁motifs", + -12.926694869995115 + ], + [ + "▁binge", + -12.926712036132812 + ], + [ + "▁retrieval", + -12.926749229431152 + ], + [ + "▁Glacier", + -12.926751136779783 + ], + [ + "▁Roses", + -12.92676067352295 + ], + [ + "directed", + -12.926776885986328 + ], + [ + "▁Tavern", + -12.926809310913086 + ], + [ + "▁tint", + -12.926857948303224 + ], + [ + "▁staffed", + -12.926915168762209 + ], + [ + "WT", + -12.926996231079102 + ], + [ + "uba", + -12.927081108093262 + ], + [ + "▁Penguin", + -12.92719841003418 + ], + [ + "▁ribbons", + -12.927201271057127 + ], + [ + "▁215", + -12.92722988128662 + ], + [ + "▁reclaim", + -12.927362442016602 + ], + [ + "▁1936", + -12.927376747131348 + ], + [ + "▁averages", + -12.927376747131348 + ], + [ + "▁QA", + -12.927431106567385 + ], + [ + "▁Laundry", + -12.927495956420898 + ], + [ + "▁Layout", + -12.927611351013184 + ], + [ + "▁toaster", + -12.92768669128418 + ], + [ + "▁Tail", + -12.927764892578123 + ], + [ + "VS", + -12.927786827087402 + ], + [ + "▁Cooling", + -12.927796363830566 + ], + [ + "▁smokers", + -12.927803993225098 + ], + [ + "▁Kardashian", + -12.927923202514648 + ], + [ + "▁ovens", + -12.92792510986328 + ], + [ + "▁theatres", + -12.927988052368164 + ], + [ + "▁ku", + -12.92802619934082 + ], + [ + "▁barcode", + -12.928139686584473 + ], + [ + "▁Coventry", + -12.928142547607422 + ], + [ + "▁superintendent", + -12.928156852722168 + ], + [ + "▁Catering", + -12.928271293640137 + ], + [ + "hd", + -12.928519248962402 + ], + [ + "Coin", + -12.928543090820312 + ], + [ + "cip", + -12.928597450256348 + ], + [ + "Yo", + -12.928624153137209 + ], + [ + "▁MOD", + -12.92872428894043 + ], + [ + "▁sweating", + -12.928725242614746 + ], + [ + "160", + -12.928730010986328 + ], + [ + "FO", + -12.92882251739502 + ], + [ + "▁sailors", + -12.928834915161133 + ], + [ + "▁Jung", + -12.928890228271484 + ], + [ + "Sir", + -12.928918838500977 + ], + [ + "▁Garrett", + -12.928930282592772 + ], + [ + "▁evergreen", + -12.928967475891112 + ], + [ + "▁Sketch", + -12.929193496704102 + ], + [ + "▁toolbar", + -12.929329872131348 + ], + [ + "▁Ari", + -12.92934799194336 + ], + [ + "▁Enough", + -12.929357528686523 + ], + [ + "mé", + -12.929621696472168 + ], + [ + "▁luncheon", + -12.929635047912598 + ], + [ + "▁abrasive", + -12.92974853515625 + ], + [ + "▁slap", + -12.929940223693848 + ], + [ + "▁Velvet", + -12.929950714111328 + ], + [ + "stack", + -12.929965019226074 + ], + [ + "▁organically", + -12.930014610290527 + ], + [ + "▁disguise", + -12.930379867553713 + ], + [ + "▁emulate", + -12.930381774902344 + ], + [ + "▁daycare", + -12.930413246154783 + ], + [ + "▁goose", + -12.930435180664062 + ], + [ + "▁Lance", + -12.930588722229004 + ], + [ + "▁22-", + -12.930597305297852 + ], + [ + "▁leisurely", + -12.930684089660645 + ], + [ + "▁auditing", + -12.930700302124023 + ], + [ + "probably", + -12.93073558807373 + ], + [ + "▁Utilities", + -12.93073844909668 + ], + [ + "▁aspire", + -12.930761337280272 + ], + [ + "▁decimal", + -12.930790901184082 + ], + [ + "▁divert", + -12.930801391601562 + ], + [ + "pul", + -12.930803298950195 + ], + [ + "▁debug", + -12.930828094482422 + ], + [ + "▁114", + -12.930862426757812 + ], + [ + "▁(13", + -12.930931091308594 + ], + [ + "▁danced", + -12.930963516235352 + ], + [ + "▁Tribunal", + -12.93097972869873 + ], + [ + "▁emperor", + -12.93097972869873 + ], + [ + "▁nuisance", + -12.93097972869873 + ], + [ + "▁terrified", + -12.93097972869873 + ], + [ + "▁Shared", + -12.931021690368652 + ], + [ + "pod", + -12.93110179901123 + ], + [ + "▁Doyle", + -12.93111801147461 + ], + [ + "▁morality", + -12.931166648864746 + ], + [ + "Personally", + -12.931198120117188 + ], + [ + "▁glare", + -12.931416511535645 + ], + [ + "▁sanding", + -12.931519508361816 + ], + [ + "▁blooming", + -12.931526184082031 + ], + [ + "FP", + -12.931774139404297 + ], + [ + "▁indexed", + -12.931852340698242 + ], + [ + "▁Stefan", + -12.931867599487305 + ], + [ + "times", + -12.931915283203123 + ], + [ + "▁Owens", + -12.931931495666504 + ], + [ + "▁afforded", + -12.932007789611816 + ], + [ + "▁reckless", + -12.932089805603027 + ], + [ + "▁concurrent", + -12.932174682617188 + ], + [ + "meaning", + -12.932272911071776 + ], + [ + "▁Hardy", + -12.932284355163574 + ], + [ + "▁inventor", + -12.93232536315918 + ], + [ + "▁urinary", + -12.93239402770996 + ], + [ + "▁imprisonment", + -12.932398796081545 + ], + [ + "▁10.1", + -12.932435035705566 + ], + [ + "another", + -12.932451248168944 + ], + [ + "gers", + -12.932515144348145 + ], + [ + "RU", + -12.932599067687988 + ], + [ + "▁prisoner", + -12.932619094848633 + ], + [ + "cone", + -12.932695388793944 + ], + [ + "Same", + -12.932701110839844 + ], + [ + "▁franchises", + -12.93271541595459 + ], + [ + "▁hides", + -12.932771682739258 + ], + [ + "hook", + -12.932921409606934 + ], + [ + "▁Input", + -12.93295669555664 + ], + [ + "▁oxidation", + -12.932963371276855 + ], + [ + "knit", + -12.93303108215332 + ], + [ + "▁analogy", + -12.93305778503418 + ], + [ + "▁Meal", + -12.93315887451172 + ], + [ + "▁sunsets", + -12.93317413330078 + ], + [ + "▁Tide", + -12.933247566223145 + ], + [ + "ders", + -12.933266639709473 + ], + [ + "▁EZ", + -12.933323860168455 + ], + [ + "hee", + -12.933324813842772 + ], + [ + "peer", + -12.933364868164062 + ], + [ + "▁fearful", + -12.933554649353027 + ], + [ + "▁plaintiffs", + -12.933650970458984 + ], + [ + "contained", + -12.933710098266602 + ], + [ + "▁nook", + -12.93372917175293 + ], + [ + "▁Guidance", + -12.933783531188965 + ], + [ + "vik", + -12.933804512023926 + ], + [ + "▁physique", + -12.93381118774414 + ], + [ + "▁stamina", + -12.933812141418455 + ], + [ + "▁universally", + -12.933825492858888 + ], + [ + "▁ingenious", + -12.933836936950684 + ], + [ + "▁dealerships", + -12.93385887145996 + ], + [ + "▁arteries", + -12.933908462524414 + ], + [ + "▁Lima", + -12.933932304382324 + ], + [ + "▁easing", + -12.933942794799805 + ], + [ + "iza", + -12.93394660949707 + ], + [ + "▁Lev", + -12.933961868286133 + ], + [ + "kes", + -12.933985710144045 + ], + [ + "Government", + -12.934029579162598 + ], + [ + "▁Cir", + -12.934080123901367 + ], + [ + "seven", + -12.934112548828123 + ], + [ + "▁minimally", + -12.934484481811523 + ], + [ + "▁21-", + -12.934493064880373 + ], + [ + "▁fig", + -12.934535026550291 + ], + [ + "▁ammo", + -12.934582710266112 + ], + [ + "▁Comparison", + -12.934585571289062 + ], + [ + "isha", + -12.934686660766602 + ], + [ + "▁RX", + -12.934797286987305 + ], + [ + "▁intrusion", + -12.934900283813477 + ], + [ + "ometer", + -12.934908866882324 + ], + [ + "▁Tasmania", + -12.934948921203612 + ], + [ + "▁Rogue", + -12.935063362121582 + ], + [ + "heat", + -12.935099601745604 + ], + [ + "▁Courts", + -12.935144424438477 + ], + [ + "▁throughput", + -12.935229301452637 + ], + [ + "▁INFORMATION", + -12.93523120880127 + ], + [ + "▁325", + -12.935239791870115 + ], + [ + "▁specifies", + -12.935245513916016 + ], + [ + "▁Cluster", + -12.935287475585938 + ], + [ + "▁doom", + -12.935309410095217 + ], + [ + "▁drowning", + -12.935545921325684 + ], + [ + "▁sprayed", + -12.93581771850586 + ], + [ + "/2016", + -12.935820579528809 + ], + [ + "eco", + -12.935867309570312 + ], + [ + "▁Plum", + -12.935962677001951 + ], + [ + "▁Bridal", + -12.9360933303833 + ], + [ + "▁majors", + -12.936116218566896 + ], + [ + "▁Fabulous", + -12.936277389526367 + ], + [ + "▁Countries", + -12.936382293701172 + ], + [ + "▁benchmarks", + -12.93638515472412 + ], + [ + "115", + -12.936437606811523 + ], + [ + "▁glacier", + -12.936461448669434 + ], + [ + "▁Watching", + -12.936495780944824 + ], + [ + "Mom", + -12.936620712280272 + ], + [ + "▁registers", + -12.936635971069336 + ], + [ + "▁1991,", + -12.936670303344728 + ], + [ + "▁biomedical", + -12.936671257019045 + ], + [ + "▁piston", + -12.936819076538086 + ], + [ + "▁melts", + -12.93684196472168 + ], + [ + "▁sucker", + -12.936849594116213 + ], + [ + "▁ticks", + -12.936866760253906 + ], + [ + "▁hanger", + -12.936922073364258 + ], + [ + "Bad", + -12.936929702758787 + ], + [ + "eer", + -12.936993598937988 + ], + [ + "▁esteemed", + -12.93699550628662 + ], + [ + "▁Messiah", + -12.937028884887695 + ], + [ + "▁sinus", + -12.93708324432373 + ], + [ + "▁Feeling", + -12.93727970123291 + ], + [ + "linger", + -12.937355041503906 + ], + [ + "Active", + -12.937418937683104 + ], + [ + "▁Sync", + -12.937557220458984 + ], + [ + "▁2/3", + -12.937592506408691 + ], + [ + "380", + -12.937637329101562 + ], + [ + "PAC", + -12.937647819519045 + ], + [ + "▁Geek", + -12.937906265258787 + ], + [ + "Different", + -12.937932014465332 + ], + [ + "▁tees", + -12.93796157836914 + ], + [ + "▁Sponsor", + -12.93797779083252 + ], + [ + "▁irritating", + -12.93808364868164 + ], + [ + "▁YMCA", + -12.93808650970459 + ], + [ + "▁embossed", + -12.93813705444336 + ], + [ + "▁marriages", + -12.938172340393066 + ], + [ + "▁117", + -12.9382963180542 + ], + [ + "▁pseudo", + -12.93840503692627 + ], + [ + "chal", + -12.938563346862791 + ], + [ + "tell", + -12.93859577178955 + ], + [ + "▁conceal", + -12.938636779785156 + ], + [ + "▁Divorce", + -12.938709259033203 + ], + [ + "▁ACE", + -12.938756942749023 + ], + [ + "Trade", + -12.93889045715332 + ], + [ + "▁Styles", + -12.938905715942385 + ], + [ + "emia", + -12.939050674438477 + ], + [ + "▁hinge", + -12.939057350158691 + ], + [ + "▁widgets", + -12.939058303833008 + ], + [ + "▁seizure", + -12.939085960388184 + ], + [ + "▁resign", + -12.93915557861328 + ], + [ + "▁popup", + -12.93917465209961 + ], + [ + "▁Arduino", + -12.939224243164062 + ], + [ + "▁Crane", + -12.939360618591309 + ], + [ + "▁Stern", + -12.93938446044922 + ], + [ + "▁irresistible", + -12.939496994018556 + ], + [ + "Texas", + -12.939498901367188 + ], + [ + "▁Distinguished", + -12.939498901367188 + ], + [ + "Fall", + -12.939520835876465 + ], + [ + "Draw", + -12.939529418945312 + ], + [ + "▁Carey", + -12.939541816711426 + ], + [ + "▁genus", + -12.939599990844728 + ], + [ + "▁craftsmen", + -12.939610481262209 + ], + [ + "▁demolished", + -12.93962287902832 + ], + [ + "▁Spoon", + -12.939645767211914 + ], + [ + "▁shattered", + -12.939727783203123 + ], + [ + "▁steals", + -12.939756393432615 + ], + [ + "▁CITY", + -12.939774513244627 + ], + [ + "▁enlisted", + -12.939831733703612 + ], + [ + "cke", + -12.940021514892578 + ], + [ + "▁assay", + -12.940110206604004 + ], + [ + "▁USPS", + -12.940128326416016 + ], + [ + "▁Franco", + -12.940133094787598 + ], + [ + "▁rotor", + -12.940193176269531 + ], + [ + "▁Configuration", + -12.94027614593506 + ], + [ + "▁Scene", + -12.940314292907717 + ], + [ + "ér", + -12.940316200256348 + ], + [ + "▁anonymously", + -12.940316200256348 + ], + [ + "▁bob", + -12.940409660339355 + ], + [ + "ply", + -12.94052505493164 + ], + [ + "▁Components", + -12.940558433532717 + ], + [ + "development", + -12.940619468688965 + ], + [ + "▁Unknown", + -12.940784454345703 + ], + [ + "Connor", + -12.940811157226562 + ], + [ + "nm", + -12.94081974029541 + ], + [ + "storey", + -12.940853118896484 + ], + [ + "Interesting", + -12.940903663635254 + ], + [ + "▁Confederate", + -12.940923690795898 + ], + [ + "▁foundational", + -12.940925598144531 + ], + [ + "▁pilgrimage", + -12.940942764282228 + ], + [ + "▁cruelty", + -12.940958023071287 + ], + [ + "▁119", + -12.940975189208984 + ], + [ + "▁insertion", + -12.941075325012209 + ], + [ + "▁hyperlink", + -12.9410982131958 + ], + [ + "▁laminated", + -12.941125869750977 + ], + [ + "▁vowed", + -12.941150665283203 + ], + [ + "bia", + -12.941158294677734 + ], + [ + "Understanding", + -12.941296577453612 + ], + [ + "nh", + -12.941302299499512 + ], + [ + "▁Shops", + -12.941314697265623 + ], + [ + "Fox", + -12.94140911102295 + ], + [ + "▁idol", + -12.941466331481934 + ], + [ + "▁evidenced", + -12.94155979156494 + ], + [ + "fact", + -12.941571235656738 + ], + [ + "▁Fletcher", + -12.941574096679688 + ], + [ + "▁novelist", + -12.941679954528809 + ], + [ + "▁$25,000", + -12.941813468933104 + ], + [ + "▁OB", + -12.941814422607422 + ], + [ + "▁lookup", + -12.941829681396484 + ], + [ + "▁Dashboard", + -12.941858291625977 + ], + [ + "▁earthquakes", + -12.941922187805176 + ], + [ + "▁Mets", + -12.941930770874023 + ], + [ + "▁Breath", + -12.94198989868164 + ], + [ + "▁401", + -12.94204330444336 + ], + [ + "▁lesions", + -12.942069053649902 + ], + [ + "▁RFID", + -12.942098617553713 + ], + [ + "▁rainforest", + -12.942253112792969 + ], + [ + "Us", + -12.942368507385254 + ], + [ + "▁shady", + -12.942419052124023 + ], + [ + "▁(14", + -12.942532539367676 + ], + [ + "kill", + -12.94260025024414 + ], + [ + "▁crumbs", + -12.942652702331545 + ], + [ + "appropriate", + -12.942709922790527 + ], + [ + "▁Telecom", + -12.942715644836426 + ], + [ + "▁youths", + -12.942745208740234 + ], + [ + "Training", + -12.942767143249512 + ], + [ + "domain", + -12.942951202392578 + ], + [ + "▁Collaborative", + -12.942996978759766 + ], + [ + "wd", + -12.94304084777832 + ], + [ + "▁Boca", + -12.943167686462402 + ], + [ + "▁Dive", + -12.943170547485352 + ], + [ + "▁2030", + -12.943172454833984 + ], + [ + "OA", + -12.943187713623049 + ], + [ + "▁tort", + -12.943195343017578 + ], + [ + "▁Ivory", + -12.943220138549805 + ], + [ + "math", + -12.943267822265623 + ], + [ + "achi", + -12.943456649780272 + ], + [ + "▁axle", + -12.94347858428955 + ], + [ + "▁Colleges", + -12.943538665771484 + ], + [ + "▁Ara", + -12.943643569946287 + ], + [ + "▁orthodontic", + -12.943670272827148 + ], + [ + "▁ignorant", + -12.943782806396484 + ], + [ + "▁issuance", + -12.943782806396484 + ], + [ + "▁cafeteria", + -12.9437837600708 + ], + [ + "Kevin", + -12.943902015686035 + ], + [ + "▁marinade", + -12.943923950195312 + ], + [ + "▁pom", + -12.944043159484863 + ], + [ + "▁housekeeping", + -12.944084167480469 + ], + [ + "▁pensions", + -12.944170951843262 + ], + [ + "▁spawn", + -12.944172859191896 + ], + [ + "▁REST", + -12.944208145141602 + ], + [ + "▁carve", + -12.944278717041016 + ], + [ + "▁EMC", + -12.94437026977539 + ], + [ + "2004", + -12.944393157958984 + ], + [ + "▁3:30", + -12.944419860839844 + ], + [ + "▁craftsman", + -12.944544792175291 + ], + [ + "▁dwarf", + -12.944639205932615 + ], + [ + "▁pursuits", + -12.944901466369627 + ], + [ + "▁defenses", + -12.94498062133789 + ], + [ + "▁qualifies", + -12.945215225219728 + ], + [ + "ENCE", + -12.94522762298584 + ], + [ + "SI", + -12.945338249206545 + ], + [ + "▁Willis", + -12.945422172546388 + ], + [ + "cd", + -12.945430755615234 + ], + [ + "▁suitability", + -12.945526123046877 + ], + [ + "▁butcher", + -12.945545196533203 + ], + [ + "▁Lea", + -12.94561767578125 + ], + [ + "▁wrench", + -12.94573211669922 + ], + [ + "▁hallmark", + -12.945761680603027 + ], + [ + "▁Hear", + -12.946149826049805 + ], + [ + "lp", + -12.946240425109863 + ], + [ + "tens", + -12.94626808166504 + ], + [ + "▁sailed", + -12.946351051330566 + ], + [ + "▁redness", + -12.94639778137207 + ], + [ + "▁cuffs", + -12.94640064239502 + ], + [ + "▁Aires", + -12.946441650390623 + ], + [ + "▁partitions", + -12.946495056152344 + ], + [ + "▁lu", + -12.946514129638672 + ], + [ + "▁barley", + -12.946526527404783 + ], + [ + "▁kiln", + -12.946673393249512 + ], + [ + "▁mentorship", + -12.94674301147461 + ], + [ + "▁canals", + -12.94676113128662 + ], + [ + "▁Lucia", + -12.946821212768556 + ], + [ + "▁Isaiah", + -12.946894645690918 + ], + [ + "▁Weston", + -12.94697380065918 + ], + [ + "▁surpassed", + -12.947027206420898 + ], + [ + "▁CES", + -12.947179794311523 + ], + [ + ":16", + -12.947209358215332 + ], + [ + "▁Suddenly", + -12.94725227355957 + ], + [ + "▁shortages", + -12.947253227233888 + ], + [ + "▁roam", + -12.947311401367188 + ], + [ + "▁5-6", + -12.947439193725586 + ], + [ + "▁Optical", + -12.947474479675291 + ], + [ + "▁sealer", + -12.947489738464355 + ], + [ + "▁Que", + -12.947518348693848 + ], + [ + "21.", + -12.94752025604248 + ], + [ + "▁succulent", + -12.947558403015137 + ], + [ + "VT", + -12.947628021240234 + ], + [ + "▁Schwartz", + -12.947698593139648 + ], + [ + "▁floss", + -12.947771072387695 + ], + [ + "▁Bedding", + -12.947787284851074 + ], + [ + "TEC", + -12.947845458984377 + ], + [ + "▁850", + -12.947932243347168 + ], + [ + "▁ramps", + -12.947932243347168 + ], + [ + "sac", + -12.947938919067385 + ], + [ + "▁hammock", + -12.948026657104492 + ], + [ + "▁drapes", + -12.94807243347168 + ], + [ + "▁trophies", + -12.948086738586426 + ], + [ + "▁assert", + -12.948118209838867 + ], + [ + "▁Alexandra", + -12.948137283325195 + ], + [ + "▁righteousness", + -12.94815158843994 + ], + [ + "rb", + -12.948163032531738 + ], + [ + "▁horseback", + -12.948445320129396 + ], + [ + "▁sender", + -12.948521614074709 + ], + [ + "Website", + -12.948535919189451 + ], + [ + "▁relish", + -12.948575973510742 + ], + [ + "cul", + -12.948626518249512 + ], + [ + "▁Sole", + -12.948802947998049 + ], + [ + "really", + -12.948917388916016 + ], + [ + "▁tweaks", + -12.94892692565918 + ], + [ + "▁snug", + -12.948948860168455 + ], + [ + "Wonderful", + -12.948975563049316 + ], + [ + "▁sap", + -12.949013710021973 + ], + [ + "▁ter", + -12.949257850646973 + ], + [ + "▁wolves", + -12.949380874633787 + ], + [ + "▁Ceremony", + -12.949525833129885 + ], + [ + "▁bipartisan", + -12.94953155517578 + ], + [ + "▁encoding", + -12.949546813964844 + ], + [ + "▁respite", + -12.949556350708008 + ], + [ + "▁debated", + -12.94955825805664 + ], + [ + "▁Carolyn", + -12.949614524841309 + ], + [ + "▁Courtney", + -12.949646949768066 + ], + [ + "▁troublesome", + -12.94969654083252 + ], + [ + "Congrats", + -12.949729919433594 + ], + [ + "Basic", + -12.949749946594238 + ], + [ + "▁nightstand", + -12.949857711791992 + ], + [ + "existent", + -12.949939727783203 + ], + [ + "▁Hiring", + -12.949957847595217 + ], + [ + "Germany", + -12.950039863586426 + ], + [ + "▁15-20", + -12.950093269348145 + ], + [ + "tner", + -12.95018196105957 + ], + [ + "▁Immediately", + -12.950186729431152 + ], + [ + "▁Villas", + -12.950311660766602 + ], + [ + "▁Killer", + -12.95037078857422 + ], + [ + "▁BIOS", + -12.950409889221191 + ], + [ + "Touch", + -12.950521469116213 + ], + [ + "▁RPM", + -12.950584411621094 + ], + [ + "▁Vital", + -12.950616836547852 + ], + [ + "▁Concord", + -12.950620651245115 + ], + [ + "▁$80", + -12.950682640075684 + ], + [ + "▁RED", + -12.950724601745604 + ], + [ + "▁Bulls", + -12.950743675231934 + ], + [ + "developed", + -12.95075511932373 + ], + [ + "▁Dub", + -12.950787544250488 + ], + [ + "▁testify", + -12.95083999633789 + ], + [ + "▁breweries", + -12.950984001159668 + ], + [ + "▁Ottoman", + -12.951074600219728 + ], + [ + "▁prohibit", + -12.95108413696289 + ], + [ + "▁1919", + -12.951111793518066 + ], + [ + "▁Kyoto", + -12.951120376586914 + ], + [ + "tina", + -12.95126724243164 + ], + [ + "▁typed", + -12.95129680633545 + ], + [ + "▁Anonymous", + -12.951316833496094 + ], + [ + "OL", + -12.951536178588867 + ], + [ + "Royal", + -12.951576232910156 + ], + [ + "▁claw", + -12.951611518859863 + ], + [ + "▁softened", + -12.95164680480957 + ], + [ + "▁Sum", + -12.951648712158203 + ], + [ + "Rob", + -12.9517240524292 + ], + [ + "▁XS", + -12.951730728149414 + ], + [ + "]]", + -12.951913833618164 + ], + [ + "▁Nie", + -12.95194149017334 + ], + [ + "▁comforts", + -12.952065467834473 + ], + [ + "▁Identification", + -12.9520845413208 + ], + [ + "▁cashback", + -12.95212459564209 + ], + [ + "▁Beacon", + -12.952381134033203 + ], + [ + "▁Miracle", + -12.952398300170898 + ], + [ + "▁deficiencies", + -12.952409744262695 + ], + [ + "▁Brief", + -12.95256805419922 + ], + [ + "agent", + -12.952631950378418 + ], + [ + "▁similarity", + -12.95265007019043 + ], + [ + "▁Springer", + -12.952651023864746 + ], + [ + "women", + -12.952765464782717 + ], + [ + "wn", + -12.952771186828612 + ], + [ + "PV", + -12.952823638916016 + ], + [ + "▁dreaded", + -12.952842712402344 + ], + [ + "▁influencer", + -12.952848434448242 + ], + [ + "▁300,000", + -12.952946662902832 + ], + [ + "▁lame", + -12.95310878753662 + ], + [ + "▁Geography", + -12.953160285949709 + ], + [ + "▁Beard", + -12.953206062316896 + ], + [ + "▁Fact", + -12.95322322845459 + ], + [ + "WM", + -12.953269004821776 + ], + [ + "▁1961", + -12.953272819519045 + ], + [ + "▁Connector", + -12.95341682434082 + ], + [ + "▁underwear", + -12.95341968536377 + ], + [ + "▁temps", + -12.953423500061035 + ], + [ + "▁Goose", + -12.953476905822754 + ], + [ + "▁Circus", + -12.953481674194336 + ], + [ + "uan", + -12.95351505279541 + ], + [ + "▁HDR", + -12.953553199768066 + ], + [ + "▁dime", + -12.95361042022705 + ], + [ + "▁Mos", + -12.953697204589844 + ], + [ + "▁Qualcomm", + -12.95383071899414 + ], + [ + "▁Preservation", + -12.95387840270996 + ], + [ + "▁witty", + -12.95390796661377 + ], + [ + "GU", + -12.953920364379885 + ], + [ + "▁recruits", + -12.953988075256348 + ], + [ + "▁forwarding", + -12.95411205291748 + ], + [ + "summer", + -12.954115867614746 + ], + [ + "pocket", + -12.95412254333496 + ], + [ + "biz", + -12.954188346862791 + ], + [ + "Studio", + -12.954257011413574 + ], + [ + "▁1952", + -12.954258918762209 + ], + [ + "▁partake", + -12.954264640808104 + ], + [ + "▁Gang", + -12.954272270202637 + ], + [ + "▁murals", + -12.954362869262695 + ], + [ + "River", + -12.954407691955566 + ], + [ + "eller", + -12.954513549804688 + ], + [ + "▁Scar", + -12.954584121704102 + ], + [ + "▁Meghan", + -12.954607963562012 + ], + [ + "▁ironic", + -12.954636573791504 + ], + [ + "▁personalization", + -12.95468044281006 + ], + [ + "▁warns", + -12.954691886901855 + ], + [ + "▁alpine", + -12.95474624633789 + ], + [ + "▁Jade", + -12.954812049865724 + ], + [ + "▁selves", + -12.954834938049316 + ], + [ + "▁Controls", + -12.955031394958496 + ], + [ + "▁Tal", + -12.95505428314209 + ], + [ + "Path", + -12.955102920532228 + ], + [ + "▁Pir", + -12.955134391784668 + ], + [ + "▁Nolan", + -12.95518684387207 + ], + [ + "▁Fitzgerald", + -12.955204963684082 + ], + [ + "▁overwhelmingly", + -12.95525074005127 + ], + [ + "▁Cheshire", + -12.955312728881836 + ], + [ + "▁hurdle", + -12.95533561706543 + ], + [ + "▁CLICK", + -12.955363273620604 + ], + [ + "▁Facts", + -12.955389976501465 + ], + [ + "▁Dropbox", + -12.95549774169922 + ], + [ + "tch", + -12.955639839172363 + ], + [ + "▁policymakers", + -12.955647468566896 + ], + [ + "Event", + -12.955758094787598 + ], + [ + "▁Biological", + -12.955791473388672 + ], + [ + "▁shortlisted", + -12.955804824829102 + ], + [ + "▁humanities", + -12.955903053283691 + ], + [ + "▁communist", + -12.955941200256348 + ], + [ + "2009", + -12.95596694946289 + ], + [ + "FB", + -12.955971717834473 + ], + [ + "▁Accident", + -12.955978393554688 + ], + [ + "▁Mach", + -12.956177711486816 + ], + [ + "BG", + -12.956198692321776 + ], + [ + "▁pu", + -12.956218719482422 + ], + [ + "▁Greenville", + -12.956275939941406 + ], + [ + "▁Artistic", + -12.956279754638672 + ], + [ + "▁suspense", + -12.956356048583984 + ], + [ + "▁socialist", + -12.956406593322754 + ], + [ + "NU", + -12.956419944763184 + ], + [ + "▁Bakery", + -12.95643138885498 + ], + [ + "tale", + -12.956449508666992 + ], + [ + "▁hops", + -12.95650863647461 + ], + [ + "lings", + -12.956721305847168 + ], + [ + "▁deli", + -12.956883430480955 + ], + [ + "▁ip", + -12.956947326660156 + ], + [ + "▁Blank", + -12.957037925720217 + ], + [ + "▁rabbits", + -12.957053184509276 + ], + [ + "▁farmland", + -12.957091331481934 + ], + [ + "▁glider", + -12.957111358642578 + ], + [ + "weed", + -12.957131385803224 + ], + [ + "Japan", + -12.957173347473145 + ], + [ + "▁depict", + -12.95720100402832 + ], + [ + "▁Ability", + -12.957204818725586 + ], + [ + "▁Porto", + -12.957275390625 + ], + [ + "▁Journalism", + -12.957289695739746 + ], + [ + "▁thunder", + -12.957359313964844 + ], + [ + "▁Towers", + -12.957406997680664 + ], + [ + "Soon", + -12.957515716552734 + ], + [ + "▁rink", + -12.957944869995115 + ], + [ + "▁Ravens", + -12.957987785339355 + ], + [ + "▁inward", + -12.958051681518556 + ], + [ + "▁anchored", + -12.958074569702148 + ], + [ + "itter", + -12.958086013793944 + ], + [ + "▁Said", + -12.958159446716309 + ], + [ + "▁Wife", + -12.958178520202637 + ], + [ + "steel", + -12.958208084106444 + ], + [ + "▁Anaheim", + -12.958211898803713 + ], + [ + "ket", + -12.95828628540039 + ], + [ + "▁Illustrator", + -12.95828628540039 + ], + [ + "▁Quiz", + -12.958295822143556 + ], + [ + "eka", + -12.958359718322754 + ], + [ + "▁distributions", + -12.958460807800291 + ], + [ + "▁depressing", + -12.958477020263672 + ], + [ + "suit", + -12.95852756500244 + ], + [ + "▁Handmade", + -12.9585542678833 + ], + [ + "▁washes", + -12.95864963531494 + ], + [ + "▁towering", + -12.958687782287598 + ], + [ + "Common", + -12.958706855773926 + ], + [ + "▁MFA", + -12.95871925354004 + ], + [ + "▁Household", + -12.9588041305542 + ], + [ + "▁ph", + -12.958806037902832 + ], + [ + "▁vows", + -12.95882797241211 + ], + [ + "▁ICC", + -12.958894729614258 + ], + [ + "rain", + -12.958901405334473 + ], + [ + "▁Makeup", + -12.958904266357422 + ], + [ + "▁boilers", + -12.958916664123535 + ], + [ + "▁Thermal", + -12.959007263183594 + ], + [ + "chel", + -12.959166526794434 + ], + [ + "▁midfield", + -12.959188461303713 + ], + [ + "▁Behavioral", + -12.959482192993164 + ], + [ + "▁Geoff", + -12.959514617919922 + ], + [ + "thin", + -12.959587097167969 + ], + [ + "multi", + -12.959598541259766 + ], + [ + "▁Pty", + -12.9596529006958 + ], + [ + "▁freed", + -12.959688186645508 + ], + [ + "▁datasets", + -12.95971965789795 + ], + [ + "▁Canton", + -12.95975112915039 + ], + [ + "▁122", + -12.959908485412598 + ], + [ + "▁501(", + -12.959918975830078 + ], + [ + "▁AMAZING", + -12.959957122802734 + ], + [ + "▁Tests", + -12.960052490234377 + ], + [ + "▁sway", + -12.960053443908691 + ], + [ + "▁frontier", + -12.960126876831056 + ], + [ + "surgical", + -12.960171699523926 + ], + [ + "▁Titanium", + -12.960217475891112 + ], + [ + "▁solids", + -12.96025848388672 + ], + [ + "▁Renewable", + -12.960309028625488 + ], + [ + "▁Alma", + -12.960322380065918 + ], + [ + "▁Bert", + -12.960338592529297 + ], + [ + "neu", + -12.96037483215332 + ], + [ + "▁ridiculously", + -12.960392951965332 + ], + [ + "▁Toshiba", + -12.960467338562012 + ], + [ + "▁Dy", + -12.960493087768556 + ], + [ + "▁exile", + -12.960604667663574 + ], + [ + "▁Slam", + -12.960630416870115 + ], + [ + "▁swell", + -12.960813522338867 + ], + [ + "HO", + -12.960857391357422 + ], + [ + "▁standings", + -12.96100902557373 + ], + [ + "▁dripping", + -12.961141586303713 + ], + [ + "▁Filename", + -12.96116828918457 + ], + [ + "▁pellet", + -12.961237907409668 + ], + [ + "▁Warwick", + -12.961238861083984 + ], + [ + "hel", + -12.96125316619873 + ], + [ + "▁eg", + -12.961352348327637 + ], + [ + "loaded", + -12.961371421813965 + ], + [ + "pak", + -12.961442947387695 + ], + [ + "▁rests", + -12.96151351928711 + ], + [ + "rac", + -12.96152687072754 + ], + [ + "▁awakening", + -12.961532592773438 + ], + [ + "▁LM", + -12.961615562438965 + ], + [ + "BU", + -12.961629867553713 + ], + [ + "nus", + -12.96168327331543 + ], + [ + "▁Muscle", + -12.961711883544922 + ], + [ + "▁psycho", + -12.961780548095703 + ], + [ + "▁3\"", + -12.961816787719728 + ], + [ + "community", + -12.96186065673828 + ], + [ + "ulo", + -12.961898803710938 + ], + [ + "▁gardener", + -12.961986541748049 + ], + [ + "▁usefulness", + -12.962115287780762 + ], + [ + "Dry", + -12.962313652038574 + ], + [ + "rib", + -12.962397575378418 + ], + [ + "▁toothpaste", + -12.9625825881958 + ], + [ + "LINE", + -12.962616920471191 + ], + [ + "Patients", + -12.96263313293457 + ], + [ + "▁sediment", + -12.962635040283203 + ], + [ + "▁ethnicity", + -12.962706565856934 + ], + [ + "▁DV", + -12.962899208068848 + ], + [ + "▁synth", + -12.962964057922363 + ], + [ + "▁Jude", + -12.963010787963867 + ], + [ + "▁MV", + -12.963101387023926 + ], + [ + "▁halves", + -12.963116645812988 + ], + [ + "HB", + -12.96313762664795 + ], + [ + "computer", + -12.963152885437012 + ], + [ + "▁reefs", + -12.963173866271973 + ], + [ + "UX", + -12.96326732635498 + ], + [ + "▁Feedback", + -12.963268280029297 + ], + [ + "▁Albuquerque", + -12.963276863098145 + ], + [ + "WI", + -12.963308334350586 + ], + [ + "Gas", + -12.963470458984377 + ], + [ + "cum", + -12.963496208190918 + ], + [ + "pictured", + -12.96349811553955 + ], + [ + "lecommunications", + -12.963501930236816 + ], + [ + "▁evoke", + -12.963576316833496 + ], + [ + "pipe", + -12.963645935058594 + ], + [ + "▁Gy", + -12.963711738586426 + ], + [ + "LB", + -12.963717460632324 + ], + [ + "▁Telegraph", + -12.963863372802734 + ], + [ + "omi", + -12.963869094848633 + ], + [ + "▁Preserve", + -12.963933944702148 + ], + [ + "▁Sarasota", + -12.96396827697754 + ], + [ + "mad", + -12.96408748626709 + ], + [ + "EB", + -12.964167594909668 + ], + [ + "▁oath", + -12.964173316955566 + ], + [ + "▁slabs", + -12.96417999267578 + ], + [ + "▁exponentially", + -12.964204788208008 + ], + [ + "alla", + -12.964280128479004 + ], + [ + "▁decadent", + -12.964296340942385 + ], + [ + "▁triggering", + -12.96437931060791 + ], + [ + "▁looming", + -12.964391708374023 + ], + [ + "▁dem", + -12.964590072631836 + ], + [ + "▁Gluten", + -12.96462059020996 + ], + [ + "Customers", + -12.964651107788086 + ], + [ + "▁silica", + -12.964698791503906 + ], + [ + "History", + -12.9647216796875 + ], + [ + "iter", + -12.964752197265623 + ], + [ + "erie", + -12.964768409729004 + ], + [ + "▁embody", + -12.965001106262209 + ], + [ + "▁bu", + -12.965049743652344 + ], + [ + "▁$22", + -12.965088844299316 + ], + [ + "Mini", + -12.965134620666504 + ], + [ + "▁tracing", + -12.965264320373535 + ], + [ + "▁Kun", + -12.965360641479492 + ], + [ + "▁Sophia", + -12.965435028076172 + ], + [ + "▁skid", + -12.965456008911133 + ], + [ + "▁dissemination", + -12.96549129486084 + ], + [ + "▁nautical", + -12.965494155883787 + ], + [ + "▁bikini", + -12.965495109558104 + ], + [ + "▁Deutsche", + -12.96550464630127 + ], + [ + "▁analogue", + -12.965545654296877 + ], + [ + "▁elasticity", + -12.965588569641112 + ], + [ + "▁GCSE", + -12.965635299682615 + ], + [ + "▁telescope", + -12.965638160705566 + ], + [ + "330", + -12.965852737426758 + ], + [ + "▁cowboy", + -12.965886116027832 + ], + [ + "▁grated", + -12.96600341796875 + ], + [ + "▁concentrates", + -12.966036796569824 + ], + [ + "▁Latvia", + -12.966053009033203 + ], + [ + "▁camel", + -12.966063499450684 + ], + [ + "▁PK", + -12.96606731414795 + ], + [ + "Nevertheless", + -12.966106414794922 + ], + [ + "GF", + -12.966109275817873 + ], + [ + "Adding", + -12.96615505218506 + ], + [ + "facebook", + -12.966180801391602 + ], + [ + "▁Lux", + -12.966182708740234 + ], + [ + "feel", + -12.96621036529541 + ], + [ + "OW", + -12.966225624084473 + ], + [ + "▁304", + -12.966323852539062 + ], + [ + "▁optimise", + -12.966355323791504 + ], + [ + "▁Kenyan", + -12.966482162475586 + ], + [ + "▁Bharat", + -12.966636657714844 + ], + [ + "▁Tue", + -12.966696739196776 + ], + [ + "▁intermittent", + -12.96671199798584 + ], + [ + "▁heroine", + -12.966726303100586 + ], + [ + "▁Koch", + -12.966803550720217 + ], + [ + "▁Sodium", + -12.966870307922363 + ], + [ + "Sport", + -12.966872215270996 + ], + [ + "▁bourbon", + -12.966955184936523 + ], + [ + "▁vaping", + -12.966970443725586 + ], + [ + "▁Peanut", + -12.967036247253418 + ], + [ + "kowski", + -12.967236518859863 + ], + [ + "▁forestry", + -12.967302322387695 + ], + [ + "▁overlooks", + -12.967519760131836 + ], + [ + "▁maid", + -12.967573165893556 + ], + [ + "▁Chick", + -12.967615127563477 + ], + [ + "Applications", + -12.96764087677002 + ], + [ + "Safety", + -12.967645645141602 + ], + [ + "▁Trap", + -12.967880249023438 + ], + [ + "azi", + -12.967887878417969 + ], + [ + "▁Obamacare", + -12.967974662780762 + ], + [ + "▁rents", + -12.968072891235352 + ], + [ + "▁Websites", + -12.968173027038574 + ], + [ + "▁ADD", + -12.968216896057127 + ], + [ + "▁Aus", + -12.968221664428713 + ], + [ + "▁retrieved", + -12.968449592590332 + ], + [ + "▁postcards", + -12.968491554260254 + ], + [ + "▁heap", + -12.968533515930176 + ], + [ + "▁Finished", + -12.96855354309082 + ], + [ + "▁Ek", + -12.96855640411377 + ], + [ + "▁DSLR", + -12.968600273132324 + ], + [ + "▁Sachs", + -12.968732833862305 + ], + [ + "Lake", + -12.968767166137695 + ], + [ + "▁Saul", + -12.968894958496094 + ], + [ + "ichi", + -12.969160079956056 + ], + [ + "▁Missing", + -12.969263076782228 + ], + [ + "▁Simulation", + -12.969319343566896 + ], + [ + "▁deprived", + -12.969366073608398 + ], + [ + "nas", + -12.969468116760254 + ], + [ + "▁floats", + -12.96950340270996 + ], + [ + "▁Garlic", + -12.969568252563477 + ], + [ + "▁Merchant", + -12.969674110412598 + ], + [ + "CAR", + -12.969719886779783 + ], + [ + "▁Whale", + -12.969741821289062 + ], + [ + "▁walnuts", + -12.969882011413574 + ], + [ + "▁merging", + -12.969894409179688 + ], + [ + "▁misdemeanor", + -12.96989917755127 + ], + [ + "▁Reduction", + -12.96993923187256 + ], + [ + "▁renters", + -12.969969749450684 + ], + [ + "▁augment", + -12.970098495483398 + ], + [ + "▁Neal", + -12.97017765045166 + ], + [ + "▁malaria", + -12.970181465148926 + ], + [ + "Chat", + -12.970210075378418 + ], + [ + "▁Default", + -12.970345497131348 + ], + [ + "bre", + -12.970403671264648 + ], + [ + "▁dumping", + -12.970499992370604 + ], + [ + "▁disrupted", + -12.970538139343262 + ], + [ + "▁ducts", + -12.970663070678713 + ], + [ + "▁brewed", + -12.970742225646973 + ], + [ + "Jeff", + -12.97087860107422 + ], + [ + "▁confession", + -12.971004486083984 + ], + [ + "▁condolences", + -12.97100830078125 + ], + [ + "▁Celebrity", + -12.97106647491455 + ], + [ + "▁analysed", + -12.971101760864258 + ], + [ + "Material", + -12.971117973327637 + ], + [ + "▁embarrassment", + -12.9713716506958 + ], + [ + "Fix", + -12.97140884399414 + ], + [ + "DJ", + -12.971478462219238 + ], + [ + "▁Tone", + -12.971613883972168 + ], + [ + "▁bishop", + -12.971614837646484 + ], + [ + "▁Tacoma", + -12.971616744995115 + ], + [ + "▁ballots", + -12.971637725830078 + ], + [ + "▁121", + -12.971647262573242 + ], + [ + "▁jerk", + -12.971654891967772 + ], + [ + "▁redirected", + -12.972046852111816 + ], + [ + "▁TU", + -12.972162246704102 + ], + [ + "dock", + -12.972169876098633 + ], + [ + "research", + -12.97228717803955 + ], + [ + "Doc", + -12.972387313842772 + ], + [ + "serving", + -12.972417831420898 + ], + [ + "ни", + -12.972418785095217 + ], + [ + "▁Dj", + -12.972472190856934 + ], + [ + "▁stab", + -12.972481727600098 + ], + [ + "▁hugs", + -12.972484588623049 + ], + [ + "▁etched", + -12.972504615783691 + ], + [ + "▁migrant", + -12.972537994384766 + ], + [ + "103", + -12.972559928894045 + ], + [ + "▁Tau", + -12.972658157348633 + ], + [ + "▁annum", + -12.972681999206545 + ], + [ + "▁subscribed", + -12.97268295288086 + ], + [ + "▁decal", + -12.972696304321287 + ], + [ + "▁kidneys", + -12.972733497619627 + ], + [ + "ania", + -12.97275161743164 + ], + [ + "▁interconnected", + -12.972811698913574 + ], + [ + "▁brilliance", + -12.972832679748535 + ], + [ + "▁pneumonia", + -12.972832679748535 + ], + [ + "▁suffice", + -12.972833633422852 + ], + [ + "▁disappearance", + -12.972925186157228 + ], + [ + "saw", + -12.973020553588867 + ], + [ + "▁va", + -12.973020553588867 + ], + [ + "▁Revelation", + -12.97307300567627 + ], + [ + "fs", + -12.973098754882812 + ], + [ + "▁favourable", + -12.973099708557127 + ], + [ + "cate", + -12.973109245300291 + ], + [ + "▁Wis", + -12.973119735717772 + ], + [ + "▁sweaters", + -12.973164558410645 + ], + [ + "▁inventions", + -12.973224639892578 + ], + [ + "global", + -12.973299026489258 + ], + [ + "▁dominating", + -12.97334098815918 + ], + [ + "▁blossoms", + -12.973384857177734 + ], + [ + "▁Functional", + -12.97341251373291 + ], + [ + "▁Reverse", + -12.973621368408203 + ], + [ + "Choosing", + -12.973631858825684 + ], + [ + "Provides", + -12.973639488220217 + ], + [ + "▁realism", + -12.973657608032228 + ], + [ + "▁Comm", + -12.973679542541504 + ], + [ + "▁Freddie", + -12.973709106445312 + ], + [ + "▁militants", + -12.973800659179688 + ], + [ + "▁shear", + -12.973881721496582 + ], + [ + "▁taco", + -12.973922729492188 + ], + [ + "▁NU", + -12.974090576171877 + ], + [ + "▁Wallet", + -12.974105834960938 + ], + [ + "fur", + -12.974241256713867 + ], + [ + "▁unwilling", + -12.97426414489746 + ], + [ + "▁smoky", + -12.974308013916016 + ], + [ + "▁Garcinia", + -12.974312782287598 + ], + [ + "Bot", + -12.974343299865724 + ], + [ + "Less", + -12.97434902191162 + ], + [ + "▁gripping", + -12.97437572479248 + ], + [ + "idi", + -12.974409103393556 + ], + [ + "ifer", + -12.974410057067873 + ], + [ + "▁Sofia", + -12.974431037902832 + ], + [ + "▁understated", + -12.974444389343262 + ], + [ + "▁spraying", + -12.974468231201172 + ], + [ + "▁warmly", + -12.974472045898438 + ], + [ + "▁shutting", + -12.974495887756348 + ], + [ + "trial", + -12.974499702453612 + ], + [ + "▁BU", + -12.974555015563965 + ], + [ + "▁Yep", + -12.974564552307127 + ], + [ + "▁Digi", + -12.974569320678713 + ], + [ + "▁leases", + -12.97464084625244 + ], + [ + "▁Churches", + -12.974835395812988 + ], + [ + "▁smashed", + -12.974853515625 + ], + [ + "▁reckon", + -12.974888801574709 + ], + [ + "▁slowdown", + -12.974966049194336 + ], + [ + "▁9:", + -12.974987983703612 + ], + [ + "coated", + -12.97506618499756 + ], + [ + "▁Heads", + -12.975110054016112 + ], + [ + "Luckily", + -12.975149154663086 + ], + [ + "▁locksmiths", + -12.975178718566896 + ], + [ + "Typically", + -12.975232124328612 + ], + [ + "▁snag", + -12.975311279296877 + ], + [ + "▁stumble", + -12.975482940673828 + ], + [ + "▁helicopters", + -12.975586891174316 + ], + [ + "▁Icon", + -12.97563362121582 + ], + [ + "▁Jakarta", + -12.975786209106444 + ], + [ + "▁commuting", + -12.975786209106444 + ], + [ + "▁Physician", + -12.97583293914795 + ], + [ + "▁unseen", + -12.975838661193848 + ], + [ + "ht", + -12.975884437561035 + ], + [ + "▁admitting", + -12.976003646850586 + ], + [ + "▁Raven", + -12.976014137268066 + ], + [ + "▁randomized", + -12.976021766662598 + ], + [ + "▁Scrum", + -12.976120948791504 + ], + [ + "▁vocation", + -12.976432800292969 + ], + [ + "▁gi", + -12.976442337036133 + ], + [ + "igen", + -12.976508140563965 + ], + [ + "▁Jew", + -12.976529121398926 + ], + [ + "▁facet", + -12.976591110229492 + ], + [ + "Property", + -12.976675033569336 + ], + [ + "dian", + -12.976678848266602 + ], + [ + "5000", + -12.976699829101562 + ], + [ + "▁discern", + -12.97671127319336 + ], + [ + "Field", + -12.976723670959473 + ], + [ + "▁pesto", + -12.976743698120115 + ], + [ + "▁Rub", + -12.97689723968506 + ], + [ + "▁trivia", + -12.976945877075195 + ], + [ + "▁mergers", + -12.976963996887209 + ], + [ + "▁Accordingly", + -12.97698974609375 + ], + [ + "▁sprinkled", + -12.977178573608398 + ], + [ + "▁Fernando", + -12.97726821899414 + ], + [ + "▁Spare", + -12.977286338806152 + ], + [ + "lus", + -12.977340698242188 + ], + [ + "▁taxis", + -12.977346420288086 + ], + [ + "install", + -12.977375984191896 + ], + [ + "esa", + -12.977545738220217 + ], + [ + "▁obstruction", + -12.97756004333496 + ], + [ + "▁refinement", + -12.977606773376465 + ], + [ + "▁indefinitely", + -12.977645874023438 + ], + [ + "▁yelling", + -12.977667808532717 + ], + [ + "/24", + -12.977712631225586 + ], + [ + "HM", + -12.977760314941406 + ], + [ + "▁spoiled", + -12.977824211120604 + ], + [ + "▁dyes", + -12.977828025817873 + ], + [ + "▁Mali", + -12.977951049804688 + ], + [ + "▁Ox", + -12.977957725524902 + ], + [ + "hun", + -12.97797393798828 + ], + [ + "pha", + -12.978132247924805 + ], + [ + "▁Crop", + -12.978257179260254 + ], + [ + "▁principals", + -12.978261947631836 + ], + [ + "marketing", + -12.978399276733398 + ], + [ + "▁EMS", + -12.978453636169434 + ], + [ + "▁qui", + -12.97857666015625 + ], + [ + "▁Pirate", + -12.978580474853516 + ], + [ + "▁indexes", + -12.978644371032717 + ], + [ + "▁Borders", + -12.978665351867676 + ], + [ + "▁Hundreds", + -12.978858947753906 + ], + [ + "created", + -12.978877067565918 + ], + [ + "Cast", + -12.978904724121094 + ], + [ + "chem", + -12.979018211364746 + ], + [ + "▁1989,", + -12.979049682617188 + ], + [ + "▁pity", + -12.97919750213623 + ], + [ + "stress", + -12.979202270507812 + ], + [ + "▁lineage", + -12.979235649108888 + ], + [ + "END", + -12.979276657104492 + ], + [ + "▁Seats", + -12.979281425476074 + ], + [ + "▁Oasis", + -12.979350090026855 + ], + [ + "▁allergens", + -12.979379653930664 + ], + [ + "▁Fighting", + -12.979435920715332 + ], + [ + "▁1989.", + -12.979490280151367 + ], + [ + "▁externally", + -12.979491233825684 + ], + [ + "Ri", + -12.979640007019045 + ], + [ + "▁statistically", + -12.97966194152832 + ], + [ + "▁pointers", + -12.979686737060549 + ], + [ + "Council", + -12.979745864868164 + ], + [ + "▁sleepy", + -12.979777336120604 + ], + [ + "▁Edison", + -12.97983741760254 + ], + [ + "below", + -12.97988224029541 + ], + [ + "▁Mango", + -12.979939460754396 + ], + [ + "▁col", + -12.979997634887695 + ], + [ + "▁stride", + -12.979999542236328 + ], + [ + "RG", + -12.980002403259276 + ], + [ + "hin", + -12.98000717163086 + ], + [ + "lian", + -12.980026245117188 + ], + [ + "▁Portrait", + -12.980134963989258 + ], + [ + "▁owl", + -12.98015594482422 + ], + [ + "▁prized", + -12.980191230773926 + ], + [ + "▁tendencies", + -12.980254173278809 + ], + [ + "▁Christchurch", + -12.98027229309082 + ], + [ + "▁conservatives", + -12.980430603027344 + ], + [ + "▁Proper", + -12.980462074279783 + ], + [ + "▁Winery", + -12.980463981628418 + ], + [ + "tap", + -12.980486869812012 + ], + [ + "Ph", + -12.980676651000977 + ], + [ + "▁epi", + -12.980812072753906 + ], + [ + "▁Lap", + -12.98086643218994 + ], + [ + "▁WAY", + -12.980904579162598 + ], + [ + "Aug", + -12.980916976928713 + ], + [ + "▁outweigh", + -12.98093605041504 + ], + [ + "▁Compass", + -12.98104190826416 + ], + [ + "▁Pablo", + -12.981131553649902 + ], + [ + "▁remodeled", + -12.981278419494627 + ], + [ + "Nearly", + -12.981431007385254 + ], + [ + "▁Continuous", + -12.98147964477539 + ], + [ + "▁Barton", + -12.981500625610352 + ], + [ + "▁Congrats", + -12.981507301330566 + ], + [ + "▁Physicians", + -12.981555938720703 + ], + [ + "raw", + -12.981576919555664 + ], + [ + "▁scrape", + -12.981654167175291 + ], + [ + "\"?", + -12.981680870056152 + ], + [ + "▁admiration", + -12.981715202331545 + ], + [ + "▁cultivating", + -12.981715202331545 + ], + [ + "▁unnoticed", + -12.981715202331545 + ], + [ + "Beat", + -12.981822967529297 + ], + [ + "Example", + -12.981849670410156 + ], + [ + "▁climbs", + -12.98188018798828 + ], + [ + "▁bash", + -12.98188304901123 + ], + [ + "▁(#", + -12.981982231140137 + ], + [ + "▁testified", + -12.982091903686523 + ], + [ + "▁Quilt", + -12.982098579406738 + ], + [ + "▁outings", + -12.982257843017578 + ], + [ + "editor", + -12.98232650756836 + ], + [ + "▁Bri", + -12.98249626159668 + ], + [ + "▁Responsible", + -12.982508659362791 + ], + [ + "▁tumble", + -12.982588768005373 + ], + [ + "▁prevail", + -12.982660293579102 + ], + [ + "▁Trinidad", + -12.98280906677246 + ], + [ + "▁Instruments", + -12.982833862304688 + ], + [ + "ibility", + -12.98286247253418 + ], + [ + "▁DG", + -12.982894897460938 + ], + [ + "▁marching", + -12.983002662658691 + ], + [ + "▁12:30", + -12.983006477355955 + ], + [ + "WHAT", + -12.98301124572754 + ], + [ + "▁mutation", + -12.983017921447754 + ], + [ + "▁KL", + -12.983040809631348 + ], + [ + "mah", + -12.983124732971191 + ], + [ + "▁insecurity", + -12.983162879943848 + ], + [ + "▁chuck", + -12.983192443847656 + ], + [ + "▁decentralized", + -12.983203887939451 + ], + [ + "▁purification", + -12.983209609985352 + ], + [ + "▁Tahoe", + -12.983210563659668 + ], + [ + "▁Thermo", + -12.98334503173828 + ], + [ + "▁distorted", + -12.983405113220217 + ], + [ + "▁XI", + -12.983421325683594 + ], + [ + "▁sugary", + -12.983427047729492 + ], + [ + "▁Quartet", + -12.983428955078123 + ], + [ + "▁Required", + -12.983494758605955 + ], + [ + "▁boxed", + -12.983548164367676 + ], + [ + "▁weekdays", + -12.983601570129396 + ], + [ + "▁insult", + -12.98365879058838 + ], + [ + "appointed", + -12.983802795410156 + ], + [ + "▁concessions", + -12.983823776245115 + ], + [ + "▁1946", + -12.98387622833252 + ], + [ + "▁shakes", + -12.983891487121582 + ], + [ + "LO", + -12.984012603759766 + ], + [ + "could", + -12.984046936035156 + ], + [ + "▁Rated", + -12.984216690063477 + ], + [ + "Miss", + -12.984238624572754 + ], + [ + "cylinder", + -12.984260559082031 + ], + [ + "etto", + -12.98426914215088 + ], + [ + "studio", + -12.984271049499512 + ], + [ + "▁SHA", + -12.984289169311523 + ], + [ + "bla", + -12.98430061340332 + ], + [ + "▁lyrical", + -12.984352111816406 + ], + [ + "▁Dil", + -12.984404563903809 + ], + [ + "▁foolish", + -12.9844388961792 + ], + [ + "▁Lease", + -12.98446559906006 + ], + [ + "RW", + -12.984466552734377 + ], + [ + "▁1935", + -12.984477043151855 + ], + [ + "▁radicals", + -12.984596252441406 + ], + [ + "▁Sm", + -12.984618186950684 + ], + [ + "▁Brooke", + -12.984686851501465 + ], + [ + "▁embodies", + -12.984696388244627 + ], + [ + "▁profiling", + -12.984705924987791 + ], + [ + "eat", + -12.984728813171388 + ], + [ + "▁knitted", + -12.984736442565918 + ], + [ + "▁Boxing", + -12.984784126281738 + ], + [ + "▁Edwin", + -12.984786033630373 + ], + [ + "tai", + -12.984795570373535 + ], + [ + "Mad", + -12.984837532043455 + ], + [ + "▁prominently", + -12.984877586364746 + ], + [ + "▁revolves", + -12.984883308410645 + ], + [ + "Mind", + -12.984893798828123 + ], + [ + "▁MAX", + -12.984926223754885 + ], + [ + "▁Cooperation", + -12.98493194580078 + ], + [ + "▁runoff", + -12.984986305236816 + ], + [ + "▁Hank", + -12.985161781311035 + ], + [ + "▁SSC", + -12.985240936279297 + ], + [ + "▁stern", + -12.985485076904297 + ], + [ + "▁quota", + -12.985820770263672 + ], + [ + "▁odors", + -12.985934257507324 + ], + [ + "▁Lebanese", + -12.986013412475586 + ], + [ + "▁1:30", + -12.986026763916016 + ], + [ + "▁collars", + -12.98615550994873 + ], + [ + "▁Sauvignon", + -12.986186027526855 + ], + [ + "▁concussion", + -12.986188888549805 + ], + [ + "▁lesbian", + -12.98618984222412 + ], + [ + "▁undocumented", + -12.986215591430664 + ], + [ + "▁Pension", + -12.98625946044922 + ], + [ + "▁originating", + -12.986260414123535 + ], + [ + "Bridge", + -12.986261367797852 + ], + [ + "▁1991.", + -12.986312866210938 + ], + [ + "▁Lambert", + -12.98641586303711 + ], + [ + "▁vending", + -12.986437797546388 + ], + [ + "▁parcels", + -12.986438751220703 + ], + [ + "▁gemstone", + -12.986656188964844 + ], + [ + "▁nozzle", + -12.986883163452148 + ], + [ + "reg", + -12.9869966506958 + ], + [ + "2:", + -12.986998558044434 + ], + [ + "▁freshest", + -12.987008094787598 + ], + [ + "Radio", + -12.987059593200684 + ], + [ + "▁Workplace", + -12.987069129943848 + ], + [ + "near", + -12.987147331237791 + ], + [ + "num", + -12.987165451049805 + ], + [ + "▁nm", + -12.98717212677002 + ], + [ + "Bay", + -12.987239837646484 + ], + [ + "unda", + -12.987276077270508 + ], + [ + "secret", + -12.987380027770996 + ], + [ + "▁pragmatic", + -12.98768138885498 + ], + [ + "▁spruce", + -12.98768138885498 + ], + [ + "▁apnea", + -12.987682342529297 + ], + [ + "▁piercing", + -12.987685203552246 + ], + [ + "▁Assurance", + -12.987714767456056 + ], + [ + "▁misery", + -12.987722396850586 + ], + [ + "▁Designers", + -12.98780632019043 + ], + [ + "▁fined", + -12.987984657287598 + ], + [ + "Dave", + -12.988004684448242 + ], + [ + "▁SME", + -12.988035202026367 + ], + [ + "▁Mona", + -12.988133430480955 + ], + [ + "▁Cannabis", + -12.988245964050291 + ], + [ + "▁pipelines", + -12.988253593444824 + ], + [ + "legal", + -12.98830223083496 + ], + [ + "▁Pitch", + -12.988381385803224 + ], + [ + "▁Mei", + -12.988442420959473 + ], + [ + "5\"", + -12.98850154876709 + ], + [ + "▁Slice", + -12.988512992858888 + ], + [ + "-34", + -12.988574981689451 + ], + [ + "▁directive", + -12.988628387451172 + ], + [ + "▁Trio", + -12.988643646240234 + ], + [ + "nda", + -12.988771438598633 + ], + [ + "▁Pharmaceutical", + -12.98879623413086 + ], + [ + "▁Purdue", + -12.988815307617188 + ], + [ + "▁descend", + -12.988840103149414 + ], + [ + "Street", + -12.988863945007324 + ], + [ + "▁Drag", + -12.988863945007324 + ], + [ + "function", + -12.98900318145752 + ], + [ + "▁abs", + -12.989090919494627 + ], + [ + "▁DevOps", + -12.989178657531738 + ], + [ + "vert", + -12.98928451538086 + ], + [ + "ibo", + -12.989531517028809 + ], + [ + "▁ally", + -12.98957061767578 + ], + [ + "0.", + -12.98960781097412 + ], + [ + "▁AED", + -12.98969268798828 + ], + [ + "-2017", + -12.989821434020996 + ], + [ + "▁Roots", + -12.989832878112791 + ], + [ + "▁1993,", + -12.98984432220459 + ], + [ + "oda", + -12.989922523498535 + ], + [ + "▁Cynthia", + -12.989967346191406 + ], + [ + "Lead", + -12.989984512329102 + ], + [ + "Snow", + -12.990005493164062 + ], + [ + "▁Collect", + -12.990045547485352 + ], + [ + "▁Encourage", + -12.99008560180664 + ], + [ + "▁sash", + -12.990166664123535 + ], + [ + "▁Michelin", + -12.990178108215332 + ], + [ + "▁nieces", + -12.990219116210938 + ], + [ + "Journal", + -12.990397453308104 + ], + [ + "▁Premiere", + -12.990497589111328 + ], + [ + "▁2:30", + -12.99059772491455 + ], + [ + "▁Lie", + -12.990639686584473 + ], + [ + "▁spooky", + -12.990763664245604 + ], + [ + "▁3.4", + -12.990767478942873 + ], + [ + "▁bullish", + -12.99077033996582 + ], + [ + "▁Catholics", + -12.99081039428711 + ], + [ + "▁shovel", + -12.990840911865234 + ], + [ + "▁webcam", + -12.99086093902588 + ], + [ + "▁Royale", + -12.990882873535156 + ], + [ + "▁Wesley", + -12.99096965789795 + ], + [ + "▁BTC", + -12.990973472595217 + ], + [ + "▁Seeds", + -12.990991592407228 + ], + [ + "▁Fen", + -12.99104118347168 + ], + [ + "▁stunt", + -12.991076469421388 + ], + [ + "▁Authorities", + -12.991094589233398 + ], + [ + "▁souvenir", + -12.991125106811523 + ], + [ + "▁Lace", + -12.991155624389648 + ], + [ + "▁filings", + -12.991238594055176 + ], + [ + "mother", + -12.99124526977539 + ], + [ + "▁Honors", + -12.99126434326172 + ], + [ + "▁respecting", + -12.99142837524414 + ], + [ + "scenes", + -12.991472244262695 + ], + [ + "ор", + -12.991501808166504 + ], + [ + "▁abstraction", + -12.99155330657959 + ], + [ + "aja", + -12.99167251586914 + ], + [ + "▁takeaway", + -12.991766929626465 + ], + [ + "▁Becky", + -12.99177074432373 + ], + [ + "▁presenters", + -12.991783142089844 + ], + [ + "▁GU", + -12.99184226989746 + ], + [ + "▁discreet", + -12.991936683654783 + ], + [ + "▁perpetual", + -12.991936683654783 + ], + [ + "▁Batch", + -12.991949081420898 + ], + [ + "Jones", + -12.992149353027344 + ], + [ + "▁refrigeration", + -12.992178916931152 + ], + [ + "▁trampoline", + -12.992178916931152 + ], + [ + "▁deletion", + -12.992179870605469 + ], + [ + "hor", + -12.992199897766112 + ], + [ + "Force", + -12.992205619812012 + ], + [ + "▁Savage", + -12.99229621887207 + ], + [ + "▁tipping", + -12.99232578277588 + ], + [ + "▁airborne", + -12.99240016937256 + ], + [ + "Pe", + -12.992412567138672 + ], + [ + "▁peaches", + -12.992419242858888 + ], + [ + "▁diluted", + -12.992524147033691 + ], + [ + "▁Dresses", + -12.992598533630373 + ], + [ + "▁dragons", + -12.992630004882812 + ], + [ + "Ge", + -12.992691040039062 + ], + [ + "blind", + -12.99271011352539 + ], + [ + "▁diners", + -12.992753028869627 + ], + [ + "▁Photographer", + -12.992779731750488 + ], + [ + "▁Nico", + -12.992890357971191 + ], + [ + "quest", + -12.992979049682615 + ], + [ + "▁500,000", + -12.993115425109863 + ], + [ + "vent", + -12.993121147155762 + ], + [ + "▁fillings", + -12.993226051330566 + ], + [ + "pir", + -12.993300437927246 + ], + [ + "▁hoses", + -12.993328094482422 + ], + [ + "▁revel", + -12.993435859680176 + ], + [ + "▁Kro", + -12.9934720993042 + ], + [ + "▁Cumberland", + -12.993507385253906 + ], + [ + "▁serenity", + -12.993682861328123 + ], + [ + "▁tsunami", + -12.993682861328123 + ], + [ + "▁Havana", + -12.99370002746582 + ], + [ + "▁sucked", + -12.993754386901855 + ], + [ + "ition", + -12.99389362335205 + ], + [ + "▁diagonal", + -12.993902206420898 + ], + [ + "▁(‘", + -12.993925094604492 + ], + [ + "bly", + -12.99396514892578 + ], + [ + "▁Gerald", + -12.994081497192385 + ], + [ + "▁cores", + -12.99410915374756 + ], + [ + "▁slam", + -12.994114875793455 + ], + [ + "nai", + -12.994136810302734 + ], + [ + "▁Denise", + -12.994174003601074 + ], + [ + "▁tortilla", + -12.994174003601074 + ], + [ + "eda", + -12.994233131408691 + ], + [ + "▁advert", + -12.994333267211914 + ], + [ + "▁referencing", + -12.99472427368164 + ], + [ + "▁Fancy", + -12.99484920501709 + ], + [ + "▁guaranteeing", + -12.99488353729248 + ], + [ + "MX", + -12.994902610778809 + ], + [ + "▁pretending", + -12.99492645263672 + ], + [ + "▁summarize", + -12.995083808898926 + ], + [ + "▁troubling", + -12.99518871307373 + ], + [ + "▁Buenos", + -12.995189666748049 + ], + [ + "▁IKEA", + -12.995194435119627 + ], + [ + "▁sipping", + -12.99521541595459 + ], + [ + "▁$600", + -12.995222091674805 + ], + [ + "▁Ebola", + -12.99527359008789 + ], + [ + "▁edits", + -12.995293617248535 + ], + [ + "berries", + -12.99539279937744 + ], + [ + "ein", + -12.995561599731444 + ], + [ + "much", + -12.995596885681152 + ], + [ + "dating", + -12.995735168457031 + ], + [ + "▁1700", + -12.995741844177246 + ], + [ + "▁garner", + -12.995823860168455 + ], + [ + "▁Dollars", + -12.99587345123291 + ], + [ + ":1", + -12.99599552154541 + ], + [ + "bol", + -12.996021270751951 + ], + [ + "▁Felix", + -12.99604034423828 + ], + [ + "▁catcher", + -12.996044158935549 + ], + [ + "Questions", + -12.996057510375977 + ], + [ + "▁Irrigation", + -12.996334075927734 + ], + [ + "wife", + -12.996356010437012 + ], + [ + "▁Kristen", + -12.996445655822754 + ], + [ + "▁bookcase", + -12.99649715423584 + ], + [ + "▁Trails", + -12.996505737304688 + ], + [ + "points", + -12.996589660644531 + ], + [ + "▁Pl", + -12.996668815612791 + ], + [ + "Sadly", + -12.996682167053224 + ], + [ + "▁1944", + -12.996689796447754 + ], + [ + "▁Brigade", + -12.996707916259766 + ], + [ + "hay", + -12.99679946899414 + ], + [ + "▁Migration", + -12.996855735778809 + ], + [ + "6%", + -12.996866226196287 + ], + [ + "▁intestinal", + -12.996896743774414 + ], + [ + "▁Ai", + -12.996906280517578 + ], + [ + "ads", + -12.996912956237791 + ], + [ + "▁1932", + -12.996928215026855 + ], + [ + "ulating", + -12.99695873260498 + ], + [ + "▁Bulldogs", + -12.997036933898926 + ], + [ + "▁hive", + -12.99708080291748 + ], + [ + "▁iCloud", + -12.997127532958984 + ], + [ + "▁CN", + -12.997154235839844 + ], + [ + "▁customary", + -12.997267723083496 + ], + [ + "▁embraces", + -12.99728012084961 + ], + [ + "▁OnePlus", + -12.99729347229004 + ], + [ + "▁Rafael", + -12.997307777404783 + ], + [ + "▁contestants", + -12.99736213684082 + ], + [ + "Shirt", + -12.997394561767578 + ], + [ + "▁MAR", + -12.997565269470217 + ], + [ + "▁FI", + -12.997586250305176 + ], + [ + "▁skis", + -12.997587203979492 + ], + [ + "▁$2,000", + -12.997653007507324 + ], + [ + "▁plagued", + -12.9978666305542 + ], + [ + "▁lunchtime", + -12.99787425994873 + ], + [ + "rri", + -12.997878074645996 + ], + [ + "gee", + -12.997881889343262 + ], + [ + "▁nailed", + -12.997969627380373 + ], + [ + "▁Dish", + -12.997980117797852 + ], + [ + "▁reconsider", + -12.99806785583496 + ], + [ + "▁clergy", + -12.99810791015625 + ], + [ + "▁Franchise", + -12.998161315917969 + ], + [ + "▁contingency", + -12.998208045959473 + ], + [ + "▁initiation", + -12.998209953308104 + ], + [ + "▁oppression", + -12.9982271194458 + ], + [ + "▁unreasonable", + -12.9982328414917 + ], + [ + "▁(6)", + -12.998250961303713 + ], + [ + "▁Kemp", + -12.998251914978027 + ], + [ + "▁Hatch", + -12.99842929840088 + ], + [ + "/2014", + -12.998520851135254 + ], + [ + "zz", + -12.998528480529783 + ], + [ + "▁anglers", + -12.998565673828123 + ], + [ + "▁Nagar", + -12.99860668182373 + ], + [ + "▁gland", + -12.998666763305664 + ], + [ + "▁5-7", + -12.998672485351562 + ], + [ + "▁fastening", + -12.998781204223633 + ], + [ + "▁manifestation", + -12.99880313873291 + ], + [ + "2%", + -12.99881649017334 + ], + [ + "▁Saga", + -12.998988151550291 + ], + [ + "▁Nicaragua", + -12.999009132385254 + ], + [ + "▁downright", + -12.999061584472656 + ], + [ + "Americans", + -12.999093055725098 + ], + [ + "▁absorbs", + -12.999163627624512 + ], + [ + "learn", + -12.999229431152344 + ], + [ + "▁Sort", + -12.999320030212402 + ], + [ + "▁appetizers", + -12.999330520629885 + ], + [ + "▁Shortly", + -12.999372482299805 + ], + [ + "▁daddy", + -12.999536514282228 + ], + [ + "▁hog", + -12.999540328979492 + ], + [ + "950", + -12.999706268310549 + ], + [ + "▁abrasion", + -12.99972152709961 + ], + [ + "lights", + -12.999736785888672 + ], + [ + "friend", + -12.999750137329102 + ], + [ + "▁Domino", + -12.999837875366213 + ], + [ + "▁bounced", + -12.999921798706056 + ], + [ + "▁surpass", + -12.999955177307127 + ], + [ + "/9", + -12.999980926513672 + ], + [ + "▁Gorge", + -13.000021934509276 + ], + [ + ".000", + -13.000052452087402 + ], + [ + "▁Oman", + -13.00009059906006 + ], + [ + "▁awaited", + -13.00017547607422 + ], + [ + "▁Sight", + -13.000226020812988 + ], + [ + "copy", + -13.000279426574709 + ], + [ + "▁Payne", + -13.000300407409668 + ], + [ + "▁dispenser", + -13.000404357910156 + ], + [ + "▁shimmer", + -13.000466346740724 + ], + [ + "together", + -13.000489234924316 + ], + [ + "▁Smash", + -13.000564575195312 + ], + [ + "▁rang", + -13.00082778930664 + ], + [ + "▁Regina", + -13.001042366027832 + ], + [ + "▁ICO", + -13.00107765197754 + ], + [ + "▁Cargo", + -13.001133918762209 + ], + [ + "▁memberships", + -13.001157760620115 + ], + [ + "▁traveller", + -13.001164436340332 + ], + [ + "▁fluctuate", + -13.001235961914062 + ], + [ + "▁impurities", + -13.001235961914062 + ], + [ + "iers", + -13.001264572143556 + ], + [ + "▁Comcast", + -13.00128173828125 + ], + [ + "▁Vogue", + -13.001296997070312 + ], + [ + "▁canon", + -13.001367568969728 + ], + [ + "▁THC", + -13.001439094543455 + ], + [ + "▁Airbus", + -13.001449584960938 + ], + [ + "▁Turns", + -13.001463890075684 + ], + [ + "▁remover", + -13.001484870910645 + ], + [ + "▁Md", + -13.001605033874512 + ], + [ + "▁inefficient", + -13.001739501953123 + ], + [ + "24.", + -13.00174617767334 + ], + [ + "▁Agencies", + -13.001788139343262 + ], + [ + "▁Sandwich", + -13.001907348632812 + ], + [ + "/13", + -13.001913070678713 + ], + [ + "▁anticipating", + -13.002753257751465 + ], + [ + "▁grapefruit", + -13.002758026123049 + ], + [ + "Chapter", + -13.002768516540527 + ], + [ + "yellow", + -13.002779006958008 + ], + [ + "▁edging", + -13.002836227416992 + ], + [ + "UD", + -13.002862930297852 + ], + [ + "▁spatula", + -13.002975463867188 + ], + [ + "▁Paid", + -13.00300121307373 + ], + [ + "▁pathology", + -13.00301742553711 + ], + [ + "▁matchup", + -13.003068923950195 + ], + [ + "▁theological", + -13.00308322906494 + ], + [ + "▁Vanilla", + -13.003087997436523 + ], + [ + "▁postponed", + -13.003185272216797 + ], + [ + "▁originality", + -13.003256797790527 + ], + [ + "▁facilitator", + -13.003266334533691 + ], + [ + "▁migraine", + -13.003347396850586 + ], + [ + "▁huh", + -13.0033540725708 + ], + [ + "▁Yun", + -13.00356388092041 + ], + [ + "Knowing", + -13.003621101379396 + ], + [ + "Candidates", + -13.003728866577148 + ], + [ + "▁yielded", + -13.003766059875488 + ], + [ + "ester", + -13.003806114196776 + ], + [ + "▁estates", + -13.004161834716797 + ], + [ + "▁Covenant", + -13.004250526428224 + ], + [ + "▁whirlpool", + -13.004274368286133 + ], + [ + "▁Taco", + -13.004290580749512 + ], + [ + "kul", + -13.004311561584473 + ], + [ + "defense", + -13.004328727722168 + ], + [ + "Probably", + -13.0043363571167 + ], + [ + "▁obligated", + -13.0043363571167 + ], + [ + "▁slightest", + -13.004387855529783 + ], + [ + "▁Shades", + -13.004400253295898 + ], + [ + "▁planetary", + -13.004454612731934 + ], + [ + "motor", + -13.004484176635742 + ], + [ + "▁Telephone", + -13.004523277282717 + ], + [ + "▁fibres", + -13.004526138305664 + ], + [ + "TRO", + -13.004533767700195 + ], + [ + "▁virtualization", + -13.00461769104004 + ], + [ + "▁instincts", + -13.004722595214844 + ], + [ + "▁earns", + -13.004849433898926 + ], + [ + "sbury", + -13.004862785339355 + ], + [ + "▁campaigning", + -13.004884719848633 + ], + [ + "▁biscuit", + -13.004887580871582 + ], + [ + "▁bays", + -13.005027770996094 + ], + [ + "▁watts", + -13.005107879638672 + ], + [ + "rack", + -13.005145072937012 + ], + [ + "▁Mixer", + -13.00515365600586 + ], + [ + "▁Kap", + -13.00517749786377 + ], + [ + "▁proclaimed", + -13.005290031433104 + ], + [ + "▁installs", + -13.005480766296388 + ], + [ + "fund", + -13.005549430847168 + ], + [ + "▁chatter", + -13.005617141723633 + ], + [ + "▁BEFORE", + -13.005692481994627 + ], + [ + "▁conducive", + -13.005794525146484 + ], + [ + "▁Bordeaux", + -13.005807876586914 + ], + [ + "▁biotechnology", + -13.005809783935549 + ], + [ + "▁enquire", + -13.005815505981444 + ], + [ + "ges", + -13.005818367004396 + ], + [ + "▁illuminate", + -13.005818367004396 + ], + [ + "▁Tough", + -13.005837440490724 + ], + [ + "particularly", + -13.005929946899414 + ], + [ + "-32", + -13.005931854248049 + ], + [ + "Submit", + -13.00602912902832 + ], + [ + "Subscribe", + -13.006053924560549 + ], + [ + "▁($2", + -13.006105422973633 + ], + [ + "▁joyous", + -13.006152153015137 + ], + [ + "▁presidents", + -13.00616455078125 + ], + [ + "▁curly", + -13.00627899169922 + ], + [ + "▁SIP", + -13.006285667419434 + ], + [ + "▁def", + -13.00631046295166 + ], + [ + "▁Designing", + -13.006356239318848 + ], + [ + "▁samsung", + -13.00644588470459 + ], + [ + "▁remark", + -13.006580352783203 + ], + [ + "▁Aircraft", + -13.006664276123049 + ], + [ + "▁Diy", + -13.00670337677002 + ], + [ + "▁18\"", + -13.00688934326172 + ], + [ + "▁vigilant", + -13.007060050964355 + ], + [ + "▁Contains", + -13.007184982299805 + ], + [ + "Regular", + -13.00721836090088 + ], + [ + "▁mediums", + -13.007245063781738 + ], + [ + "▁3.7", + -13.007301330566406 + ], + [ + "▁inclination", + -13.007320404052734 + ], + [ + "▁quizzes", + -13.007322311401367 + ], + [ + "▁Variable", + -13.007326126098633 + ], + [ + "▁toiletries", + -13.007403373718262 + ], + [ + "▁Hammond", + -13.007410049438477 + ], + [ + "rounded", + -13.007454872131348 + ], + [ + "▁Blackberry", + -13.007530212402344 + ], + [ + "lers", + -13.007704734802246 + ], + [ + "▁Tracker", + -13.007761001586914 + ], + [ + "▁Integrity", + -13.007782936096191 + ], + [ + "▁frank", + -13.007824897766112 + ], + [ + "▁completeness", + -13.007852554321287 + ], + [ + "Ryan", + -13.007862091064451 + ], + [ + "Participants", + -13.008257865905762 + ], + [ + "▁Toby", + -13.008308410644531 + ], + [ + "▁pizzas", + -13.008405685424805 + ], + [ + "▁bankers", + -13.008407592773438 + ], + [ + "▁DOT", + -13.008463859558104 + ], + [ + "▁tails", + -13.008539199829102 + ], + [ + "visual", + -13.00856113433838 + ], + [ + "average", + -13.00864315032959 + ], + [ + "▁Tha", + -13.00873851776123 + ], + [ + "▁Truly", + -13.008769035339355 + ], + [ + "▁expo", + -13.008798599243164 + ], + [ + "▁tornado", + -13.008808135986328 + ], + [ + "▁sociology", + -13.00885009765625 + ], + [ + "▁collaboratively", + -13.008867263793944 + ], + [ + "▁hates", + -13.008877754211426 + ], + [ + "▁quoting", + -13.008910179138184 + ], + [ + "cie", + -13.008918762207031 + ], + [ + "Child", + -13.009078979492188 + ], + [ + "▁stump", + -13.009121894836426 + ], + [ + "wiki", + -13.00913906097412 + ], + [ + "Term", + -13.009215354919434 + ], + [ + "ische", + -13.009294509887695 + ], + [ + "▁muted", + -13.00934886932373 + ], + [ + "▁prides", + -13.009401321411133 + ], + [ + "▁Greatest", + -13.009478569030762 + ], + [ + "▁livelihood", + -13.009515762329102 + ], + [ + "tian", + -13.009561538696287 + ], + [ + "bodied", + -13.009613990783691 + ], + [ + "visit", + -13.009662628173828 + ], + [ + "▁Putting", + -13.00968074798584 + ], + [ + "bush", + -13.009695053100586 + ], + [ + "▁elective", + -13.009703636169434 + ], + [ + "▁1990,", + -13.009705543518066 + ], + [ + "▁Speakers", + -13.009724617004396 + ], + [ + "▁Chanel", + -13.009882926940918 + ], + [ + "▁Hospitals", + -13.00995922088623 + ], + [ + "▁div", + -13.010026931762695 + ], + [ + "▁surfaced", + -13.010188102722168 + ], + [ + "▁SET", + -13.010293006896973 + ], + [ + "▁sentiments", + -13.010347366333008 + ], + [ + "▁thief", + -13.010381698608398 + ], + [ + "▁Bathtub", + -13.010384559631348 + ], + [ + "▁Outreach", + -13.010411262512209 + ], + [ + "▁interchangeable", + -13.010442733764648 + ], + [ + "▁1928", + -13.010457038879396 + ], + [ + "▁mellow", + -13.01046371459961 + ], + [ + "▁rewrite", + -13.010478973388672 + ], + [ + "▁Ramsey", + -13.010512351989746 + ], + [ + "Tax", + -13.010584831237791 + ], + [ + "Chicago", + -13.010594367980955 + ], + [ + "Running", + -13.010642051696776 + ], + [ + "▁visitation", + -13.010765075683594 + ], + [ + "onym", + -13.01079559326172 + ], + [ + "▁RIGHT", + -13.010804176330566 + ], + [ + "▁medically", + -13.01095199584961 + ], + [ + "ships", + -13.011022567749023 + ], + [ + "3.1", + -13.011059761047363 + ], + [ + "▁Hua", + -13.01120376586914 + ], + [ + "Ban", + -13.011220932006836 + ], + [ + "▁Agenda", + -13.011239051818848 + ], + [ + "garden", + -13.011262893676758 + ], + [ + "▁Passenger", + -13.01129150390625 + ], + [ + "▁Cheat", + -13.011387825012209 + ], + [ + "▁PRE", + -13.011419296264648 + ], + [ + "▁str", + -13.011475563049316 + ], + [ + "▁sharpen", + -13.011569023132324 + ], + [ + "▁blazer", + -13.01164722442627 + ], + [ + "▁saints", + -13.011726379394531 + ], + [ + "liner", + -13.011817932128906 + ], + [ + "▁mascot", + -13.011911392211914 + ], + [ + "▁cor", + -13.011945724487305 + ], + [ + "tler", + -13.011957168579102 + ], + [ + "▁Byrne", + -13.011978149414062 + ], + [ + "▁quitting", + -13.012041091918944 + ], + [ + "▁entrusted", + -13.012114524841309 + ], + [ + "Residential", + -13.012164115905762 + ], + [ + "▁Bliss", + -13.012396812438965 + ], + [ + "DH", + -13.0125732421875 + ], + [ + "▁formatted", + -13.012591361999512 + ], + [ + "▁Tractor", + -13.01265811920166 + ], + [ + "▁broadcasts", + -13.01274585723877 + ], + [ + "▁keyboards", + -13.01280117034912 + ], + [ + "▁Feet", + -13.01285457611084 + ], + [ + "▁TF", + -13.012907028198242 + ], + [ + "▁collegiate", + -13.012957572937012 + ], + [ + "▁procession", + -13.012975692749023 + ], + [ + "▁exporter", + -13.01299285888672 + ], + [ + "▁angular", + -13.013018608093262 + ], + [ + "▁threaded", + -13.01302719116211 + ], + [ + "▁Emmanuel", + -13.01305866241455 + ], + [ + "▁hardness", + -13.013140678405762 + ], + [ + "▁Lyme", + -13.013291358947754 + ], + [ + "dro", + -13.013307571411133 + ], + [ + "▁Gourmet", + -13.013338088989258 + ], + [ + "▁simplistic", + -13.013442039489746 + ], + [ + "▁ovarian", + -13.013445854187012 + ], + [ + "▁Aerospace", + -13.013457298278809 + ], + [ + "▁marrow", + -13.013505935668944 + ], + [ + "Mag", + -13.01356601715088 + ], + [ + "▁reacted", + -13.013585090637209 + ], + [ + "qualified", + -13.01366138458252 + ], + [ + "paying", + -13.013681411743164 + ], + [ + "▁phosphate", + -13.013686180114746 + ], + [ + "▁Fairfield", + -13.013701438903809 + ], + [ + "▁Fringe", + -13.01371955871582 + ], + [ + "▁Legislative", + -13.013795852661133 + ], + [ + "▁Leonardo", + -13.013853073120115 + ], + [ + "▁searchable", + -13.013894081115724 + ], + [ + "▁Cad", + -13.01393222808838 + ], + [ + "ises", + -13.013993263244627 + ], + [ + "▁Nigel", + -13.014280319213867 + ], + [ + "▁shrinking", + -13.01443576812744 + ], + [ + "▁screenplay", + -13.01444149017334 + ], + [ + "▁Combining", + -13.014453887939451 + ], + [ + "▁HM", + -13.014544486999512 + ], + [ + "▁Laurie", + -13.014549255371094 + ], + [ + "▁gemstones", + -13.014580726623535 + ], + [ + "solid", + -13.014646530151367 + ], + [ + "▁Cra", + -13.014660835266112 + ], + [ + "▁AMC", + -13.01473617553711 + ], + [ + "▁Authors", + -13.014771461486816 + ], + [ + "▁grasses", + -13.01480770111084 + ], + [ + "▁Connections", + -13.014822006225586 + ], + [ + "▁Patel", + -13.014887809753418 + ], + [ + "/7", + -13.014899253845217 + ], + [ + "▁arrivals", + -13.014968872070312 + ], + [ + "▁moisturizing", + -13.014976501464844 + ], + [ + "▁Ful", + -13.015055656433104 + ], + [ + "▁earnest", + -13.015057563781738 + ], + [ + "▁RH", + -13.015073776245115 + ], + [ + "▁HER", + -13.01508331298828 + ], + [ + "▁cancellations", + -13.01508903503418 + ], + [ + "uel", + -13.015177726745604 + ], + [ + "▁Hastings", + -13.015219688415527 + ], + [ + "▁correlated", + -13.015381813049316 + ], + [ + "▁AFC", + -13.015393257141112 + ], + [ + "▁borne", + -13.015425682067873 + ], + [ + "▁garages", + -13.015461921691896 + ], + [ + "▁Finger", + -13.015510559082031 + ], + [ + "2005", + -13.015557289123535 + ], + [ + "▁screwed", + -13.01557445526123 + ], + [ + "XP", + -13.015607833862305 + ], + [ + "▁python", + -13.015621185302734 + ], + [ + "EK", + -13.015680313110352 + ], + [ + "tent", + -13.01571559906006 + ], + [ + "▁Vineyard", + -13.015734672546388 + ], + [ + "▁waffle", + -13.015745162963867 + ], + [ + "Cell", + -13.015748977661133 + ], + [ + "metry", + -13.015838623046877 + ], + [ + "▁SAM", + -13.015853881835938 + ], + [ + "▁schematic", + -13.015854835510254 + ], + [ + "▁distracting", + -13.01585578918457 + ], + [ + "▁buttery", + -13.015911102294922 + ], + [ + "▁underside", + -13.016032218933104 + ], + [ + "▁souvenirs", + -13.016056060791016 + ], + [ + "RIS", + -13.01611042022705 + ], + [ + "▁Ming", + -13.016141891479492 + ], + [ + "▁physiology", + -13.016215324401855 + ], + [ + "▁schema", + -13.016236305236816 + ], + [ + "▁scramble", + -13.016387939453123 + ], + [ + "GN", + -13.016397476196287 + ], + [ + "▁Pasadena", + -13.016514778137209 + ], + [ + "happy", + -13.01654052734375 + ], + [ + "▁Dorset", + -13.016584396362305 + ], + [ + "▁Hogan", + -13.016728401184082 + ], + [ + "▁spas", + -13.016873359680176 + ], + [ + "width", + -13.016958236694336 + ], + [ + "▁HELP", + -13.016969680786133 + ], + [ + "▁Weaver", + -13.017070770263672 + ], + [ + "▁refrigerated", + -13.017097473144531 + ], + [ + "▁moreover", + -13.017168998718262 + ], + [ + "▁DX", + -13.01719570159912 + ], + [ + "anza", + -13.017244338989258 + ], + [ + "▁fleeing", + -13.017255783081056 + ], + [ + "otto", + -13.017374038696287 + ], + [ + "FN", + -13.017376899719238 + ], + [ + "▁encompassing", + -13.017382621765137 + ], + [ + "▁Xavier", + -13.017390251159668 + ], + [ + "▁freeway", + -13.017589569091797 + ], + [ + "▁OPEN", + -13.01778793334961 + ], + [ + "▁raisins", + -13.0178861618042 + ], + [ + "▁routers", + -13.017956733703612 + ], + [ + "▁legitimacy", + -13.018057823181152 + ], + [ + "▁vibrating", + -13.018058776855469 + ], + [ + "▁plaza", + -13.018065452575684 + ], + [ + "▁accolades", + -13.018074989318848 + ], + [ + "▁panorama", + -13.018074989318848 + ], + [ + "▁Pray", + -13.0182523727417 + ], + [ + "▁$99", + -13.018320083618164 + ], + [ + "▁Romance", + -13.018392562866213 + ], + [ + "Commercial", + -13.018404960632324 + ], + [ + "Pretty", + -13.018476486206056 + ], + [ + "▁unloading", + -13.018477439880373 + ], + [ + "Western", + -13.018488883972168 + ], + [ + "▁avoidance", + -13.018545150756836 + ], + [ + "▁ignite", + -13.018669128417969 + ], + [ + "▁incorporation", + -13.018678665161133 + ], + [ + "▁Kirby", + -13.018754959106444 + ], + [ + "▁Rh", + -13.018758773803713 + ], + [ + "▁EOS", + -13.018780708312988 + ], + [ + "▁Tak", + -13.018818855285645 + ], + [ + "▁jewels", + -13.01887035369873 + ], + [ + "▁Ng", + -13.019072532653809 + ], + [ + "trend", + -13.019092559814451 + ], + [ + "▁quantify", + -13.019094467163086 + ], + [ + "ICS", + -13.019119262695312 + ], + [ + "▁charms", + -13.019250869750977 + ], + [ + "▁FHA", + -13.019290924072266 + ], + [ + "JC", + -13.019299507141112 + ], + [ + "▁wo", + -13.019373893737791 + ], + [ + "▁yen", + -13.019535064697266 + ], + [ + "▁equilibrium", + -13.019566535949709 + ], + [ + "HU", + -13.0195951461792 + ], + [ + "▁Episcopal", + -13.019598960876465 + ], + [ + "▁memorabilia", + -13.019598960876465 + ], + [ + "▁subsidy", + -13.01959991455078 + ], + [ + "▁Consult", + -13.019631385803224 + ], + [ + "▁Happiness", + -13.019676208496094 + ], + [ + "▁Maison", + -13.01972484588623 + ], + [ + "▁missionaries", + -13.019740104675291 + ], + [ + "▁Practitioner", + -13.019780158996582 + ], + [ + "▁crater", + -13.019789695739746 + ], + [ + "▁Investing", + -13.019808769226074 + ], + [ + "▁mosquitoes", + -13.019810676574709 + ], + [ + "▁Barb", + -13.019920349121094 + ], + [ + "▁$70", + -13.019939422607422 + ], + [ + "▁womb", + -13.019949913024902 + ], + [ + "▁Sail", + -13.019954681396484 + ], + [ + "Commerce", + -13.019962310791016 + ], + [ + "important", + -13.020039558410645 + ], + [ + "▁individuality", + -13.02015209197998 + ], + [ + "▁congress", + -13.020343780517578 + ], + [ + "▁Relay", + -13.020429611206056 + ], + [ + "▁FAQs", + -13.02046012878418 + ], + [ + "▁broadcaster", + -13.020575523376465 + ], + [ + "▁FP", + -13.020586013793944 + ], + [ + "Russian", + -13.020596504211426 + ], + [ + "▁Prevent", + -13.020663261413574 + ], + [ + "▁john", + -13.020670890808104 + ], + [ + "▁yachts", + -13.02068328857422 + ], + [ + "\">", + -13.020722389221191 + ], + [ + "▁angled", + -13.02072525024414 + ], + [ + "▁compartments", + -13.020800590515137 + ], + [ + "▁assures", + -13.020804405212402 + ], + [ + "▁pallets", + -13.020873069763184 + ], + [ + "▁shooters", + -13.020933151245115 + ], + [ + "▁exemptions", + -13.020981788635254 + ], + [ + "Receive", + -13.021032333374023 + ], + [ + "▁renders", + -13.02104949951172 + ], + [ + "EF", + -13.021078109741213 + ], + [ + "▁Puzzle", + -13.021121978759766 + ], + [ + "▁coriander", + -13.02114486694336 + ], + [ + "▁epilepsy", + -13.02114486694336 + ], + [ + "▁seismic", + -13.021145820617676 + ], + [ + "ode", + -13.021224975585938 + ], + [ + "▁prohibition", + -13.021272659301758 + ], + [ + "▁Intellectual", + -13.02138900756836 + ], + [ + "▁sexuality", + -13.021402359008787 + ], + [ + "▁Ling", + -13.021414756774902 + ], + [ + "▁pathogens", + -13.02147388458252 + ], + [ + "▁algebra", + -13.021513938903809 + ], + [ + "▁changer", + -13.021799087524414 + ], + [ + "▁Scholars", + -13.021800994873049 + ], + [ + "▁exploits", + -13.021927833557127 + ], + [ + "▁Mist", + -13.022031784057615 + ], + [ + "▁JC", + -13.022134780883787 + ], + [ + "▁kitten", + -13.02224063873291 + ], + [ + "▁gauges", + -13.02238941192627 + ], + [ + "Block", + -13.022470474243164 + ], + [ + "util", + -13.022547721862791 + ], + [ + "▁correcting", + -13.02259349822998 + ], + [ + "Russia", + -13.022686004638672 + ], + [ + "▁disappearing", + -13.022706031799316 + ], + [ + "▁exp", + -13.022706031799316 + ], + [ + "▁DLC", + -13.022720336914062 + ], + [ + "ABC", + -13.022747039794922 + ], + [ + "Student", + -13.022747039794922 + ], + [ + "▁CEOs", + -13.02276611328125 + ], + [ + "▁Flynn", + -13.022804260253906 + ], + [ + "▁Scratch", + -13.022852897644045 + ], + [ + "▁harmed", + -13.023053169250488 + ], + [ + "ack", + -13.023200988769531 + ], + [ + "▁Pork", + -13.023218154907228 + ], + [ + "Japanese", + -13.023231506347656 + ], + [ + "Queen", + -13.02333641052246 + ], + [ + "▁approachable", + -13.02342700958252 + ], + [ + "ying", + -13.023486137390137 + ], + [ + "▁waterways", + -13.023635864257812 + ], + [ + "▁Rhino", + -13.02371311187744 + ], + [ + "Score", + -13.023771286010742 + ], + [ + "▁requisite", + -13.02379035949707 + ], + [ + "▁WD", + -13.02389430999756 + ], + [ + "ulu", + -13.024003982543944 + ], + [ + "▁Barrier", + -13.024092674255373 + ], + [ + "▁objections", + -13.024092674255373 + ], + [ + "writer", + -13.024093627929688 + ], + [ + "▁Tribe", + -13.024127960205078 + ], + [ + "▁invariably", + -13.024242401123049 + ], + [ + "▁Gravity", + -13.024247169494627 + ], + [ + "▁Rifle", + -13.024247169494627 + ], + [ + "▁dependencies", + -13.02425479888916 + ], + [ + "▁foreground", + -13.024255752563477 + ], + [ + "▁curls", + -13.02425765991211 + ], + [ + "▁CJ", + -13.024310111999512 + ], + [ + "▁multicultural", + -13.024374008178713 + ], + [ + "voice", + -13.02444839477539 + ], + [ + "winter", + -13.024582862854004 + ], + [ + "▁Detailed", + -13.0245943069458 + ], + [ + "▁Jong", + -13.024598121643066 + ], + [ + "▁Waiting", + -13.024656295776367 + ], + [ + "cons", + -13.024666786193848 + ], + [ + "▁cones", + -13.024855613708496 + ], + [ + "▁remnants", + -13.024879455566406 + ], + [ + "Major", + -13.024884223937988 + ], + [ + "▁Convert", + -13.024907112121582 + ], + [ + "fitting", + -13.024953842163086 + ], + [ + "▁Roberto", + -13.024953842163086 + ], + [ + "Dar", + -13.024967193603516 + ], + [ + "hrs", + -13.02498722076416 + ], + [ + "▁spotting", + -13.024999618530272 + ], + [ + "ZE", + -13.02502155303955 + ], + [ + "▁pleasures", + -13.025124549865724 + ], + [ + "medicine", + -13.025288581848145 + ], + [ + "▁Macro", + -13.02546215057373 + ], + [ + "▁Mitt", + -13.025464057922363 + ], + [ + "▁strides", + -13.025471687316896 + ], + [ + "worm", + -13.025473594665527 + ], + [ + "garde", + -13.025555610656738 + ], + [ + "▁watershed", + -13.02565097808838 + ], + [ + "company", + -13.02572536468506 + ], + [ + "▁cartilage", + -13.025795936584473 + ], + [ + "▁contagious", + -13.025795936584473 + ], + [ + "pati", + -13.025879859924316 + ], + [ + "▁nephews", + -13.02588176727295 + ], + [ + "dial", + -13.025919914245604 + ], + [ + "ugh", + -13.025946617126465 + ], + [ + "▁snorkeling", + -13.02615451812744 + ], + [ + "▁distinctly", + -13.02622890472412 + ], + [ + "uer", + -13.026250839233398 + ], + [ + "▁Boise", + -13.026254653930664 + ], + [ + "GAR", + -13.026284217834473 + ], + [ + "▁capita", + -13.026418685913086 + ], + [ + "SK", + -13.026456832885742 + ], + [ + "▁shale", + -13.026528358459473 + ], + [ + "▁coop", + -13.026554107666016 + ], + [ + "▁chats", + -13.026599884033203 + ], + [ + "▁exiting", + -13.026628494262695 + ], + [ + "tee", + -13.02669906616211 + ], + [ + "▁Hose", + -13.026735305786133 + ], + [ + "▁Challenges", + -13.02676010131836 + ], + [ + "▁sands", + -13.026796340942385 + ], + [ + "▁Rust", + -13.02682113647461 + ], + [ + "▁Honolulu", + -13.026898384094238 + ], + [ + "▁Mirrors", + -13.026927947998049 + ], + [ + "▁ideals", + -13.026979446411133 + ], + [ + "▁castles", + -13.027033805847168 + ], + [ + "▁Downs", + -13.027052879333496 + ], + [ + "▁stacking", + -13.027057647705078 + ], + [ + "oke", + -13.027069091796877 + ], + [ + "▁ceased", + -13.02708625793457 + ], + [ + "▁ideological", + -13.027107238769531 + ], + [ + "▁Supplement", + -13.027132034301758 + ], + [ + "▁Recording", + -13.02721118927002 + ], + [ + "▁Peri", + -13.0272216796875 + ], + [ + "endo", + -13.027307510375977 + ], + [ + "▁possessing", + -13.027351379394531 + ], + [ + "▁Thornton", + -13.02739429473877 + ], + [ + "▁Corinthians", + -13.02757167816162 + ], + [ + "▁CAS", + -13.027628898620604 + ], + [ + "▁riot", + -13.027663230895996 + ], + [ + "-1)", + -13.027812004089355 + ], + [ + "▁rulers", + -13.027826309204102 + ], + [ + "▁Salvation", + -13.027872085571287 + ], + [ + "▁psychologists", + -13.02790069580078 + ], + [ + "▁MIDI", + -13.028059005737305 + ], + [ + "church", + -13.02809238433838 + ], + [ + "▁frustrations", + -13.028106689453123 + ], + [ + "▁Fraud", + -13.028136253356934 + ], + [ + "▁Cognitive", + -13.02824878692627 + ], + [ + "▁corrupted", + -13.02830410003662 + ], + [ + "▁circulate", + -13.028308868408203 + ], + [ + "▁501", + -13.028360366821287 + ], + [ + "▁hepatitis", + -13.0283784866333 + ], + [ + "Blog", + -13.028392791748049 + ], + [ + "105", + -13.028509140014648 + ], + [ + "▁shin", + -13.028544425964355 + ], + [ + "Simon", + -13.028650283813477 + ], + [ + "▁imagining", + -13.028675079345703 + ], + [ + "▁Modeling", + -13.028742790222168 + ], + [ + "▁alliances", + -13.02884578704834 + ], + [ + "▁cavities", + -13.028908729553224 + ], + [ + "▁mediocre", + -13.028908729553224 + ], + [ + "▁Canterbury", + -13.02890968322754 + ], + [ + "▁diversification", + -13.028919219970703 + ], + [ + "▁loudly", + -13.028977394104004 + ], + [ + "▁ambassadors", + -13.02901554107666 + ], + [ + "▁participates", + -13.029090881347656 + ], + [ + "▁Fiat", + -13.029096603393556 + ], + [ + "Eat", + -13.02912425994873 + ], + [ + "▁Russians", + -13.029167175292969 + ], + [ + "▁Reason", + -13.02917194366455 + ], + [ + "▁stripping", + -13.029272079467772 + ], + [ + "▁Formal", + -13.029309272766112 + ], + [ + "horse", + -13.029386520385742 + ], + [ + "▁Benson", + -13.029474258422852 + ], + [ + "▁vampire", + -13.029474258422852 + ], + [ + "▁Nielsen", + -13.029525756835938 + ], + [ + "▁$19", + -13.029755592346191 + ], + [ + "mAh", + -13.029767036437988 + ], + [ + "▁motivations", + -13.02978515625 + ], + [ + "▁Twist", + -13.029807090759276 + ], + [ + "served", + -13.029874801635742 + ], + [ + "▁handbags", + -13.029943466186523 + ], + [ + "format", + -13.02997589111328 + ], + [ + "boxes", + -13.030028343200684 + ], + [ + "▁$1.5", + -13.030038833618164 + ], + [ + "▁Schneider", + -13.030062675476074 + ], + [ + "▁(2016)", + -13.030068397521973 + ], + [ + "▁reopen", + -13.030089378356934 + ], + [ + "Sand", + -13.030137062072754 + ], + [ + "▁Gavin", + -13.030190467834473 + ], + [ + "▁Cheryl", + -13.030202865600586 + ], + [ + "▁Admissions", + -13.03031063079834 + ], + [ + "▁MAKE", + -13.030412673950195 + ], + [ + "▁Cabernet", + -13.030468940734863 + ], + [ + "▁prominence", + -13.030468940734863 + ], + [ + "fusion", + -13.03049373626709 + ], + [ + "▁Brit", + -13.030557632446287 + ], + [ + "▁sweetheart", + -13.030567169189451 + ], + [ + "▁variance", + -13.030613899230955 + ], + [ + "▁sprawling", + -13.030678749084473 + ], + [ + "▁estimating", + -13.0306978225708 + ], + [ + "▁squeezed", + -13.030720710754396 + ], + [ + "ICAL", + -13.03073787689209 + ], + [ + "▁softness", + -13.030794143676758 + ], + [ + "▁greasy", + -13.03083038330078 + ], + [ + "▁Judith", + -13.030969619750977 + ], + [ + "▁hailed", + -13.031103134155272 + ], + [ + "Rich", + -13.031126976013184 + ], + [ + "within", + -13.03116512298584 + ], + [ + "▁INR", + -13.031291007995604 + ], + [ + "▁shrub", + -13.031435012817385 + ], + [ + "▁airfare", + -13.031492233276367 + ], + [ + "▁155", + -13.03175449371338 + ], + [ + "hong", + -13.03185749053955 + ], + [ + "▁biodegradable", + -13.032034873962402 + ], + [ + "illy", + -13.032099723815918 + ], + [ + "▁Monaco", + -13.032132148742676 + ], + [ + "▁disturb", + -13.032261848449709 + ], + [ + "▁CSA", + -13.032442092895508 + ], + [ + "▁Lands", + -13.032511711120604 + ], + [ + "▁solder", + -13.032525062561035 + ], + [ + "▁Mina", + -13.032591819763184 + ], + [ + "▁Pound", + -13.032593727111816 + ], + [ + "▁conditioners", + -13.032719612121582 + ], + [ + "▁dusk", + -13.032732009887695 + ], + [ + "▁127", + -13.032750129699709 + ], + [ + "6-", + -13.03276824951172 + ], + [ + "inal", + -13.032896995544434 + ], + [ + "▁binder", + -13.032994270324709 + ], + [ + "▁Crash", + -13.033123016357422 + ], + [ + "tun", + -13.033164978027344 + ], + [ + "▁noun", + -13.033221244812012 + ], + [ + "▁authorize", + -13.033236503601074 + ], + [ + "▁inserting", + -13.033251762390137 + ], + [ + "▁lids", + -13.03325366973877 + ], + [ + "Yep", + -13.033278465270996 + ], + [ + "AZ", + -13.03328800201416 + ], + [ + "▁shaker", + -13.033310890197754 + ], + [ + "etic", + -13.033487319946287 + ], + [ + "label", + -13.033503532409668 + ], + [ + "nos", + -13.0335054397583 + ], + [ + "▁Honduras", + -13.03359603881836 + ], + [ + "▁negativity", + -13.033598899841309 + ], + [ + "▁duvet", + -13.033610343933104 + ], + [ + "▁fiery", + -13.033610343933104 + ], + [ + "runner", + -13.033647537231444 + ], + [ + "▁Gloria", + -13.033738136291504 + ], + [ + "▁weaken", + -13.033793449401855 + ], + [ + "▁voiced", + -13.033839225769045 + ], + [ + "8.5", + -13.034013748168944 + ], + [ + "▁Liv", + -13.03421688079834 + ], + [ + "ional", + -13.034295082092283 + ], + [ + "▁wedges", + -13.034334182739258 + ], + [ + "Notes", + -13.034439086914062 + ], + [ + "ender", + -13.034465789794922 + ], + [ + "Adam", + -13.034470558166504 + ], + [ + "▁disclosures", + -13.034472465515137 + ], + [ + "▁Herb", + -13.034639358520508 + ], + [ + "▁Bau", + -13.034761428833008 + ], + [ + "▁succeeding", + -13.034761428833008 + ], + [ + "pub", + -13.034870147705078 + ], + [ + "▁transcripts", + -13.034904479980469 + ], + [ + "teau", + -13.03491497039795 + ], + [ + "▁freestyle", + -13.03498649597168 + ], + [ + "hab", + -13.034987449645996 + ], + [ + "▁salted", + -13.03504467010498 + ], + [ + "Label", + -13.035078048706056 + ], + [ + "▁enrolling", + -13.035083770751951 + ], + [ + "▁Celsius", + -13.035163879394531 + ], + [ + "▁nectar", + -13.035181999206545 + ], + [ + "▁Jonas", + -13.03525447845459 + ], + [ + "▁Aquarium", + -13.035270690917969 + ], + [ + "▁Mata", + -13.035377502441406 + ], + [ + "TG", + -13.035426139831545 + ], + [ + "▁PMID", + -13.035449981689451 + ], + [ + "▁supervise", + -13.035552978515623 + ], + [ + "hope", + -13.035577774047852 + ], + [ + "5.5", + -13.035636901855469 + ], + [ + "-2016", + -13.035755157470703 + ], + [ + "▁Bowling", + -13.035898208618164 + ], + [ + "▁endpoint", + -13.035934448242188 + ], + [ + "Reuters", + -13.036006927490234 + ], + [ + "▁Nights", + -13.03604221343994 + ], + [ + "▁commanding", + -13.036060333251951 + ], + [ + "▁Temperature", + -13.036133766174316 + ], + [ + "▁138", + -13.03615665435791 + ], + [ + "▁gearing", + -13.03615951538086 + ], + [ + "hide", + -13.036163330078123 + ], + [ + "Extra", + -13.036206245422363 + ], + [ + "urban", + -13.036280632019045 + ], + [ + "letter", + -13.036284446716309 + ], + [ + "▁Surgical", + -13.036299705505373 + ], + [ + "iche", + -13.036367416381836 + ], + [ + "▁gathers", + -13.036494255065918 + ], + [ + "▁Bates", + -13.036580085754396 + ], + [ + "▁Hanging", + -13.036625862121582 + ], + [ + "▁Siemens", + -13.036666870117188 + ], + [ + "▁elegantly", + -13.036718368530272 + ], + [ + "▁narration", + -13.036733627319336 + ], + [ + "▁scalability", + -13.036733627319336 + ], + [ + "▁Observatory", + -13.036734580993652 + ], + [ + "▁MLA", + -13.036754608154297 + ], + [ + "croft", + -13.03675651550293 + ], + [ + "▁Basket", + -13.03677463531494 + ], + [ + "som", + -13.03695297241211 + ], + [ + "Purchase", + -13.036956787109377 + ], + [ + "▁Maths", + -13.036956787109377 + ], + [ + "cker", + -13.037004470825195 + ], + [ + "wyn", + -13.037012100219728 + ], + [ + "▁1927", + -13.037075996398926 + ], + [ + "▁offenses", + -13.037116050720217 + ], + [ + "fuel", + -13.037139892578123 + ], + [ + "▁doomed", + -13.03717803955078 + ], + [ + "faced", + -13.03730010986328 + ], + [ + "serv", + -13.037310600280762 + ], + [ + "▁om", + -13.03732681274414 + ], + [ + "▁Publishers", + -13.037344932556152 + ], + [ + "▁workstation", + -13.037484169006348 + ], + [ + "▁brownies", + -13.037583351135254 + ], + [ + "▁safeguarding", + -13.0379056930542 + ], + [ + "png", + -13.037959098815918 + ], + [ + "▁Bil", + -13.03799819946289 + ], + [ + "▁Occasionally", + -13.038022994995115 + ], + [ + "▁behavioural", + -13.038137435913086 + ], + [ + "vc", + -13.038262367248535 + ], + [ + "▁Af", + -13.038284301757812 + ], + [ + "▁sublime", + -13.038325309753418 + ], + [ + "▁uninsured", + -13.03834342956543 + ], + [ + "Nu", + -13.038352012634276 + ], + [ + "▁Fencing", + -13.038352012634276 + ], + [ + "▁Classics", + -13.038352966308594 + ], + [ + "▁CHA", + -13.03838348388672 + ], + [ + "▁songwriting", + -13.038467407226562 + ], + [ + "▁condensed", + -13.038501739501951 + ], + [ + "oto", + -13.03859806060791 + ], + [ + "▁Seminary", + -13.038640022277832 + ], + [ + "▁NEC", + -13.038651466369627 + ], + [ + "▁inhabited", + -13.038766860961914 + ], + [ + "▁310", + -13.03886604309082 + ], + [ + "ref", + -13.0388822555542 + ], + [ + "▁Renault", + -13.038917541503906 + ], + [ + "▁1990.", + -13.038928031921388 + ], + [ + "▁Mora", + -13.039057731628418 + ], + [ + "aar", + -13.039109230041504 + ], + [ + "▁weekday", + -13.039166450500488 + ], + [ + "▁Forecast", + -13.039179801940918 + ], + [ + "title", + -13.039236068725586 + ], + [ + "▁urgently", + -13.03933811187744 + ], + [ + "▁acronym", + -13.03934097290039 + ], + [ + "▁assertion", + -13.039380073547363 + ], + [ + "▁hr", + -13.039392471313477 + ], + [ + "Report", + -13.039395332336426 + ], + [ + "wed", + -13.039451599121094 + ], + [ + "▁Titans", + -13.039477348327637 + ], + [ + "flu", + -13.039627075195312 + ], + [ + "▁masculine", + -13.039774894714355 + ], + [ + "▁60,000", + -13.03977870941162 + ], + [ + "▁Brendan", + -13.03978443145752 + ], + [ + "▁fortress", + -13.03980541229248 + ], + [ + "▁errands", + -13.039854049682615 + ], + [ + "▁swollen", + -13.039881706237791 + ], + [ + "▁Decking", + -13.040105819702148 + ], + [ + "▁Assad", + -13.040115356445312 + ], + [ + "und", + -13.040295600891112 + ], + [ + "▁disclaimer", + -13.040337562561035 + ], + [ + "▁SALE", + -13.040382385253906 + ], + [ + "▁pumpkins", + -13.040576934814451 + ], + [ + "▁Computers", + -13.040637969970703 + ], + [ + "▁Pony", + -13.040684700012209 + ], + [ + "▁Kaiser", + -13.04087734222412 + ], + [ + "▁Bracelet", + -13.040938377380373 + ], + [ + "▁Patterns", + -13.040966033935549 + ], + [ + "▁Shea", + -13.041074752807615 + ], + [ + "INS", + -13.041172981262209 + ], + [ + "▁gowns", + -13.041176795959473 + ], + [ + "▁Coil", + -13.041193962097168 + ], + [ + "physical", + -13.041252136230469 + ], + [ + "▁LIMITED", + -13.041277885437012 + ], + [ + "chief", + -13.04128360748291 + ], + [ + "2-3", + -13.041287422180176 + ], + [ + "▁glitch", + -13.0413179397583 + ], + [ + "Classic", + -13.04141902923584 + ], + [ + "▁shred", + -13.041424751281738 + ], + [ + "▁steaks", + -13.041452407836914 + ], + [ + "▁Salisbury", + -13.041459083557127 + ], + [ + "rou", + -13.041475296020508 + ], + [ + "▁exhaustion", + -13.041614532470703 + ], + [ + "▁patriotic", + -13.04173755645752 + ], + [ + "▁deduct", + -13.0418119430542 + ], + [ + "▁acknowledgement", + -13.04185962677002 + ], + [ + "▁comparatively", + -13.041877746582031 + ], + [ + "▁airplanes", + -13.04191780090332 + ], + [ + "▁pups", + -13.04192352294922 + ], + [ + "▁reg", + -13.041934967041016 + ], + [ + "▁1948", + -13.042152404785156 + ], + [ + "▁administering", + -13.042222023010254 + ], + [ + "▁cranes", + -13.042302131652832 + ], + [ + "league", + -13.042312622070312 + ], + [ + "▁Acoustic", + -13.042314529418944 + ], + [ + "▁carbohydrate", + -13.042352676391602 + ], + [ + "Oil", + -13.042447090148926 + ], + [ + "▁cutest", + -13.04278564453125 + ], + [ + "▁Boxes", + -13.042808532714844 + ], + [ + "▁eh", + -13.042999267578123 + ], + [ + "▁substituted", + -13.04301929473877 + ], + [ + "▁Myrtle", + -13.04303741455078 + ], + [ + "ction", + -13.04310131072998 + ], + [ + "▁Procedure", + -13.043137550354004 + ], + [ + "healthy", + -13.043173789978027 + ], + [ + "common", + -13.043387413024902 + ], + [ + "▁Zion", + -13.04344654083252 + ], + [ + "ROM", + -13.043485641479492 + ], + [ + "▁SUVs", + -13.043553352355955 + ], + [ + "▁Belmont", + -13.043561935424805 + ], + [ + "goers", + -13.043563842773438 + ], + [ + "tig", + -13.043572425842283 + ], + [ + "▁ETFs", + -13.043581008911133 + ], + [ + "▁VII", + -13.043648719787598 + ], + [ + "bir", + -13.043667793273926 + ], + [ + "▁Qua", + -13.043763160705566 + ], + [ + "pra", + -13.043804168701172 + ], + [ + "▁rampant", + -13.043952941894531 + ], + [ + "▁Corey", + -13.044018745422363 + ], + [ + "▁Tex", + -13.044023513793944 + ], + [ + "Jason", + -13.044144630432127 + ], + [ + "▁Zinc", + -13.04422092437744 + ], + [ + "▁matt", + -13.044289588928224 + ], + [ + "Protect", + -13.044351577758787 + ], + [ + "▁Fil", + -13.044390678405762 + ], + [ + "▁imperfect", + -13.044602394104004 + ], + [ + "▁Blessed", + -13.044615745544434 + ], + [ + "▁sumptuous", + -13.0446195602417 + ], + [ + "▁Disabilities", + -13.04462432861328 + ], + [ + "▁variability", + -13.044626235961914 + ], + [ + "▁OM", + -13.04463005065918 + ], + [ + "▁Pratt", + -13.04464626312256 + ], + [ + "located", + -13.044672966003418 + ], + [ + "▁construed", + -13.044684410095217 + ], + [ + "▁Panther", + -13.044856071472168 + ], + [ + "▁roommate", + -13.044861793518066 + ], + [ + "▁constrained", + -13.04501724243164 + ], + [ + "▁intolerance", + -13.045068740844728 + ], + [ + "-95", + -13.04514217376709 + ], + [ + "▁smoker", + -13.04519748687744 + ], + [ + "▁Levy", + -13.045211791992188 + ], + [ + "TD", + -13.045280456542969 + ], + [ + "▁tug", + -13.045357704162598 + ], + [ + "▁Defender", + -13.04544734954834 + ], + [ + "▁Woodland", + -13.045476913452148 + ], + [ + "▁Responsibility", + -13.045538902282717 + ], + [ + "kitchen", + -13.045573234558104 + ], + [ + "▁Bistro", + -13.045584678649902 + ], + [ + "focus", + -13.045615196228027 + ], + [ + "▁Costs", + -13.04563331604004 + ], + [ + "▁lust", + -13.045681953430176 + ], + [ + "▁culprit", + -13.045737266540527 + ], + [ + "................", + -13.045778274536133 + ], + [ + "▁Ent", + -13.045940399169922 + ], + [ + "▁Ton", + -13.045994758605955 + ], + [ + "▁Battalion", + -13.046204566955566 + ], + [ + "▁philanthropic", + -13.046204566955566 + ], + [ + "▁masonry", + -13.046234130859377 + ], + [ + "▁Bark", + -13.04629611968994 + ], + [ + "2\"", + -13.0463228225708 + ], + [ + "NER", + -13.04635524749756 + ], + [ + "▁401(", + -13.046399116516112 + ], + [ + "▁Futures", + -13.046552658081056 + ], + [ + "▁Stereo", + -13.046557426452637 + ], + [ + "▁roundabout", + -13.046634674072266 + ], + [ + "▁Released", + -13.04668426513672 + ], + [ + "▁Benedict", + -13.046744346618652 + ], + [ + "▁Otto", + -13.046805381774902 + ], + [ + "ACT", + -13.046895027160645 + ], + [ + "▁pun", + -13.046913146972656 + ], + [ + "▁eminent", + -13.046927452087402 + ], + [ + "▁loveseat", + -13.046951293945312 + ], + [ + "stat", + -13.046954154968262 + ], + [ + "gur", + -13.046988487243652 + ], + [ + "▁focussed", + -13.04702377319336 + ], + [ + "Los", + -13.047072410583496 + ], + [ + "Traditional", + -13.047174453735352 + ], + [ + "▁refrigerate", + -13.047191619873049 + ], + [ + "▁Passport", + -13.047233581542969 + ], + [ + "▁Hernandez", + -13.047401428222656 + ], + [ + "conf", + -13.047457695007324 + ], + [ + "▁Shuttle", + -13.047612190246582 + ], + [ + "▁Archived", + -13.047618865966797 + ], + [ + "uku", + -13.047622680664062 + ], + [ + "▁£100", + -13.047714233398438 + ], + [ + "▁Fighter", + -13.047748565673828 + ], + [ + "▁debilitating", + -13.047791481018066 + ], + [ + "▁utilising", + -13.047791481018066 + ], + [ + "▁nationality", + -13.047845840454102 + ], + [ + "count", + -13.047921180725098 + ], + [ + "berger", + -13.048043251037598 + ], + [ + "▁instruct", + -13.048078536987305 + ], + [ + "▁coupe", + -13.048160552978516 + ], + [ + "atha", + -13.048248291015623 + ], + [ + "▁Lighthouse", + -13.048413276672363 + ], + [ + "▁smelling", + -13.048489570617676 + ], + [ + "▁Brenda", + -13.048542976379396 + ], + [ + "3).", + -13.04869556427002 + ], + [ + "▁Cypress", + -13.048725128173828 + ], + [ + "▁emphasizing", + -13.048761367797852 + ], + [ + "▁elbows", + -13.048810958862305 + ], + [ + "intensive", + -13.04896640777588 + ], + [ + "library", + -13.048970222473145 + ], + [ + "Schedule", + -13.048990249633787 + ], + [ + "hari", + -13.049073219299316 + ], + [ + "▁buys", + -13.049078941345217 + ], + [ + "▁mouths", + -13.049192428588867 + ], + [ + "▁Lara", + -13.049202919006348 + ], + [ + "▁Combo", + -13.049262046813965 + ], + [ + "▁Nurses", + -13.049285888671877 + ], + [ + "▁deleting", + -13.049382209777832 + ], + [ + "▁accompanies", + -13.049383163452148 + ], + [ + "▁winnings", + -13.049509048461914 + ], + [ + "▁Lavender", + -13.04953956604004 + ], + [ + "rea", + -13.049585342407228 + ], + [ + "420", + -13.04960823059082 + ], + [ + "▁portability", + -13.049628257751465 + ], + [ + "▁outbound", + -13.049701690673828 + ], + [ + "▁Kh", + -13.049723625183104 + ], + [ + "Ru", + -13.049779891967772 + ], + [ + "▁Shares", + -13.04981803894043 + ], + [ + "__", + -13.049847602844238 + ], + [ + "▁blackout", + -13.049934387207031 + ], + [ + "▁Gut", + -13.050030708312988 + ], + [ + "▁Napoleon", + -13.050048828125 + ], + [ + "▁Prospect", + -13.050056457519531 + ], + [ + "▁rims", + -13.050092697143556 + ], + [ + "▁Plot", + -13.05023956298828 + ], + [ + "▁Irene", + -13.050304412841797 + ], + [ + "lop", + -13.050331115722656 + ], + [ + "▁entrants", + -13.050352096557615 + ], + [ + "maid", + -13.05035400390625 + ], + [ + "▁132", + -13.050504684448242 + ], + [ + "fields", + -13.050573348999023 + ], + [ + "7-2", + -13.050639152526855 + ], + [ + "LU", + -13.05064582824707 + ], + [ + "Flow", + -13.05066204071045 + ], + [ + "▁longstanding", + -13.050676345825195 + ], + [ + "▁roadway", + -13.05068016052246 + ], + [ + "DW", + -13.050726890563965 + ], + [ + "▁senators", + -13.05073356628418 + ], + [ + "atta", + -13.050763130187988 + ], + [ + "▁insecure", + -13.05087947845459 + ], + [ + "depending", + -13.05088710784912 + ], + [ + "▁Shooting", + -13.050898551940918 + ], + [ + "▁Wage", + -13.050979614257812 + ], + [ + "▁technologically", + -13.050989151000977 + ], + [ + "▁Everest", + -13.05117416381836 + ], + [ + "▁saliva", + -13.0512056350708 + ], + [ + "informed", + -13.051228523254396 + ], + [ + "Week", + -13.051246643066406 + ], + [ + "▁Lunar", + -13.05145263671875 + ], + [ + "▁Bash", + -13.051483154296877 + ], + [ + "▁Upload", + -13.051547050476074 + ], + [ + "native", + -13.051579475402832 + ], + [ + "ART", + -13.051701545715332 + ], + [ + "sent", + -13.051782608032228 + ], + [ + "▁pointless", + -13.051786422729492 + ], + [ + "3:", + -13.051791191101074 + ], + [ + "▁200-", + -13.05191135406494 + ], + [ + "▁False", + -13.051931381225586 + ], + [ + "▁powerpoint", + -13.051947593688965 + ], + [ + "ject", + -13.052102088928224 + ], + [ + "industrial", + -13.052135467529297 + ], + [ + "▁forgiven", + -13.052168846130373 + ], + [ + "▁thumbnail", + -13.052179336547852 + ], + [ + "▁trolley", + -13.052188873291016 + ], + [ + "▁manipulated", + -13.052265167236328 + ], + [ + "until", + -13.05231475830078 + ], + [ + "▁unconditional", + -13.052342414855955 + ], + [ + "▁Objective", + -13.052396774291992 + ], + [ + "▁delectable", + -13.052568435668944 + ], + [ + "▁Ahmedabad", + -13.052572250366213 + ], + [ + "played", + -13.052693367004396 + ], + [ + "▁Scha", + -13.052706718444824 + ], + [ + "Val", + -13.052739143371582 + ], + [ + "▁darkest", + -13.053144454956056 + ], + [ + "▁condemn", + -13.05320930480957 + ], + [ + "mass", + -13.053303718566896 + ], + [ + "ume", + -13.0534086227417 + ], + [ + "▁heartbreaking", + -13.053532600402832 + ], + [ + "▁INTER", + -13.053600311279297 + ], + [ + "▁Wheeler", + -13.053604125976562 + ], + [ + "▁inflated", + -13.053811073303224 + ], + [ + "▁Elaine", + -13.053855895996094 + ], + [ + "▁Powerful", + -13.053927421569824 + ], + [ + "▁retrospective", + -13.053932189941406 + ], + [ + "▁Column", + -13.053979873657228 + ], + [ + "▁Cer", + -13.054025650024414 + ], + [ + "▁diced", + -13.054035186767578 + ], + [ + "Bu", + -13.054072380065918 + ], + [ + "▁misunderstood", + -13.054168701171877 + ], + [ + "▁Sioux", + -13.054169654846191 + ], + [ + "▁equities", + -13.054169654846191 + ], + [ + "▁increments", + -13.054171562194824 + ], + [ + "▁sustainably", + -13.05419921875 + ], + [ + "▁grin", + -13.05432415008545 + ], + [ + "lei", + -13.054398536682127 + ], + [ + "▁Burning", + -13.054409980773926 + ], + [ + "003", + -13.05454444885254 + ], + [ + "eil", + -13.054553031921388 + ], + [ + "-75", + -13.054713249206545 + ], + [ + "▁Leah", + -13.054803848266602 + ], + [ + "▁Policies", + -13.054856300354004 + ], + [ + "▁Fairfax", + -13.054871559143066 + ], + [ + "▁qu", + -13.05490016937256 + ], + [ + "▁Width", + -13.054911613464355 + ], + [ + "MH", + -13.05495834350586 + ], + [ + "▁gritty", + -13.054965019226074 + ], + [ + "▁meatballs", + -13.054974555969238 + ], + [ + "Grab", + -13.054988861083984 + ], + [ + "430", + -13.055102348327637 + ], + [ + "▁GSM", + -13.055124282836914 + ], + [ + "▁Gallagher", + -13.055221557617188 + ], + [ + "▁Marines", + -13.055242538452148 + ], + [ + "▁coincide", + -13.05527114868164 + ], + [ + "USB", + -13.055327415466309 + ], + [ + "▁squirrel", + -13.05540943145752 + ], + [ + "▁HC", + -13.05541706085205 + ], + [ + "Wash", + -13.05545139312744 + ], + [ + "escent", + -13.055455207824709 + ], + [ + "▁atom", + -13.055548667907717 + ], + [ + "▁Realtor", + -13.055551528930664 + ], + [ + "quick", + -13.055665016174316 + ], + [ + "▁conveyed", + -13.055692672729492 + ], + [ + "▁radios", + -13.055739402770996 + ], + [ + "▁reassuring", + -13.055766105651855 + ], + [ + "▁rebellion", + -13.055768966674805 + ], + [ + "▁Quarry", + -13.055819511413574 + ], + [ + "▁tenancy", + -13.055834770202637 + ], + [ + "▁deferred", + -13.0558443069458 + ], + [ + "▁corridors", + -13.055882453918455 + ], + [ + "AIDS", + -13.055940628051758 + ], + [ + "▁LV", + -13.05605411529541 + ], + [ + "▁bully", + -13.05612564086914 + ], + [ + "▁Millions", + -13.056182861328123 + ], + [ + "ony", + -13.05620574951172 + ], + [ + "▁FO", + -13.056222915649414 + ], + [ + "▁countdown", + -13.056256294250488 + ], + [ + "▁ATP", + -13.056297302246094 + ], + [ + "▁punches", + -13.056354522705078 + ], + [ + "▁furnish", + -13.056473731994627 + ], + [ + "▁homestead", + -13.056510925292969 + ], + [ + "bearing", + -13.05652141571045 + ], + [ + "▁plains", + -13.05659008026123 + ], + [ + "▁Boyd", + -13.056593894958496 + ], + [ + "▁hindi", + -13.056676864624023 + ], + [ + "▁roman", + -13.056736946105955 + ], + [ + "asia", + -13.056743621826172 + ], + [ + "▁AGO", + -13.056760787963867 + ], + [ + "Move", + -13.056797981262209 + ], + [ + "▁Evo", + -13.056836128234863 + ], + [ + "drug", + -13.056869506835938 + ], + [ + "▁glands", + -13.056883811950684 + ], + [ + "window", + -13.056913375854492 + ], + [ + "▁crawling", + -13.05693817138672 + ], + [ + "▁Amateur", + -13.05698013305664 + ], + [ + "Program", + -13.056981086730955 + ], + [ + "CEO", + -13.057076454162598 + ], + [ + "▁Kerr", + -13.057100296020508 + ], + [ + "▁prosper", + -13.057122230529783 + ], + [ + "Canadian", + -13.05714988708496 + ], + [ + "perhaps", + -13.057153701782228 + ], + [ + "▁alloys", + -13.057171821594238 + ], + [ + "▁Adjust", + -13.057195663452148 + ], + [ + "▁mommy", + -13.05721664428711 + ], + [ + "▁Permit", + -13.057239532470703 + ], + [ + "Department", + -13.0572509765625 + ], + [ + "▁Basil", + -13.057343482971191 + ], + [ + "▁Registrar", + -13.057369232177734 + ], + [ + "▁prowess", + -13.057369232177734 + ], + [ + "▁undeniable", + -13.057369232177734 + ], + [ + "▁dubious", + -13.057421684265137 + ], + [ + "▁hopeless", + -13.057429313659668 + ], + [ + "▁Duct", + -13.057446479797363 + ], + [ + "▁Wonderland", + -13.057480812072754 + ], + [ + "▁Eggs", + -13.057604789733888 + ], + [ + "▁signup", + -13.057613372802734 + ], + [ + "▁Hue", + -13.057721138000488 + ], + [ + "Angel", + -13.05772590637207 + ], + [ + "25.", + -13.057788848876951 + ], + [ + "▁SMART", + -13.057809829711914 + ], + [ + "▁9.5", + -13.057816505432127 + ], + [ + "▁Chow", + -13.057916641235352 + ], + [ + "▁shortcomings", + -13.057990074157717 + ], + [ + "▁Rugs", + -13.058062553405762 + ], + [ + "▁lien", + -13.05829620361328 + ], + [ + "treatment", + -13.058313369750977 + ], + [ + "olds", + -13.058399200439451 + ], + [ + "▁Almond", + -13.058443069458008 + ], + [ + "▁Bubble", + -13.058443069458008 + ], + [ + "▁firewood", + -13.05855655670166 + ], + [ + "Ideal", + -13.058646202087402 + ], + [ + "complete", + -13.05866527557373 + ], + [ + "▁Dumpster", + -13.05881118774414 + ], + [ + "truck", + -13.05882167816162 + ], + [ + "▁Potato", + -13.058873176574709 + ], + [ + "lai", + -13.058899879455566 + ], + [ + "▁harmonic", + -13.05896282196045 + ], + [ + "▁hemisphere", + -13.058974266052246 + ], + [ + "▁sluggish", + -13.058974266052246 + ], + [ + "▁synagogue", + -13.058974266052246 + ], + [ + "▁Regiment", + -13.05898380279541 + ], + [ + "▁Ahmad", + -13.058990478515623 + ], + [ + "▁autoimmune", + -13.058992385864258 + ], + [ + "▁boycott", + -13.059022903442385 + ], + [ + "▁nfl", + -13.059029579162598 + ], + [ + "ils", + -13.05903434753418 + ], + [ + "▁firstly", + -13.059087753295898 + ], + [ + "▁rivalry", + -13.059099197387695 + ], + [ + "▁Costumes", + -13.059118270874023 + ], + [ + "▁Output", + -13.059120178222656 + ], + [ + "▁Gale", + -13.059144973754885 + ], + [ + "essay", + -13.05925178527832 + ], + [ + "▁Assam", + -13.059328079223633 + ], + [ + "managed", + -13.059337615966797 + ], + [ + "0.5", + -13.059393882751465 + ], + [ + "▁radioactive", + -13.05947208404541 + ], + [ + "▁chemo", + -13.059488296508787 + ], + [ + "Secondly", + -13.059548377990724 + ], + [ + "▁grounding", + -13.05960464477539 + ], + [ + "▁turnkey", + -13.059675216674805 + ], + [ + "▁summertime", + -13.059749603271484 + ], + [ + "▁Aloe", + -13.059877395629885 + ], + [ + "▁Poster", + -13.059903144836426 + ], + [ + "hawk", + -13.059921264648438 + ], + [ + "▁1-5", + -13.059953689575195 + ], + [ + "▁Sis", + -13.060056686401367 + ], + [ + "▁reload", + -13.06014633178711 + ], + [ + "▁Advocate", + -13.06018352508545 + ], + [ + "Development", + -13.060247421264648 + ], + [ + "radio", + -13.06033992767334 + ], + [ + "▁Variety", + -13.060341835021973 + ], + [ + "▁peeled", + -13.060351371765137 + ], + [ + "College", + -13.060433387756348 + ], + [ + "▁Drill", + -13.060439109802246 + ], + [ + "▁swirl", + -13.060501098632812 + ], + [ + "▁unrest", + -13.060559272766112 + ], + [ + "▁eldest", + -13.060582160949709 + ], + [ + "▁quotations", + -13.060589790344238 + ], + [ + "▁jeep", + -13.060632705688477 + ], + [ + "Hz", + -13.060712814331056 + ], + [ + "▁birthplace", + -13.06071662902832 + ], + [ + "hip", + -13.060749053955078 + ], + [ + "▁Adv", + -13.060768127441406 + ], + [ + "▁10:", + -13.06077480316162 + ], + [ + "▁rifles", + -13.060812950134276 + ], + [ + "▁tooling", + -13.0608549118042 + ], + [ + "stuff", + -13.06088638305664 + ], + [ + "▁Rider", + -13.060911178588867 + ], + [ + "▁Pediatric", + -13.06100082397461 + ], + [ + "▁Acura", + -13.061002731323242 + ], + [ + "AK", + -13.061149597167969 + ], + [ + "▁SERVICES", + -13.061223030090332 + ], + [ + "▁seventy", + -13.06122875213623 + ], + [ + "▁explode", + -13.061299324035645 + ], + [ + "▁paw", + -13.06130599975586 + ], + [ + "▁DOES", + -13.061440467834473 + ], + [ + "▁Triumph", + -13.061559677124023 + ], + [ + "early", + -13.061577796936035 + ], + [ + "▁Porch", + -13.0615816116333 + ], + [ + "blood", + -13.061636924743652 + ], + [ + "▁640", + -13.061758995056152 + ], + [ + "▁Hil", + -13.061798095703123 + ], + [ + "immer", + -13.061918258666992 + ], + [ + "▁Roulette", + -13.061941146850586 + ], + [ + "TUR", + -13.061957359313965 + ], + [ + "▁Limo", + -13.06212043762207 + ], + [ + "▁Bron", + -13.06217098236084 + ], + [ + "▁philanthropy", + -13.0621919631958 + ], + [ + "▁stabilization", + -13.0621919631958 + ], + [ + "▁transient", + -13.062206268310549 + ], + [ + "▁sensations", + -13.062278747558594 + ], + [ + "ANG", + -13.06235694885254 + ], + [ + "▁Knit", + -13.062390327453612 + ], + [ + "▁45-", + -13.06255340576172 + ], + [ + "atti", + -13.062640190124512 + ], + [ + "▁monk", + -13.062763214111328 + ], + [ + "▁£20", + -13.06281566619873 + ], + [ + "▁fiddle", + -13.062865257263184 + ], + [ + "fighting", + -13.063150405883787 + ], + [ + "KB", + -13.063233375549316 + ], + [ + "▁infertility", + -13.063346862792969 + ], + [ + "▁Sher", + -13.063359260559082 + ], + [ + "▁Heidi", + -13.063379287719728 + ], + [ + "▁Sw", + -13.063416481018066 + ], + [ + "▁gymnastics", + -13.063444137573242 + ], + [ + "Br", + -13.063475608825684 + ], + [ + "▁Tourist", + -13.06349277496338 + ], + [ + "▁weary", + -13.063508987426758 + ], + [ + "▁tackled", + -13.063563346862791 + ], + [ + "▁Elections", + -13.063580513000488 + ], + [ + "▁meaningless", + -13.063627243041992 + ], + [ + "▁pedals", + -13.06364631652832 + ], + [ + "Planning", + -13.063766479492188 + ], + [ + "▁HY", + -13.063796043395996 + ], + [ + "▁distillery", + -13.063840866088867 + ], + [ + "▁wearer", + -13.063859939575195 + ], + [ + "▁playwright", + -13.063912391662598 + ], + [ + "into", + -13.06394386291504 + ], + [ + "▁honorary", + -13.06399917602539 + ], + [ + "micro", + -13.064061164855955 + ], + [ + "▁Slack", + -13.064081192016602 + ], + [ + "Count", + -13.064188957214355 + ], + [ + "▁Yay", + -13.06427001953125 + ], + [ + "toe", + -13.064309120178224 + ], + [ + "▁Belarus", + -13.064321517944336 + ], + [ + "mart", + -13.064386367797852 + ], + [ + "▁massages", + -13.064483642578123 + ], + [ + "▁optimised", + -13.064519882202148 + ], + [ + "lag", + -13.06454849243164 + ], + [ + "▁boo", + -13.064557075500488 + ], + [ + "▁Cage", + -13.064663887023926 + ], + [ + "▁upto", + -13.064667701721191 + ], + [ + "▁horizons", + -13.06468677520752 + ], + [ + "▁Sword", + -13.064704895019531 + ], + [ + "▁Jerome", + -13.064827919006348 + ], + [ + "Sal", + -13.064923286437988 + ], + [ + "▁Employers", + -13.064949035644531 + ], + [ + "Jun", + -13.065074920654297 + ], + [ + "▁3/4\"", + -13.065093040466309 + ], + [ + "▁Daniels", + -13.065129280090332 + ], + [ + "▁Scientist", + -13.065147399902344 + ], + [ + "watt", + -13.065299034118652 + ], + [ + "▁Jelly", + -13.065342903137209 + ], + [ + "▁Possible", + -13.065384864807127 + ], + [ + "▁Polyester", + -13.065394401550291 + ], + [ + "▁Bedrooms", + -13.065448760986328 + ], + [ + "▁fisherman", + -13.065545082092283 + ], + [ + "▁gearbox", + -13.06556224822998 + ], + [ + "▁leveraged", + -13.065600395202637 + ], + [ + "▁IDE", + -13.06562614440918 + ], + [ + "▁#6", + -13.065866470336914 + ], + [ + "NES", + -13.065897941589355 + ], + [ + "▁Replica", + -13.065902709960938 + ], + [ + "nnen", + -13.06591796875 + ], + [ + "▁interpreter", + -13.065959930419922 + ], + [ + "▁Sixth", + -13.06601619720459 + ], + [ + "23.", + -13.06606101989746 + ], + [ + "TRA", + -13.06607151031494 + ], + [ + "▁nearing", + -13.066083908081056 + ], + [ + "▁Sig", + -13.06611442565918 + ], + [ + "Comp", + -13.06621551513672 + ], + [ + "ango", + -13.06628704071045 + ], + [ + "▁needy", + -13.066301345825195 + ], + [ + "▁Drugs", + -13.066411018371582 + ], + [ + "▁traverse", + -13.066475868225098 + ], + [ + "▁battled", + -13.066479682922363 + ], + [ + "6.5", + -13.066506385803224 + ], + [ + "▁wand", + -13.066583633422852 + ], + [ + "▁JR", + -13.066591262817385 + ], + [ + "▁grouping", + -13.066874504089355 + ], + [ + "▁dehydration", + -13.067038536071776 + ], + [ + "Seven", + -13.067049026489258 + ], + [ + "Apparently", + -13.067057609558104 + ], + [ + "Eventually", + -13.067057609558104 + ], + [ + "▁sculptor", + -13.067194938659668 + ], + [ + "▁Constitutional", + -13.067203521728516 + ], + [ + "ffer", + -13.067285537719728 + ], + [ + "▁murders", + -13.067301750183104 + ], + [ + "▁sandstone", + -13.067323684692385 + ], + [ + "▁translators", + -13.067480087280272 + ], + [ + "gam", + -13.067625045776367 + ], + [ + "▁inhibit", + -13.067630767822266 + ], + [ + "▁phishing", + -13.067697525024414 + ], + [ + "Min", + -13.06772232055664 + ], + [ + "▁Flo", + -13.067813873291016 + ], + [ + "inski", + -13.067831993103027 + ], + [ + "▁Bravo", + -13.067896842956545 + ], + [ + "▁midway", + -13.06793975830078 + ], + [ + "▁(2013)", + -13.067981719970703 + ], + [ + "▁Ned", + -13.068004608154297 + ], + [ + "lev", + -13.068026542663574 + ], + [ + "▁inhibitors", + -13.068245887756348 + ], + [ + "▁retirees", + -13.068302154541016 + ], + [ + "▁ny", + -13.068307876586914 + ], + [ + "▁dams", + -13.068415641784668 + ], + [ + "▁Spotlight", + -13.068434715270996 + ], + [ + "▁mound", + -13.068475723266602 + ], + [ + "Guard", + -13.068501472473145 + ], + [ + "▁Valentines", + -13.068514823913574 + ], + [ + "▁NF", + -13.068591117858888 + ], + [ + "▁Gee", + -13.068601608276367 + ], + [ + "▁duly", + -13.068623542785645 + ], + [ + "yar", + -13.068638801574709 + ], + [ + "▁Barbie", + -13.068642616271973 + ], + [ + "▁bubbly", + -13.068659782409668 + ], + [ + "▁geothermal", + -13.068662643432615 + ], + [ + "▁benign", + -13.068674087524414 + ], + [ + "▁Doll", + -13.06869888305664 + ], + [ + "eating", + -13.06870937347412 + ], + [ + "Guests", + -13.068775177001951 + ], + [ + "▁MUCH", + -13.0687894821167 + ], + [ + "▁radial", + -13.068814277648926 + ], + [ + "▁Brittany", + -13.068842887878418 + ], + [ + "▁energized", + -13.069012641906738 + ], + [ + "▁201", + -13.069028854370115 + ], + [ + "▁Lyrics", + -13.069028854370115 + ], + [ + "▁Realtors", + -13.06907081604004 + ], + [ + "Ability", + -13.069084167480469 + ], + [ + "▁Glow", + -13.069086074829102 + ], + [ + "▁Humanity", + -13.069108963012695 + ], + [ + "▁ABOUT", + -13.069116592407228 + ], + [ + "▁undo", + -13.069268226623535 + ], + [ + "▁resumed", + -13.069334983825684 + ], + [ + "▁Exploration", + -13.06941032409668 + ], + [ + "▁Mbps", + -13.069442749023438 + ], + [ + "Mother", + -13.069658279418944 + ], + [ + "▁1850", + -13.06982135772705 + ], + [ + "▁harp", + -13.069890022277832 + ], + [ + "▁accelerator", + -13.070087432861328 + ], + [ + "pee", + -13.070101737976074 + ], + [ + "▁sidelines", + -13.070148468017578 + ], + [ + "Important", + -13.070164680480955 + ], + [ + "▁craze", + -13.070323944091797 + ], + [ + "▁foreseeable", + -13.070340156555176 + ], + [ + "▁pawn", + -13.070425987243652 + ], + [ + "beam", + -13.07049560546875 + ], + [ + "▁deco", + -13.070508003234863 + ], + [ + "▁dads", + -13.070511817932127 + ], + [ + "▁scanners", + -13.070605278015137 + ], + [ + "▁Perform", + -13.07071018218994 + ], + [ + "▁GTX", + -13.070711135864258 + ], + [ + "▁Ricky", + -13.070817947387695 + ], + [ + "▁directional", + -13.070823669433594 + ], + [ + "▁Chronicle", + -13.070874214172363 + ], + [ + "▁inlet", + -13.070874214172363 + ], + [ + "▁ACM", + -13.070890426635742 + ], + [ + "dent", + -13.070995330810549 + ], + [ + "720", + -13.07105827331543 + ], + [ + "▁Cobb", + -13.071072578430176 + ], + [ + "-150", + -13.07109832763672 + ], + [ + "PU", + -13.071099281311035 + ], + [ + "▁Mohammad", + -13.07114601135254 + ], + [ + "▁breads", + -13.071208000183104 + ], + [ + "RON", + -13.071236610412598 + ], + [ + "PN", + -13.071277618408203 + ], + [ + "▁librarian", + -13.0714750289917 + ], + [ + "▁Alexis", + -13.071524620056152 + ], + [ + "▁£7", + -13.07158374786377 + ], + [ + "JS", + -13.071635246276855 + ], + [ + "NJ", + -13.071714401245115 + ], + [ + "▁crumble", + -13.07178783416748 + ], + [ + "▁analysing", + -13.07190990447998 + ], + [ + "▁Pea", + -13.0719633102417 + ], + [ + "▁slender", + -13.072023391723633 + ], + [ + "feed", + -13.072066307067873 + ], + [ + "PLE", + -13.07234001159668 + ], + [ + "printed", + -13.072376251220703 + ], + [ + "▁202", + -13.072500228881836 + ], + [ + "▁sideways", + -13.072502136230469 + ], + [ + "ssa", + -13.07261848449707 + ], + [ + "▁Intervention", + -13.072643280029297 + ], + [ + "MN", + -13.07265567779541 + ], + [ + "▁[[", + -13.072725296020508 + ], + [ + "blade", + -13.072765350341797 + ], + [ + "▁Fahrenheit", + -13.072901725769045 + ], + [ + "att", + -13.072917938232422 + ], + [ + "▁poop", + -13.073050498962402 + ], + [ + "▁halloween", + -13.073063850402832 + ], + [ + "▁6000", + -13.073101997375488 + ], + [ + "rz", + -13.07314682006836 + ], + [ + "tain", + -13.07320499420166 + ], + [ + "▁relational", + -13.073241233825684 + ], + [ + "▁restricting", + -13.073254585266112 + ], + [ + "rica", + -13.073267936706545 + ], + [ + "▁chaired", + -13.073287010192873 + ], + [ + "▁Exhibit", + -13.073339462280272 + ], + [ + "▁christian", + -13.07336139678955 + ], + [ + "▁Thousand", + -13.073387145996094 + ], + [ + "▁Feather", + -13.073393821716309 + ], + [ + "▁Fresno", + -13.073538780212402 + ], + [ + "▁calves", + -13.073551177978516 + ], + [ + "▁rechargeable", + -13.073687553405762 + ], + [ + "▁plump", + -13.073702812194824 + ], + [ + "gang", + -13.073732376098633 + ], + [ + "Script", + -13.073742866516112 + ], + [ + "▁Bridges", + -13.073800086975098 + ], + [ + "▁iPads", + -13.073810577392578 + ], + [ + "dah", + -13.07387638092041 + ], + [ + "engine", + -13.073908805847168 + ], + [ + "▁handwriting", + -13.074029922485352 + ], + [ + "▁skipper", + -13.074068069458008 + ], + [ + "▁28-", + -13.074126243591309 + ], + [ + "▁$20,000", + -13.074172973632812 + ], + [ + "▁textual", + -13.074177742004396 + ], + [ + "▁golfer", + -13.07419204711914 + ], + [ + "number", + -13.074211120605469 + ], + [ + "▁cropped", + -13.074244499206545 + ], + [ + "▁Rot", + -13.074292182922363 + ], + [ + "▁$500,000", + -13.074400901794434 + ], + [ + "▁Stra", + -13.074498176574709 + ], + [ + "Fly", + -13.074654579162598 + ], + [ + "▁Bolivia", + -13.075032234191896 + ], + [ + "haul", + -13.075088500976562 + ], + [ + "▁Bethlehem", + -13.07516860961914 + ], + [ + "▁clarified", + -13.07516860961914 + ], + [ + "▁Browns", + -13.07529354095459 + ], + [ + "▁Wiley", + -13.075369834899902 + ], + [ + "▁rebates", + -13.075387001037598 + ], + [ + "▁Odd", + -13.075421333312988 + ], + [ + "▁methane", + -13.075434684753418 + ], + [ + "▁4)", + -13.075457572937012 + ], + [ + "▁curing", + -13.075483322143556 + ], + [ + "▁withdrawals", + -13.075546264648438 + ], + [ + "Established", + -13.075568199157717 + ], + [ + "▁deducted", + -13.075578689575195 + ], + [ + "▁bookkeeping", + -13.07558536529541 + ], + [ + "president", + -13.075640678405762 + ], + [ + "▁Leaving", + -13.075751304626465 + ], + [ + "▁Prom", + -13.075761795043944 + ], + [ + "▁Fits", + -13.07579517364502 + ], + [ + "▁Sor", + -13.076172828674316 + ], + [ + "wel", + -13.07630729675293 + ], + [ + "▁SAVE", + -13.076321601867676 + ], + [ + "▁Clan", + -13.076335906982422 + ], + [ + "jen", + -13.076440811157228 + ], + [ + "▁Scrap", + -13.076571464538574 + ], + [ + "▁deprivation", + -13.076802253723145 + ], + [ + "▁Species", + -13.076830863952637 + ], + [ + "▁tranquility", + -13.076866149902344 + ], + [ + "▁subtitles", + -13.076903343200684 + ], + [ + "▁Lei", + -13.076991081237791 + ], + [ + "Disclaimer", + -13.07704734802246 + ], + [ + "▁Accreditation", + -13.077141761779783 + ], + [ + "▁LIKE", + -13.07714557647705 + ], + [ + "▁carte", + -13.077146530151367 + ], + [ + "1.4", + -13.077193260192873 + ], + [ + "175", + -13.077223777770996 + ], + [ + "▁backlash", + -13.07737159729004 + ], + [ + "balanced", + -13.077418327331545 + ], + [ + "▁Juliet", + -13.077466011047363 + ], + [ + "▁Needle", + -13.07751178741455 + ], + [ + "▁collisions", + -13.07754611968994 + ], + [ + "enda", + -13.077614784240724 + ], + [ + "▁lasers", + -13.077675819396973 + ], + [ + "▁Vacuum", + -13.077826499938965 + ], + [ + "RV", + -13.077899932861328 + ], + [ + "▁gamer", + -13.07790470123291 + ], + [ + "▁Andreas", + -13.0781888961792 + ], + [ + "▁vitro", + -13.078378677368164 + ], + [ + "▁Magnet", + -13.07840061187744 + ], + [ + "▁safeguards", + -13.07841968536377 + ], + [ + "▁bankrupt", + -13.078466415405272 + ], + [ + "▁dormant", + -13.078466415405272 + ], + [ + "▁Jio", + -13.078493118286133 + ], + [ + "▁inadvertently", + -13.078495025634766 + ], + [ + "▁outage", + -13.078495979309082 + ], + [ + "▁graphite", + -13.07850742340088 + ], + [ + "▁Stat", + -13.078600883483888 + ], + [ + "▁Lindsey", + -13.078658103942873 + ], + [ + "▁contenders", + -13.078692436218262 + ], + [ + "AO", + -13.078750610351562 + ], + [ + "▁LO", + -13.07877254486084 + ], + [ + ":11", + -13.078826904296877 + ], + [ + "USE", + -13.078903198242188 + ], + [ + "▁Angle", + -13.078985214233398 + ], + [ + "Body", + -13.078994750976562 + ], + [ + "▁freaking", + -13.079111099243164 + ], + [ + "wig", + -13.079143524169922 + ], + [ + "Ju", + -13.0791654586792 + ], + [ + "▁Exactly", + -13.079233169555664 + ], + [ + "▁unfolding", + -13.079322814941406 + ], + [ + "Friends", + -13.079378128051758 + ], + [ + "▁Tottenham", + -13.079390525817873 + ], + [ + "▁45%", + -13.079442024230955 + ], + [ + "▁Idol", + -13.079483032226562 + ], + [ + "Season", + -13.07949447631836 + ], + [ + "▁taxed", + -13.07969093322754 + ], + [ + "sorry", + -13.079829216003418 + ], + [ + "▁completes", + -13.080011367797852 + ], + [ + "▁Stratford", + -13.080092430114746 + ], + [ + "▁Guinness", + -13.080093383789062 + ], + [ + "▁fatalities", + -13.080114364624023 + ], + [ + "▁Surprise", + -13.080144882202148 + ], + [ + "▁Billion", + -13.080282211303713 + ], + [ + "clip", + -13.08029079437256 + ], + [ + "▁axe", + -13.080304145812988 + ], + [ + "▁TLC", + -13.080367088317873 + ], + [ + "▁Kot", + -13.080416679382324 + ], + [ + "▁thematic", + -13.080421447753906 + ], + [ + "▁Mercer", + -13.080472946166992 + ], + [ + "▁Buhari", + -13.080628395080566 + ], + [ + "Sync", + -13.080632209777832 + ], + [ + "▁Implementation", + -13.08066463470459 + ], + [ + "Dog", + -13.080790519714355 + ], + [ + "cold", + -13.08084487915039 + ], + [ + "340", + -13.080920219421388 + ], + [ + "▁revert", + -13.080972671508787 + ], + [ + "▁Alicia", + -13.081006050109863 + ], + [ + "▁sheltered", + -13.081100463867188 + ], + [ + "▁sauté", + -13.081324577331545 + ], + [ + "▁Tory", + -13.081356048583984 + ], + [ + "▁preseason", + -13.08137321472168 + ], + [ + "▁Toilet", + -13.081426620483398 + ], + [ + "Spot", + -13.08145523071289 + ], + [ + "things", + -13.081510543823242 + ], + [ + "▁Jedi", + -13.081536293029783 + ], + [ + "▁Outer", + -13.081604957580566 + ], + [ + "▁puppet", + -13.081670761108398 + ], + [ + "▁noodle", + -13.08168888092041 + ], + [ + "▁happiest", + -13.081720352172852 + ], + [ + "▁revolving", + -13.081731796264648 + ], + [ + "centre", + -13.081744194030762 + ], + [ + "▁paddling", + -13.081767082214355 + ], + [ + "▁Casual", + -13.081891059875488 + ], + [ + "secondary", + -13.081904411315918 + ], + [ + "fruit", + -13.081985473632812 + ], + [ + "▁Turning", + -13.08199405670166 + ], + [ + "▁iceberg", + -13.082030296325684 + ], + [ + "subject", + -13.082144737243652 + ], + [ + "▁Trucks", + -13.082165718078612 + ], + [ + "analysis", + -13.082183837890623 + ], + [ + "Legal", + -13.082186698913574 + ], + [ + "▁WORK", + -13.08219051361084 + ], + [ + "ulator", + -13.08228874206543 + ], + [ + "▁Tsu", + -13.082358360290527 + ], + [ + "▁redeemed", + -13.082465171813965 + ], + [ + "uploads", + -13.08250331878662 + ], + [ + "▁Reply", + -13.08250331878662 + ], + [ + "▁Identify", + -13.082529067993164 + ], + [ + "▁hires", + -13.082545280456545 + ], + [ + "LIC", + -13.08259105682373 + ], + [ + "▁Wouldn", + -13.082660675048828 + ], + [ + "▁Macy", + -13.082687377929688 + ], + [ + "▁Stem", + -13.082716941833496 + ], + [ + "▁Destination", + -13.083029747009276 + ], + [ + "▁AJ", + -13.083230018615724 + ], + [ + "30.", + -13.083335876464844 + ], + [ + "▁policing", + -13.083366394042969 + ], + [ + "▁Hyatt", + -13.083369255065918 + ], + [ + "▁QuickBooks", + -13.083380699157717 + ], + [ + "▁Tomb", + -13.083414077758787 + ], + [ + "▁Certificates", + -13.083451271057127 + ], + [ + "▁uplift", + -13.083488464355469 + ], + [ + "▁signifies", + -13.08350658416748 + ], + [ + "Jay", + -13.083521842956545 + ], + [ + "▁saute", + -13.083608627319336 + ], + [ + "▁Tutorial", + -13.08370876312256 + ], + [ + "▁UNC", + -13.083714485168455 + ], + [ + "▁joys", + -13.08380126953125 + ], + [ + "▁Newspaper", + -13.083806991577148 + ], + [ + "mut", + -13.083888053894045 + ], + [ + "▁Miranda", + -13.083922386169434 + ], + [ + "idae", + -13.083984375 + ], + [ + "Earth", + -13.08425235748291 + ], + [ + "Features", + -13.084263801574709 + ], + [ + "▁flourishing", + -13.08436107635498 + ], + [ + "▁timed", + -13.084404945373535 + ], + [ + "▁Selected", + -13.084559440612791 + ], + [ + "▁Companion", + -13.084670066833496 + ], + [ + "▁promoter", + -13.084720611572266 + ], + [ + "▁deployments", + -13.08494758605957 + ], + [ + "▁impartial", + -13.084993362426758 + ], + [ + "AE", + -13.085047721862791 + ], + [ + "▁Instruction", + -13.085068702697754 + ], + [ + "▁Intern", + -13.085070610046388 + ], + [ + "▁exposes", + -13.0850830078125 + ], + [ + "▁tanning", + -13.085089683532717 + ], + [ + "▁Knox", + -13.085113525390623 + ], + [ + "fledged", + -13.085115432739258 + ], + [ + "▁EF", + -13.08511734008789 + ], + [ + "-49", + -13.085187911987305 + ], + [ + "UA", + -13.08521556854248 + ], + [ + "▁cumin", + -13.085335731506348 + ], + [ + "▁woo", + -13.085360527038574 + ], + [ + "/100", + -13.08536148071289 + ], + [ + "▁pea", + -13.085443496704102 + ], + [ + "▁commonplace", + -13.085497856140137 + ], + [ + "▁partisan", + -13.08549976348877 + ], + [ + "Entrepreneurship", + -13.085556030273438 + ], + [ + "▁CLI", + -13.085633277893066 + ], + [ + "▁creditor", + -13.085687637329102 + ], + [ + "liquid", + -13.085711479187012 + ], + [ + "HOW", + -13.085731506347656 + ], + [ + "▁microsoft", + -13.0858736038208 + ], + [ + "feet", + -13.085895538330078 + ], + [ + "▁teal", + -13.085933685302734 + ], + [ + "▁Photograph", + -13.085978507995604 + ], + [ + "▁Stoke", + -13.086050987243652 + ], + [ + "▁inconvenient", + -13.086057662963867 + ], + [ + "▁(40", + -13.086177825927734 + ], + [ + "▁Somehow", + -13.086254119873049 + ], + [ + "▁1400", + -13.086288452148438 + ], + [ + "▁messed", + -13.086492538452148 + ], + [ + "▁BLACK", + -13.086496353149414 + ], + [ + "hero", + -13.086503028869627 + ], + [ + "▁1912", + -13.086503982543944 + ], + [ + "▁Owl", + -13.08652400970459 + ], + [ + "▁contraction", + -13.086536407470703 + ], + [ + "cation", + -13.086556434631348 + ], + [ + "▁newbie", + -13.086584091186523 + ], + [ + "Stir", + -13.086606979370115 + ], + [ + "▁1931", + -13.086609840393066 + ], + [ + "testing", + -13.086642265319824 + ], + [ + "▁Chronic", + -13.086668968200684 + ], + [ + "▁mildly", + -13.08668613433838 + ], + [ + "HF", + -13.086687088012695 + ], + [ + "▁Galway", + -13.086743354797363 + ], + [ + "▁Hazard", + -13.086753845214844 + ], + [ + "▁Planned", + -13.086762428283691 + ], + [ + "▁functionalities", + -13.086803436279297 + ], + [ + "▁halftime", + -13.086907386779783 + ], + [ + "▁Anatomy", + -13.086966514587402 + ], + [ + "▁Polaris", + -13.087035179138184 + ], + [ + "▁localized", + -13.087173461914062 + ], + [ + "▁1/8", + -13.087313652038574 + ], + [ + "▁420", + -13.087358474731444 + ], + [ + "creation", + -13.08737850189209 + ], + [ + "▁meme", + -13.08745288848877 + ], + [ + "-33", + -13.087516784667969 + ], + [ + "/04", + -13.087536811828612 + ], + [ + "▁Compatible", + -13.087559700012209 + ], + [ + "▁numb", + -13.08760929107666 + ], + [ + "▁occupying", + -13.087689399719238 + ], + [ + "dynamic", + -13.087764739990234 + ], + [ + "▁decree", + -13.087779998779297 + ], + [ + "▁hotter", + -13.087835311889648 + ], + [ + "▁Agri", + -13.087836265563965 + ], + [ + "▁Helena", + -13.087921142578123 + ], + [ + "lining", + -13.087973594665527 + ], + [ + "▁Lama", + -13.088107109069824 + ], + [ + "▁Font", + -13.088111877441406 + ], + [ + "▁Ard", + -13.088136672973633 + ], + [ + "▁Falcons", + -13.088187217712402 + ], + [ + "sters", + -13.088297843933104 + ], + [ + "▁convergence", + -13.088319778442385 + ], + [ + "▁bluetooth", + -13.088380813598633 + ], + [ + "▁payouts", + -13.08857536315918 + ], + [ + "▁Searching", + -13.088623046875 + ], + [ + "▁lighted", + -13.08863925933838 + ], + [ + "▁MAP", + -13.088719367980955 + ], + [ + "▁Ellie", + -13.088743209838867 + ], + [ + "▁Sultan", + -13.088778495788574 + ], + [ + "▁1945", + -13.088814735412598 + ], + [ + "▁Grip", + -13.088891983032228 + ], + [ + "▁Trusted", + -13.088911056518556 + ], + [ + "gly", + -13.088948249816896 + ], + [ + "+1", + -13.089052200317385 + ], + [ + "▁overwhelm", + -13.089065551757812 + ], + [ + "▁;)", + -13.089312553405762 + ], + [ + "blo", + -13.089315414428713 + ], + [ + "same", + -13.089369773864746 + ], + [ + "WG", + -13.08937931060791 + ], + [ + "▁Purchasing", + -13.08946132659912 + ], + [ + "▁Merit", + -13.089556694030762 + ], + [ + "esco", + -13.089618682861328 + ], + [ + "stars", + -13.089653968811035 + ], + [ + "gri", + -13.089704513549805 + ], + [ + "▁Lecture", + -13.089764595031738 + ], + [ + "▁1.9", + -13.08981227874756 + ], + [ + "total", + -13.089889526367188 + ], + [ + "▁obtainable", + -13.089916229248049 + ], + [ + "▁steroid", + -13.089919090270996 + ], + [ + "▁Lancashire", + -13.089971542358398 + ], + [ + "▁affluent", + -13.089971542358398 + ], + [ + "▁nutmeg", + -13.089971542358398 + ], + [ + "▁culmination", + -13.089972496032717 + ], + [ + "▁Cologne", + -13.089974403381348 + ], + [ + "▁charismatic", + -13.090014457702637 + ], + [ + "▁chipped", + -13.090039253234863 + ], + [ + "▁din", + -13.09018611907959 + ], + [ + "▁bri", + -13.090205192565918 + ], + [ + "▁ATS", + -13.09027099609375 + ], + [ + "▁Weddings", + -13.090280532836914 + ], + [ + "camera", + -13.090336799621582 + ], + [ + "▁sump", + -13.09038257598877 + ], + [ + "▁minors", + -13.090476036071776 + ], + [ + "Creative", + -13.090572357177734 + ], + [ + "▁Cel", + -13.09061336517334 + ], + [ + "310", + -13.090631484985352 + ], + [ + "target", + -13.090651512145996 + ], + [ + "▁disney", + -13.090656280517578 + ], + [ + "▁DES", + -13.090764999389648 + ], + [ + "▁Strand", + -13.09079360961914 + ], + [ + "Bee", + -13.090825080871582 + ], + [ + "iman", + -13.090896606445312 + ], + [ + "▁Kelley", + -13.090914726257324 + ], + [ + ".#", + -13.090967178344728 + ], + [ + "Ki", + -13.09106159210205 + ], + [ + "Multiple", + -13.091062545776367 + ], + [ + "▁sal", + -13.091106414794922 + ], + [ + "▁invent", + -13.09111785888672 + ], + [ + "▁IG", + -13.09117031097412 + ], + [ + "▁attest", + -13.09127140045166 + ], + [ + "▁Wimbledon", + -13.091312408447266 + ], + [ + "Marketing", + -13.091362953186035 + ], + [ + "inated", + -13.091520309448242 + ], + [ + "▁liberation", + -13.091639518737791 + ], + [ + "14)", + -13.091656684875488 + ], + [ + "▁locality", + -13.09169864654541 + ], + [ + "▁mantle", + -13.091839790344238 + ], + [ + "▁Hum", + -13.091867446899414 + ], + [ + "lace", + -13.091911315917969 + ], + [ + "pages", + -13.091980934143066 + ], + [ + "Bear", + -13.092114448547363 + ], + [ + "Tour", + -13.092377662658691 + ], + [ + "▁Automobile", + -13.09238624572754 + ], + [ + "▁spreadsheets", + -13.092429161071776 + ], + [ + "▁pronounce", + -13.092430114746094 + ], + [ + "lli", + -13.09245491027832 + ], + [ + "▁Lis", + -13.092536926269531 + ], + [ + "▁(2014)", + -13.092540740966797 + ], + [ + "▁couches", + -13.09255027770996 + ], + [ + "▁spaced", + -13.092598915100098 + ], + [ + "CW", + -13.092742919921877 + ], + [ + "▁spirited", + -13.092778205871582 + ], + [ + "▁scratched", + -13.092844009399414 + ], + [ + "▁Attention", + -13.092950820922852 + ], + [ + "▁Ade", + -13.092981338500977 + ], + [ + "▁Hate", + -13.092998504638672 + ], + [ + "▁Settlement", + -13.092998504638672 + ], + [ + "▁helpless", + -13.093143463134766 + ], + [ + "▁POP", + -13.093234062194824 + ], + [ + "▁Dura", + -13.093241691589355 + ], + [ + "▁Directions", + -13.093244552612305 + ], + [ + "▁incubator", + -13.093291282653809 + ], + [ + "▁Mansfield", + -13.09331512451172 + ], + [ + "▁Floors", + -13.09332275390625 + ], + [ + "▁tossing", + -13.093344688415527 + ], + [ + "▁1024", + -13.093382835388184 + ], + [ + "▁doorway", + -13.09341526031494 + ], + [ + "▁Fluid", + -13.093513488769531 + ], + [ + "▁Angus", + -13.093557357788086 + ], + [ + "▁tolerant", + -13.093635559082031 + ], + [ + "▁Lamps", + -13.093802452087402 + ], + [ + "▁payload", + -13.093839645385742 + ], + [ + ":0", + -13.09390926361084 + ], + [ + "▁8-10", + -13.09397792816162 + ], + [ + "7.5", + -13.094064712524414 + ], + [ + "▁testers", + -13.094149589538574 + ], + [ + "▁Factors", + -13.094233512878418 + ], + [ + "▁ou", + -13.09425163269043 + ], + [ + "Growing", + -13.094261169433594 + ], + [ + "▁Archbishop", + -13.094298362731934 + ], + [ + "▁Brokers", + -13.09476089477539 + ], + [ + "CMS", + -13.094804763793944 + ], + [ + "▁dreamy", + -13.094916343688965 + ], + [ + "▁prairie", + -13.094955444335938 + ], + [ + "▁federation", + -13.094965934753418 + ], + [ + "▁Kapoor", + -13.094969749450684 + ], + [ + "▁regulates", + -13.095102310180664 + ], + [ + "organic", + -13.095155715942385 + ], + [ + "thi", + -13.095155715942385 + ], + [ + "education", + -13.095195770263672 + ], + [ + "▁heavyweight", + -13.09522819519043 + ], + [ + "▁poorest", + -13.095439910888672 + ], + [ + "▁Spurs", + -13.095508575439451 + ], + [ + "collection", + -13.095608711242676 + ], + [ + "Either", + -13.095681190490724 + ], + [ + "▁revived", + -13.09580135345459 + ], + [ + "▁gyms", + -13.095865249633787 + ], + [ + "▁Rie", + -13.095869064331056 + ], + [ + "▁infuse", + -13.095952033996582 + ], + [ + "xx", + -13.095956802368164 + ], + [ + "oso", + -13.095958709716797 + ], + [ + "▁receptions", + -13.096062660217283 + ], + [ + "▁Tran", + -13.096064567565918 + ], + [ + "▁Jail", + -13.09611988067627 + ], + [ + "appa", + -13.096132278442385 + ], + [ + "▁.....", + -13.096336364746094 + ], + [ + "▁Astro", + -13.096357345581056 + ], + [ + "▁cloves", + -13.096357345581056 + ], + [ + "▁fungal", + -13.096593856811523 + ], + [ + "▁linebacker", + -13.096627235412598 + ], + [ + "▁etiquette", + -13.09663200378418 + ], + [ + "▁emblem", + -13.096633911132812 + ], + [ + "▁Emerson", + -13.096644401550291 + ], + [ + "▁Rebel", + -13.09665298461914 + ], + [ + "▁backpacks", + -13.09673023223877 + ], + [ + "▁beacon", + -13.096734046936035 + ], + [ + "▁Indy", + -13.09674072265625 + ], + [ + "▁IPv", + -13.096762657165527 + ], + [ + "lux", + -13.096796989440918 + ], + [ + "Tony", + -13.09681510925293 + ], + [ + "▁Gina", + -13.096848487854004 + ], + [ + "▁Stable", + -13.096953392028809 + ], + [ + "▁membranes", + -13.097137451171877 + ], + [ + "zine", + -13.09714412689209 + ], + [ + "rig", + -13.097206115722656 + ], + [ + "▁Introducing", + -13.097206115722656 + ], + [ + "IDE", + -13.09726619720459 + ], + [ + "▁hardworking", + -13.097291946411133 + ], + [ + "▁blaze", + -13.097302436828612 + ], + [ + "Subject", + -13.097331047058104 + ], + [ + "▁galvanized", + -13.097360610961914 + ], + [ + "Android", + -13.097498893737791 + ], + [ + "121", + -13.097525596618652 + ], + [ + "▁Loving", + -13.097657203674316 + ], + [ + "ulate", + -13.097663879394531 + ], + [ + "▁substantive", + -13.097681045532228 + ], + [ + "▁accomplishing", + -13.097685813903809 + ], + [ + "▁Buildings", + -13.097725868225098 + ], + [ + "Games", + -13.09776782989502 + ], + [ + "▁edged", + -13.09780502319336 + ], + [ + "Film", + -13.097859382629396 + ], + [ + "Cr", + -13.09788990020752 + ], + [ + "▁silently", + -13.097917556762695 + ], + [ + "▁Cons", + -13.098007202148438 + ], + [ + "▁TJ", + -13.09803295135498 + ], + [ + "▁midday", + -13.098284721374512 + ], + [ + "▁granola", + -13.098297119140623 + ], + [ + "▁workplaces", + -13.098329544067385 + ], + [ + "▁freedoms", + -13.09835147857666 + ], + [ + "▁Jag", + -13.09835433959961 + ], + [ + "▁McLaren", + -13.098390579223633 + ], + [ + "▁ITS", + -13.098422050476074 + ], + [ + "▁Measures", + -13.098508834838867 + ], + [ + "▁Vault", + -13.098618507385254 + ], + [ + "▁Notebook", + -13.098645210266112 + ], + [ + "▁carpeting", + -13.098663330078123 + ], + [ + "▁rhythmic", + -13.098709106445312 + ], + [ + "▁patios", + -13.098783493041992 + ], + [ + "▁Sabha", + -13.098844528198242 + ], + [ + "▁Chances", + -13.09885025024414 + ], + [ + "admin", + -13.098881721496582 + ], + [ + "▁Stool", + -13.098917961120604 + ], + [ + "485", + -13.098998069763184 + ], + [ + "▁offences", + -13.099098205566406 + ], + [ + "▁NVIDIA", + -13.099178314208984 + ], + [ + "50%", + -13.099184036254885 + ], + [ + "▁anchors", + -13.099209785461426 + ], + [ + "rom", + -13.099275588989258 + ], + [ + "Anne", + -13.09934139251709 + ], + [ + "2.3", + -13.099367141723633 + ], + [ + "▁1986.", + -13.099371910095217 + ], + [ + "▁renovate", + -13.099420547485352 + ], + [ + "▁transformations", + -13.099435806274414 + ], + [ + "Load", + -13.099472045898438 + ], + [ + "▁tempered", + -13.09952163696289 + ], + [ + "▁ledger", + -13.099814414978027 + ], + [ + "▁resourceful", + -13.099847793579102 + ], + [ + "▁Kei", + -13.099860191345217 + ], + [ + "Wire", + -13.099863052368164 + ], + [ + "▁GBP", + -13.099925994873049 + ], + [ + "▁jogging", + -13.099969863891602 + ], + [ + "▁Hemp", + -13.099998474121094 + ], + [ + "▁Ecology", + -13.100008964538574 + ], + [ + "▁pancake", + -13.100152969360352 + ], + [ + "▁clashes", + -13.100312232971191 + ], + [ + "AIN", + -13.100403785705566 + ], + [ + "▁Xiao", + -13.100403785705566 + ], + [ + "register", + -13.100412368774414 + ], + [ + "▁manners", + -13.10047435760498 + ], + [ + "▁html", + -13.100491523742676 + ], + [ + "obi", + -13.100521087646484 + ], + [ + "pressed", + -13.100578308105469 + ], + [ + "extra", + -13.100638389587402 + ], + [ + "▁bows", + -13.10075569152832 + ], + [ + "▁Clin", + -13.100838661193848 + ], + [ + "▁lighten", + -13.100845336914062 + ], + [ + "▁cello", + -13.100863456726074 + ], + [ + "▁hid", + -13.100934982299805 + ], + [ + "▁warp", + -13.100955963134766 + ], + [ + "MHz", + -13.10099983215332 + ], + [ + "▁Chandra", + -13.101114273071287 + ], + [ + "▁Somalia", + -13.10117244720459 + ], + [ + "▁tendon", + -13.101192474365234 + ], + [ + "▁Olympia", + -13.101211547851562 + ], + [ + "▁commuters", + -13.101223945617676 + ], + [ + "psy", + -13.101242065429688 + ], + [ + "▁ascent", + -13.101253509521484 + ], + [ + "Iron", + -13.10133934020996 + ], + [ + "1).", + -13.101390838623049 + ], + [ + "▁porous", + -13.10141944885254 + ], + [ + "▁Thirty", + -13.101449012756348 + ], + [ + "sma", + -13.101500511169434 + ], + [ + "SOL", + -13.101508140563965 + ], + [ + "▁Shoot", + -13.10157871246338 + ], + [ + "▁apologies", + -13.101638793945312 + ], + [ + "▁counterfeit", + -13.101638793945312 + ], + [ + "▁$0", + -13.101640701293944 + ], + [ + "▁clauses", + -13.10166072845459 + ], + [ + "▁Covered", + -13.10185432434082 + ], + [ + "▁sheath", + -13.101893424987791 + ], + [ + "Considering", + -13.1019287109375 + ], + [ + "▁Marty", + -13.101966857910156 + ], + [ + "lene", + -13.10204029083252 + ], + [ + "▁Coke", + -13.102055549621582 + ], + [ + "▁Pines", + -13.102084159851074 + ], + [ + "logy", + -13.10214900970459 + ], + [ + "▁descending", + -13.10220718383789 + ], + [ + "▁Ethiopian", + -13.102261543273926 + ], + [ + "▁narrowed", + -13.102312088012695 + ], + [ + "▁0.00", + -13.102397918701172 + ], + [ + "dou", + -13.102408409118652 + ], + [ + "▁narrowly", + -13.102420806884766 + ], + [ + "▁Kendall", + -13.102530479431152 + ], + [ + "Saving", + -13.102737426757812 + ], + [ + "/2015", + -13.102863311767578 + ], + [ + "▁Vendor", + -13.10300636291504 + ], + [ + "▁Nationwide", + -13.103010177612305 + ], + [ + "▁statistic", + -13.103028297424316 + ], + [ + "▁drawback", + -13.10322093963623 + ], + [ + "Skin", + -13.103279113769531 + ], + [ + "▁grieving", + -13.103316307067873 + ], + [ + "▁Judicial", + -13.103317260742188 + ], + [ + "▁buns", + -13.103402137756348 + ], + [ + "▁Felt", + -13.103416442871094 + ], + [ + "▁campfire", + -13.10346508026123 + ], + [ + "-55", + -13.103527069091797 + ], + [ + "▁py", + -13.1035737991333 + ], + [ + "▁Cannes", + -13.103631973266602 + ], + [ + "▁Mines", + -13.10364818572998 + ], + [ + "SAT", + -13.103650093078612 + ], + [ + "hil", + -13.103800773620604 + ], + [ + "manship", + -13.103875160217283 + ], + [ + "▁solicitors", + -13.103918075561523 + ], + [ + "fel", + -13.10403060913086 + ], + [ + "▁Pillow", + -13.104103088378906 + ], + [ + "▁drawbacks", + -13.104118347167969 + ], + [ + "▁Anime", + -13.10417366027832 + ], + [ + "▁hurricanes", + -13.1041898727417 + ], + [ + "▁Oreo", + -13.104238510131836 + ], + [ + "wine", + -13.104337692260742 + ], + [ + "assi", + -13.104416847229004 + ], + [ + "▁ISA", + -13.104421615600586 + ], + [ + "▁splits", + -13.104605674743652 + ], + [ + "▁Torrent", + -13.104707717895508 + ], + [ + "Cho", + -13.104713439941406 + ], + [ + "daughter", + -13.104721069335938 + ], + [ + "rer", + -13.104723930358888 + ], + [ + "▁Maurice", + -13.104726791381836 + ], + [ + "▁surveying", + -13.104756355285645 + ], + [ + "Buying", + -13.104836463928224 + ], + [ + "▁Insta", + -13.10484218597412 + ], + [ + "▁Rodgers", + -13.104846954345703 + ], + [ + "▁disparate", + -13.10499668121338 + ], + [ + "▁imaginable", + -13.10499668121338 + ], + [ + "▁migrating", + -13.104997634887695 + ], + [ + "▁enforcing", + -13.105005264282228 + ], + [ + "▁communion", + -13.105013847351074 + ], + [ + "▁Cent", + -13.10502815246582 + ], + [ + "Tree", + -13.105064392089844 + ], + [ + "Wind", + -13.105177879333496 + ], + [ + "rim", + -13.105219841003418 + ], + [ + "hof", + -13.105314254760742 + ], + [ + "▁irritated", + -13.105527877807615 + ], + [ + "nies", + -13.105621337890623 + ], + [ + "▁Conn", + -13.105664253234863 + ], + [ + "▁owes", + -13.105727195739746 + ], + [ + "▁Rip", + -13.10572910308838 + ], + [ + "▁sac", + -13.105743408203123 + ], + [ + "▁Frances", + -13.105759620666504 + ], + [ + "▁Gucci", + -13.105878829956056 + ], + [ + "Stephen", + -13.106016159057615 + ], + [ + "▁rejuvenate", + -13.106080055236816 + ], + [ + "▁logistical", + -13.106149673461914 + ], + [ + "Anna", + -13.106208801269531 + ], + [ + "▁Feast", + -13.106264114379885 + ], + [ + "▁wee", + -13.106268882751465 + ], + [ + "Zero", + -13.106304168701172 + ], + [ + "128", + -13.10630989074707 + ], + [ + "▁Twilight", + -13.106316566467283 + ], + [ + "▁unanimous", + -13.106438636779783 + ], + [ + "▁131", + -13.106460571289062 + ], + [ + "▁alluring", + -13.10646915435791 + ], + [ + "▁Womens", + -13.106518745422363 + ], + [ + "▁scrapbook", + -13.10662841796875 + ], + [ + "▁Medieval", + -13.106681823730469 + ], + [ + "▁rocked", + -13.106801986694336 + ], + [ + "▁revered", + -13.1068115234375 + ], + [ + "▁berth", + -13.106815338134766 + ], + [ + "Wave", + -13.106840133666992 + ], + [ + "eus", + -13.106955528259276 + ], + [ + "▁CBC", + -13.106998443603516 + ], + [ + "▁billionaire", + -13.107032775878906 + ], + [ + "▁descended", + -13.107128143310549 + ], + [ + "▁Melanie", + -13.10723876953125 + ], + [ + "Ku", + -13.107447624206545 + ], + [ + "sse", + -13.107464790344238 + ], + [ + "▁omissions", + -13.107521057128906 + ], + [ + "EPA", + -13.107704162597656 + ], + [ + "Performance", + -13.107748031616213 + ], + [ + "▁recruiter", + -13.107789993286133 + ], + [ + "hoo", + -13.107797622680664 + ], + [ + "▁redefine", + -13.107815742492676 + ], + [ + "▁Afro", + -13.107833862304688 + ], + [ + "▁Cartoon", + -13.10785675048828 + ], + [ + "fits", + -13.107885360717772 + ], + [ + "▁Amar", + -13.10793685913086 + ], + [ + "were", + -13.108049392700195 + ], + [ + "▁stealth", + -13.108341217041016 + ], + [ + "▁blindly", + -13.10841178894043 + ], + [ + "▁Shopify", + -13.108464241027832 + ], + [ + "▁1923", + -13.108555793762209 + ], + [ + "▁Colony", + -13.108572006225586 + ], + [ + "▁aloe", + -13.108619689941406 + ], + [ + "▁semiconductor", + -13.108624458312988 + ], + [ + "301", + -13.108692169189451 + ], + [ + "▁packers", + -13.108695030212402 + ], + [ + "▁brainstorming", + -13.108793258666992 + ], + [ + "return", + -13.108799934387209 + ], + [ + "▁Bowie", + -13.10890007019043 + ], + [ + "▁Claim", + -13.10899543762207 + ], + [ + "▁HDD", + -13.109000205993652 + ], + [ + "▁Facial", + -13.109086990356444 + ], + [ + "▁Benz", + -13.109098434448242 + ], + [ + "▁slaughter", + -13.10910415649414 + ], + [ + "▁echoed", + -13.109139442443848 + ], + [ + "▁Indie", + -13.109230995178224 + ], + [ + "▁Admit", + -13.10925006866455 + ], + [ + "▁integer", + -13.109315872192385 + ], + [ + "▁prisons", + -13.109329223632812 + ], + [ + "▁Audrey", + -13.109349250793455 + ], + [ + "Error", + -13.109458923339844 + ], + [ + "▁Creed", + -13.109498977661133 + ], + [ + "Target", + -13.10949993133545 + ], + [ + "▁Ravi", + -13.109533309936523 + ], + [ + "▁WHY", + -13.109556198120115 + ], + [ + "▁Blast", + -13.109798431396484 + ], + [ + "▁Workshops", + -13.10995864868164 + ], + [ + "▁objection", + -13.11000156402588 + ], + [ + "metre", + -13.110018730163574 + ], + [ + "▁prophecy", + -13.110055923461914 + ], + [ + "▁concluding", + -13.110057830810549 + ], + [ + "▁Peruvian", + -13.110058784484863 + ], + [ + "▁adversity", + -13.110061645507812 + ], + [ + "▁Illustrated", + -13.110069274902344 + ], + [ + "▁complies", + -13.110069274902344 + ], + [ + "hus", + -13.110072135925291 + ], + [ + "▁Rutgers", + -13.110090255737305 + ], + [ + "▁sanity", + -13.110185623168944 + ], + [ + "▁itchy", + -13.110210418701172 + ], + [ + "▁chiropractor", + -13.11032772064209 + ], + [ + "▁Chest", + -13.110380172729492 + ], + [ + "▁cordless", + -13.110382080078123 + ], + [ + "▁ozone", + -13.110414505004885 + ], + [ + "▁monopoly", + -13.110483169555664 + ], + [ + "Aid", + -13.110533714294434 + ], + [ + "▁Zombie", + -13.110742568969728 + ], + [ + "Meeting", + -13.110751152038574 + ], + [ + "▁sting", + -13.110755920410156 + ], + [ + "▁attendant", + -13.110762596130373 + ], + [ + "▁Williamson", + -13.110841751098633 + ], + [ + "▁Netanyahu", + -13.11091136932373 + ], + [ + "pens", + -13.110950469970703 + ], + [ + "▁inc", + -13.111007690429688 + ], + [ + "▁Pace", + -13.111056327819824 + ], + [ + "grove", + -13.111058235168455 + ], + [ + "▁instill", + -13.11114501953125 + ], + [ + "▁worthless", + -13.111160278320312 + ], + [ + "▁Arcade", + -13.111199378967283 + ], + [ + "Construction", + -13.111204147338867 + ], + [ + "▁Painted", + -13.111266136169434 + ], + [ + "inen", + -13.111394882202148 + ], + [ + "uw", + -13.111427307128906 + ], + [ + "▁embellished", + -13.111440658569336 + ], + [ + "▁heavens", + -13.111455917358398 + ], + [ + "mere", + -13.111499786376951 + ], + [ + "▁Cran", + -13.111541748046877 + ], + [ + "▁Stroke", + -13.111584663391112 + ], + [ + "▁Sn", + -13.111746788024902 + ], + [ + "▁CALL", + -13.111749649047852 + ], + [ + "▁bleak", + -13.111797332763672 + ], + [ + "south", + -13.11180019378662 + ], + [ + "▁multiplication", + -13.111801147460938 + ], + [ + "▁316", + -13.111824989318848 + ], + [ + "▁Harlem", + -13.111879348754885 + ], + [ + "▁Ernest", + -13.111910820007324 + ], + [ + "▁mason", + -13.11195468902588 + ], + [ + "▁802.11", + -13.112070083618164 + ], + [ + "ISE", + -13.11215114593506 + ], + [ + "▁1924", + -13.112226486206056 + ], + [ + "▁purposeful", + -13.112369537353516 + ], + [ + "▁Preschool", + -13.112394332885742 + ], + [ + "acting", + -13.112466812133787 + ], + [ + "▁Mommy", + -13.112568855285645 + ], + [ + "discipline", + -13.112618446350098 + ], + [ + "hereinafter", + -13.112683296203612 + ], + [ + "▁enriching", + -13.112738609313965 + ], + [ + "olin", + -13.112743377685549 + ], + [ + "lund", + -13.112786293029783 + ], + [ + "▁Shed", + -13.112863540649414 + ], + [ + "Mat", + -13.112866401672363 + ], + [ + "review", + -13.112902641296388 + ], + [ + "Software", + -13.112934112548828 + ], + [ + "▁naive", + -13.113158226013184 + ], + [ + "▁statutes", + -13.113301277160645 + ], + [ + "▁disputed", + -13.113313674926758 + ], + [ + "▁slows", + -13.113373756408691 + ], + [ + "▁FOX", + -13.113399505615234 + ], + [ + "▁Judaism", + -13.113442420959473 + ], + [ + "▁irrational", + -13.113443374633787 + ], + [ + "▁allotted", + -13.113451957702637 + ], + [ + "▁choreography", + -13.113508224487305 + ], + [ + "▁scorer", + -13.113564491271973 + ], + [ + "▁exercised", + -13.113686561584473 + ], + [ + "▁Reich", + -13.1137113571167 + ], + [ + "▁Subway", + -13.113739967346191 + ], + [ + "▁Ebay", + -13.11375331878662 + ], + [ + "▁coffin", + -13.113804817199709 + ], + [ + "WB", + -13.113816261291504 + ], + [ + "IER", + -13.113874435424805 + ], + [ + "icing", + -13.11389446258545 + ], + [ + "erator", + -13.113896369934082 + ], + [ + "▁Institutions", + -13.113926887512209 + ], + [ + "▁Pla", + -13.114065170288086 + ], + [ + "Hop", + -13.114079475402832 + ], + [ + "turned", + -13.11411190032959 + ], + [ + "▁ALWAYS", + -13.114177703857422 + ], + [ + "wara", + -13.11430549621582 + ], + [ + "▁grooves", + -13.114319801330566 + ], + [ + "▁DEC", + -13.114344596862791 + ], + [ + "▁185", + -13.114347457885742 + ], + [ + "▁Graves", + -13.11441421508789 + ], + [ + "▁Buffet", + -13.11443328857422 + ], + [ + "▁cyclist", + -13.114521026611328 + ], + [ + "ifier", + -13.114553451538086 + ], + [ + "▁migrated", + -13.114583969116213 + ], + [ + "parent", + -13.11465549468994 + ], + [ + "Physical", + -13.11469268798828 + ], + [ + "▁Rancho", + -13.114822387695312 + ], + [ + "▁reactor", + -13.11489486694336 + ], + [ + "wish", + -13.11500358581543 + ], + [ + "▁lied", + -13.115057945251465 + ], + [ + "▁blower", + -13.115094184875488 + ], + [ + "▁Parmesan", + -13.115140914916992 + ], + [ + "▁eczema", + -13.115140914916992 + ], + [ + "▁tertiary", + -13.115140914916992 + ], + [ + "▁Wharf", + -13.115141868591309 + ], + [ + "gastrointestinal", + -13.115144729614258 + ], + [ + "▁Telugu", + -13.115147590637209 + ], + [ + "▁blurred", + -13.115166664123535 + ], + [ + "▁screwdriver", + -13.115219116210938 + ], + [ + "▁Naomi", + -13.115357398986816 + ], + [ + "▁bitterness", + -13.11539077758789 + ], + [ + "▁emulator", + -13.115474700927734 + ], + [ + "thought", + -13.115524291992188 + ], + [ + "▁Pep", + -13.11552619934082 + ], + [ + "▁Highlights", + -13.115550994873049 + ], + [ + "▁furnishing", + -13.115578651428224 + ], + [ + "▁Kathryn", + -13.115654945373535 + ], + [ + "▁flashlight", + -13.115681648254396 + ], + [ + "▁rumor", + -13.115684509277344 + ], + [ + "▁tractors", + -13.115694046020508 + ], + [ + "▁magically", + -13.115724563598633 + ], + [ + "▁Lightweight", + -13.115756034851074 + ], + [ + "wei", + -13.115774154663086 + ], + [ + "▁Psycho", + -13.11579418182373 + ], + [ + "nez", + -13.115883827209473 + ], + [ + "xa", + -13.115989685058594 + ], + [ + "api", + -13.116007804870604 + ], + [ + "enza", + -13.11607265472412 + ], + [ + "stic", + -13.11616325378418 + ], + [ + "▁commuter", + -13.116168975830078 + ], + [ + "MAC", + -13.11618423461914 + ], + [ + "▁Disorders", + -13.116303443908691 + ], + [ + "▁UFO", + -13.116387367248535 + ], + [ + "▁timelines", + -13.116409301757812 + ], + [ + "▁AGM", + -13.116535186767578 + ], + [ + "Left", + -13.116539001464844 + ], + [ + "tical", + -13.116690635681152 + ], + [ + "tim", + -13.116719245910645 + ], + [ + "files", + -13.116765975952148 + ], + [ + "▁lacrosse", + -13.116841316223145 + ], + [ + "▁tribunal", + -13.116841316223145 + ], + [ + "▁Brotherhood", + -13.116857528686523 + ], + [ + "▁endowment", + -13.116868019104004 + ], + [ + "▁Kristin", + -13.116888999938965 + ], + [ + "hoff", + -13.11693286895752 + ], + [ + "Act", + -13.116938591003418 + ], + [ + "▁foray", + -13.116968154907228 + ], + [ + "3-4", + -13.117097854614258 + ], + [ + "ovi", + -13.117246627807615 + ], + [ + "▁Lesson", + -13.11725902557373 + ], + [ + "▁1870", + -13.117326736450195 + ], + [ + "Sep", + -13.117329597473145 + ], + [ + "▁fasteners", + -13.11733055114746 + ], + [ + "bate", + -13.117409706115724 + ], + [ + "▁adhered", + -13.117432594299316 + ], + [ + "▁oyster", + -13.11750030517578 + ], + [ + "wah", + -13.117507934570312 + ], + [ + "▁peri", + -13.117511749267578 + ], + [ + "▁р", + -13.117521286010742 + ], + [ + "▁Cop", + -13.117524147033691 + ], + [ + "▁emit", + -13.117602348327637 + ], + [ + "▁glide", + -13.117624282836914 + ], + [ + "▁curling", + -13.11773681640625 + ], + [ + "▁postseason", + -13.1177978515625 + ], + [ + "▁1988.", + -13.117825508117676 + ], + [ + "▁slash", + -13.117849349975586 + ], + [ + "▁Chau", + -13.117927551269531 + ], + [ + "▁Candidate", + -13.117947578430176 + ], + [ + "Jean", + -13.117949485778809 + ], + [ + "5/", + -13.118016242980955 + ], + [ + "▁diversify", + -13.118046760559082 + ], + [ + "▁HF", + -13.11807918548584 + ], + [ + "NAS", + -13.118289947509766 + ], + [ + "▁Boiler", + -13.118304252624512 + ], + [ + "▁Blossom", + -13.118313789367676 + ], + [ + "▁340", + -13.11833381652832 + ], + [ + "▁affidavit", + -13.118545532226562 + ], + [ + "▁cascade", + -13.118547439575195 + ], + [ + "aver", + -13.118556022644045 + ], + [ + "▁unreliable", + -13.11855697631836 + ], + [ + "▁Euros", + -13.11864948272705 + ], + [ + "2008", + -13.118685722351074 + ], + [ + "▁banker", + -13.118714332580566 + ], + [ + "▁chinese", + -13.118866920471191 + ], + [ + "▁shrine", + -13.118925094604492 + ], + [ + "ARY", + -13.119098663330078 + ], + [ + "▁fest", + -13.119108200073242 + ], + [ + "cen", + -13.119176864624023 + ], + [ + "▁Sharks", + -13.119206428527832 + ], + [ + "▁slump", + -13.119380950927734 + ], + [ + "▁exits", + -13.119394302368164 + ], + [ + "▁blasting", + -13.119443893432615 + ], + [ + "process", + -13.11948013305664 + ], + [ + "oro", + -13.119497299194336 + ], + [ + "nch", + -13.119589805603027 + ], + [ + "▁Randall", + -13.119726181030272 + ], + [ + "birds", + -13.119837760925291 + ], + [ + "▁Teddy", + -13.119839668273926 + ], + [ + "drawn", + -13.119853019714355 + ], + [ + "▁rut", + -13.119855880737305 + ], + [ + "colour", + -13.119858741760254 + ], + [ + "▁Sham", + -13.119860649108888 + ], + [ + "▁0800", + -13.119887351989746 + ], + [ + "▁jig", + -13.120015144348145 + ], + [ + "▁£50", + -13.120020866394045 + ], + [ + "OM", + -13.120125770568848 + ], + [ + "▁kiddos", + -13.12021255493164 + ], + [ + "▁Jubilee", + -13.120251655578612 + ], + [ + "▁Ventura", + -13.120268821716309 + ], + [ + "▁subscribing", + -13.120279312133787 + ], + [ + "▁rapport", + -13.120285034179688 + ], + [ + "▁AVAILABLE", + -13.12039279937744 + ], + [ + "▁sizable", + -13.120455741882324 + ], + [ + "▁ra", + -13.120502471923828 + ], + [ + "▁knowingly", + -13.120546340942385 + ], + [ + "ws", + -13.120664596557615 + ], + [ + "rone", + -13.120715141296388 + ], + [ + "quel", + -13.120756149291992 + ], + [ + "ved", + -13.12091827392578 + ], + [ + "rf", + -13.12093448638916 + ], + [ + "▁Rehab", + -13.12109661102295 + ], + [ + "▁Appliances", + -13.121214866638184 + ], + [ + "punk", + -13.12121868133545 + ], + [ + "▁ballroom", + -13.121315956115724 + ], + [ + "tory", + -13.12139129638672 + ], + [ + "▁Fellows", + -13.121420860290527 + ], + [ + "▁washers", + -13.121426582336426 + ], + [ + "▁braid", + -13.121489524841309 + ], + [ + "01.", + -13.121552467346191 + ], + [ + "▁rant", + -13.121662139892578 + ], + [ + "▁onward", + -13.121749877929688 + ], + [ + "▁hikers", + -13.121826171875 + ], + [ + "▁evolves", + -13.1218900680542 + ], + [ + "▁constituency", + -13.121960639953612 + ], + [ + "▁multiplied", + -13.121960639953612 + ], + [ + "▁Snapdragon", + -13.121962547302246 + ], + [ + "▁typography", + -13.121962547302246 + ], + [ + "▁Tat", + -13.122000694274902 + ], + [ + "▁MPG", + -13.122015953063965 + ], + [ + "▁loot", + -13.122129440307615 + ], + [ + "BM", + -13.12217617034912 + ], + [ + "▁Carlisle", + -13.1221923828125 + ], + [ + "▁Basics", + -13.12221908569336 + ], + [ + "▁apex", + -13.122270584106444 + ], + [ + "issa", + -13.122346878051758 + ], + [ + "▁Toledo", + -13.122403144836426 + ], + [ + "▁212", + -13.122515678405762 + ], + [ + "information", + -13.12264347076416 + ], + [ + "▁kittens", + -13.122809410095217 + ], + [ + "▁SJ", + -13.122840881347656 + ], + [ + "SV", + -13.122922897338867 + ], + [ + "▁Mani", + -13.122976303100586 + ], + [ + "9.5", + -13.12299633026123 + ], + [ + "▁126", + -13.123016357421877 + ], + [ + "▁......", + -13.12309455871582 + ], + [ + "▁unfolds", + -13.123250961303713 + ], + [ + "Para", + -13.123435974121094 + ], + [ + "linked", + -13.12346363067627 + ], + [ + "▁BG", + -13.123472213745115 + ], + [ + "-2015", + -13.123573303222656 + ], + [ + "▁salts", + -13.123645782470703 + ], + [ + "▁Kathmandu", + -13.12367820739746 + ], + [ + "▁compiling", + -13.123679161071776 + ], + [ + "▁peppermint", + -13.123686790466309 + ], + [ + "▁Appalachian", + -13.123801231384276 + ], + [ + "▁Shaun", + -13.123841285705566 + ], + [ + "▁Gul", + -13.123845100402832 + ], + [ + "▁Tuscany", + -13.123878479003906 + ], + [ + "▁complying", + -13.123971939086914 + ], + [ + "▁Vanessa", + -13.124038696289062 + ], + [ + "eq", + -13.124105453491213 + ], + [ + "▁semantic", + -13.124144554138184 + ], + [ + "bear", + -13.12425136566162 + ], + [ + "▁contrasts", + -13.124428749084473 + ], + [ + "▁ste", + -13.124489784240724 + ], + [ + "▁26-", + -13.124556541442873 + ], + [ + "▁dealings", + -13.124584197998049 + ], + [ + "▁Memo", + -13.124615669250488 + ], + [ + "ulated", + -13.124627113342283 + ], + [ + "▁RJ", + -13.124648094177246 + ], + [ + "▁Comfortable", + -13.124650955200195 + ], + [ + "Tools", + -13.124655723571776 + ], + [ + "▁cosplay", + -13.124703407287598 + ], + [ + "▁Observer", + -13.124725341796877 + ], + [ + "▁Toni", + -13.124736785888672 + ], + [ + "▁Holden", + -13.124774932861328 + ], + [ + "oud", + -13.124791145324709 + ], + [ + "▁rev", + -13.124813079833984 + ], + [ + "mers", + -13.124933242797852 + ], + [ + "holes", + -13.124978065490724 + ], + [ + "pas", + -13.125042915344238 + ], + [ + "rit", + -13.125102996826172 + ], + [ + "rank", + -13.125158309936523 + ], + [ + "GG", + -13.1251859664917 + ], + [ + "▁railing", + -13.125228881835938 + ], + [ + "▁esteem", + -13.125232696533203 + ], + [ + "▁startling", + -13.12525463104248 + ], + [ + "▁BH", + -13.125255584716797 + ], + [ + "pon", + -13.12537956237793 + ], + [ + "▁Filters", + -13.125402450561523 + ], + [ + "▁nanny", + -13.125409126281738 + ], + [ + "▁4.7", + -13.12541961669922 + ], + [ + "▁sanctioned", + -13.125422477722168 + ], + [ + "▁choral", + -13.125428199768066 + ], + [ + "▁offseason", + -13.12543773651123 + ], + [ + "▁Lawson", + -13.125513076782228 + ], + [ + "▁Thick", + -13.125571250915527 + ], + [ + "▁JSON", + -13.125592231750488 + ], + [ + "▁Separate", + -13.125598907470703 + ], + [ + "▁inhibitor", + -13.125645637512209 + ], + [ + "▁Gathering", + -13.125764846801758 + ], + [ + "▁Faucet", + -13.125845909118652 + ], + [ + "kb", + -13.125877380371094 + ], + [ + "▁ancestor", + -13.125914573669434 + ], + [ + "▁merry", + -13.12594985961914 + ], + [ + ":25", + -13.126113891601562 + ], + [ + "▁Meter", + -13.126132011413574 + ], + [ + "▁artistry", + -13.126334190368652 + ], + [ + "cion", + -13.126581192016602 + ], + [ + "▁Goodman", + -13.126595497131348 + ], + [ + "▁Listening", + -13.12667465209961 + ], + [ + "▁nests", + -13.126683235168455 + ], + [ + "▁1926", + -13.126699447631836 + ], + [ + "▁Navi", + -13.126803398132324 + ], + [ + "▁diff", + -13.126882553100586 + ], + [ + "▁troubleshoot", + -13.126893997192385 + ], + [ + "chon", + -13.126906394958496 + ], + [ + "graphic", + -13.126953125 + ], + [ + "▁Correct", + -13.127044677734377 + ], + [ + "capacity", + -13.127071380615234 + ], + [ + "▁monoxide", + -13.127108573913574 + ], + [ + "shed", + -13.127110481262209 + ], + [ + "▁subtly", + -13.12714385986328 + ], + [ + "▁Strait", + -13.127168655395508 + ], + [ + "107", + -13.127253532409668 + ], + [ + "Clearly", + -13.127301216125488 + ], + [ + "▁Kimberly", + -13.12741470336914 + ], + [ + "▁1925", + -13.127431869506836 + ], + [ + "▁sparse", + -13.12747287750244 + ], + [ + "▁Seating", + -13.127544403076172 + ], + [ + "supported", + -13.127582550048828 + ], + [ + "Word", + -13.127705574035645 + ], + [ + "▁arches", + -13.127725601196287 + ], + [ + "▁Antarctica", + -13.127821922302246 + ], + [ + "▁Pel", + -13.127832412719728 + ], + [ + "▁regrets", + -13.127962112426758 + ], + [ + "▁cashier", + -13.12797737121582 + ], + [ + "▁specifying", + -13.128036499023438 + ], + [ + "▁humane", + -13.12803840637207 + ], + [ + "coloured", + -13.1281156539917 + ], + [ + "▁offended", + -13.128213882446287 + ], + [ + "sche", + -13.128229141235352 + ], + [ + "▁Hag", + -13.12824535369873 + ], + [ + "és", + -13.12827205657959 + ], + [ + "▁restrooms", + -13.12829303741455 + ], + [ + "Wa", + -13.128325462341309 + ], + [ + "▁pals", + -13.128403663635254 + ], + [ + "Europe", + -13.128548622131348 + ], + [ + "▁Adirondack", + -13.128594398498535 + ], + [ + "▁realtor", + -13.128621101379396 + ], + [ + "Regarding", + -13.128670692443848 + ], + [ + "icon", + -13.128674507141112 + ], + [ + "▁HMRC", + -13.128786087036133 + ], + [ + "▁debating", + -13.128828048706056 + ], + [ + "▁hypothetical", + -13.128828048706056 + ], + [ + "▁provocative", + -13.128828048706056 + ], + [ + "▁swoop", + -13.128839492797852 + ], + [ + "▁amps", + -13.12885856628418 + ], + [ + "▁sentencing", + -13.128864288330078 + ], + [ + "▁originate", + -13.128870010375977 + ], + [ + "▁imprisoned", + -13.12889575958252 + ], + [ + "▁exert", + -13.12894344329834 + ], + [ + "union", + -13.128944396972656 + ], + [ + "▁THANK", + -13.129079818725586 + ], + [ + "▁planks", + -13.129091262817385 + ], + [ + "Edge", + -13.129135131835938 + ], + [ + "▁reunited", + -13.129281997680664 + ], + [ + "▁$24", + -13.12936305999756 + ], + [ + "▁1921", + -13.129388809204102 + ], + [ + "▁disagreement", + -13.129434585571287 + ], + [ + "Payment", + -13.12956714630127 + ], + [ + "PB", + -13.129616737365724 + ], + [ + "▁PSU", + -13.129640579223633 + ], + [ + "lix", + -13.12967300415039 + ], + [ + "▁catheter", + -13.129674911499023 + ], + [ + "Audio", + -13.129753112792969 + ], + [ + "lash", + -13.129754066467283 + ], + [ + "▁bomber", + -13.129915237426758 + ], + [ + "▁APA", + -13.12999153137207 + ], + [ + "▁Electricity", + -13.13011646270752 + ], + [ + "NW", + -13.13015842437744 + ], + [ + "▁Kart", + -13.130309104919434 + ], + [ + "▁implementations", + -13.130426406860352 + ], + [ + "elect", + -13.130456924438477 + ], + [ + ",''", + -13.130510330200195 + ], + [ + "▁Chesapeake", + -13.130522727966309 + ], + [ + "▁contempt", + -13.130552291870115 + ], + [ + "▁mermaid", + -13.13055419921875 + ], + [ + "▁kidnapped", + -13.13056182861328 + ], + [ + "▁wrath", + -13.130573272705078 + ], + [ + "▁alkaline", + -13.130576133728027 + ], + [ + "▁Scottsdale", + -13.130579948425291 + ], + [ + "▁edgy", + -13.13058376312256 + ], + [ + "▁RAW", + -13.130819320678713 + ], + [ + "▁Editorial", + -13.130958557128906 + ], + [ + "▁COP", + -13.131006240844728 + ], + [ + "256", + -13.131026268005373 + ], + [ + "ult", + -13.13110065460205 + ], + [ + "▁biometric", + -13.131105422973633 + ], + [ + "▁Daytona", + -13.13111972808838 + ], + [ + "▁Cory", + -13.131153106689451 + ], + [ + "▁retina", + -13.1311616897583 + ], + [ + "▁interchange", + -13.131223678588867 + ], + [ + "▁Lamar", + -13.131227493286133 + ], + [ + "▁Placement", + -13.13122844696045 + ], + [ + "▁Romantic", + -13.131352424621582 + ], + [ + "ndi", + -13.131412506103516 + ], + [ + "Mill", + -13.131423950195312 + ], + [ + "iling", + -13.131467819213867 + ], + [ + "item", + -13.131507873535156 + ], + [ + "▁Narrow", + -13.131638526916504 + ], + [ + "▁pioneered", + -13.13167667388916 + ], + [ + "▁chloride", + -13.131684303283691 + ], + [ + "▁Lose", + -13.131718635559082 + ], + [ + "▁Disclosure", + -13.131768226623535 + ], + [ + "▁Huang", + -13.131786346435549 + ], + [ + "▁knight", + -13.131952285766602 + ], + [ + "▁Playa", + -13.13209056854248 + ], + [ + "grave", + -13.132230758666992 + ], + [ + "yourself", + -13.132243156433104 + ], + [ + "▁Months", + -13.132257461547852 + ], + [ + "▁Swarovski", + -13.132279396057127 + ], + [ + "▁cumbersome", + -13.132279396057127 + ], + [ + "▁disabling", + -13.132279396057127 + ], + [ + "▁tbsp", + -13.13228988647461 + ], + [ + "▁waving", + -13.132290840148926 + ], + [ + "▁Hancock", + -13.13229274749756 + ], + [ + "????", + -13.13231086730957 + ], + [ + "route", + -13.132319450378418 + ], + [ + "▁stirred", + -13.132394790649414 + ], + [ + "Engine", + -13.13239860534668 + ], + [ + "nothing", + -13.132412910461426 + ], + [ + "▁NSF", + -13.132440567016602 + ], + [ + "▁Entrepreneur", + -13.132492065429688 + ], + [ + "▁Uniform", + -13.132505416870115 + ], + [ + "▁Spacious", + -13.13254165649414 + ], + [ + "lau", + -13.132549285888672 + ], + [ + "▁Tray", + -13.132569313049316 + ], + [ + "▁dives", + -13.132576942443848 + ], + [ + "▁playable", + -13.132609367370604 + ], + [ + "▁Satisfaction", + -13.132680892944336 + ], + [ + "FD", + -13.13277530670166 + ], + [ + "▁deficits", + -13.132816314697266 + ], + [ + "vita", + -13.132858276367188 + ], + [ + "update", + -13.133079528808594 + ], + [ + "▁Stu", + -13.133244514465332 + ], + [ + "▁nighttime", + -13.133257865905762 + ], + [ + "iation", + -13.133271217346191 + ], + [ + "umba", + -13.13332462310791 + ], + [ + "▁provoke", + -13.133416175842283 + ], + [ + "▁Moran", + -13.133452415466309 + ], + [ + "?).", + -13.13346004486084 + ], + [ + "▁sweeter", + -13.133485794067385 + ], + [ + "zia", + -13.133527755737305 + ], + [ + "▁scout", + -13.13353157043457 + ], + [ + "▁BMI", + -13.133554458618164 + ], + [ + "▁gentlemen", + -13.13363265991211 + ], + [ + "▁indian", + -13.133708953857422 + ], + [ + "▁TL", + -13.133796691894531 + ], + [ + "▁landowners", + -13.133909225463867 + ], + [ + "iger", + -13.133923530578612 + ], + [ + "▁Direction", + -13.133987426757812 + ], + [ + "▁fluoride", + -13.13400936126709 + ], + [ + "▁luscious", + -13.13400936126709 + ], + [ + "▁Gupta", + -13.13401222229004 + ], + [ + "ceiling", + -13.134041786193848 + ], + [ + "▁Ramadan", + -13.13405990600586 + ], + [ + "▁SUPER", + -13.134061813354492 + ], + [ + "▁UEFA", + -13.134085655212402 + ], + [ + "▁Angelo", + -13.134137153625488 + ], + [ + "▁Elena", + -13.134248733520508 + ], + [ + "▁Thoughts", + -13.13427448272705 + ], + [ + "goal", + -13.134355545043944 + ], + [ + "▁sentimental", + -13.13438892364502 + ], + [ + "▁squirrels", + -13.134394645690918 + ], + [ + "Pin", + -13.13441562652588 + ], + [ + "fight", + -13.13448429107666 + ], + [ + "▁Connected", + -13.134530067443848 + ], + [ + "▁accommodates", + -13.134769439697266 + ], + [ + "guided", + -13.13486099243164 + ], + [ + "▁marquee", + -13.134870529174805 + ], + [ + "▁168", + -13.134968757629396 + ], + [ + "▁Dishwasher", + -13.135051727294922 + ], + [ + "▁Abby", + -13.135108947753906 + ], + [ + "boarding", + -13.135169982910156 + ], + [ + "systems", + -13.135248184204102 + ], + [ + "▁Lakers", + -13.13531494140625 + ], + [ + "▁criticize", + -13.135358810424805 + ], + [ + "▁(2017)", + -13.135366439819336 + ], + [ + "▁2050", + -13.135397911071776 + ], + [ + "▁selfies", + -13.135401725769045 + ], + [ + "▁Lets", + -13.13540744781494 + ], + [ + "▁Statistical", + -13.13547420501709 + ], + [ + "lat", + -13.13569450378418 + ], + [ + "▁bog", + -13.135725021362305 + ], + [ + "▁Diocese", + -13.1357421875 + ], + [ + "▁resembling", + -13.1357421875 + ], + [ + "▁modalities", + -13.135747909545898 + ], + [ + "▁plight", + -13.135797500610352 + ], + [ + "▁registrar", + -13.135823249816896 + ], + [ + "▁Clearance", + -13.135836601257324 + ], + [ + "▁airtight", + -13.135882377624512 + ], + [ + "FG", + -13.135936737060549 + ], + [ + "▁scraping", + -13.135940551757812 + ], + [ + "▁outsourced", + -13.135986328125 + ], + [ + "getting", + -13.136027336120604 + ], + [ + "Joseph", + -13.136054039001465 + ], + [ + "▁incense", + -13.136067390441896 + ], + [ + "▁Bonds", + -13.136173248291016 + ], + [ + "▁Yelp", + -13.136286735534668 + ], + [ + "▁65%", + -13.136502265930176 + ], + [ + "▁bursts", + -13.136621475219728 + ], + [ + "▁electrons", + -13.13669776916504 + ], + [ + "▁wandered", + -13.136701583862305 + ], + [ + "Girl", + -13.136794090270996 + ], + [ + "cci", + -13.136797904968262 + ], + [ + "▁Concepts", + -13.13681983947754 + ], + [ + "135", + -13.137028694152832 + ], + [ + "hear", + -13.137282371520996 + ], + [ + "TED", + -13.137301445007324 + ], + [ + "▁Supporting", + -13.137325286865234 + ], + [ + "ality", + -13.137409210205078 + ], + [ + "▁reinforcing", + -13.137478828430176 + ], + [ + "▁rejuvenation", + -13.137478828430176 + ], + [ + "▁lumbar", + -13.137479782104492 + ], + [ + "▁positivity", + -13.137483596801758 + ], + [ + "▁caste", + -13.13748550415039 + ], + [ + "▁Fro", + -13.137495994567873 + ], + [ + "▁richly", + -13.13758373260498 + ], + [ + "▁Tyson", + -13.137592315673828 + ], + [ + "▁ruby", + -13.13762378692627 + ], + [ + "▁exposures", + -13.137764930725098 + ], + [ + "▁124", + -13.137821197509766 + ], + [ + "ime", + -13.137887001037598 + ], + [ + "▁tangy", + -13.138016700744627 + ], + [ + "▁Unlock", + -13.13822078704834 + ], + [ + "▁Publication", + -13.138237953186035 + ], + [ + "bourne", + -13.13826847076416 + ], + [ + "▁customizing", + -13.13828182220459 + ], + [ + "▁ii", + -13.138401985168455 + ], + [ + "lak", + -13.138422966003418 + ], + [ + "▁faithfully", + -13.138483047485352 + ], + [ + "▁Trademark", + -13.138592720031738 + ], + [ + "cca", + -13.13860321044922 + ], + [ + "obo", + -13.13860321044922 + ], + [ + "▁attends", + -13.138626098632812 + ], + [ + "▁Docker", + -13.138713836669922 + ], + [ + "▁Mondays", + -13.138750076293944 + ], + [ + "▁ransomware", + -13.138808250427246 + ], + [ + "▁sacks", + -13.138808250427246 + ], + [ + "▁Prescription", + -13.138840675354004 + ], + [ + "uru", + -13.138864517211914 + ], + [ + "winner", + -13.138882637023926 + ], + [ + "▁Folding", + -13.138912200927734 + ], + [ + "▁interviewer", + -13.138920783996582 + ], + [ + "▁Sym", + -13.139022827148438 + ], + [ + "▁philosopher", + -13.139103889465332 + ], + [ + "▁distilled", + -13.13917636871338 + ], + [ + "▁Cunningham", + -13.139217376708984 + ], + [ + "▁ordained", + -13.1392183303833 + ], + [ + "▁soulful", + -13.139235496520996 + ], + [ + "▁geology", + -13.13926124572754 + ], + [ + "▁prohibits", + -13.139280319213867 + ], + [ + "▁motherhood", + -13.139434814453123 + ], + [ + "▁£8", + -13.139533042907717 + ], + [ + "spire", + -13.139551162719728 + ], + [ + "Gal", + -13.13963794708252 + ], + [ + "rather", + -13.139762878417969 + ], + [ + "OFF", + -13.13984489440918 + ], + [ + "▁complication", + -13.139857292175291 + ], + [ + "gt", + -13.13985824584961 + ], + [ + "▁Eg", + -13.139883041381836 + ], + [ + "▁BUY", + -13.14003849029541 + ], + [ + "▁bassist", + -13.140161514282228 + ], + [ + "▁Wick", + -13.140262603759766 + ], + [ + "SET", + -13.140298843383787 + ], + [ + "htm", + -13.140379905700684 + ], + [ + "Reduce", + -13.140451431274414 + ], + [ + "▁mingle", + -13.140464782714844 + ], + [ + "▁adorn", + -13.14047622680664 + ], + [ + "▁choke", + -13.140485763549805 + ], + [ + "▁strained", + -13.140510559082031 + ], + [ + "▁replicated", + -13.14072036743164 + ], + [ + "▁hashtags", + -13.14073085784912 + ], + [ + "▁youngster", + -13.140807151794434 + ], + [ + "▁pee", + -13.140825271606444 + ], + [ + "▁spheres", + -13.141020774841309 + ], + [ + "▁burglary", + -13.141124725341797 + ], + [ + "izz", + -13.141175270080566 + ], + [ + "▁disgusting", + -13.141197204589844 + ], + [ + "▁27-", + -13.141314506530762 + ], + [ + "▁Rough", + -13.141339302062988 + ], + [ + "▁Heck", + -13.141420364379885 + ], + [ + "Unit", + -13.141444206237791 + ], + [ + "odi", + -13.141462326049805 + ], + [ + "▁Luc", + -13.141480445861816 + ], + [ + "TING", + -13.141530990600586 + ], + [ + "▁Quarterly", + -13.1415433883667 + ], + [ + "▁flawlessly", + -13.141544342041016 + ], + [ + "▁...\"", + -13.141545295715332 + ], + [ + "1200", + -13.14166259765625 + ], + [ + "▁practicality", + -13.141834259033203 + ], + [ + "dead", + -13.14186954498291 + ], + [ + "▁fooled", + -13.141874313354492 + ], + [ + "▁dans", + -13.141897201538086 + ], + [ + "▁postcode", + -13.14200210571289 + ], + [ + "”—", + -13.142047882080078 + ], + [ + "titled", + -13.142072677612305 + ], + [ + "▁Venezuelan", + -13.142114639282228 + ], + [ + "▁barred", + -13.142114639282228 + ], + [ + "▁fused", + -13.14224624633789 + ], + [ + "▁DOC", + -13.14228630065918 + ], + [ + "Magic", + -13.142362594604492 + ], + [ + "▁4.6", + -13.142379760742188 + ], + [ + "ific", + -13.142416000366213 + ], + [ + "rooms", + -13.142446517944336 + ], + [ + "▁topper", + -13.142533302307127 + ], + [ + "▁za", + -13.142614364624023 + ], + [ + "▁catalogs", + -13.14266586303711 + ], + [ + "32.", + -13.14266872406006 + ], + [ + "▁rollout", + -13.142669677734377 + ], + [ + "▁Texans", + -13.142714500427246 + ], + [ + "▁Sabbath", + -13.142719268798828 + ], + [ + "▁unbeaten", + -13.142723083496094 + ], + [ + "▁Gir", + -13.142729759216309 + ], + [ + "▁brink", + -13.142730712890623 + ], + [ + "▁wordpress", + -13.142763137817385 + ], + [ + "▁Litigation", + -13.1427640914917 + ], + [ + "▁Evergreen", + -13.142766952514648 + ], + [ + "Abstract", + -13.142770767211914 + ], + [ + "ect", + -13.142786979675291 + ], + [ + "Florida", + -13.142895698547363 + ], + [ + "▁stressing", + -13.142914772033691 + ], + [ + "Prime", + -13.143024444580078 + ], + [ + "filter", + -13.143242835998535 + ], + [ + "▁Franz", + -13.143296241760254 + ], + [ + "▁moderated", + -13.143412590026855 + ], + [ + "▁rye", + -13.143445014953612 + ], + [ + "harm", + -13.143461227416992 + ], + [ + "▁£9", + -13.14349365234375 + ], + [ + "▁Noel", + -13.14357566833496 + ], + [ + "▁urges", + -13.14362621307373 + ], + [ + "▁Cascade", + -13.14365291595459 + ], + [ + "▁speculate", + -13.143857955932615 + ], + [ + "▁globalization", + -13.14399242401123 + ], + [ + "oids", + -13.144160270690918 + ], + [ + "pun", + -13.144232749938965 + ], + [ + "▁recurrent", + -13.144258499145508 + ], + [ + "Solar", + -13.144339561462402 + ], + [ + "▁pellets", + -13.144343376159668 + ], + [ + "▁24\"", + -13.144362449645996 + ], + [ + "▁improvisation", + -13.144362449645996 + ], + [ + "▁tame", + -13.144417762756348 + ], + [ + "▁sterile", + -13.144455909729004 + ], + [ + "▁extraordinarily", + -13.14445972442627 + ], + [ + "▁brittle", + -13.144460678100586 + ], + [ + "▁Jacques", + -13.144476890563965 + ], + [ + "▁penned", + -13.144503593444824 + ], + [ + "▁birch", + -13.14450454711914 + ], + [ + "opt", + -13.144550323486328 + ], + [ + "▁Avi", + -13.144583702087402 + ], + [ + "▁Seek", + -13.14458465576172 + ], + [ + "▁Clothes", + -13.144622802734377 + ], + [ + "440", + -13.144675254821776 + ], + [ + "▁lash", + -13.144675254821776 + ], + [ + "awaited", + -13.144676208496094 + ], + [ + "▁Boris", + -13.1447114944458 + ], + [ + "▁Fool", + -13.144781112670898 + ], + [ + "▁Afterwards", + -13.144794464111328 + ], + [ + "▁chewy", + -13.145015716552734 + ], + [ + "▁Conrad", + -13.14511489868164 + ], + [ + "▁congregations", + -13.145139694213867 + ], + [ + "▁truffle", + -13.145148277282717 + ], + [ + "▁forklift", + -13.145182609558104 + ], + [ + "tern", + -13.145183563232422 + ], + [ + "3.3", + -13.14524269104004 + ], + [ + "CAM", + -13.145292282104492 + ], + [ + "▁7.0", + -13.145305633544922 + ], + [ + "▁Petro", + -13.145350456237791 + ], + [ + "▁Rae", + -13.145612716674805 + ], + [ + "Band", + -13.145636558532717 + ], + [ + "▁tre", + -13.145638465881348 + ], + [ + "▁Cur", + -13.145684242248535 + ], + [ + "108", + -13.145713806152344 + ], + [ + "▁extinct", + -13.145766258239746 + ], + [ + "▁workaround", + -13.14585018157959 + ], + [ + "Account", + -13.146005630493164 + ], + [ + "▁Senators", + -13.146050453186035 + ], + [ + "▁Languages", + -13.146061897277832 + ], + [ + "▁pneumatic", + -13.146204948425291 + ], + [ + "▁beauties", + -13.14620876312256 + ], + [ + "shelf", + -13.146220207214355 + ], + [ + "▁genocide", + -13.146349906921388 + ], + [ + "▁Barclays", + -13.146373748779297 + ], + [ + "▁Brun", + -13.146403312683104 + ], + [ + "▁proportional", + -13.146408081054688 + ], + [ + "▁Ashton", + -13.146434783935549 + ], + [ + "udi", + -13.146842956542969 + ], + [ + "▁entitlement", + -13.14692497253418 + ], + [ + "-44", + -13.146953582763672 + ], + [ + "▁Experiment", + -13.14713191986084 + ], + [ + "▁raids", + -13.147252082824709 + ], + [ + "▁Archer", + -13.147266387939451 + ], + [ + "▁conceive", + -13.14736557006836 + ], + [ + "▁Badge", + -13.147400856018066 + ], + [ + "mite", + -13.147500991821287 + ], + [ + "▁thoughtfully", + -13.14758586883545 + ], + [ + "▁Cruises", + -13.147645950317385 + ], + [ + "WOW", + -13.1476469039917 + ], + [ + "bass", + -13.147808074951172 + ], + [ + "4%", + -13.147828102111816 + ], + [ + "▁simplifies", + -13.147958755493164 + ], + [ + "▁Hanoi", + -13.147981643676758 + ], + [ + "▁Mosque", + -13.147992134094238 + ], + [ + "▁misplaced", + -13.148052215576172 + ], + [ + "▁clad", + -13.148090362548828 + ], + [ + "formed", + -13.148119926452637 + ], + [ + "▁CrossFit", + -13.148202896118164 + ], + [ + "▁Experimental", + -13.14820671081543 + ], + [ + "▁Elijah", + -13.148324966430664 + ], + [ + "ake", + -13.148341178894045 + ], + [ + "Garden", + -13.14836883544922 + ], + [ + "▁laundering", + -13.148390769958496 + ], + [ + "▁improperly", + -13.148397445678713 + ], + [ + "identifying", + -13.148431777954102 + ], + [ + "▁HIPAA", + -13.148545265197754 + ], + [ + "▁crafty", + -13.14861297607422 + ], + [ + "▁Bees", + -13.148677825927734 + ], + [ + "▁Hostel", + -13.148704528808594 + ], + [ + "▁attaches", + -13.148736953735352 + ], + [ + "▁23-", + -13.148837089538574 + ], + [ + "▁surfacing", + -13.148859024047852 + ], + [ + "▁Trout", + -13.148896217346191 + ], + [ + "different", + -13.149352073669434 + ], + [ + "▁mandates", + -13.14936637878418 + ], + [ + "▁MH", + -13.14947509765625 + ], + [ + "Identify", + -13.149559020996094 + ], + [ + "▁Hanna", + -13.149598121643066 + ], + [ + "▁Corona", + -13.149691581726074 + ], + [ + "▁summaries", + -13.1497163772583 + ], + [ + "▁Xperia", + -13.149717330932615 + ], + [ + "▁Venetian", + -13.149718284606934 + ], + [ + "▁Hobby", + -13.149755477905272 + ], + [ + "Stage", + -13.1498441696167 + ], + [ + "▁Slate", + -13.149883270263672 + ], + [ + "▁Chronicles", + -13.149965286254885 + ], + [ + "▁Economist", + -13.150015830993652 + ], + [ + "provoking", + -13.150064468383787 + ], + [ + "▁2018-19", + -13.150116920471191 + ], + [ + "▁wrapper", + -13.15012550354004 + ], + [ + "Inspired", + -13.150165557861328 + ], + [ + "▁unveiling", + -13.150184631347656 + ], + [ + "▁RR", + -13.150296211242676 + ], + [ + "▁Lilly", + -13.150298118591309 + ], + [ + "▁rafting", + -13.15045928955078 + ], + [ + "▁Detection", + -13.150492668151855 + ], + [ + "▁motel", + -13.15054988861084 + ], + [ + "mina", + -13.15060043334961 + ], + [ + "▁Handling", + -13.150629997253418 + ], + [ + "005", + -13.150799751281738 + ], + [ + "▁nerd", + -13.150809288024902 + ], + [ + "▁blah", + -13.150834083557127 + ], + [ + "▁eradicate", + -13.15087604522705 + ], + [ + "▁Vodafone", + -13.150914192199709 + ], + [ + "▁Liberia", + -13.15096378326416 + ], + [ + "Santa", + -13.15096950531006 + ], + [ + "▁Commissioners", + -13.150997161865234 + ], + [ + "2.4", + -13.151008605957031 + ], + [ + "▁spiced", + -13.151089668273926 + ], + [ + "▁Respect", + -13.151095390319824 + ], + [ + "▁Suzanne", + -13.15135097503662 + ], + [ + "▁Vis", + -13.15138053894043 + ], + [ + "▁menopause", + -13.151476860046388 + ], + [ + "▁turbulent", + -13.151476860046388 + ], + [ + "▁Sculpture", + -13.151477813720703 + ], + [ + "▁Jensen", + -13.15149211883545 + ], + [ + "▁Vor", + -13.151625633239746 + ], + [ + "▁salute", + -13.15168571472168 + ], + [ + "MBA", + -13.15178394317627 + ], + [ + "Bet", + -13.151803970336914 + ], + [ + "▁conceded", + -13.151914596557615 + ], + [ + "▁$21", + -13.1519193649292 + ], + [ + "▁ridden", + -13.151999473571776 + ], + [ + "history", + -13.152164459228516 + ], + [ + "▁Gomez", + -13.15217113494873 + ], + [ + "▁Yorker", + -13.15236473083496 + ], + [ + "▁solicit", + -13.152679443359377 + ], + [ + "▁fortunately", + -13.152740478515623 + ], + [ + "▁Pharmaceuticals", + -13.152776718139648 + ], + [ + "▁lacquer", + -13.152843475341797 + ], + [ + "▁seedlings", + -13.15302562713623 + ], + [ + "▁Riviera", + -13.153240203857422 + ], + [ + "▁intangible", + -13.153240203857422 + ], + [ + "Secure", + -13.153346061706545 + ], + [ + "▁aligning", + -13.153386116027832 + ], + [ + "general", + -13.153457641601562 + ], + [ + "▁AX", + -13.153499603271484 + ], + [ + "▁Router", + -13.153531074523926 + ], + [ + "UPDATE", + -13.153557777404783 + ], + [ + "pped", + -13.153719902038574 + ], + [ + "▁greener", + -13.153722763061523 + ], + [ + "▁halo", + -13.153731346130373 + ], + [ + "▁touted", + -13.153733253479004 + ], + [ + "LAN", + -13.153759956359863 + ], + [ + "▁Bard", + -13.153814315795898 + ], + [ + "earned", + -13.153825759887695 + ], + [ + "children", + -13.153857231140137 + ], + [ + "▁walkway", + -13.15402603149414 + ], + [ + "▁Vampire", + -13.154133796691896 + ], + [ + "▁corps", + -13.15414810180664 + ], + [ + "▁Twelve", + -13.15424346923828 + ], + [ + "▁swag", + -13.15430736541748 + ], + [ + "nit", + -13.154315948486328 + ], + [ + "▁picky", + -13.154394149780272 + ], + [ + "▁fave", + -13.154440879821776 + ], + [ + "ogen", + -13.154474258422852 + ], + [ + "▁Artisan", + -13.154483795166016 + ], + [ + "bt", + -13.154559135437012 + ], + [ + "▁Gail", + -13.154581069946287 + ], + [ + "▁Jessie", + -13.154617309570312 + ], + [ + "▁Malawi", + -13.154706001281738 + ], + [ + "▁Ein", + -13.1547212600708 + ], + [ + "▁Interiors", + -13.154726028442385 + ], + [ + "▁Apparel", + -13.154757499694824 + ], + [ + "▁Brave", + -13.154791831970217 + ], + [ + "▁Fleming", + -13.154953956604004 + ], + [ + "▁Mozart", + -13.155021667480469 + ], + [ + "nova", + -13.155035018920898 + ], + [ + "▁boredom", + -13.155041694641112 + ], + [ + "▁(60", + -13.155056953430176 + ], + [ + "▁preparedness", + -13.15510368347168 + ], + [ + "▁Becker", + -13.155393600463867 + ], + [ + "▁Techno", + -13.155403137207031 + ], + [ + "▁armies", + -13.155444145202637 + ], + [ + "▁Qualified", + -13.15557861328125 + ], + [ + "always", + -13.155582427978516 + ], + [ + "▁academically", + -13.155648231506348 + ], + [ + "▁Sheep", + -13.155653953552246 + ], + [ + "▁supple", + -13.155806541442873 + ], + [ + "▁Nazis", + -13.155827522277832 + ], + [ + "▁Flame", + -13.15587043762207 + ], + [ + "▁prerequisite", + -13.15588092803955 + ], + [ + "Copy", + -13.155888557434082 + ], + [ + "abad", + -13.155922889709473 + ], + [ + "▁Countertops", + -13.155933380126951 + ], + [ + "▁airing", + -13.156217575073242 + ], + [ + "▁MINI", + -13.15622901916504 + ], + [ + "▁Caravan", + -13.156235694885254 + ], + [ + "▁JE", + -13.15642547607422 + ], + [ + "▁Sociology", + -13.15644073486328 + ], + [ + "inches", + -13.156534194946287 + ], + [ + "▁Nag", + -13.15661334991455 + ], + [ + "▁1860", + -13.156756401062012 + ], + [ + "▁Essays", + -13.156758308410645 + ], + [ + "▁classify", + -13.15676498413086 + ], + [ + "▁Auditorium", + -13.156786918640137 + ], + [ + "▁metropolis", + -13.156786918640137 + ], + [ + "▁Influence", + -13.156793594360352 + ], + [ + "▁Uttar", + -13.15682888031006 + ], + [ + "ORE", + -13.156829833984377 + ], + [ + "▁supplementation", + -13.157033920288086 + ], + [ + "▁mountainous", + -13.157038688659668 + ], + [ + "109", + -13.157050132751465 + ], + [ + "1.6", + -13.157100677490234 + ], + [ + "▁revamped", + -13.157155990600586 + ], + [ + "▁dec", + -13.157170295715332 + ], + [ + "▁Friendship", + -13.157177925109863 + ], + [ + "sector", + -13.157224655151367 + ], + [ + "TAL", + -13.157233238220217 + ], + [ + "excluding", + -13.157316207885742 + ], + [ + "density", + -13.157325744628906 + ], + [ + "gene", + -13.157340049743652 + ], + [ + "▁screams", + -13.157344818115234 + ], + [ + "▁bouquets", + -13.157462120056152 + ], + [ + "mentioned", + -13.157464981079102 + ], + [ + "▁mortal", + -13.157519340515137 + ], + [ + "▁Basel", + -13.157654762268066 + ], + [ + "▁ti", + -13.157933235168455 + ], + [ + "▁Burma", + -13.157950401306152 + ], + [ + "▁marched", + -13.15796184539795 + ], + [ + "account", + -13.15805435180664 + ], + [ + "ckle", + -13.158122062683104 + ], + [ + "GER", + -13.158238410949709 + ], + [ + "▁lug", + -13.158291816711426 + ], + [ + "▁virtues", + -13.15829849243164 + ], + [ + "▁carport", + -13.15830421447754 + ], + [ + "▁Tomato", + -13.15837574005127 + ], + [ + "Sen", + -13.158439636230469 + ], + [ + "nga", + -13.158480644226074 + ], + [ + "▁grime", + -13.15849494934082 + ], + [ + "▁climax", + -13.158552169799805 + ], + [ + "experience", + -13.158615112304688 + ], + [ + "▁succulents", + -13.15864372253418 + ], + [ + "▁riches", + -13.158796310424805 + ], + [ + "rable", + -13.15879726409912 + ], + [ + "▁regimes", + -13.158856391906738 + ], + [ + "▁quart", + -13.158864974975586 + ], + [ + "-36", + -13.158930778503418 + ], + [ + "▁Stockton", + -13.15895175933838 + ], + [ + "▁hardy", + -13.158980369567873 + ], + [ + "claim", + -13.159058570861816 + ], + [ + "▁widen", + -13.159181594848633 + ], + [ + "authored", + -13.159235954284668 + ], + [ + "▁perched", + -13.159250259399414 + ], + [ + "enburg", + -13.159256935119627 + ], + [ + "eren", + -13.159332275390623 + ], + [ + "ologists", + -13.159343719482422 + ], + [ + "▁AH", + -13.159405708312988 + ], + [ + "▁Leap", + -13.159441947937012 + ], + [ + "▁Heated", + -13.159465789794922 + ], + [ + "▁Amelia", + -13.159642219543455 + ], + [ + "▁AMP", + -13.159658432006836 + ], + [ + "▁Kho", + -13.159683227539062 + ], + [ + "▁markup", + -13.159794807434082 + ], + [ + "Fri", + -13.159829139709473 + ], + [ + "▁motorway", + -13.1599760055542 + ], + [ + "▁fascia", + -13.16015911102295 + ], + [ + "▁Wichita", + -13.16025161743164 + ], + [ + "▁Cinderella", + -13.160290718078612 + ], + [ + "▁restless", + -13.160307884216309 + ], + [ + "▁Dundee", + -13.16033172607422 + ], + [ + "▁Stafford", + -13.16036891937256 + ], + [ + "joy", + -13.160375595092772 + ], + [ + "▁Yellowstone", + -13.160415649414062 + ], + [ + "▁Bha", + -13.160433769226074 + ], + [ + "▁microbes", + -13.160444259643556 + ], + [ + "▁thinning", + -13.160463333129885 + ], + [ + "▁hoops", + -13.160642623901367 + ], + [ + "▁Technique", + -13.160694122314451 + ], + [ + "▁mourning", + -13.16071319580078 + ], + [ + "▁spelled", + -13.160736083984377 + ], + [ + "▁ACL", + -13.160846710205078 + ], + [ + "▁scouting", + -13.160850524902344 + ], + [ + "tico", + -13.16085720062256 + ], + [ + "▁entail", + -13.160918235778809 + ], + [ + "Already", + -13.160971641540527 + ], + [ + "▁bur", + -13.16098976135254 + ], + [ + "▁sprinkler", + -13.16111660003662 + ], + [ + "▁Admiral", + -13.16115951538086 + ], + [ + "▁Literacy", + -13.161182403564451 + ], + [ + "▁PU", + -13.161327362060549 + ], + [ + "hala", + -13.161330223083496 + ], + [ + "▁oysters", + -13.161426544189451 + ], + [ + "▁fra", + -13.161484718322754 + ], + [ + "▁Tao", + -13.161510467529297 + ], + [ + "▁alerted", + -13.16156768798828 + ], + [ + "▁Ama", + -13.16158390045166 + ], + [ + "▁trainee", + -13.161606788635254 + ], + [ + "▁adverts", + -13.161653518676758 + ], + [ + "yd", + -13.16166877746582 + ], + [ + "moon", + -13.1616792678833 + ], + [ + "nde", + -13.16169548034668 + ], + [ + "▁Boyle", + -13.161696434020996 + ], + [ + "bby", + -13.161705017089844 + ], + [ + "Jon", + -13.161794662475586 + ], + [ + "wait", + -13.1618013381958 + ], + [ + "▁301", + -13.161822319030762 + ], + [ + "▁poorer", + -13.161871910095217 + ], + [ + "finals", + -13.161947250366213 + ], + [ + "Founder", + -13.162034034729004 + ], + [ + "▁Steak", + -13.162104606628418 + ], + [ + "▁Jacuzzi", + -13.162105560302734 + ], + [ + "▁hygienic", + -13.162105560302734 + ], + [ + "▁slammed", + -13.162115097045898 + ], + [ + "▁reassurance", + -13.162139892578123 + ], + [ + "▁haunt", + -13.16215705871582 + ], + [ + "225", + -13.162226676940918 + ], + [ + "▁supplementary", + -13.162229537963867 + ], + [ + "▁Clyde", + -13.162296295166016 + ], + [ + "uo", + -13.162308692932127 + ], + [ + "▁1908", + -13.162396430969238 + ], + [ + "▁Citrus", + -13.162470817565918 + ], + [ + "▁Kraft", + -13.162479400634766 + ], + [ + "▁Waterproof", + -13.162500381469728 + ], + [ + "▁competitively", + -13.16262149810791 + ], + [ + "0:", + -13.16264533996582 + ], + [ + "▁HUD", + -13.16264820098877 + ], + [ + "ARC", + -13.162668228149414 + ], + [ + "▁Cases", + -13.162691116333008 + ], + [ + "uke", + -13.162696838378906 + ], + [ + "ced", + -13.162734985351562 + ], + [ + "▁coined", + -13.162781715393066 + ], + [ + "▁Developed", + -13.162818908691406 + ], + [ + "Saint", + -13.162859916687012 + ], + [ + "▁Asphalt", + -13.16286849975586 + ], + [ + "-2000", + -13.162886619567873 + ], + [ + "rier", + -13.16291046142578 + ], + [ + "▁elicit", + -13.162967681884766 + ], + [ + "▁Bail", + -13.162994384765623 + ], + [ + "▁Lowell", + -13.163097381591797 + ], + [ + "▁Deadline", + -13.163171768188477 + ], + [ + "▁$29", + -13.163179397583008 + ], + [ + "▁persuaded", + -13.163225173950195 + ], + [ + "▁Chattanooga", + -13.163325309753418 + ], + [ + "lav", + -13.163461685180664 + ], + [ + "410", + -13.163525581359863 + ], + [ + "▁hangers", + -13.163555145263672 + ], + [ + "4.1", + -13.163763046264648 + ], + [ + "▁Gazette", + -13.163783073425291 + ], + [ + "▁Completely", + -13.163799285888672 + ], + [ + "▁warranted", + -13.163814544677734 + ], + [ + "▁scarcity", + -13.16390323638916 + ], + [ + "▁totaled", + -13.16390323638916 + ], + [ + "▁deportation", + -13.163920402526855 + ], + [ + "▁vivo", + -13.163985252380373 + ], + [ + "laden", + -13.1641206741333 + ], + [ + "▁goodwill", + -13.164141654968262 + ], + [ + "▁tease", + -13.164142608642578 + ], + [ + "DER", + -13.164145469665527 + ], + [ + "▁Collier", + -13.164179801940918 + ], + [ + "▁iPhones", + -13.164319038391112 + ], + [ + "▁meadow", + -13.16433048248291 + ], + [ + "▁casually", + -13.164393424987791 + ], + [ + "▁Husband", + -13.16444206237793 + ], + [ + "▁Lack", + -13.164493560791016 + ], + [ + "▁clog", + -13.16465663909912 + ], + [ + "▁Snyder", + -13.164746284484863 + ], + [ + "▁worsen", + -13.164772033691406 + ], + [ + "treated", + -13.164828300476074 + ], + [ + "▁133", + -13.16484832763672 + ], + [ + "Glass", + -13.164850234985352 + ], + [ + "▁5.2", + -13.164913177490234 + ], + [ + "Mal", + -13.165205001831056 + ], + [ + "Arts", + -13.1652250289917 + ], + [ + "▁gifting", + -13.165292739868164 + ], + [ + "Bel", + -13.165340423583984 + ], + [ + "urge", + -13.16542148590088 + ], + [ + "▁1913", + -13.16543197631836 + ], + [ + "ACC", + -13.165441513061523 + ], + [ + "Del", + -13.16547393798828 + ], + [ + "▁sampled", + -13.165562629699709 + ], + [ + "▁3-2", + -13.165581703186035 + ], + [ + "▁Orion", + -13.165618896484377 + ], + [ + "▁Inquiry", + -13.165674209594728 + ], + [ + "▁monsoon", + -13.16567611694336 + ], + [ + "▁hiatus", + -13.165678977966309 + ], + [ + "Comment", + -13.16568660736084 + ], + [ + "▁hamper", + -13.165804862976074 + ], + [ + "▁MF", + -13.165874481201172 + ], + [ + "▁melon", + -13.16594409942627 + ], + [ + "▁bookshelf", + -13.165953636169434 + ], + [ + "▁GTA", + -13.166072845458984 + ], + [ + "▁centred", + -13.166136741638184 + ], + [ + "▁ironing", + -13.166139602661133 + ], + [ + "▁asserted", + -13.166166305541992 + ], + [ + "▁10.5", + -13.16617488861084 + ], + [ + "tten", + -13.166205406188965 + ], + [ + "rule", + -13.16627025604248 + ], + [ + "▁tinted", + -13.16628360748291 + ], + [ + "▁Silence", + -13.16636562347412 + ], + [ + "▁Swap", + -13.166387557983398 + ], + [ + "▁Randolph", + -13.166400909423828 + ], + [ + "sdale", + -13.166414260864258 + ], + [ + "▁Pumps", + -13.166433334350586 + ], + [ + "▁Schu", + -13.166440963745115 + ], + [ + "▁refrigerators", + -13.166561126708984 + ], + [ + "▁proprietor", + -13.166571617126465 + ], + [ + "nto", + -13.166681289672852 + ], + [ + "Express", + -13.166683197021484 + ], + [ + "235", + -13.16676425933838 + ], + [ + "▁resonates", + -13.166821479797363 + ], + [ + "sites", + -13.166866302490234 + ], + [ + "▁troop", + -13.166914939880373 + ], + [ + "▁ji", + -13.166958808898926 + ], + [ + "▁shaken", + -13.166967391967772 + ], + [ + "▁cheats", + -13.16700839996338 + ], + [ + "brick", + -13.167021751403809 + ], + [ + "▁avatar", + -13.16702365875244 + ], + [ + "▁softly", + -13.167068481445312 + ], + [ + "▁Meredith", + -13.1671142578125 + ], + [ + "uv", + -13.167166709899902 + ], + [ + "1/2", + -13.167291641235352 + ], + [ + "▁Parisian", + -13.16734790802002 + ], + [ + "wang", + -13.167415618896484 + ], + [ + "▁cortisol", + -13.167463302612305 + ], + [ + "▁rallied", + -13.167463302612305 + ], + [ + "▁remembrance", + -13.167463302612305 + ], + [ + "▁Tek", + -13.167486190795898 + ], + [ + "▁Oyster", + -13.167522430419922 + ], + [ + "▁Cecil", + -13.167534828186035 + ], + [ + "▁banning", + -13.167542457580566 + ], + [ + "▁eateries", + -13.1675443649292 + ], + [ + "▁Workforce", + -13.167548179626465 + ], + [ + "▁Soldier", + -13.167584419250488 + ], + [ + "otti", + -13.167632102966309 + ], + [ + "▁mediator", + -13.167729377746582 + ], + [ + "▁fortunes", + -13.167747497558594 + ], + [ + "▁EQ", + -13.167779922485352 + ], + [ + "img", + -13.167823791503906 + ], + [ + "▁knockout", + -13.167885780334473 + ], + [ + "▁investigates", + -13.167914390563965 + ], + [ + "▁docs", + -13.168134689331056 + ], + [ + "▁CSV", + -13.16817569732666 + ], + [ + "▁Fre", + -13.168246269226074 + ], + [ + "▁fearless", + -13.168316841125488 + ], + [ + "▁AE", + -13.168390274047852 + ], + [ + "▁diffuser", + -13.168402671813965 + ], + [ + "▁shouted", + -13.16843032836914 + ], + [ + "▁debtor", + -13.168499946594238 + ], + [ + "▁Mash", + -13.168527603149414 + ], + [ + "114", + -13.168627738952637 + ], + [ + "▁facelift", + -13.168635368347168 + ], + [ + "▁ankles", + -13.16872501373291 + ], + [ + "▁Accord", + -13.168758392333984 + ], + [ + "ord", + -13.168824195861816 + ], + [ + "▁tolerated", + -13.168845176696776 + ], + [ + "▁MJ", + -13.16889190673828 + ], + [ + "terra", + -13.168972969055176 + ], + [ + "Picture", + -13.168973922729492 + ], + [ + "▁fundraisers", + -13.169028282165527 + ], + [ + "▁Philharmonic", + -13.169255256652832 + ], + [ + "▁appreciative", + -13.169255256652832 + ], + [ + "▁artillery", + -13.169255256652832 + ], + [ + "▁glaucoma", + -13.169256210327148 + ], + [ + "▁Phuket", + -13.169257164001465 + ], + [ + "▁Barbados", + -13.169259071350098 + ], + [ + "▁blaming", + -13.169260025024414 + ], + [ + "▁neuroscience", + -13.169266700744627 + ], + [ + "▁avant", + -13.169414520263672 + ], + [ + "▁Psalm", + -13.169434547424316 + ], + [ + "▁Volt", + -13.169442176818848 + ], + [ + "▁detour", + -13.169512748718262 + ], + [ + "score", + -13.169585227966309 + ], + [ + "▁toned", + -13.169732093811035 + ], + [ + "▁Pyramid", + -13.1697416305542 + ], + [ + "▁Darkness", + -13.169756889343262 + ], + [ + "▁Andhra", + -13.169797897338867 + ], + [ + "▁Rou", + -13.16983699798584 + ], + [ + "▁tenor", + -13.170010566711426 + ], + [ + "▁unleash", + -13.17001724243164 + ], + [ + "▁injunction", + -13.170065879821776 + ], + [ + "technology", + -13.170074462890623 + ], + [ + "▁Assignment", + -13.170201301574709 + ], + [ + "▁(£", + -13.170208930969238 + ], + [ + "▁Samples", + -13.170218467712402 + ], + [ + "▁bungalow", + -13.17025661468506 + ], + [ + "▁saver", + -13.170342445373535 + ], + [ + "Visual", + -13.170351028442385 + ], + [ + "▁commissioners", + -13.170352935791016 + ], + [ + "▁Fuse", + -13.170421600341797 + ], + [ + "▁skiers", + -13.170494079589844 + ], + [ + "▁Kiev", + -13.170499801635742 + ], + [ + "▁docks", + -13.170729637145996 + ], + [ + "▁Institutes", + -13.170769691467283 + ], + [ + "▁carton", + -13.170785903930664 + ], + [ + "Australian", + -13.170790672302246 + ], + [ + "▁excessively", + -13.17082691192627 + ], + [ + "icum", + -13.171010971069336 + ], + [ + "▁Rosemary", + -13.171021461486816 + ], + [ + "sz", + -13.171069145202637 + ], + [ + "▁ions", + -13.171102523803713 + ], + [ + "DX", + -13.17113971710205 + ], + [ + "▁pigments", + -13.171204566955566 + ], + [ + "lost", + -13.171286582946776 + ], + [ + "record", + -13.171514511108398 + ], + [ + "xml", + -13.171517372131348 + ], + [ + "▁guardians", + -13.171629905700684 + ], + [ + "▁accented", + -13.171630859375 + ], + [ + "▁ale", + -13.17169952392578 + ], + [ + "▁whisper", + -13.171831130981444 + ], + [ + "▁fruition", + -13.171916007995604 + ], + [ + "▁Rig", + -13.171916961669922 + ], + [ + "▁Persons", + -13.171939849853516 + ], + [ + "▁Typical", + -13.171955108642578 + ], + [ + "pil", + -13.171982765197754 + ], + [ + "IoT", + -13.17202854156494 + ], + [ + "▁storey", + -13.172082901000977 + ], + [ + "▁pesticide", + -13.172088623046877 + ], + [ + "▁Divide", + -13.172106742858888 + ], + [ + "▁206", + -13.172111511230469 + ], + [ + "esse", + -13.172112464904783 + ], + [ + "silver", + -13.172118186950684 + ], + [ + "LN", + -13.172283172607422 + ], + [ + "Stand", + -13.172319412231444 + ], + [ + "▁rowing", + -13.172459602355955 + ], + [ + "▁LU", + -13.172481536865234 + ], + [ + "ppi", + -13.172621726989746 + ], + [ + "▁kms", + -13.17274284362793 + ], + [ + "▁$23", + -13.17282009124756 + ], + [ + "▁Chardonnay", + -13.17284870147705 + ], + [ + "▁expiry", + -13.17284870147705 + ], + [ + "▁reclining", + -13.172852516174316 + ], + [ + "▁astrology", + -13.172855377197266 + ], + [ + "▁cladding", + -13.172858238220217 + ], + [ + "▁Expedition", + -13.172860145568848 + ], + [ + "▁trough", + -13.17288875579834 + ], + [ + "▁poisonous", + -13.172924041748049 + ], + [ + "dol", + -13.172995567321776 + ], + [ + "▁cigars", + -13.173016548156738 + ], + [ + "▁Mastercard", + -13.173032760620115 + ], + [ + "▁Anita", + -13.173099517822266 + ], + [ + "4\"", + -13.173273086547852 + ], + [ + "▁Fiona", + -13.173276901245115 + ], + [ + "▁constraint", + -13.173311233520508 + ], + [ + "▁Invitations", + -13.173324584960938 + ], + [ + "watering", + -13.173361778259276 + ], + [ + "▁burdens", + -13.173504829406738 + ], + [ + "scan", + -13.17354965209961 + ], + [ + "▁1100", + -13.173603057861328 + ], + [ + "▁checkpoint", + -13.17362117767334 + ], + [ + "▁1984.", + -13.17370319366455 + ], + [ + "Atlantic", + -13.173806190490724 + ], + [ + "lander", + -13.173851013183594 + ], + [ + "▁adversely", + -13.173916816711426 + ], + [ + "dec", + -13.173917770385742 + ], + [ + "▁newcomer", + -13.173954963684082 + ], + [ + "▁drifting", + -13.173993110656738 + ], + [ + "002", + -13.174002647399902 + ], + [ + "▁THEY", + -13.174005508422852 + ], + [ + "▁Spike", + -13.17404556274414 + ], + [ + "4-2", + -13.174047470092772 + ], + [ + "▁reconcile", + -13.174049377441406 + ], + [ + "▁Kle", + -13.174073219299316 + ], + [ + "▁oncology", + -13.174092292785645 + ], + [ + "nak", + -13.174273490905762 + ], + [ + "▁microbial", + -13.174283981323242 + ], + [ + "▁Millennials", + -13.174285888671877 + ], + [ + "▁Frames", + -13.174386024475098 + ], + [ + "UE", + -13.174405097961426 + ], + [ + "▁Valle", + -13.174410820007324 + ], + [ + "▁Says", + -13.174500465393066 + ], + [ + "▁lil", + -13.174527168273926 + ], + [ + "▁Fowler", + -13.174595832824709 + ], + [ + "▁viewpoints", + -13.174605369567873 + ], + [ + "ugu", + -13.174607276916504 + ], + [ + "▁Cain", + -13.174626350402832 + ], + [ + "▁microscopic", + -13.174659729003906 + ], + [ + "▁sinister", + -13.174671173095703 + ], + [ + "ners", + -13.17475414276123 + ], + [ + "brush", + -13.174810409545898 + ], + [ + "▁scooters", + -13.174944877624512 + ], + [ + "▁Infinite", + -13.17495059967041 + ], + [ + "▁Kr", + -13.17495822906494 + ], + [ + "▁Muse", + -13.174962997436523 + ], + [ + "▁Jasper", + -13.175018310546877 + ], + [ + "▁conveying", + -13.17504596710205 + ], + [ + "▁Pipeline", + -13.175366401672363 + ], + [ + "▁antennas", + -13.175491333007812 + ], + [ + "▁Steele", + -13.175548553466797 + ], + [ + "xo", + -13.175562858581545 + ], + [ + "▁meds", + -13.175670623779297 + ], + [ + "dish", + -13.17568016052246 + ], + [ + "-200", + -13.175698280334473 + ], + [ + "fra", + -13.17571258544922 + ], + [ + "▁shepherd", + -13.175722122192385 + ], + [ + "annual", + -13.1757230758667 + ], + [ + "▁Showing", + -13.175745964050291 + ], + [ + "▁129", + -13.175776481628418 + ], + [ + "▁swimmer", + -13.175820350646973 + ], + [ + "▁Pale", + -13.175904273986816 + ], + [ + "dit", + -13.17593479156494 + ], + [ + "▁Pos", + -13.176011085510254 + ], + [ + "▁articulated", + -13.176011085510254 + ], + [ + "▁Closed", + -13.176012992858888 + ], + [ + "▁Bose", + -13.176060676574709 + ], + [ + "▁Boone", + -13.176186561584473 + ], + [ + "▁Kinder", + -13.176209449768066 + ], + [ + "▁Centennial", + -13.17624568939209 + ], + [ + "▁linux", + -13.176257133483888 + ], + [ + "▁Genius", + -13.17629623413086 + ], + [ + "▁Newfoundland", + -13.1764554977417 + ], + [ + "▁imitation", + -13.176465034484863 + ], + [ + "lm", + -13.176493644714355 + ], + [ + "borg", + -13.176512718200684 + ], + [ + "▁frightened", + -13.176608085632324 + ], + [ + "▁Alive", + -13.17668914794922 + ], + [ + "▁Invite", + -13.176730155944824 + ], + [ + "▁echoes", + -13.176750183105469 + ], + [ + "▁Malik", + -13.176751136779783 + ], + [ + "▁handwritten", + -13.176979064941406 + ], + [ + "raz", + -13.176994323730469 + ], + [ + "▁coolant", + -13.17705249786377 + ], + [ + "Display", + -13.177275657653809 + ], + [ + "▁headlight", + -13.177408218383787 + ], + [ + "▁homicide", + -13.177545547485352 + ], + [ + "▁alum", + -13.17758846282959 + ], + [ + "▁Ei", + -13.177589416503906 + ], + [ + "▁characterize", + -13.177592277526855 + ], + [ + "ELL", + -13.17759895324707 + ], + [ + "ienne", + -13.17765998840332 + ], + [ + "▁shotgun", + -13.177748680114746 + ], + [ + "▁Presented", + -13.177807807922363 + ], + [ + "DG", + -13.177881240844728 + ], + [ + "gat", + -13.177971839904783 + ], + [ + "▁monarch", + -13.178008079528809 + ], + [ + "▁Serious", + -13.178043365478516 + ], + [ + "cri", + -13.178080558776855 + ], + [ + "▁predecessors", + -13.17813491821289 + ], + [ + "▁Streaming", + -13.178150177001951 + ], + [ + "▁stared", + -13.178277969360352 + ], + [ + "▁Swansea", + -13.178372383117676 + ], + [ + "phon", + -13.178461074829102 + ], + [ + "▁XT", + -13.178526878356934 + ], + [ + "▁cries", + -13.178537368774414 + ], + [ + "▁remarked", + -13.1788330078125 + ], + [ + "▁vectors", + -13.17883586883545 + ], + [ + "rex", + -13.178885459899902 + ], + [ + "▁cannon", + -13.178930282592772 + ], + [ + "▁kinetic", + -13.178990364074709 + ], + [ + "▁wagering", + -13.17900562286377 + ], + [ + "▁Cert", + -13.17905616760254 + ], + [ + "▁SPA", + -13.179062843322754 + ], + [ + "mn", + -13.17910861968994 + ], + [ + "▁Courier", + -13.179110527038574 + ], + [ + "▁Kang", + -13.17918586730957 + ], + [ + "producing", + -13.179218292236328 + ], + [ + "Rep", + -13.179222106933594 + ], + [ + "▁DVR", + -13.17926788330078 + ], + [ + "▁Keto", + -13.179304122924805 + ], + [ + "▁1986,", + -13.17940616607666 + ], + [ + "▁Worksheet", + -13.179436683654783 + ], + [ + "▁crease", + -13.179455757141112 + ], + [ + "▁Produce", + -13.17953872680664 + ], + [ + "▁gastric", + -13.179553985595703 + ], + [ + "▁DOWNLOAD", + -13.179587364196776 + ], + [ + "▁Saddle", + -13.1796875 + ], + [ + "EAR", + -13.179738998413086 + ], + [ + "▁salons", + -13.179765701293944 + ], + [ + "VIS", + -13.17977809906006 + ], + [ + "▁lanterns", + -13.179919242858888 + ], + [ + "▁205", + -13.179941177368164 + ], + [ + "▁Wen", + -13.18002223968506 + ], + [ + "▁gelatin", + -13.18006992340088 + ], + [ + "▁faculties", + -13.180075645446776 + ], + [ + "▁speculative", + -13.180075645446776 + ], + [ + "▁Leopard", + -13.180078506469728 + ], + [ + "▁plantations", + -13.180103302001951 + ], + [ + "▁insignificant", + -13.180145263671877 + ], + [ + "▁Cayman", + -13.180163383483888 + ], + [ + "▁fullness", + -13.180168151855469 + ], + [ + "▁hardships", + -13.1804838180542 + ], + [ + "wich", + -13.180489540100098 + ], + [ + "▁brows", + -13.180582046508787 + ], + [ + "▁backlog", + -13.180615425109863 + ], + [ + "▁dialysis", + -13.18068504333496 + ], + [ + "▁hospitalization", + -13.18071174621582 + ], + [ + "rina", + -13.180746078491213 + ], + [ + "▁Santos", + -13.180818557739258 + ], + [ + "▁transactional", + -13.180947303771973 + ], + [ + "▁chick", + -13.181075096130373 + ], + [ + "▁BOOK", + -13.181109428405762 + ], + [ + "▁Advocacy", + -13.181129455566406 + ], + [ + "▁Pai", + -13.181132316589355 + ], + [ + "▁Shar", + -13.181214332580566 + ], + [ + "YA", + -13.18122673034668 + ], + [ + "▁devise", + -13.181391716003418 + ], + [ + "▁linger", + -13.181425094604492 + ], + [ + "▁Lem", + -13.181451797485352 + ], + [ + "▁reseller", + -13.181471824645996 + ], + [ + "▁Bac", + -13.18151569366455 + ], + [ + "▁Sang", + -13.181535720825195 + ], + [ + "▁withholding", + -13.181546211242676 + ], + [ + "▁Rican", + -13.181610107421877 + ], + [ + "▁Pencil", + -13.181767463684082 + ], + [ + "SIA", + -13.181840896606444 + ], + [ + "MV", + -13.181862831115724 + ], + [ + "▁Crimson", + -13.181890487670898 + ], + [ + "▁dynasty", + -13.181890487670898 + ], + [ + "▁rallies", + -13.181890487670898 + ], + [ + "▁Gurgaon", + -13.181892395019531 + ], + [ + "▁Terri", + -13.181941986083984 + ], + [ + "▁Osaka", + -13.181955337524414 + ], + [ + "▁Minn", + -13.181976318359377 + ], + [ + "cooked", + -13.18199634552002 + ], + [ + "▁tidal", + -13.18201732635498 + ], + [ + "▁symmetry", + -13.18210220336914 + ], + [ + "▁Trouble", + -13.182116508483888 + ], + [ + "▁Cai", + -13.182169914245604 + ], + [ + "▁scripting", + -13.182169914245604 + ], + [ + "▁vigorously", + -13.182214736938477 + ], + [ + "▁invade", + -13.182251930236816 + ], + [ + "▁Pala", + -13.182323455810549 + ], + [ + "▁notoriously", + -13.182343482971191 + ], + [ + "Late", + -13.182416915893556 + ], + [ + "▁Kou", + -13.18242359161377 + ], + [ + "▁Teeth", + -13.182456970214844 + ], + [ + "▁extracting", + -13.18246841430664 + ], + [ + "Fish", + -13.182528495788574 + ], + [ + "▁inherit", + -13.182598114013672 + ], + [ + "Mor", + -13.182629585266112 + ], + [ + "▁Woody", + -13.182662010192873 + ], + [ + "Room", + -13.182826042175291 + ], + [ + "▁Sinai", + -13.18295669555664 + ], + [ + "▁#7", + -13.183015823364258 + ], + [ + "▁limousine", + -13.183049201965332 + ], + [ + "▁upheld", + -13.18309497833252 + ], + [ + "▁Alphabet", + -13.183106422424316 + ], + [ + "poor", + -13.183149337768556 + ], + [ + "▁pervasive", + -13.18317985534668 + ], + [ + "SAN", + -13.183246612548828 + ], + [ + "▁repeats", + -13.183256149291992 + ], + [ + "▁11%", + -13.183327674865724 + ], + [ + "▁Charming", + -13.183349609375 + ], + [ + "▁Licensing", + -13.183353424072266 + ], + [ + "▁masterpieces", + -13.18345832824707 + ], + [ + "▁explosions", + -13.18360424041748 + ], + [ + "▁IVF", + -13.183609008789062 + ], + [ + "rov", + -13.18362045288086 + ], + [ + "▁adhesion", + -13.183709144592283 + ], + [ + "▁carcinoma", + -13.183709144592283 + ], + [ + "▁conduit", + -13.183709144592283 + ], + [ + "▁Karachi", + -13.183753967285156 + ], + [ + "190", + -13.183767318725586 + ], + [ + "▁harden", + -13.183771133422852 + ], + [ + "ALS", + -13.18377685546875 + ], + [ + "▁Hawkins", + -13.183853149414062 + ], + [ + "▁verifying", + -13.18388843536377 + ], + [ + "▁aspiration", + -13.183895111083984 + ], + [ + "emon", + -13.183916091918944 + ], + [ + "▁cardigan", + -13.183960914611816 + ], + [ + "▁hopping", + -13.18407917022705 + ], + [ + "weekly", + -13.184082984924316 + ], + [ + "99.", + -13.184088706970217 + ], + [ + "Grant", + -13.184101104736328 + ], + [ + "▁tufted", + -13.184259414672852 + ], + [ + "burning", + -13.184290885925291 + ], + [ + "▁endlessly", + -13.18434238433838 + ], + [ + "ked", + -13.184383392333984 + ], + [ + "▁sockets", + -13.18438720703125 + ], + [ + "▁rumours", + -13.184727668762209 + ], + [ + "▁passionately", + -13.184844970703123 + ], + [ + "MER", + -13.184929847717283 + ], + [ + "Kitchen", + -13.184941291809082 + ], + [ + "-47", + -13.184975624084473 + ], + [ + "▁1985.", + -13.18511199951172 + ], + [ + "▁cc", + -13.185115814208984 + ], + [ + "▁Dealers", + -13.185126304626465 + ], + [ + "moral", + -13.18517780303955 + ], + [ + "moto", + -13.185178756713867 + ], + [ + "▁german", + -13.18520164489746 + ], + [ + "Gate", + -13.18520736694336 + ], + [ + "TECH", + -13.185208320617676 + ], + [ + "▁(24", + -13.185211181640623 + ], + [ + "5).", + -13.18533420562744 + ], + [ + "▁Interaction", + -13.18537712097168 + ], + [ + "▁waiter", + -13.185397148132324 + ], + [ + "holding", + -13.185407638549805 + ], + [ + "surface", + -13.18544101715088 + ], + [ + "1-0", + -13.1854887008667 + ], + [ + "▁ache", + -13.185519218444824 + ], + [ + "▁reindeer", + -13.18553066253662 + ], + [ + "▁reversing", + -13.18553066253662 + ], + [ + "▁Baroque", + -13.185546875 + ], + [ + "▁punched", + -13.185577392578123 + ], + [ + "▁(2012)", + -13.185585021972656 + ], + [ + "NM", + -13.18564510345459 + ], + [ + "▁Tuesdays", + -13.18576717376709 + ], + [ + "▁conferencing", + -13.18578815460205 + ], + [ + "poly", + -13.185839653015137 + ], + [ + "▁KU", + -13.185846328735352 + ], + [ + "ри", + -13.185863494873049 + ], + [ + "▁picket", + -13.185869216918944 + ], + [ + "▁motivates", + -13.185967445373535 + ], + [ + "nea", + -13.186092376708984 + ], + [ + "▁Grape", + -13.186260223388672 + ], + [ + "select", + -13.186286926269531 + ], + [ + "▁tweaking", + -13.18637752532959 + ], + [ + "itas", + -13.186556816101074 + ], + [ + "Eric", + -13.186637878417969 + ], + [ + "AME", + -13.186653137207031 + ], + [ + "▁Sellers", + -13.186717987060549 + ], + [ + "▁kiosk", + -13.186741828918455 + ], + [ + "ease", + -13.186766624450684 + ], + [ + "Death", + -13.186817169189451 + ], + [ + "bathroom", + -13.186835289001465 + ], + [ + "exclusive", + -13.186840057373049 + ], + [ + "dream", + -13.186856269836426 + ], + [ + "Bra", + -13.186920166015623 + ], + [ + "▁viola", + -13.186972618103027 + ], + [ + "▁Touring", + -13.18697738647461 + ], + [ + "▁Financing", + -13.187003135681152 + ], + [ + "aran", + -13.18704319000244 + ], + [ + "▁NSA", + -13.18706512451172 + ], + [ + "▁queer", + -13.187071800231934 + ], + [ + "▁Cle", + -13.18707275390625 + ], + [ + "▁woes", + -13.187100410461426 + ], + [ + "▁Burr", + -13.18714427947998 + ], + [ + "▁Scriptures", + -13.18716812133789 + ], + [ + "▁streamed", + -13.187228202819824 + ], + [ + "$2", + -13.187236785888672 + ], + [ + "270", + -13.187312126159668 + ], + [ + "▁Whirlpool", + -13.187355041503906 + ], + [ + "▁practising", + -13.187355041503906 + ], + [ + "▁yoghurt", + -13.187355041503906 + ], + [ + "▁robbed", + -13.187370300292969 + ], + [ + "▁Reddit", + -13.187410354614258 + ], + [ + "▁Lydia", + -13.18752098083496 + ], + [ + "▁lurking", + -13.187552452087402 + ], + [ + "▁REALTORS", + -13.187562942504885 + ], + [ + "▁shootings", + -13.187570571899414 + ], + [ + "3000", + -13.187591552734377 + ], + [ + "▁29.", + -13.18760871887207 + ], + [ + "▁torso", + -13.187631607055664 + ], + [ + "▁Michele", + -13.187856674194336 + ], + [ + "▁Meals", + -13.187880516052246 + ], + [ + "▁Serena", + -13.187884330749512 + ], + [ + "LEY", + -13.188068389892578 + ], + [ + "▁---", + -13.188127517700195 + ], + [ + "Previously", + -13.18822956085205 + ], + [ + "▁Ober", + -13.188264846801758 + ], + [ + "▁IMF", + -13.188284873962402 + ], + [ + "▁retainer", + -13.18828582763672 + ], + [ + "▁embarking", + -13.18840503692627 + ], + [ + "▁Availability", + -13.188426971435549 + ], + [ + "▁Atlantis", + -13.188521385192873 + ], + [ + "▁manicure", + -13.188604354858398 + ], + [ + "Except", + -13.188611030578612 + ], + [ + "290", + -13.18861484527588 + ], + [ + "▁Marian", + -13.1886625289917 + ], + [ + "Chair", + -13.188750267028809 + ], + [ + "Initially", + -13.188835144042969 + ], + [ + "▁overflowing", + -13.188854217529297 + ], + [ + "rush", + -13.18887996673584 + ], + [ + "tub", + -13.189016342163086 + ], + [ + "2-2", + -13.189042091369627 + ], + [ + "▁Transactions", + -13.189058303833008 + ], + [ + "▁blazing", + -13.189186096191406 + ], + [ + "▁uranium", + -13.189191818237305 + ], + [ + "▁Asheville", + -13.189194679260254 + ], + [ + "▁Mozilla", + -13.189203262329102 + ], + [ + "nose", + -13.18925952911377 + ], + [ + "aha", + -13.189329147338867 + ], + [ + "▁203", + -13.189401626586914 + ], + [ + "▁HOT", + -13.189459800720217 + ], + [ + "ryl", + -13.189468383789062 + ], + [ + "▁0.01", + -13.189489364624023 + ], + [ + "▁plc", + -13.189537048339844 + ], + [ + "3.0", + -13.18957805633545 + ], + [ + "▁Broadcasting", + -13.189655303955078 + ], + [ + "▁Sleeping", + -13.189675331115724 + ], + [ + "▁Examiner", + -13.189704895019531 + ], + [ + "API", + -13.189722061157228 + ], + [ + "▁Denis", + -13.189777374267578 + ], + [ + "▁invaded", + -13.18979263305664 + ], + [ + "▁chased", + -13.189863204956056 + ], + [ + "▁Dirty", + -13.189903259277344 + ], + [ + "▁solicitation", + -13.18993091583252 + ], + [ + "▁researches", + -13.189937591552734 + ], + [ + "/25", + -13.189964294433594 + ], + [ + "▁Ped", + -13.190007209777832 + ], + [ + "1-3", + -13.190056800842283 + ], + [ + "▁deem", + -13.190074920654297 + ], + [ + "▁achieves", + -13.190105438232422 + ], + [ + "Offer", + -13.19019889831543 + ], + [ + "▁honed", + -13.19028377532959 + ], + [ + "▁ESL", + -13.190319061279297 + ], + [ + "▁occurrences", + -13.190354347229004 + ], + [ + "raising", + -13.190389633178713 + ], + [ + "▁disciple", + -13.190433502197266 + ], + [ + "▁CAGR", + -13.190531730651855 + ], + [ + "governmental", + -13.190546989440918 + ], + [ + "fal", + -13.19057559967041 + ], + [ + "▁collectible", + -13.190576553344728 + ], + [ + "▁bookmarks", + -13.190664291381836 + ], + [ + "▁organizes", + -13.190672874450684 + ], + [ + "▁Held", + -13.190751075744627 + ], + [ + "▁Bathrooms", + -13.190756797790527 + ], + [ + ":59", + -13.190765380859377 + ], + [ + "▁lent", + -13.190780639648438 + ], + [ + "sler", + -13.19081974029541 + ], + [ + "▁petitions", + -13.190842628479004 + ], + [ + "▁percentages", + -13.19084644317627 + ], + [ + "▁MSP", + -13.190868377685549 + ], + [ + "▁removals", + -13.190879821777344 + ], + [ + "▁vaccinations", + -13.191010475158691 + ], + [ + "▁osteoporosis", + -13.191015243530272 + ], + [ + "▁Diablo", + -13.191020011901855 + ], + [ + "▁devoid", + -13.191020965576172 + ], + [ + "▁flax", + -13.191035270690918 + ], + [ + "▁nourishment", + -13.191073417663574 + ], + [ + "▁Himalayan", + -13.191089630126951 + ], + [ + "▁Hanover", + -13.191116333007812 + ], + [ + "▁lemonade", + -13.191118240356444 + ], + [ + "▁UA", + -13.19113826751709 + ], + [ + "▁Fax", + -13.191176414489746 + ], + [ + "remember", + -13.19120979309082 + ], + [ + "▁CARE", + -13.191219329833984 + ], + [ + "jit", + -13.191298484802246 + ], + [ + "bread", + -13.191301345825195 + ], + [ + "▁nuanced", + -13.191417694091797 + ], + [ + "▁dispersed", + -13.191423416137695 + ], + [ + "▁snowboard", + -13.191458702087402 + ], + [ + "▁therein", + -13.191497802734377 + ], + [ + "▁7\"", + -13.191523551940918 + ], + [ + "wala", + -13.19163990020752 + ], + [ + "CES", + -13.191678047180176 + ], + [ + "tang", + -13.191683769226074 + ], + [ + "Char", + -13.191754341125488 + ], + [ + "Sh", + -13.191802978515623 + ], + [ + "Screen", + -13.191866874694824 + ], + [ + "bull", + -13.19187831878662 + ], + [ + "▁declares", + -13.191888809204102 + ], + [ + "▁Infant", + -13.191899299621582 + ], + [ + "▁pant", + -13.191903114318848 + ], + [ + "▁USS", + -13.192052841186523 + ], + [ + "▁Lor", + -13.192222595214844 + ], + [ + "▁messing", + -13.192276000976562 + ], + [ + "▁hob", + -13.19239330291748 + ], + [ + "Che", + -13.19241428375244 + ], + [ + "▁Digest", + -13.192434310913086 + ], + [ + "fied", + -13.192453384399414 + ], + [ + "▁Angie", + -13.19246768951416 + ], + [ + "▁Lum", + -13.192471504211426 + ], + [ + "▁planters", + -13.19252872467041 + ], + [ + "▁Ariel", + -13.192543029785156 + ], + [ + "ет", + -13.192614555358888 + ], + [ + "vs", + -13.19265365600586 + ], + [ + "Manage", + -13.19277286529541 + ], + [ + "▁clown", + -13.192837715148926 + ], + [ + "▁Reservoir", + -13.192849159240724 + ], + [ + "▁mesmerizing", + -13.19285011291504 + ], + [ + "▁AdWords", + -13.192858695983888 + ], + [ + "fus", + -13.192950248718262 + ], + [ + "Hall", + -13.192962646484377 + ], + [ + "▁adaptations", + -13.192978858947754 + ], + [ + "▁Mansion", + -13.193013191223145 + ], + [ + "▁Waterfront", + -13.193033218383787 + ], + [ + "odor", + -13.193082809448242 + ], + [ + "▁Sac", + -13.19318675994873 + ], + [ + "▁contours", + -13.19348430633545 + ], + [ + "illi", + -13.193533897399902 + ], + [ + "▁Mayan", + -13.193540573120115 + ], + [ + "▁Toro", + -13.193727493286133 + ], + [ + "▁Reliable", + -13.193809509277344 + ], + [ + "▁Destiny", + -13.193829536437988 + ], + [ + "crest", + -13.1939058303833 + ], + [ + "▁PSP", + -13.193940162658691 + ], + [ + "▁honorable", + -13.19396686553955 + ], + [ + "▁Palma", + -13.193984985351562 + ], + [ + "▁24/7.", + -13.194003105163574 + ], + [ + "▁Larson", + -13.194056510925291 + ], + [ + "▁Tumblr", + -13.194153785705566 + ], + [ + "▁Therapist", + -13.1941556930542 + ], + [ + "▁Hamlet", + -13.194208145141602 + ], + [ + "bean", + -13.19431495666504 + ], + [ + "▁powering", + -13.19431972503662 + ], + [ + "character", + -13.194371223449709 + ], + [ + "260", + -13.19438362121582 + ], + [ + "Sample", + -13.19441032409668 + ], + [ + "tank", + -13.194512367248535 + ], + [ + "▁Fog", + -13.194523811340332 + ], + [ + "Johnson", + -13.19459629058838 + ], + [ + "Interestingly", + -13.19463062286377 + ], + [ + "▁reversible", + -13.194687843322754 + ], + [ + "▁TripAdvisor", + -13.194690704345703 + ], + [ + "▁psychotherapy", + -13.194692611694336 + ], + [ + "▁nutshell", + -13.19471263885498 + ], + [ + "▁victorious", + -13.19475269317627 + ], + [ + "▁seaweed", + -13.1947603225708 + ], + [ + "▁9%", + -13.19476318359375 + ], + [ + "▁Lagoon", + -13.194811820983888 + ], + [ + "▁rooting", + -13.194811820983888 + ], + [ + "▁forgiving", + -13.194816589355469 + ], + [ + "▁faction", + -13.19489860534668 + ], + [ + "▁José", + -13.19497013092041 + ], + [ + "▁fresher", + -13.195218086242676 + ], + [ + "shape", + -13.195302963256836 + ], + [ + "itude", + -13.19539737701416 + ], + [ + "▁conquered", + -13.195412635803224 + ], + [ + "▁malfunction", + -13.195508003234863 + ], + [ + "▁swords", + -13.19550895690918 + ], + [ + "graduate", + -13.195531845092772 + ], + [ + "today", + -13.195542335510254 + ], + [ + "Fig", + -13.19555377960205 + ], + [ + "▁meadows", + -13.195622444152832 + ], + [ + "Fine", + -13.19569969177246 + ], + [ + "anger", + -13.19573974609375 + ], + [ + "shin", + -13.195806503295898 + ], + [ + "▁fosters", + -13.19589138031006 + ], + [ + "▁Moms", + -13.195919036865234 + ], + [ + "▁contentious", + -13.195934295654297 + ], + [ + "▁uptake", + -13.195937156677246 + ], + [ + "26.", + -13.19603157043457 + ], + [ + "lom", + -13.196078300476074 + ], + [ + "spin", + -13.196106910705566 + ], + [ + "deal", + -13.196145057678224 + ], + [ + "▁inverter", + -13.196149826049805 + ], + [ + "Applicants", + -13.196165084838867 + ], + [ + "Father", + -13.196229934692385 + ], + [ + "▁Marcos", + -13.19624137878418 + ], + [ + "▁Spell", + -13.196269035339355 + ], + [ + "▁dunk", + -13.196281433105469 + ], + [ + "▁immaculate", + -13.19628620147705 + ], + [ + "Mount", + -13.196301460266112 + ], + [ + "▁honours", + -13.196322441101074 + ], + [ + "FUL", + -13.19635009765625 + ], + [ + "050", + -13.196352005004885 + ], + [ + "▁Emotional", + -13.196352005004885 + ], + [ + "▁cul", + -13.196372985839844 + ], + [ + "▁armour", + -13.196375846862791 + ], + [ + "SIS", + -13.196399688720703 + ], + [ + "later", + -13.196407318115234 + ], + [ + "▁Smithsonian", + -13.196529388427734 + ], + [ + "▁unavoidable", + -13.196529388427734 + ], + [ + "▁Lennon", + -13.196544647216797 + ], + [ + "▁antimicrobial", + -13.19654655456543 + ], + [ + "▁diplomacy", + -13.196550369262695 + ], + [ + "▁jargon", + -13.196550369262695 + ], + [ + "original", + -13.196560859680176 + ], + [ + "▁Strain", + -13.196581840515137 + ], + [ + "▁Freight", + -13.19664192199707 + ], + [ + "▁reused", + -13.196707725524902 + ], + [ + "▁abruptly", + -13.19671630859375 + ], + [ + "▁Reset", + -13.196739196777344 + ], + [ + "▁Speedway", + -13.19676685333252 + ], + [ + "▁enrolment", + -13.19681453704834 + ], + [ + "▁Earned", + -13.19700813293457 + ], + [ + "ISO", + -13.197028160095217 + ], + [ + "202", + -13.197151184082031 + ], + [ + "PORT", + -13.197198867797852 + ], + [ + "▁3.8", + -13.19727897644043 + ], + [ + "▁2018)", + -13.197328567504885 + ], + [ + "▁addicts", + -13.19733428955078 + ], + [ + "▁Modular", + -13.197469711303713 + ], + [ + "▁Diseases", + -13.197556495666504 + ], + [ + "▁fluff", + -13.1976957321167 + ], + [ + "▁arrays", + -13.197705268859863 + ], + [ + "▁APC", + -13.197766304016112 + ], + [ + "▁recognises", + -13.197772026062012 + ], + [ + "▁Constant", + -13.197906494140623 + ], + [ + "▁Daughter", + -13.197911262512209 + ], + [ + "(5)", + -13.197932243347168 + ], + [ + "▁cleverly", + -13.19794464111328 + ], + [ + "▁Bournemouth", + -13.197978973388672 + ], + [ + "▁baker", + -13.198022842407228 + ], + [ + "▁seventeen", + -13.198037147521973 + ], + [ + "▁computerized", + -13.198144912719728 + ], + [ + "▁furious", + -13.19817066192627 + ], + [ + "Thankfully", + -13.198200225830078 + ], + [ + "▁awaken", + -13.198250770568848 + ], + [ + "▁Laboratories", + -13.19837474822998 + ], + [ + "▁unanswered", + -13.19837474822998 + ], + [ + "▁kosher", + -13.198376655578612 + ], + [ + "▁Heathrow", + -13.198386192321776 + ], + [ + "▁sled", + -13.19843864440918 + ], + [ + "rh", + -13.198484420776367 + ], + [ + "▁Fisheries", + -13.198485374450684 + ], + [ + "▁Staples", + -13.198495864868164 + ], + [ + "▁tagging", + -13.198504447937012 + ], + [ + "▁Shack", + -13.198522567749023 + ], + [ + "▁Chili", + -13.19855785369873 + ], + [ + "▁Midland", + -13.19857692718506 + ], + [ + "▁vera", + -13.198610305786133 + ], + [ + "▁rumored", + -13.19880485534668 + ], + [ + "▁GH", + -13.198835372924805 + ], + [ + "▁$26", + -13.19896125793457 + ], + [ + "▁sleigh", + -13.199045181274414 + ], + [ + "otta", + -13.19911766052246 + ], + [ + "▁Metallic", + -13.199310302734377 + ], + [ + "▁hairs", + -13.199350357055664 + ], + [ + "Dev", + -13.199398040771484 + ], + [ + "▁pickle", + -13.19946002960205 + ], + [ + "sko", + -13.199464797973633 + ], + [ + "▁woodwork", + -13.199501991271973 + ], + [ + "▁anterior", + -13.19954776763916 + ], + [ + "▁Auditor", + -13.199600219726562 + ], + [ + "▁Sco", + -13.199625015258787 + ], + [ + "▁1988,", + -13.199708938598633 + ], + [ + "▁ci", + -13.19974136352539 + ], + [ + "▁heirloom", + -13.199746131896973 + ], + [ + "▁Vocal", + -13.199748039245604 + ], + [ + "▁supplemented", + -13.199877738952637 + ], + [ + "▁Competitive", + -13.199969291687012 + ], + [ + "▁kitchenette", + -13.200011253356934 + ], + [ + "▁thanking", + -13.200030326843262 + ], + [ + "▁1901", + -13.20004940032959 + ], + [ + "Prices", + -13.200063705444336 + ], + [ + "▁Alamo", + -13.200180053710938 + ], + [ + "▁spear", + -13.20020866394043 + ], + [ + "▁debugging", + -13.200231552124023 + ], + [ + "▁chopping", + -13.200264930725098 + ], + [ + "▁Anchorage", + -13.20026683807373 + ], + [ + "▁baptized", + -13.20032024383545 + ], + [ + "▁Levels", + -13.200324058532717 + ], + [ + "▁fragment", + -13.20033073425293 + ], + [ + "▁Robbie", + -13.200332641601562 + ], + [ + "▁Sche", + -13.200389862060549 + ], + [ + "Luke", + -13.200440406799316 + ], + [ + "▁credential", + -13.200448989868164 + ], + [ + "▁governors", + -13.200496673583984 + ], + [ + "LING", + -13.200559616088867 + ], + [ + "▁diffuse", + -13.200590133666992 + ], + [ + "▁Creativity", + -13.200684547424316 + ], + [ + "unk", + -13.200754165649414 + ], + [ + "▁Karma", + -13.20083713531494 + ], + [ + "▁Bills", + -13.20094871520996 + ], + [ + "tol", + -13.200994491577148 + ], + [ + "Zone", + -13.201087951660156 + ], + [ + "▁revamp", + -13.201178550720217 + ], + [ + "▁Monarch", + -13.201282501220703 + ], + [ + "▁frogs", + -13.201321601867676 + ], + [ + "▁Franc", + -13.201349258422852 + ], + [ + "▁Earn", + -13.201375007629396 + ], + [ + "Spec", + -13.201416015625 + ], + [ + "▁1983,", + -13.201424598693848 + ], + [ + "▁Polytechnic", + -13.201440811157228 + ], + [ + "▁Hurry", + -13.201522827148438 + ], + [ + "▁EE", + -13.201531410217283 + ], + [ + "▁Colo", + -13.20162296295166 + ], + [ + "▁deviation", + -13.201626777648926 + ], + [ + "▁electricians", + -13.201630592346191 + ], + [ + "▁submarine", + -13.201655387878418 + ], + [ + "▁FPS", + -13.201695442199709 + ], + [ + "ogenic", + -13.20183563232422 + ], + [ + "▁Cary", + -13.201852798461914 + ], + [ + "registration", + -13.201886177062988 + ], + [ + "▁Guns", + -13.202000617980955 + ], + [ + "▁Dynasty", + -13.202075004577637 + ], + [ + "▁Secretariat", + -13.202075004577637 + ], + [ + "▁schizophrenia", + -13.202075004577637 + ], + [ + "▁Armour", + -13.202115058898926 + ], + [ + "9%", + -13.202176094055176 + ], + [ + "Flash", + -13.202255249023438 + ], + [ + "▁exaggerated", + -13.202298164367676 + ], + [ + "▁Inspire", + -13.202420234680176 + ], + [ + "Wide", + -13.20268440246582 + ], + [ + "▁Traditionally", + -13.202771186828612 + ], + [ + "▁perfected", + -13.203073501586914 + ], + [ + "▁Ministers", + -13.203079223632812 + ], + [ + "▁1905", + -13.203109741210938 + ], + [ + "▁Alley", + -13.203251838684082 + ], + [ + "▁agendas", + -13.203362464904783 + ], + [ + "▁orchard", + -13.203397750854492 + ], + [ + "▁Kung", + -13.20341968536377 + ], + [ + "▁WORLD", + -13.203421592712402 + ], + [ + "▁Paw", + -13.203451156616213 + ], + [ + "▁Amish", + -13.203572273254396 + ], + [ + "▁Dates", + -13.203600883483888 + ], + [ + "▁Mongolia", + -13.20362377166748 + ], + [ + "▁Knee", + -13.203659057617188 + ], + [ + "rice", + -13.203668594360352 + ], + [ + "OUR", + -13.20371150970459 + ], + [ + "Grade", + -13.203744888305664 + ], + [ + "Photos", + -13.203782081604004 + ], + [ + "▁golfing", + -13.203798294067385 + ], + [ + "rot", + -13.203819274902344 + ], + [ + "▁Chal", + -13.203862190246582 + ], + [ + "▁Smoking", + -13.203866958618164 + ], + [ + "▁excludes", + -13.203875541687012 + ], + [ + "ln", + -13.2039155960083 + ], + [ + "▁facilitation", + -13.203930854797363 + ], + [ + "pink", + -13.20407009124756 + ], + [ + "picked", + -13.204123497009276 + ], + [ + "▁Lao", + -13.204127311706545 + ], + [ + "▁racer", + -13.20415496826172 + ], + [ + "Prof", + -13.204164505004885 + ], + [ + "▁upbringing", + -13.204187393188477 + ], + [ + "▁valuations", + -13.204208374023438 + ], + [ + "▁erupted", + -13.204212188720703 + ], + [ + "▁compress", + -13.204432487487791 + ], + [ + "Future", + -13.204498291015623 + ], + [ + "▁motorist", + -13.204505920410156 + ], + [ + "▁Catalan", + -13.204540252685549 + ], + [ + "acy", + -13.204572677612305 + ], + [ + "approx", + -13.204638481140137 + ], + [ + "▁Acres", + -13.204642295837402 + ], + [ + "▁pirates", + -13.2046480178833 + ], + [ + ")(3)", + -13.204719543457031 + ], + [ + "4.0", + -13.204744338989258 + ], + [ + "▁Fuller", + -13.204753875732422 + ], + [ + "▁chicks", + -13.204785346984863 + ], + [ + "▁muse", + -13.20482349395752 + ], + [ + "▁Cocktail", + -13.204833984375 + ], + [ + "▁Soldiers", + -13.204838752746582 + ], + [ + "lighting", + -13.204888343811035 + ], + [ + "▁dumpsters", + -13.204930305480955 + ], + [ + "▁perk", + -13.204988479614258 + ], + [ + "megapixel", + -13.205062866210938 + ], + [ + "▁Oncology", + -13.205089569091797 + ], + [ + "▁desktops", + -13.205159187316896 + ], + [ + "▁mined", + -13.205184936523438 + ], + [ + "simple", + -13.20522403717041 + ], + [ + "▁presume", + -13.205243110656738 + ], + [ + "▁Lex", + -13.205484390258787 + ], + [ + "▁villains", + -13.20551586151123 + ], + [ + "▁Beech", + -13.205565452575684 + ], + [ + "▁erect", + -13.205588340759276 + ], + [ + "▁Collector", + -13.2056245803833 + ], + [ + "lean", + -13.205625534057615 + ], + [ + "employment", + -13.20567512512207 + ], + [ + "▁latch", + -13.20574188232422 + ], + [ + "▁GD", + -13.205743789672852 + ], + [ + "zh", + -13.20580005645752 + ], + [ + "▁conservatory", + -13.205853462219238 + ], + [ + "▁Sheila", + -13.205877304077148 + ], + [ + "▁foodie", + -13.205892562866213 + ], + [ + "cos", + -13.20589828491211 + ], + [ + "▁trims", + -13.205904006958008 + ], + [ + "▁punt", + -13.206103324890137 + ], + [ + "▁Lar", + -13.2061185836792 + ], + [ + "currently", + -13.206391334533691 + ], + [ + "▁Canary", + -13.206415176391602 + ], + [ + "▁MOT", + -13.206424713134766 + ], + [ + "▁cheers", + -13.206585884094238 + ], + [ + "▁reacting", + -13.206643104553224 + ], + [ + "1.7", + -13.20672607421875 + ], + [ + "▁scriptures", + -13.206738471984863 + ], + [ + "▁(2010)", + -13.20677375793457 + ], + [ + "▁knack", + -13.206781387329102 + ], + [ + "▁diner", + -13.206809043884276 + ], + [ + "CAT", + -13.206884384155272 + ], + [ + "Increase", + -13.206986427307127 + ], + [ + "▁XR", + -13.207046508789062 + ], + [ + "▁powders", + -13.207064628601074 + ], + [ + "iate", + -13.207134246826172 + ], + [ + "Kate", + -13.207181930541992 + ], + [ + "▁VIII", + -13.207267761230469 + ], + [ + "▁Servers", + -13.20729160308838 + ], + [ + "cards", + -13.207489967346191 + ], + [ + "Found", + -13.207511901855469 + ], + [ + "google", + -13.20762825012207 + ], + [ + "▁escrow", + -13.20765495300293 + ], + [ + "▁antibacterial", + -13.20767879486084 + ], + [ + "▁1987,", + -13.20776653289795 + ], + [ + "zhou", + -13.20781135559082 + ], + [ + "▁Ballroom", + -13.207834243774414 + ], + [ + "▁Sapphire", + -13.20785140991211 + ], + [ + "▁brownie", + -13.207880973815918 + ], + [ + "pid", + -13.207903861999512 + ], + [ + "▁Blogging", + -13.207919120788574 + ], + [ + "▁london", + -13.207921981811523 + ], + [ + "▁Atom", + -13.20823574066162 + ], + [ + "▁ebooks", + -13.208239555358888 + ], + [ + "anya", + -13.208243370056152 + ], + [ + "▁exceedingly", + -13.208319664001465 + ], + [ + "▁yell", + -13.208393096923828 + ], + [ + "▁piled", + -13.208406448364258 + ], + [ + "▁Messages", + -13.20844841003418 + ], + [ + "▁Doom", + -13.208452224731444 + ], + [ + "▁distributes", + -13.208542823791504 + ], + [ + "880", + -13.208768844604492 + ], + [ + "▁LR", + -13.20893096923828 + ], + [ + "▁heir", + -13.208978652954102 + ], + [ + "▁Veronica", + -13.209019660949709 + ], + [ + "▁Peugeot", + -13.209020614624023 + ], + [ + "▁Powers", + -13.209263801574709 + ], + [ + "Golden", + -13.209376335144045 + ], + [ + "...?", + -13.209379196166992 + ], + [ + "▁frenzy", + -13.209516525268556 + ], + [ + "▁illicit", + -13.209518432617188 + ], + [ + "▁pelvic", + -13.209518432617188 + ], + [ + "▁rectify", + -13.20952033996582 + ], + [ + "▁autistic", + -13.209522247314451 + ], + [ + "Samsung", + -13.209528923034668 + ], + [ + "▁tiring", + -13.20954132080078 + ], + [ + "▁equine", + -13.209583282470703 + ], + [ + "▁excerpts", + -13.209585189819336 + ], + [ + "▁Vit", + -13.209635734558104 + ], + [ + "▁Blocks", + -13.20968532562256 + ], + [ + "▁glaciers", + -13.20976734161377 + ], + [ + "10,", + -13.209792137145996 + ], + [ + "▁affirmed", + -13.209904670715332 + ], + [ + "▁ninety", + -13.209951400756836 + ], + [ + "▁dove", + -13.209990501403809 + ], + [ + "ald", + -13.210101127624512 + ], + [ + "▁cre", + -13.21011734008789 + ], + [ + "▁microphones", + -13.210164070129396 + ], + [ + "arrow", + -13.210272789001465 + ], + [ + "▁Botox", + -13.210329055786133 + ], + [ + "▁dvd", + -13.210339546203612 + ], + [ + "▁Axis", + -13.21037769317627 + ], + [ + "▁Frei", + -13.210553169250488 + ], + [ + "▁Governors", + -13.210570335388184 + ], + [ + "▁brim", + -13.210611343383787 + ], + [ + "calc", + -13.210681915283203 + ], + [ + "7).", + -13.21074676513672 + ], + [ + "▁conversational", + -13.210752487182615 + ], + [ + "▁customise", + -13.210792541503906 + ], + [ + "▁Thursdays", + -13.210877418518066 + ], + [ + "▁Bab", + -13.21090602874756 + ], + [ + "▁hauling", + -13.210999488830566 + ], + [ + "▁Couple", + -13.211012840270996 + ], + [ + "16)", + -13.211053848266602 + ], + [ + "▁relieving", + -13.211113929748535 + ], + [ + "EZ", + -13.211136817932127 + ], + [ + "forth", + -13.211278915405272 + ], + [ + "▁avalanche", + -13.211385726928713 + ], + [ + "▁Meridian", + -13.211387634277344 + ], + [ + "▁polka", + -13.21140956878662 + ], + [ + "cp", + -13.21141529083252 + ], + [ + "▁fav", + -13.21145248413086 + ], + [ + "▁Pru", + -13.21168613433838 + ], + [ + "▁homeschool", + -13.211734771728516 + ], + [ + "▁responsiveness", + -13.211827278137209 + ], + [ + "▁Tender", + -13.211857795715332 + ], + [ + "▁Yankee", + -13.211934089660645 + ], + [ + "▁manpower", + -13.211989402770996 + ], + [ + "▁Transform", + -13.212044715881348 + ], + [ + "▁Accountants", + -13.212061882019045 + ], + [ + "▁scrambled", + -13.212117195129396 + ], + [ + "▁businessmen", + -13.212233543395996 + ], + [ + "▁solves", + -13.212267875671388 + ], + [ + "sq", + -13.212297439575195 + ], + [ + "▁Twins", + -13.21234893798828 + ], + [ + "▁cert", + -13.212398529052734 + ], + [ + "Isn", + -13.212533950805664 + ], + [ + "▁tro", + -13.212552070617676 + ], + [ + "doing", + -13.212629318237305 + ], + [ + "▁Moment", + -13.212654113769531 + ], + [ + "▁abuses", + -13.212657928466797 + ], + [ + "bd", + -13.212787628173828 + ], + [ + "Face", + -13.212966918945312 + ], + [ + "▁Isles", + -13.212967872619627 + ], + [ + "▁Tunisia", + -13.212970733642578 + ], + [ + "▁Hog", + -13.212998390197754 + ], + [ + "▁Subscription", + -13.213054656982422 + ], + [ + "bies", + -13.213057518005373 + ], + [ + "▁Nikki", + -13.213123321533203 + ], + [ + "▁Cameroon", + -13.213150024414062 + ], + [ + "▁yuan", + -13.213178634643556 + ], + [ + "▁depreciation", + -13.213258743286133 + ], + [ + "▁pedigree", + -13.213258743286133 + ], + [ + "▁posterior", + -13.213261604309082 + ], + [ + "▁tactile", + -13.213262557983398 + ], + [ + "Dance", + -13.213275909423828 + ], + [ + "▁resentment", + -13.213305473327637 + ], + [ + "osi", + -13.213384628295898 + ], + [ + "▁Anthem", + -13.213394165039062 + ], + [ + "▁submerged", + -13.213396072387695 + ], + [ + "▁circulated", + -13.213415145874023 + ], + [ + "▁donuts", + -13.213448524475098 + ], + [ + "oC", + -13.21362590789795 + ], + [ + "▁underserved", + -13.21365451812744 + ], + [ + "▁Shire", + -13.213669776916504 + ], + [ + "Spread", + -13.213672637939451 + ], + [ + "▁braided", + -13.213695526123049 + ], + [ + "▁Zelda", + -13.21371078491211 + ], + [ + "▁defeats", + -13.213741302490234 + ], + [ + "▁idiot", + -13.213763236999512 + ], + [ + "▁Toll", + -13.213821411132812 + ], + [ + "▁Sidney", + -13.213854789733888 + ], + [ + "▁presumed", + -13.213863372802734 + ], + [ + "▁Exams", + -13.213872909545898 + ], + [ + "▁nightclub", + -13.213950157165527 + ], + [ + "▁waterproofing", + -13.21396541595459 + ], + [ + "slow", + -13.214029312133787 + ], + [ + "▁Lowes", + -13.214118957519531 + ], + [ + "▁Rodney", + -13.214128494262695 + ], + [ + "nix", + -13.21414852142334 + ], + [ + "▁repellent", + -13.214200973510742 + ], + [ + "▁Sanford", + -13.214247703552246 + ], + [ + "▁192", + -13.21434211730957 + ], + [ + "7-", + -13.214349746704102 + ], + [ + "▁Accu", + -13.214365005493164 + ], + [ + "▁Griffith", + -13.21437168121338 + ], + [ + "▁Psychological", + -13.214629173278809 + ], + [ + "▁Barker", + -13.21484088897705 + ], + [ + "▁RAID", + -13.214888572692873 + ], + [ + "▁sacrificed", + -13.214978218078612 + ], + [ + "▁Grim", + -13.2150239944458 + ], + [ + "▁RG", + -13.215043067932127 + ], + [ + "werk", + -13.215051651000977 + ], + [ + "▁hillside", + -13.215106010437012 + ], + [ + "▁evangelical", + -13.21513557434082 + ], + [ + "▁triangular", + -13.215136528015137 + ], + [ + "▁Acrobat", + -13.215142250061035 + ], + [ + "▁Buick", + -13.215150833129885 + ], + [ + "▁Efficient", + -13.21515655517578 + ], + [ + "▁Baxter", + -13.21517276763916 + ], + [ + "lack", + -13.21518325805664 + ], + [ + "ende", + -13.215200424194336 + ], + [ + "17)", + -13.215202331542969 + ], + [ + "▁Kom", + -13.215203285217283 + ], + [ + "▁ensembles", + -13.215261459350586 + ], + [ + "▁147", + -13.215287208557127 + ], + [ + "▁Plugin", + -13.21529483795166 + ], + [ + "medium", + -13.215352058410645 + ], + [ + "eger", + -13.215449333190918 + ], + [ + "▁symbolism", + -13.21551513671875 + ], + [ + "▁Salle", + -13.21567153930664 + ], + [ + "pull", + -13.2156982421875 + ], + [ + "cole", + -13.215734481811523 + ], + [ + "Fo", + -13.215770721435549 + ], + [ + "▁LONG", + -13.21580982208252 + ], + [ + "▁Lantern", + -13.215856552124023 + ], + [ + "0.1", + -13.21595859527588 + ], + [ + "▁Aluminium", + -13.215991973876951 + ], + [ + "▁Deli", + -13.216068267822266 + ], + [ + "▁Greenwood", + -13.216073036193848 + ], + [ + "▁Pools", + -13.216158866882324 + ], + [ + "Frame", + -13.216200828552246 + ], + [ + "▁undercover", + -13.216259002685549 + ], + [ + "▁revelations", + -13.216365814208984 + ], + [ + "▁duplex", + -13.21638298034668 + ], + [ + "▁swarm", + -13.21640396118164 + ], + [ + "▁Turf", + -13.21641445159912 + ], + [ + "▁Mechanics", + -13.216425895690918 + ], + [ + "▁PJ", + -13.216438293457031 + ], + [ + "▁varnish", + -13.216477394104004 + ], + [ + "▁conveys", + -13.216561317443848 + ], + [ + "▁Mosaic", + -13.216581344604492 + ], + [ + "▁EDT", + -13.21660041809082 + ], + [ + "young", + -13.21664333343506 + ], + [ + "▁assigning", + -13.216668128967283 + ], + [ + "▁ventured", + -13.216681480407717 + ], + [ + "Sleep", + -13.2167329788208 + ], + [ + "Mer", + -13.216837882995604 + ], + [ + "▁leaflet", + -13.216859817504885 + ], + [ + "Geo", + -13.21688747406006 + ], + [ + "mental", + -13.21696662902832 + ], + [ + "Th", + -13.21699047088623 + ], + [ + "▁cranberry", + -13.21701431274414 + ], + [ + "▁ensuing", + -13.21701431274414 + ], + [ + "▁mahogany", + -13.21701431274414 + ], + [ + "▁pinnacle", + -13.21701431274414 + ], + [ + "▁strenuous", + -13.21701431274414 + ], + [ + "▁luminous", + -13.21702480316162 + ], + [ + "▁bistro", + -13.217034339904783 + ], + [ + "▁omitted", + -13.21704387664795 + ], + [ + "▁Moines", + -13.217044830322266 + ], + [ + "▁friday", + -13.217069625854492 + ], + [ + "▁hath", + -13.217103004455566 + ], + [ + "▁Conversation", + -13.217185020446776 + ], + [ + "▁BIM", + -13.21721363067627 + ], + [ + "plated", + -13.217241287231444 + ], + [ + "Taylor", + -13.217242240905762 + ], + [ + "▁fer", + -13.217299461364746 + ], + [ + "▁courthouse", + -13.217318534851074 + ], + [ + "▁lodged", + -13.217337608337402 + ], + [ + "▁Clemson", + -13.217514038085938 + ], + [ + "▁Plantation", + -13.217558860778809 + ], + [ + "▁Mana", + -13.217602729797363 + ], + [ + "▁Bulgarian", + -13.217714309692385 + ], + [ + "ardi", + -13.217727661132812 + ], + [ + "▁hovering", + -13.217778205871582 + ], + [ + "daily", + -13.21779441833496 + ], + [ + "unc", + -13.217835426330566 + ], + [ + "Half", + -13.217865943908691 + ], + [ + "▁kW", + -13.21786880493164 + ], + [ + "▁Flora", + -13.217920303344728 + ], + [ + "▁rigs", + -13.218008041381836 + ], + [ + "Flex", + -13.218032836914062 + ], + [ + "▁eine", + -13.218059539794922 + ], + [ + "▁Avalon", + -13.218066215515137 + ], + [ + "▁Bullet", + -13.21817684173584 + ], + [ + "mbu", + -13.21827220916748 + ], + [ + "Created", + -13.218273162841797 + ], + [ + "▁Usage", + -13.218289375305176 + ], + [ + "▁sans", + -13.218364715576172 + ], + [ + "▁detectives", + -13.21838665008545 + ], + [ + "▁lounges", + -13.218542098999023 + ], + [ + "28.", + -13.218546867370604 + ], + [ + "▁1984,", + -13.218587875366213 + ], + [ + "▁(2011)", + -13.218635559082031 + ], + [ + "▁ticking", + -13.218734741210938 + ], + [ + "▁BF", + -13.218825340270996 + ], + [ + "▁Spokane", + -13.218897819519045 + ], + [ + "▁Conveyor", + -13.218899726867676 + ], + [ + "▁Reporter", + -13.218976974487305 + ], + [ + "former", + -13.218992233276367 + ], + [ + "▁Southeastern", + -13.218995094299316 + ], + [ + "▁backpacking", + -13.219082832336426 + ], + [ + "▁shields", + -13.219101905822754 + ], + [ + "▁finder", + -13.21913242340088 + ], + [ + "▁noticeably", + -13.219173431396484 + ], + [ + "▁10-12", + -13.219185829162598 + ], + [ + "▁flo", + -13.219286918640137 + ], + [ + "pos", + -13.219326972961426 + ], + [ + "▁sightings", + -13.219345092773438 + ], + [ + "▁Penguins", + -13.219348907470703 + ], + [ + "jer", + -13.219390869140623 + ], + [ + "▁perch", + -13.219438552856444 + ], + [ + "▁Landmark", + -13.219481468200684 + ], + [ + "▁biases", + -13.219496726989746 + ], + [ + "▁Tesco", + -13.219554901123049 + ], + [ + "▁infinitely", + -13.219626426696776 + ], + [ + "Marie", + -13.219629287719728 + ], + [ + "2007", + -13.219639778137209 + ], + [ + "▁swath", + -13.219670295715332 + ], + [ + "▁Diagnostic", + -13.219731330871582 + ], + [ + "bright", + -13.219783782958984 + ], + [ + "▁Fake", + -13.219837188720703 + ], + [ + "▁149", + -13.219858169555664 + ], + [ + "▁YEAR", + -13.219908714294434 + ], + [ + "▁Quay", + -13.220020294189451 + ], + [ + "▁manure", + -13.220067024230955 + ], + [ + "cot", + -13.22016716003418 + ], + [ + "Mod", + -13.220256805419922 + ], + [ + "▁Weiss", + -13.220260620117188 + ], + [ + "▁Trauma", + -13.22036838531494 + ], + [ + "tooth", + -13.220385551452637 + ], + [ + "▁temperament", + -13.220486640930176 + ], + [ + "▁rotated", + -13.220489501953123 + ], + [ + "▁decidedly", + -13.220536231994627 + ], + [ + "▁Goat", + -13.220541954040527 + ], + [ + "▁Reds", + -13.220662117004396 + ], + [ + "▁adhering", + -13.220722198486328 + ], + [ + "▁nifty", + -13.220785140991213 + ], + [ + "STA", + -13.220786094665527 + ], + [ + "▁solitude", + -13.220786094665527 + ], + [ + "▁grills", + -13.22081470489502 + ], + [ + "▁Janeiro", + -13.22082805633545 + ], + [ + "▁Delete", + -13.220833778381348 + ], + [ + "▁Peterborough", + -13.22083568572998 + ], + [ + "▁chaise", + -13.220854759216309 + ], + [ + "rrell", + -13.22099781036377 + ], + [ + "▁LEED", + -13.22115993499756 + ], + [ + "▁homeschooling", + -13.221299171447754 + ], + [ + "ono", + -13.221405029296877 + ], + [ + "▁chant", + -13.22141456604004 + ], + [ + "Weight", + -13.221539497375488 + ], + [ + "▁takeout", + -13.221565246582031 + ], + [ + "▁Ships", + -13.221596717834473 + ], + [ + "ISS", + -13.221611976623535 + ], + [ + "forum", + -13.221647262573242 + ], + [ + "Train", + -13.221692085266112 + ], + [ + "kun", + -13.221696853637695 + ], + [ + "▁CIS", + -13.221722602844238 + ], + [ + "▁LSU", + -13.221742630004885 + ], + [ + "▁sausages", + -13.221820831298828 + ], + [ + "▁sandbox", + -13.221928596496582 + ], + [ + "▁AOL", + -13.222038269042969 + ], + [ + "kia", + -13.222163200378418 + ], + [ + "▁leaps", + -13.222277641296388 + ], + [ + "otropic", + -13.222281455993652 + ], + [ + "▁Consultation", + -13.22243309020996 + ], + [ + "▁pings", + -13.222441673278809 + ], + [ + "▁Undergraduate", + -13.222474098205566 + ], + [ + "MIT", + -13.222488403320312 + ], + [ + "▁formulations", + -13.222549438476562 + ], + [ + "▁goggles", + -13.22255802154541 + ], + [ + "▁directs", + -13.22256088256836 + ], + [ + "ITA", + -13.222620010375977 + ], + [ + "▁evocative", + -13.222674369812012 + ], + [ + "▁plausible", + -13.222674369812012 + ], + [ + "▁visibly", + -13.222676277160645 + ], + [ + "▁tapestry", + -13.222684860229492 + ], + [ + "▁SATA", + -13.222755432128906 + ], + [ + "▁Slowly", + -13.222813606262209 + ], + [ + "▁adjunct", + -13.222826957702637 + ], + [ + "▁barber", + -13.222830772399902 + ], + [ + "▁vanished", + -13.222942352294922 + ], + [ + "▁sculpted", + -13.222999572753906 + ], + [ + "Thinking", + -13.22301197052002 + ], + [ + "▁duplication", + -13.22307014465332 + ], + [ + "▁Invisalign", + -13.223114013671877 + ], + [ + "▁Spending", + -13.223164558410645 + ], + [ + "wald", + -13.223207473754885 + ], + [ + "▁$10.", + -13.223247528076172 + ], + [ + "▁squid", + -13.223294258117676 + ], + [ + "▁Cham", + -13.22337245941162 + ], + [ + "▁Leone", + -13.223397254943848 + ], + [ + "▁ancestry", + -13.223443984985352 + ], + [ + "▁troll", + -13.223533630371094 + ], + [ + "▁impart", + -13.223551750183104 + ], + [ + "▁cutters", + -13.223628044128418 + ], + [ + "NK", + -13.2236328125 + ], + [ + "▁receptionist", + -13.223737716674805 + ], + [ + "NIC", + -13.22396469116211 + ], + [ + "▁previews", + -13.224217414855955 + ], + [ + "shock", + -13.224312782287598 + ], + [ + "▁Virus", + -13.224339485168455 + ], + [ + "▁Overseas", + -13.224390029907228 + ], + [ + "▁evokes", + -13.224411010742188 + ], + [ + "▁Caps", + -13.224446296691896 + ], + [ + "▁happenings", + -13.224448204040527 + ], + [ + "▁gorge", + -13.224531173706056 + ], + [ + "▁embellishments", + -13.224553108215332 + ], + [ + "▁aggregation", + -13.224568367004396 + ], + [ + "▁approving", + -13.224568367004396 + ], + [ + "▁custard", + -13.224568367004396 + ], + [ + "▁mayonnaise", + -13.224568367004396 + ], + [ + "▁balsamic", + -13.224569320678713 + ], + [ + "▁HL", + -13.224571228027344 + ], + [ + "▁polyethylene", + -13.22457218170166 + ], + [ + "▁Monetary", + -13.224579811096191 + ], + [ + "▁southeastern", + -13.224604606628418 + ], + [ + "forming", + -13.22469997406006 + ], + [ + "aji", + -13.224750518798828 + ], + [ + "application", + -13.22483730316162 + ], + [ + "▁segmentation", + -13.224932670593262 + ], + [ + "negative", + -13.224942207336426 + ], + [ + "mom", + -13.224967956542969 + ], + [ + "Visitors", + -13.224973678588867 + ], + [ + "▁fragmented", + -13.224977493286133 + ], + [ + "Everybody", + -13.2250337600708 + ], + [ + "tung", + -13.225037574768066 + ], + [ + "▁Essence", + -13.225042343139648 + ], + [ + "▁Joanne", + -13.225126266479492 + ], + [ + "▁slippers", + -13.225183486938477 + ], + [ + "binding", + -13.22518539428711 + ], + [ + "▁Closing", + -13.225378036499023 + ], + [ + "▁Deliver", + -13.225398063659668 + ], + [ + "kawa", + -13.225448608398438 + ], + [ + "aza", + -13.22547435760498 + ], + [ + "▁preset", + -13.225496292114258 + ], + [ + "▁Pho", + -13.22551155090332 + ], + [ + "kid", + -13.225526809692385 + ], + [ + "▁XC", + -13.2255277633667 + ], + [ + "▁4-1", + -13.225603103637695 + ], + [ + "▁440", + -13.225634574890137 + ], + [ + "▁beware", + -13.225672721862791 + ], + [ + "Sim", + -13.225759506225586 + ], + [ + "▁Scotch", + -13.225763320922852 + ], + [ + "▁reinforces", + -13.225781440734863 + ], + [ + "▁Champ", + -13.225797653198242 + ], + [ + "▁deteriorate", + -13.225865364074709 + ], + [ + "uto", + -13.22590446472168 + ], + [ + "▁synchronization", + -13.22596263885498 + ], + [ + "String", + -13.226045608520508 + ], + [ + "▁Git", + -13.22607421875 + ], + [ + "▁intending", + -13.226207733154297 + ], + [ + "▁Theology", + -13.22627067565918 + ], + [ + "▁Protestant", + -13.226351737976074 + ], + [ + "dong", + -13.226444244384766 + ], + [ + "▁astronomy", + -13.226466178894045 + ], + [ + "▁Biomedical", + -13.22649383544922 + ], + [ + "▁Protective", + -13.226506233215332 + ], + [ + "inder", + -13.226507186889648 + ], + [ + "OMG", + -13.226573944091797 + ], + [ + "▁Shoulder", + -13.226580619812012 + ], + [ + "▁Chop", + -13.226584434509276 + ], + [ + "▁Blackjack", + -13.226609230041504 + ], + [ + "▁intellect", + -13.226611137390137 + ], + [ + "▁Hoover", + -13.22666358947754 + ], + [ + "▁Glo", + -13.22667121887207 + ], + [ + "▁feline", + -13.226690292358398 + ], + [ + "▁Bul", + -13.226702690124512 + ], + [ + "kw", + -13.226862907409668 + ], + [ + "rec", + -13.226935386657717 + ], + [ + "▁Gru", + -13.226977348327637 + ], + [ + "▁Henri", + -13.22702693939209 + ], + [ + "▁sequential", + -13.227044105529783 + ], + [ + "▁adjusts", + -13.22704792022705 + ], + [ + "▁soldering", + -13.227234840393066 + ], + [ + "▁Memories", + -13.227242469787598 + ], + [ + "▁Directorate", + -13.227253913879396 + ], + [ + "▁aggregated", + -13.227336883544922 + ], + [ + "▁waffles", + -13.227445602416992 + ], + [ + "git", + -13.227619171142578 + ], + [ + "installed", + -13.227645874023438 + ], + [ + "▁Hun", + -13.227749824523926 + ], + [ + "▁irritate", + -13.22776699066162 + ], + [ + "▁outages", + -13.227771759033203 + ], + [ + "Er", + -13.227819442749023 + ], + [ + "▁RAF", + -13.227829933166504 + ], + [ + "uchi", + -13.227965354919434 + ], + [ + "▁awarding", + -13.228019714355469 + ], + [ + "▁emoji", + -13.228253364562988 + ], + [ + "▁arrogant", + -13.228367805480955 + ], + [ + "▁Dwight", + -13.228368759155272 + ], + [ + "▁origami", + -13.228368759155272 + ], + [ + "▁Taipei", + -13.22836971282959 + ], + [ + "▁folklore", + -13.228376388549805 + ], + [ + "Ash", + -13.228379249572754 + ], + [ + "▁uncomplicated", + -13.228384017944336 + ], + [ + "▁robe", + -13.22860336303711 + ], + [ + "▁repo", + -13.228684425354004 + ], + [ + "nom", + -13.228785514831545 + ], + [ + "▁bulls", + -13.228800773620604 + ], + [ + "ards", + -13.228809356689451 + ], + [ + "Knowledge", + -13.228849411010742 + ], + [ + "Machine", + -13.228862762451172 + ], + [ + "▁greetings", + -13.22888469696045 + ], + [ + "regular", + -13.228899002075195 + ], + [ + "▁Agra", + -13.228926658630373 + ], + [ + "▁punching", + -13.228960037231444 + ], + [ + "▁Flush", + -13.228965759277344 + ], + [ + "▁Laurent", + -13.22903823852539 + ], + [ + "▁mare", + -13.2290620803833 + ], + [ + "efficiency", + -13.229108810424805 + ], + [ + "▁everlasting", + -13.229108810424805 + ], + [ + "Bike", + -13.229191780090332 + ], + [ + "▁affirm", + -13.229212760925291 + ], + [ + "▁unveil", + -13.22922706604004 + ], + [ + "▁Streets", + -13.22923183441162 + ], + [ + "▁Investigations", + -13.229287147521973 + ], + [ + "▁underwriting", + -13.229347229003906 + ], + [ + "▁CNA", + -13.22934913635254 + ], + [ + "8-", + -13.229409217834473 + ], + [ + "EG", + -13.22956371307373 + ], + [ + "▁Optional", + -13.229657173156738 + ], + [ + "▁toolbox", + -13.22977066040039 + ], + [ + "3.2", + -13.229782104492188 + ], + [ + "▁Scots", + -13.229832649230955 + ], + [ + "▁graves", + -13.230100631713867 + ], + [ + "stro", + -13.23018741607666 + ], + [ + "▁Zuckerberg", + -13.230195045471191 + ], + [ + "▁Taka", + -13.23024559020996 + ], + [ + "interoperability", + -13.23027229309082 + ], + [ + "▁Rotterdam", + -13.23027229309082 + ], + [ + "▁periodontal", + -13.23027229309082 + ], + [ + "▁stature", + -13.230307579040527 + ], + [ + "Gift", + -13.230317115783691 + ], + [ + "▁Madness", + -13.230558395385742 + ], + [ + "▁pressured", + -13.23060131072998 + ], + [ + "profits", + -13.230642318725586 + ], + [ + "Pink", + -13.23073387145996 + ], + [ + "purchase", + -13.230748176574709 + ], + [ + "▁certify", + -13.230769157409668 + ], + [ + "default", + -13.230819702148438 + ], + [ + "▁Detox", + -13.230951309204102 + ], + [ + "▁Booster", + -13.230957984924316 + ], + [ + "▁Cl", + -13.23095989227295 + ], + [ + "correct", + -13.231019020080566 + ], + [ + "wl", + -13.231250762939451 + ], + [ + "▁waive", + -13.2313232421875 + ], + [ + "▁champ", + -13.231409072875977 + ], + [ + "move", + -13.231525421142578 + ], + [ + "▁Proposal", + -13.23167324066162 + ], + [ + "▁Temporary", + -13.231791496276855 + ], + [ + "▁NAB", + -13.23184299468994 + ], + [ + "▁Dixie", + -13.231844902038574 + ], + [ + "▁winger", + -13.23189926147461 + ], + [ + "gies", + -13.231922149658203 + ], + [ + "▁chargers", + -13.231926918029783 + ], + [ + "▁strategist", + -13.231953620910645 + ], + [ + "Fully", + -13.232050895690918 + ], + [ + "kos", + -13.232050895690918 + ], + [ + "sort", + -13.232134819030762 + ], + [ + "▁VPS", + -13.232150077819824 + ], + [ + "▁Craigslist", + -13.232181549072266 + ], + [ + "▁weblog", + -13.232280731201172 + ], + [ + "▁MAD", + -13.232300758361816 + ], + [ + "▁retrofit", + -13.232337951660156 + ], + [ + "▁425", + -13.232451438903809 + ], + [ + "FOR", + -13.232460975646973 + ], + [ + "▁GIF", + -13.23252773284912 + ], + [ + "▁Greenland", + -13.23256778717041 + ], + [ + "▁nonfiction", + -13.23256778717041 + ], + [ + "logical", + -13.232685089111328 + ], + [ + "Twitter", + -13.232759475708008 + ], + [ + "ACE", + -13.232816696166992 + ], + [ + "▁Eaton", + -13.232829093933104 + ], + [ + "▁hen", + -13.232832908630373 + ], + [ + "▁Elle", + -13.232837677001951 + ], + [ + "▁Ou", + -13.232919692993164 + ], + [ + "Saharan", + -13.232942581176758 + ], + [ + "▁Haley", + -13.232953071594238 + ], + [ + "Individual", + -13.23302173614502 + ], + [ + "▁Nicolas", + -13.23305606842041 + ], + [ + "▁flange", + -13.233092308044434 + ], + [ + "▁TRI", + -13.2330961227417 + ], + [ + "▁workbook", + -13.233149528503418 + ], + [ + "▁dropdown", + -13.233156204223633 + ], + [ + "▁devotees", + -13.23320484161377 + ], + [ + "▁14%", + -13.233222007751465 + ], + [ + "▁Wor", + -13.233226776123049 + ], + [ + "Offering", + -13.233295440673828 + ], + [ + "▁breakage", + -13.23332691192627 + ], + [ + "▁Stability", + -13.233354568481444 + ], + [ + "Exception", + -13.233502388000488 + ], + [ + "Treat", + -13.23351001739502 + ], + [ + "tight", + -13.233522415161133 + ], + [ + "▁tuberculosis", + -13.2335844039917 + ], + [ + "▁wigs", + -13.233634948730469 + ], + [ + "dn", + -13.233636856079102 + ], + [ + "▁NIH", + -13.233734130859377 + ], + [ + "inus", + -13.233782768249512 + ], + [ + "▁cucumbers", + -13.233858108520508 + ], + [ + "lect", + -13.233892440795898 + ], + [ + "▁renewing", + -13.233929634094238 + ], + [ + "▁Cancel", + -13.233942031860352 + ], + [ + "▁Citation", + -13.23396110534668 + ], + [ + "▁astronauts", + -13.234028816223145 + ], + [ + "▁depiction", + -13.234052658081056 + ], + [ + "▁applause", + -13.234092712402344 + ], + [ + "▁pergola", + -13.23409366607666 + ], + [ + "▁Flotation", + -13.23409652709961 + ], + [ + "▁marginalized", + -13.234135627746582 + ], + [ + "▁Lobby", + -13.234140396118164 + ], + [ + "▁Frequently", + -13.234153747558594 + ], + [ + "kers", + -13.23415470123291 + ], + [ + "▁repent", + -13.234190940856934 + ], + [ + "▁Crab", + -13.234288215637209 + ], + [ + "mara", + -13.234318733215332 + ], + [ + "▁Baghdad", + -13.23432731628418 + ], + [ + "flash", + -13.234333992004396 + ], + [ + "▁snowfall", + -13.234341621398926 + ], + [ + "▁criticised", + -13.234352111816406 + ], + [ + "▁Govt", + -13.234451293945312 + ], + [ + "▁WASHINGTON", + -13.234543800354004 + ], + [ + "ahan", + -13.234570503234863 + ], + [ + "▁Bally", + -13.234732627868652 + ], + [ + "▁indexing", + -13.234753608703612 + ], + [ + "▁swamp", + -13.234858512878418 + ], + [ + "▁Dior", + -13.23497200012207 + ], + [ + "carb", + -13.234983444213867 + ], + [ + "▁Jasmine", + -13.235090255737305 + ], + [ + "▁prefix", + -13.235093116760254 + ], + [ + "dling", + -13.235101699829102 + ], + [ + "aware", + -13.235116004943848 + ], + [ + "▁inaccessible", + -13.235188484191896 + ], + [ + "▁hunts", + -13.235201835632324 + ], + [ + "▁finalize", + -13.235215187072754 + ], + [ + "ttle", + -13.235217094421388 + ], + [ + "▁sank", + -13.235377311706545 + ], + [ + "▁listens", + -13.235466003417969 + ], + [ + "▁miraculous", + -13.23576545715332 + ], + [ + "▁Sus", + -13.235772132873535 + ], + [ + "▁sheen", + -13.235804557800291 + ], + [ + "▁sinful", + -13.235836029052734 + ], + [ + "▁machined", + -13.235857009887695 + ], + [ + "▁attaining", + -13.235920906066896 + ], + [ + "▁soybean", + -13.235955238342283 + ], + [ + "▁Renovation", + -13.2359619140625 + ], + [ + "▁expanse", + -13.236008644104004 + ], + [ + "▁prototyping", + -13.236008644104004 + ], + [ + "▁culminating", + -13.23600959777832 + ], + [ + "▁hummus", + -13.236014366149902 + ], + [ + "▁Spiral", + -13.236112594604492 + ], + [ + "▁Marvin", + -13.236336708068848 + ], + [ + "alu", + -13.23637580871582 + ], + [ + "Party", + -13.236438751220703 + ], + [ + "Maintain", + -13.236441612243652 + ], + [ + "▁Africans", + -13.2364501953125 + ], + [ + "▁escalate", + -13.236470222473145 + ], + [ + "▁Mead", + -13.23647403717041 + ], + [ + "▁ASEAN", + -13.236557960510254 + ], + [ + "shoot", + -13.236587524414062 + ], + [ + "▁Jeremiah", + -13.236590385437012 + ], + [ + "desk", + -13.236796379089355 + ], + [ + "▁sm", + -13.236946105957031 + ], + [ + "▁Mori", + -13.23695468902588 + ], + [ + "▁Siding", + -13.236957550048828 + ], + [ + "▁Cloth", + -13.237051963806152 + ], + [ + "▁fleeting", + -13.237183570861816 + ], + [ + "▁Mou", + -13.23723316192627 + ], + [ + "▁grassy", + -13.237258911132812 + ], + [ + "▁Roads", + -13.237420082092283 + ], + [ + "insky", + -13.237441062927246 + ], + [ + "FDA", + -13.237448692321776 + ], + [ + "▁CVS", + -13.237591743469238 + ], + [ + "▁resize", + -13.237611770629885 + ], + [ + "EDIT", + -13.237680435180664 + ], + [ + "▁Sew", + -13.237698554992676 + ], + [ + "▁ruthless", + -13.237710952758787 + ], + [ + "#1", + -13.237741470336914 + ], + [ + "▁snippets", + -13.237874984741213 + ], + [ + "▁viscosity", + -13.237927436828612 + ], + [ + "▁shabby", + -13.237929344177246 + ], + [ + "▁continuum", + -13.237934112548828 + ], + [ + "▁familiarize", + -13.23793888092041 + ], + [ + "▁Tudor", + -13.237944602966309 + ], + [ + "▁PSD", + -13.237961769104004 + ], + [ + "▁Olympus", + -13.23798370361328 + ], + [ + "▁masking", + -13.237991333007812 + ], + [ + "▁Bhutan", + -13.23805046081543 + ], + [ + "aze", + -13.238051414489746 + ], + [ + "▁Seafood", + -13.238085746765137 + ], + [ + "font", + -13.238107681274414 + ], + [ + "ffe", + -13.23826026916504 + ], + [ + "▁TED", + -13.23858642578125 + ], + [ + "▁siege", + -13.238590240478516 + ], + [ + "▁equipments", + -13.238653182983398 + ], + [ + "▁motorhome", + -13.238656044006348 + ], + [ + "material", + -13.238760948181152 + ], + [ + "▁Cutter", + -13.238764762878418 + ], + [ + "▁geographically", + -13.238791465759276 + ], + [ + "▁Kale", + -13.238802909851074 + ], + [ + "▁:-)", + -13.23883056640625 + ], + [ + "▁Billing", + -13.238906860351562 + ], + [ + "2001", + -13.238936424255373 + ], + [ + "▁lofty", + -13.238968849182127 + ], + [ + "YC", + -13.238980293273926 + ], + [ + "▁Kylie", + -13.23898696899414 + ], + [ + "▁5\"", + -13.238994598388672 + ], + [ + "▁verbs", + -13.23900318145752 + ], + [ + "▁killers", + -13.23902416229248 + ], + [ + "▁theoretically", + -13.23902702331543 + ], + [ + "▁Nur", + -13.239059448242188 + ], + [ + "▁pickles", + -13.23910140991211 + ], + [ + "▁pitchers", + -13.239120483398438 + ], + [ + "▁cot", + -13.23914623260498 + ], + [ + "riel", + -13.239248275756836 + ], + [ + "jay", + -13.23935604095459 + ], + [ + "▁Til", + -13.23940372467041 + ], + [ + "▁Bourbon", + -13.239487648010254 + ], + [ + "ionic", + -13.239510536193848 + ], + [ + "▁Middleton", + -13.2396879196167 + ], + [ + "▁constipation", + -13.239850997924805 + ], + [ + "▁fiduciary", + -13.239850997924805 + ], + [ + "▁Swivel", + -13.239852905273438 + ], + [ + "comb", + -13.239998817443848 + ], + [ + "▁Dickens", + -13.24001407623291 + ], + [ + "▁starving", + -13.24002742767334 + ], + [ + "20,000", + -13.2400484085083 + ], + [ + "linear", + -13.2400484085083 + ], + [ + "ordination", + -13.240079879760742 + ], + [ + "▁Ola", + -13.240150451660156 + ], + [ + "ifi", + -13.240180015563965 + ], + [ + "▁Minh", + -13.24018669128418 + ], + [ + "▁Diaz", + -13.240421295166016 + ], + [ + "▁storefront", + -13.240429878234863 + ], + [ + "▁ANC", + -13.240463256835938 + ], + [ + "▁ACS", + -13.240559577941896 + ], + [ + "Channel", + -13.240612983703612 + ], + [ + "Vitamin", + -13.240625381469728 + ], + [ + "▁ballistic", + -13.24062728881836 + ], + [ + "▁characterised", + -13.24063777923584 + ], + [ + "Williams", + -13.24071979522705 + ], + [ + "▁adapters", + -13.240824699401855 + ], + [ + "Nobody", + -13.240890502929688 + ], + [ + "▁Named", + -13.240899085998535 + ], + [ + "▁LD", + -13.240952491760254 + ], + [ + "▁ALS", + -13.240954399108888 + ], + [ + "▁vistas", + -13.241003036499023 + ], + [ + ":26", + -13.241132736206056 + ], + [ + "▁factions", + -13.241166114807127 + ], + [ + "▁Baton", + -13.24120044708252 + ], + [ + "▁Ratings", + -13.24120044708252 + ], + [ + "ATA", + -13.241230010986328 + ], + [ + "▁HOA", + -13.241280555725098 + ], + [ + "Orange", + -13.241332054138184 + ], + [ + "Returns", + -13.24136447906494 + ], + [ + "▁dab", + -13.2413969039917 + ], + [ + "▁33%", + -13.241506576538086 + ], + [ + "▁turnovers", + -13.241537094116213 + ], + [ + "▁Helm", + -13.241581916809082 + ], + [ + "▁Slave", + -13.24162769317627 + ], + [ + "▁Citi", + -13.2416410446167 + ], + [ + "▁Signed", + -13.241655349731444 + ], + [ + "Wear", + -13.24166488647461 + ], + [ + "▁Maid", + -13.241705894470217 + ], + [ + "▁Sheridan", + -13.241780281066896 + ], + [ + "▁biopsy", + -13.241798400878906 + ], + [ + "▁speciality", + -13.241843223571776 + ], + [ + "trop", + -13.241976737976074 + ], + [ + "▁Linear", + -13.242008209228516 + ], + [ + "▁404", + -13.242077827453612 + ], + [ + "vu", + -13.242084503173828 + ], + [ + "rv", + -13.242101669311523 + ], + [ + "▁mowing", + -13.24211311340332 + ], + [ + "▁Opinion", + -13.242145538330078 + ], + [ + "▁Deaf", + -13.242198944091797 + ], + [ + "yana", + -13.24222183227539 + ], + [ + "jam", + -13.242308616638184 + ], + [ + "▁skeletal", + -13.242476463317873 + ], + [ + "▁stoves", + -13.242561340332031 + ], + [ + "Minimum", + -13.242594718933104 + ], + [ + "Casino", + -13.242599487304688 + ], + [ + "▁Threat", + -13.24262809753418 + ], + [ + "answer", + -13.242630958557127 + ], + [ + "lung", + -13.24271297454834 + ], + [ + "▁supervisory", + -13.24272346496582 + ], + [ + "▁dal", + -13.242790222167969 + ], + [ + "▁selects", + -13.242827415466309 + ], + [ + "▁Tobacco", + -13.24289894104004 + ], + [ + "▁fractured", + -13.242938041687012 + ], + [ + "▁aligns", + -13.242945671081545 + ], + [ + "▁prioritized", + -13.243048667907717 + ], + [ + "▁walker", + -13.243230819702148 + ], + [ + "▁Goes", + -13.243258476257324 + ], + [ + "▁$200,000", + -13.243263244628906 + ], + [ + "▁moods", + -13.243321418762209 + ], + [ + "▁Sporting", + -13.243370056152344 + ], + [ + "▁planter", + -13.243378639221191 + ], + [ + "Sense", + -13.243401527404783 + ], + [ + "▁psyche", + -13.24342441558838 + ], + [ + "ERA", + -13.243426322937012 + ], + [ + "▁subcontractors", + -13.24343490600586 + ], + [ + "▁Wildcats", + -13.243572235107422 + ], + [ + "▁payoff", + -13.2435884475708 + ], + [ + "▁Socket", + -13.24366569519043 + ], + [ + "▁raspberries", + -13.243709564208984 + ], + [ + "▁waistband", + -13.243748664855955 + ], + [ + "▁awning", + -13.243757247924805 + ], + [ + "▁Trustee", + -13.243793487548828 + ], + [ + "▁Chiang", + -13.243818283081056 + ], + [ + "4.2", + -13.24382781982422 + ], + [ + "▁Mighty", + -13.24384307861328 + ], + [ + "▁Herbal", + -13.243863105773926 + ], + [ + "WAY", + -13.24392032623291 + ], + [ + "▁insulating", + -13.24393081665039 + ], + [ + "▁asteroid", + -13.24418830871582 + ], + [ + "▁digs", + -13.24434757232666 + ], + [ + "▁sharpening", + -13.244409561157228 + ], + [ + "▁Esq", + -13.244418144226074 + ], + [ + "▁Drinking", + -13.24445343017578 + ], + [ + "▁foe", + -13.244551658630373 + ], + [ + "357", + -13.244565963745115 + ], + [ + "vr", + -13.244582176208496 + ], + [ + "▁misconceptions", + -13.244751930236816 + ], + [ + "▁outfitted", + -13.244779586791992 + ], + [ + "▁ordeal", + -13.244847297668455 + ], + [ + "-65", + -13.244872093200684 + ], + [ + "▁Actress", + -13.245102882385254 + ], + [ + "▁Clair", + -13.245107650756836 + ], + [ + "▁Cooler", + -13.245125770568848 + ], + [ + "▁divides", + -13.2451753616333 + ], + [ + "▁guts", + -13.245182037353516 + ], + [ + "aco", + -13.245219230651855 + ], + [ + "rna", + -13.245610237121582 + ], + [ + "▁Maldives", + -13.24564266204834 + ], + [ + "▁segregation", + -13.24564266204834 + ], + [ + "▁Fiesta", + -13.245647430419922 + ], + [ + "▁embodied", + -13.245650291442873 + ], + [ + "▁snippet", + -13.24570083618164 + ], + [ + "hale", + -13.24570369720459 + ], + [ + "▁spyware", + -13.245725631713867 + ], + [ + "▁Invitational", + -13.245782852172852 + ], + [ + "▁Gerry", + -13.245842933654783 + ], + [ + "▁intimidated", + -13.24594497680664 + ], + [ + "▁Diva", + -13.245965003967283 + ], + [ + "cake", + -13.246051788330078 + ], + [ + "cloth", + -13.24607753753662 + ], + [ + "▁Acc", + -13.246257781982422 + ], + [ + "▁Matte", + -13.246317863464355 + ], + [ + "▁Grammar", + -13.246356010437012 + ], + [ + "▁Dodgers", + -13.246415138244627 + ], + [ + "▁Charger", + -13.24643898010254 + ], + [ + "▁Pico", + -13.246538162231444 + ], + [ + "▁aiding", + -13.24654483795166 + ], + [ + "compliant", + -13.246562957763672 + ], + [ + "Giving", + -13.24660587310791 + ], + [ + "▁Ahead", + -13.246699333190918 + ], + [ + "▁AFTER", + -13.24672031402588 + ], + [ + "▁275", + -13.246742248535156 + ], + [ + "Za", + -13.246753692626951 + ], + [ + "waste", + -13.246787071228027 + ], + [ + "▁Indo", + -13.246831893920898 + ], + [ + "▁steaming", + -13.246845245361328 + ], + [ + "lou", + -13.24692726135254 + ], + [ + "APP", + -13.246956825256348 + ], + [ + "Tonight", + -13.247248649597168 + ], + [ + "gua", + -13.247305870056152 + ], + [ + "▁realms", + -13.24738311767578 + ], + [ + "▁dryers", + -13.247447967529297 + ], + [ + "▁computation", + -13.247477531433104 + ], + [ + "575", + -13.24748706817627 + ], + [ + "▁parmesan", + -13.247580528259276 + ], + [ + "▁Quincy", + -13.247588157653809 + ], + [ + "▁lymphoma", + -13.247588157653809 + ], + [ + "iano", + -13.247628211975098 + ], + [ + "▁retractable", + -13.24763011932373 + ], + [ + "▁Hash", + -13.24764919281006 + ], + [ + "205", + -13.247708320617676 + ], + [ + "▁Mats", + -13.247746467590332 + ], + [ + "▁Absolute", + -13.247777938842772 + ], + [ + "issue", + -13.247873306274414 + ], + [ + "▁localization", + -13.247915267944336 + ], + [ + "▁denies", + -13.2479248046875 + ], + [ + "▁ASUS", + -13.247964859008787 + ], + [ + "▁dryness", + -13.248150825500488 + ], + [ + "▁matured", + -13.248306274414062 + ], + [ + "▁pep", + -13.248318672180176 + ], + [ + "launch", + -13.248395919799805 + ], + [ + "TEN", + -13.24842357635498 + ], + [ + "▁Splash", + -13.24846649169922 + ], + [ + "finished", + -13.24856948852539 + ], + [ + "Unique", + -13.24858856201172 + ], + [ + "roid", + -13.24871063232422 + ], + [ + "▁Alfa", + -13.248736381530762 + ], + [ + "▁Ritz", + -13.248787879943848 + ], + [ + "▁Particularly", + -13.24880313873291 + ], + [ + "tham", + -13.248933792114258 + ], + [ + "DNA", + -13.248940467834473 + ], + [ + "lid", + -13.248977661132812 + ], + [ + "▁provisional", + -13.248993873596191 + ], + [ + "▁beets", + -13.249028205871582 + ], + [ + "▁SPECIAL", + -13.249051094055176 + ], + [ + "▁prehistoric", + -13.249126434326172 + ], + [ + "▁Shrimp", + -13.249205589294434 + ], + [ + "▁notation", + -13.249256134033203 + ], + [ + "gai", + -13.249329566955566 + ], + [ + "▁differentiated", + -13.249356269836426 + ], + [ + "▁Traveling", + -13.24937629699707 + ], + [ + "sample", + -13.24943733215332 + ], + [ + "overs", + -13.24952507019043 + ], + [ + "▁discoloration", + -13.249541282653809 + ], + [ + "▁phosphorus", + -13.249545097351074 + ], + [ + "145", + -13.249679565429688 + ], + [ + "▁undue", + -13.24969482421875 + ], + [ + "333", + -13.249699592590332 + ], + [ + "▁Stitch", + -13.24970245361328 + ], + [ + "wai", + -13.249725341796877 + ], + [ + "▁020", + -13.24978733062744 + ], + [ + "▁Malibu", + -13.249814987182615 + ], + [ + "▁seriousness", + -13.249863624572754 + ], + [ + "▁Heavenly", + -13.249999046325684 + ], + [ + "Shi", + -13.250032424926758 + ], + [ + "▁portrays", + -13.250072479248049 + ], + [ + "▁spool", + -13.250207901000977 + ], + [ + "▁ITV", + -13.250226020812988 + ], + [ + "ARA", + -13.250234603881836 + ], + [ + "▁Venue", + -13.250340461730955 + ], + [ + "▁Tribute", + -13.250361442565918 + ], + [ + "▁Pap", + -13.250391006469728 + ], + [ + "▁stale", + -13.25045680999756 + ], + [ + "Various", + -13.25057315826416 + ], + [ + "imp", + -13.25062084197998 + ], + [ + "▁une", + -13.250810623168944 + ], + [ + "TION", + -13.250818252563477 + ], + [ + "▁vases", + -13.250829696655272 + ], + [ + "▁Hicks", + -13.25087070465088 + ], + [ + "oga", + -13.250946044921877 + ], + [ + "▁Enhanced", + -13.251036643981934 + ], + [ + "onne", + -13.251089096069336 + ], + [ + "499", + -13.25111198425293 + ], + [ + "sai", + -13.251116752624512 + ], + [ + "hoe", + -13.251255989074709 + ], + [ + "edi", + -13.251273155212402 + ], + [ + "▁riff", + -13.251359939575195 + ], + [ + "▁OECD", + -13.251432418823242 + ], + [ + "▁quintessential", + -13.25145149230957 + ], + [ + "▁Conservatory", + -13.25146770477295 + ], + [ + "▁galaxies", + -13.25146770477295 + ], + [ + "▁(2003)", + -13.251511573791504 + ], + [ + "▁Elliot", + -13.251541137695312 + ], + [ + "▁sloppy", + -13.251543045043944 + ], + [ + "▁Toss", + -13.25164794921875 + ], + [ + "dict", + -13.2516508102417 + ], + [ + "▁bravery", + -13.251657485961914 + ], + [ + "▁recliner", + -13.251699447631836 + ], + [ + "ullah", + -13.251773834228516 + ], + [ + "▁depleted", + -13.251776695251465 + ], + [ + "percent", + -13.251789093017578 + ], + [ + "Player", + -13.25180435180664 + ], + [ + "▁NEWS", + -13.251829147338867 + ], + [ + "▁auditor", + -13.251838684082031 + ], + [ + "Greg", + -13.25190544128418 + ], + [ + "▁IPS", + -13.251928329467772 + ], + [ + "▁resisted", + -13.25194263458252 + ], + [ + "logist", + -13.252039909362791 + ], + [ + "▁Apex", + -13.252230644226074 + ], + [ + "▁Sau", + -13.252318382263184 + ], + [ + "▁probes", + -13.252361297607422 + ], + [ + "▁adopts", + -13.252485275268556 + ], + [ + "▁Graduation", + -13.252503395080566 + ], + [ + "▁Attempt", + -13.252533912658691 + ], + [ + "everything", + -13.25255012512207 + ], + [ + "..........", + -13.2525634765625 + ], + [ + "▁Dominic", + -13.252635955810549 + ], + [ + "nat", + -13.25268840789795 + ], + [ + "▁weld", + -13.252690315246582 + ], + [ + "▁Gorilla", + -13.252735137939451 + ], + [ + "▁enclosures", + -13.252752304077148 + ], + [ + "cla", + -13.252766609191896 + ], + [ + "bok", + -13.252798080444336 + ], + [ + "▁Milo", + -13.252870559692385 + ], + [ + "▁Dim", + -13.252891540527344 + ], + [ + "▁Challenger", + -13.252971649169922 + ], + [ + "▁Everett", + -13.25300121307373 + ], + [ + "▁1985,", + -13.253116607666016 + ], + [ + "▁incapable", + -13.2532377243042 + ], + [ + "▁Stripe", + -13.25334358215332 + ], + [ + "Mass", + -13.253398895263672 + ], + [ + "▁Fortnite", + -13.253450393676758 + ], + [ + "▁Niger", + -13.253525733947754 + ], + [ + "Quest", + -13.253532409667969 + ], + [ + "Lite", + -13.253539085388184 + ], + [ + "ques", + -13.253572463989258 + ], + [ + "▁Culinary", + -13.25367546081543 + ], + [ + "▁Brennan", + -13.253680229187012 + ], + [ + "▁Called", + -13.253691673278809 + ], + [ + "▁Plato", + -13.253703117370604 + ], + [ + "▁workloads", + -13.253721237182615 + ], + [ + "tik", + -13.253722190856934 + ], + [ + "▁incarnation", + -13.253737449645996 + ], + [ + "▁Employer", + -13.253748893737791 + ], + [ + "▁Pediatrics", + -13.253793716430664 + ], + [ + "▁Gardening", + -13.253803253173828 + ], + [ + "▁curd", + -13.253841400146484 + ], + [ + "▁apron", + -13.253844261169434 + ], + [ + "▁Flour", + -13.253862380981444 + ], + [ + "▁revoked", + -13.253921508789062 + ], + [ + "▁1922", + -13.253979682922363 + ], + [ + "▁Sources", + -13.254076957702637 + ], + [ + "▁menstrual", + -13.254228591918944 + ], + [ + "▁savor", + -13.254240036010742 + ], + [ + "▁JU", + -13.254291534423828 + ], + [ + "▁tailoring", + -13.25430965423584 + ], + [ + "▁Esther", + -13.254347801208496 + ], + [ + "productive", + -13.254414558410645 + ], + [ + "lessly", + -13.254505157470703 + ], + [ + "protein", + -13.25452709197998 + ], + [ + "▁stalled", + -13.25452995300293 + ], + [ + "Je", + -13.254541397094728 + ], + [ + "associated", + -13.254579544067385 + ], + [ + "▁Spec", + -13.25467586517334 + ], + [ + "▁freeing", + -13.25470733642578 + ], + [ + "▁Gou", + -13.254764556884766 + ], + [ + "▁pharmaceuticals", + -13.25487232208252 + ], + [ + "uld", + -13.254889488220217 + ], + [ + "116", + -13.254919052124023 + ], + [ + "▁Rowe", + -13.25503635406494 + ], + [ + "▁helpers", + -13.255242347717283 + ], + [ + "▁Lahore", + -13.255370140075684 + ], + [ + "▁burgeoning", + -13.255370140075684 + ], + [ + "▁initiating", + -13.255370140075684 + ], + [ + "▁Bombay", + -13.255383491516112 + ], + [ + "▁Infantry", + -13.255403518676758 + ], + [ + "▁plaid", + -13.255496978759766 + ], + [ + "friends", + -13.255525588989258 + ], + [ + "▁pardon", + -13.255532264709473 + ], + [ + "▁constituted", + -13.255681037902832 + ], + [ + "▁spout", + -13.255728721618652 + ], + [ + "▁Mothers", + -13.25580596923828 + ], + [ + "anto", + -13.25592803955078 + ], + [ + "8.6", + -13.255946159362791 + ], + [ + "eration", + -13.255962371826172 + ], + [ + "▁reopened", + -13.25596809387207 + ], + [ + "▁mythical", + -13.256120681762695 + ], + [ + "▁Protector", + -13.256197929382324 + ], + [ + "▁Bankruptcy", + -13.25626277923584 + ], + [ + "phe", + -13.2562837600708 + ], + [ + "BH", + -13.256287574768066 + ], + [ + "▁VE", + -13.256356239318848 + ], + [ + "▁applaud", + -13.256420135498049 + ], + [ + "▁breeders", + -13.256420135498049 + ], + [ + "▁integrations", + -13.256511688232422 + ], + [ + "Bottom", + -13.256542205810549 + ], + [ + "WAN", + -13.256568908691406 + ], + [ + "kee", + -13.256648063659668 + ], + [ + "▁ripping", + -13.25667667388916 + ], + [ + "▁candies", + -13.256707191467283 + ], + [ + "▁Processor", + -13.256921768188477 + ], + [ + "▁whiteboard", + -13.256957054138184 + ], + [ + "forest", + -13.257051467895508 + ], + [ + "▁2018:", + -13.257071495056152 + ], + [ + "▁rejecting", + -13.257086753845217 + ], + [ + "▁PLAY", + -13.25718879699707 + ], + [ + "▁dictator", + -13.257267951965332 + ], + [ + "▁Kala", + -13.257268905639648 + ], + [ + "▁EMI", + -13.25729751586914 + ], + [ + "▁inauguration", + -13.25732707977295 + ], + [ + "▁Merkel", + -13.25735092163086 + ], + [ + "▁inventories", + -13.25737190246582 + ], + [ + "▁Kaplan", + -13.257396697998049 + ], + [ + "▁oddly", + -13.257485389709473 + ], + [ + "▁sails", + -13.257506370544434 + ], + [ + "▁terrestrial", + -13.257546424865724 + ], + [ + "▁extremes", + -13.257648468017578 + ], + [ + "nath", + -13.257650375366213 + ], + [ + "gem", + -13.257702827453612 + ], + [ + "▁MSc", + -13.257834434509276 + ], + [ + "▁1-4", + -13.257878303527832 + ], + [ + "▁cardstock", + -13.257929801940918 + ], + [ + "▁Participation", + -13.258000373840332 + ], + [ + "▁enact", + -13.25802230834961 + ], + [ + "▁Hanson", + -13.258145332336426 + ], + [ + "▁SUP", + -13.258150100708008 + ], + [ + "Convert", + -13.258223533630373 + ], + [ + "▁Nex", + -13.258259773254396 + ], + [ + "wet", + -13.258272171020508 + ], + [ + "▁sich", + -13.258356094360352 + ], + [ + "▁Friedman", + -13.258481979370115 + ], + [ + "▁Knife", + -13.258514404296877 + ], + [ + "Voice", + -13.258545875549316 + ], + [ + "hopefully", + -13.258560180664062 + ], + [ + "▁ENT", + -13.258567810058594 + ], + [ + "ogram", + -13.258580207824709 + ], + [ + "oj", + -13.2586669921875 + ], + [ + "▁Lol", + -13.258748054504396 + ], + [ + "▁surcharge", + -13.258824348449709 + ], + [ + "GY", + -13.258926391601562 + ], + [ + "iba", + -13.25892734527588 + ], + [ + "▁Sem", + -13.258981704711914 + ], + [ + "Perform", + -13.25905418395996 + ], + [ + "LK", + -13.259078025817873 + ], + [ + "▁Preferred", + -13.259102821350098 + ], + [ + "uria", + -13.259115219116213 + ], + [ + "▁#8", + -13.259178161621094 + ], + [ + "▁Mam", + -13.259218215942385 + ], + [ + "▁SHOW", + -13.25925350189209 + ], + [ + "▁ingenuity", + -13.25928783416748 + ], + [ + "▁renovating", + -13.25928783416748 + ], + [ + "▁treasury", + -13.25928783416748 + ], + [ + "▁accusing", + -13.259295463562012 + ], + [ + "▁Wolves", + -13.259302139282228 + ], + [ + "▁swapped", + -13.259322166442873 + ], + [ + "▁yielding", + -13.25934600830078 + ], + [ + "▁Fischer", + -13.25939655303955 + ], + [ + "▁quasi", + -13.259397506713867 + ], + [ + "▁undertook", + -13.25942039489746 + ], + [ + "KR", + -13.259454727172852 + ], + [ + "▁understatement", + -13.259547233581545 + ], + [ + "▁chatted", + -13.25957202911377 + ], + [ + "zza", + -13.259618759155272 + ], + [ + "▁Jorge", + -13.259653091430664 + ], + [ + "hosted", + -13.259674072265623 + ], + [ + "▁reiterated", + -13.259726524353027 + ], + [ + "▁Lung", + -13.25976848602295 + ], + [ + "ape", + -13.259791374206545 + ], + [ + "▁Nic", + -13.25985336303711 + ], + [ + "▁Rockies", + -13.25987148284912 + ], + [ + "▁Cakes", + -13.259969711303713 + ], + [ + "▁DDR", + -13.26007843017578 + ], + [ + "elia", + -13.260101318359377 + ], + [ + "▁Ping", + -13.260248184204102 + ], + [ + "▁Trojan", + -13.260486602783203 + ], + [ + "Han", + -13.260516166687012 + ], + [ + "bul", + -13.260546684265137 + ], + [ + "definition", + -13.260621070861816 + ], + [ + "▁tortillas", + -13.260622024536133 + ], + [ + "dhar", + -13.260741233825684 + ], + [ + "▁Reservations", + -13.26078987121582 + ], + [ + "thon", + -13.260915756225586 + ], + [ + "▁lantern", + -13.2609281539917 + ], + [ + "▁outsole", + -13.260929107666016 + ], + [ + "nge", + -13.261013984680176 + ], + [ + "▁materially", + -13.261040687561035 + ], + [ + "▁umbrellas", + -13.26108455657959 + ], + [ + "plo", + -13.261086463928224 + ], + [ + "mage", + -13.261091232299805 + ], + [ + "▁Chaos", + -13.261120796203612 + ], + [ + "▁Heater", + -13.261123657226562 + ], + [ + "▁Clifton", + -13.261228561401367 + ], + [ + "▁pancreatic", + -13.261252403259276 + ], + [ + "▁inducted", + -13.261260032653809 + ], + [ + "insurance", + -13.261272430419922 + ], + [ + "▁baton", + -13.261277198791504 + ], + [ + "▁Milford", + -13.261302947998049 + ], + [ + "▁Municipality", + -13.26133918762207 + ], + [ + "▁Patriot", + -13.261388778686523 + ], + [ + "ubi", + -13.261457443237305 + ], + [ + "DAY", + -13.261735916137695 + ], + [ + "▁Thesis", + -13.261749267578123 + ], + [ + "hh", + -13.261751174926758 + ], + [ + "▁Kona", + -13.261785507202148 + ], + [ + "▁Exposure", + -13.261863708496094 + ], + [ + "▁Accept", + -13.261974334716797 + ], + [ + "▁squat", + -13.261975288391112 + ], + [ + "▁rad", + -13.26206874847412 + ], + [ + "855", + -13.262150764465332 + ], + [ + "kW", + -13.262168884277344 + ], + [ + "adh", + -13.262316703796388 + ], + [ + "▁Patti", + -13.262333869934082 + ], + [ + "▁Acupuncture", + -13.262337684631348 + ], + [ + "▁Tilt", + -13.262359619140623 + ], + [ + "▁sling", + -13.262408256530762 + ], + [ + "4).", + -13.262531280517578 + ], + [ + "▁Colombian", + -13.262554168701172 + ], + [ + "strength", + -13.26257038116455 + ], + [ + "WW", + -13.262572288513184 + ], + [ + "▁Experienced", + -13.262575149536133 + ], + [ + "▁Montessori", + -13.262649536132812 + ], + [ + "▁Cree", + -13.262673377990724 + ], + [ + "▁quests", + -13.262741088867188 + ], + [ + "▁freelancers", + -13.262781143188477 + ], + [ + "houses", + -13.26279067993164 + ], + [ + "▁modulation", + -13.262799263000488 + ], + [ + "▁COO", + -13.262807846069336 + ], + [ + "▁Tay", + -13.26282787322998 + ], + [ + "lots", + -13.262941360473633 + ], + [ + "▁chronological", + -13.262977600097656 + ], + [ + "grand", + -13.263005256652832 + ], + [ + "▁entrances", + -13.263009071350098 + ], + [ + "▁follicles", + -13.263039588928224 + ], + [ + "▁cites", + -13.263110160827637 + ], + [ + "pho", + -13.263121604919434 + ], + [ + "arts", + -13.263150215148926 + ], + [ + "▁resemblance", + -13.26322078704834 + ], + [ + "▁Corvette", + -13.263222694396973 + ], + [ + "▁satisfies", + -13.263223648071287 + ], + [ + "▁Narendra", + -13.263224601745604 + ], + [ + "▁triathlon", + -13.263224601745604 + ], + [ + "▁corrugated", + -13.263256072998049 + ], + [ + "emo", + -13.263290405273438 + ], + [ + "▁deception", + -13.263340950012209 + ], + [ + "▁18%", + -13.263385772705078 + ], + [ + "Walking", + -13.26340103149414 + ], + [ + "/22", + -13.263482093811035 + ], + [ + "▁spindle", + -13.263513565063477 + ], + [ + "forms", + -13.263516426086426 + ], + [ + "▁Clover", + -13.263583183288574 + ], + [ + "▁Greens", + -13.263630867004396 + ], + [ + "rama", + -13.263654708862305 + ], + [ + "god", + -13.26365566253662 + ], + [ + "▁Ayurveda", + -13.263678550720217 + ], + [ + "vio", + -13.263761520385742 + ], + [ + "▁SEM", + -13.26380729675293 + ], + [ + "▁NAV", + -13.26393699645996 + ], + [ + "▁tra", + -13.263976097106934 + ], + [ + "▁claimant", + -13.264104843139648 + ], + [ + "▁Eleanor", + -13.264122009277344 + ], + [ + "ushi", + -13.264232635498049 + ], + [ + "▁footer", + -13.264325141906738 + ], + [ + "sf", + -13.264395713806152 + ], + [ + "▁Ble", + -13.26443099975586 + ], + [ + "▁crow", + -13.26448917388916 + ], + [ + "370", + -13.264513969421388 + ], + [ + "▁360-", + -13.264593124389648 + ], + [ + "Jennifer", + -13.26460075378418 + ], + [ + "▁collide", + -13.264618873596191 + ], + [ + "Managing", + -13.264641761779783 + ], + [ + "pla", + -13.26470947265625 + ], + [ + "▁380", + -13.264732360839844 + ], + [ + "LESS", + -13.264802932739258 + ], + [ + "▁tiers", + -13.264822959899902 + ], + [ + "kk", + -13.264931678771973 + ], + [ + "▁smoothing", + -13.264933586120604 + ], + [ + "▁AAC", + -13.264955520629885 + ], + [ + "▁forging", + -13.264981269836426 + ], + [ + "▁Addition", + -13.264995574951172 + ], + [ + "▁Fore", + -13.265010833740234 + ], + [ + "▁UM", + -13.26503562927246 + ], + [ + "▁equestrian", + -13.265192985534668 + ], + [ + "▁supervising", + -13.265192985534668 + ], + [ + "▁arduous", + -13.265193939208984 + ], + [ + "▁punitive", + -13.2651948928833 + ], + [ + "fee", + -13.265233039855955 + ], + [ + "Row", + -13.265250205993652 + ], + [ + "▁Scho", + -13.265280723571776 + ], + [ + "▁argumentative", + -13.26528263092041 + ], + [ + "▁Pregnancy", + -13.265291213989258 + ], + [ + "▁Guyana", + -13.26529598236084 + ], + [ + "▁Yukon", + -13.26530647277832 + ], + [ + "▁Austen", + -13.265315055847168 + ], + [ + "▁Midtown", + -13.26534652709961 + ], + [ + "cess", + -13.26534938812256 + ], + [ + "▁Morton", + -13.265509605407717 + ], + [ + "▁realistically", + -13.265509605407717 + ], + [ + "12)", + -13.265610694885254 + ], + [ + "▁Ref", + -13.265625953674316 + ], + [ + "▁cho", + -13.265671730041504 + ], + [ + "blogspot", + -13.26567268371582 + ], + [ + "fect", + -13.265741348266602 + ], + [ + "oci", + -13.26577091217041 + ], + [ + "bak", + -13.265838623046877 + ], + [ + "hydr", + -13.265896797180176 + ], + [ + "▁hospitalized", + -13.265902519226074 + ], + [ + "▁sulfur", + -13.266019821166992 + ], + [ + "seal", + -13.266047477722168 + ], + [ + "▁Minerals", + -13.266199111938477 + ], + [ + "▁Depth", + -13.266222953796388 + ], + [ + "▁replenish", + -13.266229629516602 + ], + [ + "+)", + -13.26624584197998 + ], + [ + "wild", + -13.26640796661377 + ], + [ + "▁Jai", + -13.266434669494627 + ], + [ + "college", + -13.266450881958008 + ], + [ + "▁confronting", + -13.266473770141602 + ], + [ + "▁converge", + -13.266565322875977 + ], + [ + "inspiring", + -13.266566276550291 + ], + [ + "groups", + -13.266754150390623 + ], + [ + "▁gait", + -13.266779899597168 + ], + [ + "▁amaze", + -13.26699447631836 + ], + [ + "prop", + -13.267057418823242 + ], + [ + "▁cynical", + -13.267057418823242 + ], + [ + "lists", + -13.267062187194824 + ], + [ + "▁Croydon", + -13.267169952392578 + ], + [ + "YOU", + -13.267178535461426 + ], + [ + "▁alleging", + -13.267178535461426 + ], + [ + "▁Groove", + -13.26728630065918 + ], + [ + "Eco", + -13.267389297485352 + ], + [ + "▁advocated", + -13.267398834228516 + ], + [ + "▁Granted", + -13.26746654510498 + ], + [ + "▁dungeon", + -13.267475128173828 + ], + [ + "▁manifold", + -13.267476081848145 + ], + [ + "uter", + -13.267550468444824 + ], + [ + "13)", + -13.267572402954102 + ], + [ + "▁Grange", + -13.267614364624023 + ], + [ + "owitz", + -13.267694473266602 + ], + [ + "27.", + -13.267695426940918 + ], + [ + "Story", + -13.26776123046875 + ], + [ + "▁55%", + -13.267784118652344 + ], + [ + "▁AVI", + -13.267794609069824 + ], + [ + "pong", + -13.267817497253418 + ], + [ + "▁Procedures", + -13.267842292785645 + ], + [ + "▁JB", + -13.267910957336426 + ], + [ + "gren", + -13.268115997314451 + ], + [ + "Plant", + -13.268121719360352 + ], + [ + "attack", + -13.268122673034668 + ], + [ + "▁Vivo", + -13.268136978149414 + ], + [ + "ovo", + -13.268351554870604 + ], + [ + "▁Bos", + -13.268473625183104 + ], + [ + "device", + -13.268584251403809 + ], + [ + "wedding", + -13.268688201904297 + ], + [ + "sworth", + -13.26869297027588 + ], + [ + "▁Eid", + -13.26870059967041 + ], + [ + "League", + -13.268733978271484 + ], + [ + "▁$49", + -13.268778800964355 + ], + [ + "▁Manuals", + -13.268962860107422 + ], + [ + "▁Sushi", + -13.268967628479004 + ], + [ + "▁enlist", + -13.269021034240724 + ], + [ + "▁IPL", + -13.269047737121582 + ], + [ + "▁annuity", + -13.269150733947754 + ], + [ + "▁fraternity", + -13.269150733947754 + ], + [ + "▁Paramount", + -13.269170761108398 + ], + [ + "▁nicht", + -13.26918888092041 + ], + [ + "▁Communion", + -13.269192695617676 + ], + [ + "▁cramped", + -13.269289016723633 + ], + [ + "▁persists", + -13.26928997039795 + ], + [ + "▁Stools", + -13.269323348999023 + ], + [ + "ope", + -13.269407272338867 + ], + [ + "▁Ronaldo", + -13.26962947845459 + ], + [ + "▁mc", + -13.26963233947754 + ], + [ + "ece", + -13.2697114944458 + ], + [ + "▁SHE", + -13.269753456115724 + ], + [ + "▁loader", + -13.26984405517578 + ], + [ + "usi", + -13.270133018493652 + ], + [ + "▁OG", + -13.270172119140623 + ], + [ + "riya", + -13.270275115966797 + ], + [ + "▁Bless", + -13.270333290100098 + ], + [ + "ASS", + -13.270353317260742 + ], + [ + "▁Bucket", + -13.270370483398438 + ], + [ + "▁widening", + -13.270467758178713 + ], + [ + "want", + -13.270479202270508 + ], + [ + "parts", + -13.27049446105957 + ], + [ + "▁Kad", + -13.270756721496582 + ], + [ + "▁Hz", + -13.270869255065918 + ], + [ + "▁obsessive", + -13.27089786529541 + ], + [ + "▁Injection", + -13.271133422851562 + ], + [ + "▁desperation", + -13.271133422851562 + ], + [ + "▁Duchess", + -13.27113437652588 + ], + [ + "▁barbeque", + -13.27113437652588 + ], + [ + "▁photovoltaic", + -13.27114963531494 + ], + [ + "▁Decide", + -13.271162986755373 + ], + [ + "▁capitalist", + -13.271183967590332 + ], + [ + "▁receptive", + -13.27118682861328 + ], + [ + "▁?????", + -13.27122402191162 + ], + [ + "jon", + -13.27126693725586 + ], + [ + "▁pageant", + -13.27128791809082 + ], + [ + "▁experimented", + -13.271291732788086 + ], + [ + "▁incision", + -13.27132511138916 + ], + [ + "▁unicorn", + -13.271492004394531 + ], + [ + "uno", + -13.271525382995604 + ], + [ + "▁Mk", + -13.271541595458984 + ], + [ + "▁Malone", + -13.2715425491333 + ], + [ + "▁driveways", + -13.271618843078612 + ], + [ + "uca", + -13.27163791656494 + ], + [ + "▁Papua", + -13.271668434143066 + ], + [ + "▁fertilizers", + -13.271678924560549 + ], + [ + "▁treasurer", + -13.271716117858888 + ], + [ + "▁degeneration", + -13.27171802520752 + ], + [ + "ely", + -13.271732330322266 + ], + [ + "Cu", + -13.27187156677246 + ], + [ + "▁Expression", + -13.272003173828123 + ], + [ + "blast", + -13.27210807800293 + ], + [ + "▁2021", + -13.272130966186523 + ], + [ + "▁ECO", + -13.272144317626951 + ], + [ + "transformational", + -13.272192001342772 + ], + [ + "tailed", + -13.272233963012695 + ], + [ + "▁WANT", + -13.272256851196287 + ], + [ + "▁DESIGN", + -13.272289276123049 + ], + [ + "typically", + -13.272306442260742 + ], + [ + "Break", + -13.272391319274902 + ], + [ + "▁Witness", + -13.272393226623535 + ], + [ + "▁Fir", + -13.272469520568848 + ], + [ + "bian", + -13.272480010986328 + ], + [ + "▁LMS", + -13.272579193115234 + ], + [ + "▁Suicide", + -13.27263641357422 + ], + [ + "▁Kavanaugh", + -13.272643089294434 + ], + [ + "▁Mare", + -13.272680282592772 + ], + [ + "▁webcast", + -13.272865295410156 + ], + [ + "Normally", + -13.272869110107422 + ], + [ + "▁accentuate", + -13.272950172424316 + ], + [ + "Eight", + -13.273016929626465 + ], + [ + "▁Majesty", + -13.27312183380127 + ], + [ + "▁criterion", + -13.27312183380127 + ], + [ + "▁scrumptious", + -13.27312183380127 + ], + [ + "▁annoyance", + -13.273144721984863 + ], + [ + "meyer", + -13.273148536682127 + ], + [ + "▁paranormal", + -13.273186683654783 + ], + [ + "GEN", + -13.27322006225586 + ], + [ + "▁Playground", + -13.273239135742188 + ], + [ + "▁aggregates", + -13.273240089416504 + ], + [ + "▁psychedelic", + -13.273248672485352 + ], + [ + "▁Osborne", + -13.273274421691896 + ], + [ + "355", + -13.273277282714844 + ], + [ + "▁Phys", + -13.27329158782959 + ], + [ + "▁Bound", + -13.273308753967283 + ], + [ + "▁Bour", + -13.273348808288574 + ], + [ + "▁Poli", + -13.273383140563965 + ], + [ + "▁mpg", + -13.27338695526123 + ], + [ + "▁Trash", + -13.273457527160645 + ], + [ + "sufficient", + -13.273550987243652 + ], + [ + "▁Nylon", + -13.273552894592283 + ], + [ + "▁pacing", + -13.273558616638184 + ], + [ + "▁Hou", + -13.273615837097168 + ], + [ + "▁TG", + -13.273664474487305 + ], + [ + "UST", + -13.273701667785645 + ], + [ + "4-5", + -13.273720741271973 + ], + [ + "▁heirs", + -13.27375602722168 + ], + [ + "▁Context", + -13.273781776428224 + ], + [ + "▁1983.", + -13.273795127868652 + ], + [ + "▁Collar", + -13.27381706237793 + ], + [ + "▁waxing", + -13.273865699768066 + ], + [ + "▁Merrill", + -13.273870468139648 + ], + [ + "▁Quran", + -13.273927688598633 + ], + [ + "▁Wie", + -13.273937225341797 + ], + [ + "▁JJ", + -13.274014472961426 + ], + [ + "▁Shaker", + -13.274141311645508 + ], + [ + "▁nationalist", + -13.274168014526367 + ], + [ + "▁Accommodation", + -13.27420711517334 + ], + [ + "▁Formation", + -13.274242401123049 + ], + [ + "sens", + -13.274300575256348 + ], + [ + "reference", + -13.27444076538086 + ], + [ + "▁insisting", + -13.27450180053711 + ], + [ + "▁Babies", + -13.274560928344728 + ], + [ + "▁Pieces", + -13.27458381652832 + ], + [ + "▁Dolphins", + -13.274632453918455 + ], + [ + "▁anyways", + -13.274650573730469 + ], + [ + "▁Cocoa", + -13.274673461914062 + ], + [ + "▁1907", + -13.274704933166504 + ], + [ + "▁lentils", + -13.274734497070312 + ], + [ + "▁Elastic", + -13.27474308013916 + ], + [ + "▁Rails", + -13.274755477905272 + ], + [ + "cord", + -13.274786949157717 + ], + [ + "Outdoor", + -13.274809837341309 + ], + [ + "/2013", + -13.274839401245115 + ], + [ + "888", + -13.274924278259276 + ], + [ + "charged", + -13.27496337890625 + ], + [ + "▁Yoshi", + -13.275020599365234 + ], + [ + "▁HU", + -13.27504539489746 + ], + [ + "▁Rosie", + -13.275070190429688 + ], + [ + "▁Dye", + -13.275073051452637 + ], + [ + "sole", + -13.275087356567385 + ], + [ + "Ve", + -13.275094032287598 + ], + [ + "▁attribution", + -13.275114059448242 + ], + [ + "▁retaliation", + -13.275114059448242 + ], + [ + "▁Hulu", + -13.275116920471191 + ], + [ + "▁aptitude", + -13.275117874145508 + ], + [ + "▁Sergeant", + -13.275138854980469 + ], + [ + "▁coma", + -13.275152206420898 + ], + [ + "▁rhino", + -13.275225639343262 + ], + [ + "▁narrowing", + -13.275251388549805 + ], + [ + "▁indulgence", + -13.275267601013184 + ], + [ + "▁dehydrated", + -13.275286674499512 + ], + [ + "▁Broadcast", + -13.275306701660156 + ], + [ + "▁Operators", + -13.275449752807615 + ], + [ + "▁parasites", + -13.275552749633787 + ], + [ + "▁Clo", + -13.275598526000977 + ], + [ + "▁waived", + -13.27574062347412 + ], + [ + "Forum", + -13.275827407836914 + ], + [ + "▁diminishing", + -13.27591609954834 + ], + [ + "▁Sawyer", + -13.275935173034668 + ], + [ + "▁Mahal", + -13.275970458984377 + ], + [ + "▁Bruins", + -13.275997161865234 + ], + [ + "egan", + -13.27599811553955 + ], + [ + "Vo", + -13.276055335998535 + ], + [ + "▁dolphin", + -13.276060104370115 + ], + [ + "▁tapas", + -13.276086807250977 + ], + [ + "ssel", + -13.27613925933838 + ], + [ + "▁Reasons", + -13.276188850402832 + ], + [ + "MIC", + -13.276199340820312 + ], + [ + "liness", + -13.27622127532959 + ], + [ + "ometric", + -13.276239395141602 + ], + [ + "vana", + -13.276290893554688 + ], + [ + "6).", + -13.276411056518556 + ], + [ + "RAN", + -13.276411056518556 + ], + [ + "▁410", + -13.276535034179688 + ], + [ + "▁federally", + -13.276546478271484 + ], + [ + "▁Loose", + -13.27655029296875 + ], + [ + "▁Adaptive", + -13.27659797668457 + ], + [ + "▁NON", + -13.276668548583984 + ], + [ + "Studies", + -13.276810646057127 + ], + [ + "sible", + -13.27685546875 + ], + [ + "▁2015).", + -13.276867866516112 + ], + [ + "▁SYSTEM", + -13.276932716369627 + ], + [ + "▁Carlton", + -13.277050971984863 + ], + [ + "▁Batt", + -13.277064323425291 + ], + [ + "▁Monastery", + -13.27711009979248 + ], + [ + "▁ambiguous", + -13.27711009979248 + ], + [ + "▁stimuli", + -13.27711009979248 + ], + [ + "▁Saunders", + -13.277111053466797 + ], + [ + "kra", + -13.277132034301758 + ], + [ + "selected", + -13.277135848999023 + ], + [ + "▁wiping", + -13.277138710021973 + ], + [ + "▁Knoxville", + -13.277158737182615 + ], + [ + "▁transplantation", + -13.27720832824707 + ], + [ + "LAS", + -13.2772216796875 + ], + [ + "Neil", + -13.277255058288574 + ], + [ + "▁Roche", + -13.27729034423828 + ], + [ + "gent", + -13.277456283569336 + ], + [ + "▁departmental", + -13.277498245239258 + ], + [ + "▁prosecuted", + -13.277575492858888 + ], + [ + "▁Lecturer", + -13.27760410308838 + ], + [ + "▁reptiles", + -13.27760410308838 + ], + [ + "▁AFL", + -13.277617454528809 + ], + [ + "▁boldly", + -13.277734756469728 + ], + [ + "manager", + -13.277828216552734 + ], + [ + "▁Trials", + -13.277924537658691 + ], + [ + "▁Croatian", + -13.277925491333008 + ], + [ + "▁husbands", + -13.277960777282717 + ], + [ + "▁ticketing", + -13.278069496154783 + ], + [ + "▁della", + -13.278094291687012 + ], + [ + "cleaning", + -13.278120994567873 + ], + [ + "▁Florist", + -13.278141021728516 + ], + [ + "▁rusty", + -13.278183937072754 + ], + [ + "orn", + -13.278226852416992 + ], + [ + "▁Lund", + -13.278278350830078 + ], + [ + "▁Kanye", + -13.278315544128418 + ], + [ + "▁Ness", + -13.278546333312988 + ], + [ + "df", + -13.278547286987305 + ], + [ + "▁Relationships", + -13.278611183166504 + ], + [ + "▁Laminate", + -13.27861499786377 + ], + [ + "ISH", + -13.278731346130373 + ], + [ + "▁Leaves", + -13.278815269470217 + ], + [ + "sid", + -13.278820991516112 + ], + [ + "Bedroom", + -13.278868675231934 + ], + [ + "▁2017)", + -13.27892780303955 + ], + [ + "▁Addiction", + -13.278931617736816 + ], + [ + "▁pickled", + -13.27894115447998 + ], + [ + "▁midterm", + -13.279009819030762 + ], + [ + "sexual", + -13.279077529907228 + ], + [ + "clad", + -13.279092788696287 + ], + [ + "▁Corridor", + -13.279109954833984 + ], + [ + "▁admirable", + -13.279109954833984 + ], + [ + "▁illustrating", + -13.279109954833984 + ], + [ + "▁bridging", + -13.2791109085083 + ], + [ + "▁saloon", + -13.279114723205566 + ], + [ + "▁unrestricted", + -13.279136657714844 + ], + [ + "▁Ibiza", + -13.279163360595703 + ], + [ + "lish", + -13.279251098632812 + ], + [ + "▁degrade", + -13.279309272766112 + ], + [ + "▁cushioning", + -13.27931022644043 + ], + [ + "tw", + -13.279311180114746 + ], + [ + "▁Horton", + -13.279354095458984 + ], + [ + "▁Conway", + -13.279444694519045 + ], + [ + "▁sapphire", + -13.279555320739746 + ], + [ + "▁synchronized", + -13.279608726501465 + ], + [ + "▁Vanguard", + -13.279664039611816 + ], + [ + "▁gall", + -13.279739379882812 + ], + [ + "▁Subsequently", + -13.279740333557127 + ], + [ + "Setting", + -13.27975082397461 + ], + [ + "chia", + -13.27977466583252 + ], + [ + "▁backstage", + -13.2798490524292 + ], + [ + "Rest", + -13.279913902282717 + ], + [ + "▁groundwork", + -13.279990196228027 + ], + [ + "▁$15,000", + -13.280016899108888 + ], + [ + "▁estrogen", + -13.280076026916504 + ], + [ + "▁boarded", + -13.280080795288086 + ], + [ + "▁$250,000", + -13.280170440673828 + ], + [ + "▁35-", + -13.280170440673828 + ], + [ + "phen", + -13.28017807006836 + ], + [ + "▁spilled", + -13.28018569946289 + ], + [ + "▁dictated", + -13.280211448669434 + ], + [ + "KING", + -13.280231475830078 + ], + [ + "▁cluttered", + -13.280258178710938 + ], + [ + "Talking", + -13.280477523803713 + ], + [ + "construction", + -13.280570030212402 + ], + [ + "▁Gibraltar", + -13.280580520629885 + ], + [ + "▁surfers", + -13.280603408813477 + ], + [ + "qa", + -13.28065586090088 + ], + [ + "structure", + -13.280659675598145 + ], + [ + "▁Cinnamon", + -13.280675888061523 + ], + [ + "▁brainstorm", + -13.280710220336914 + ], + [ + "▁mas", + -13.280797004699709 + ], + [ + "▁Quickly", + -13.280797958374023 + ], + [ + "Ce", + -13.280866622924805 + ], + [ + "▁unnatural", + -13.280876159667969 + ], + [ + "▁offender", + -13.280913352966309 + ], + [ + "region", + -13.28099250793457 + ], + [ + "Ram", + -13.281006813049316 + ], + [ + "▁Congressman", + -13.281044960021973 + ], + [ + "▁devastation", + -13.281113624572754 + ], + [ + "▁illuminating", + -13.281113624572754 + ], + [ + "▁octopus", + -13.281113624572754 + ], + [ + "▁slicing", + -13.281115531921388 + ], + [ + "▁warehousing", + -13.281115531921388 + ], + [ + "▁Chargers", + -13.281132698059082 + ], + [ + "Rain", + -13.281177520751951 + ], + [ + "▁chalkboard", + -13.281185150146484 + ], + [ + "fore", + -13.281221389770508 + ], + [ + "▁Cylinder", + -13.281271934509276 + ], + [ + "loo", + -13.281293869018556 + ], + [ + "▁Keystone", + -13.28135108947754 + ], + [ + "▁Stor", + -13.28139877319336 + ], + [ + "Brain", + -13.28140354156494 + ], + [ + "▁activating", + -13.281414031982422 + ], + [ + "▁pilgrims", + -13.281575202941896 + ], + [ + "▁intestine", + -13.281590461730955 + ], + [ + "777", + -13.281631469726562 + ], + [ + "firm", + -13.281856536865234 + ], + [ + "▁2023", + -13.281880378723145 + ], + [ + "▁Sylvia", + -13.281909942626951 + ], + [ + "▁Revolutionary", + -13.282004356384276 + ], + [ + "ité", + -13.282105445861816 + ], + [ + "ashi", + -13.28225803375244 + ], + [ + "elected", + -13.282339096069336 + ], + [ + "▁Sectional", + -13.282357215881348 + ], + [ + "session", + -13.282463073730469 + ], + [ + "▁Melt", + -13.282463073730469 + ], + [ + "▁bon", + -13.282647132873535 + ], + [ + "322", + -13.282679557800291 + ], + [ + "kor", + -13.282685279846191 + ], + [ + "given", + -13.282758712768556 + ], + [ + "▁Macedonia", + -13.28277587890625 + ], + [ + "203", + -13.282838821411133 + ], + [ + "Mel", + -13.282875061035156 + ], + [ + "ssen", + -13.282909393310549 + ], + [ + "beautiful", + -13.28296947479248 + ], + [ + "▁$3,000", + -13.282981872558594 + ], + [ + "▁salesman", + -13.283000946044922 + ], + [ + "▁millennial", + -13.283007621765137 + ], + [ + "▁pounding", + -13.283024787902832 + ], + [ + "struct", + -13.283050537109377 + ], + [ + "▁climbers", + -13.283108711242676 + ], + [ + "▁punctuation", + -13.283123016357422 + ], + [ + "▁suicidal", + -13.283123970031738 + ], + [ + "▁Dialogue", + -13.283136367797852 + ], + [ + "▁Prescott", + -13.283151626586914 + ], + [ + "▁consignment", + -13.283160209655762 + ], + [ + "▁inkjet", + -13.283163070678713 + ], + [ + "▁(2002)", + -13.28318214416504 + ], + [ + "▁Statue", + -13.283221244812012 + ], + [ + "McC", + -13.283279418945312 + ], + [ + "▁inhibition", + -13.283283233642578 + ], + [ + "▁taped", + -13.283296585083008 + ], + [ + "Match", + -13.283339500427246 + ], + [ + "▁wok", + -13.283349990844728 + ], + [ + "▁sunburn", + -13.283369064331056 + ], + [ + "▁hypnosis", + -13.283438682556152 + ], + [ + "▁termites", + -13.283503532409668 + ], + [ + "▁Forestry", + -13.283516883850098 + ], + [ + "▁greedy", + -13.28353500366211 + ], + [ + "▁Fixtures", + -13.28355312347412 + ], + [ + "▁Harmon", + -13.28355884552002 + ], + [ + "=”", + -13.283589363098145 + ], + [ + "lain", + -13.283609390258787 + ], + [ + "▁lagoon", + -13.283628463745115 + ], + [ + "▁(2009)", + -13.283636093139648 + ], + [ + "CHA", + -13.283646583557127 + ], + [ + "▁Philippe", + -13.283714294433594 + ], + [ + "▁Dexter", + -13.2838716506958 + ], + [ + "▁Anywhere", + -13.283941268920898 + ], + [ + "▁Tian", + -13.284008979797363 + ], + [ + "fm", + -13.284058570861816 + ], + [ + "wr", + -13.284095764160156 + ], + [ + "IFF", + -13.28419589996338 + ], + [ + "▁rake", + -13.284202575683594 + ], + [ + "▁Reliance", + -13.284231185913086 + ], + [ + "JP", + -13.28432559967041 + ], + [ + "▁handyman", + -13.284358978271484 + ], + [ + "9).", + -13.28447723388672 + ], + [ + "gm", + -13.28456211090088 + ], + [ + "hani", + -13.284586906433104 + ], + [ + "fashion", + -13.284623146057127 + ], + [ + "▁Indigo", + -13.284669876098633 + ], + [ + "▁detract", + -13.28475856781006 + ], + [ + "▁psi", + -13.284790992736816 + ], + [ + "▁16%", + -13.284852027893066 + ], + [ + "▁1987.", + -13.284930229187012 + ], + [ + "bh", + -13.285012245178224 + ], + [ + "bey", + -13.285035133361816 + ], + [ + "▁admittedly", + -13.285099029541016 + ], + [ + "▁condensation", + -13.285134315490724 + ], + [ + "▁recurrence", + -13.285134315490724 + ], + [ + "▁Revival", + -13.285143852233888 + ], + [ + "▁gingerbread", + -13.285143852233888 + ], + [ + "▁counteract", + -13.28524684906006 + ], + [ + "yp", + -13.28530979156494 + ], + [ + "▁Serbian", + -13.285343170166016 + ], + [ + "▁nationalism", + -13.285388946533203 + ], + [ + "▁Viva", + -13.285402297973633 + ], + [ + "▁nightmares", + -13.285455703735352 + ], + [ + "▁Vegetable", + -13.285539627075195 + ], + [ + "10,000", + -13.28559684753418 + ], + [ + "▁MSU", + -13.28565788269043 + ], + [ + "▁Ple", + -13.285700798034668 + ], + [ + "▁Rory", + -13.285828590393066 + ], + [ + "▁ladders", + -13.285905838012695 + ], + [ + "▁rename", + -13.285965919494627 + ], + [ + "▁FD", + -13.285975456237791 + ], + [ + "▁Dolphin", + -13.285991668701172 + ], + [ + "Steel", + -13.286028861999512 + ], + [ + "▁surrendered", + -13.286056518554688 + ], + [ + "tman", + -13.286092758178713 + ], + [ + "▁Madonna", + -13.286162376403809 + ], + [ + "▁Officials", + -13.28619384765625 + ], + [ + "▁Asked", + -13.286324501037598 + ], + [ + "tero", + -13.286325454711914 + ], + [ + "▁Livingston", + -13.286575317382812 + ], + [ + "▁KT", + -13.28660774230957 + ], + [ + "ith", + -13.28665542602539 + ], + [ + "/27", + -13.286656379699709 + ], + [ + "▁filmmaking", + -13.286665916442873 + ], + [ + "lage", + -13.286763191223145 + ], + [ + "▁erased", + -13.286763191223145 + ], + [ + "▁Mic", + -13.286823272705078 + ], + [ + "nio", + -13.28684425354004 + ], + [ + "▁exponential", + -13.28691291809082 + ], + [ + "29.", + -13.28693389892578 + ], + [ + "▁Attorneys", + -13.286989212036133 + ], + [ + "▁Argentine", + -13.28704833984375 + ], + [ + "Electronic", + -13.28712558746338 + ], + [ + "▁ancestral", + -13.287150382995604 + ], + [ + "▁fudge", + -13.287184715270996 + ], + [ + "/01/", + -13.287201881408691 + ], + [ + "▁Magnolia", + -13.287324905395508 + ], + [ + "tant", + -13.28734302520752 + ], + [ + "▁pears", + -13.287357330322266 + ], + [ + "▁Keyword", + -13.2874116897583 + ], + [ + "▁Puppy", + -13.28742504119873 + ], + [ + "▁Blizzard", + -13.287471771240234 + ], + [ + "▁630", + -13.287476539611816 + ], + [ + "▁marinated", + -13.287485122680664 + ], + [ + "▁UNI", + -13.287508010864258 + ], + [ + "▁captivated", + -13.287546157836914 + ], + [ + "▁spared", + -13.287546157836914 + ], + [ + "▁INFO", + -13.287549018859863 + ], + [ + "▁$28", + -13.287557601928713 + ], + [ + "990", + -13.287598609924316 + ], + [ + "▁mistakenly", + -13.287605285644531 + ], + [ + ":44", + -13.28761386871338 + ], + [ + "▁blindness", + -13.287674903869627 + ], + [ + "▁tonal", + -13.287766456604004 + ], + [ + "▁Gau", + -13.287790298461914 + ], + [ + "▁reacts", + -13.287835121154783 + ], + [ + "▁bidder", + -13.287851333618164 + ], + [ + "▁circumvent", + -13.287911415100098 + ], + [ + "305", + -13.287941932678224 + ], + [ + "▁beg", + -13.287996292114258 + ], + [ + "wag", + -13.288002014160156 + ], + [ + "▁humbled", + -13.288004875183104 + ], + [ + "▁capitalization", + -13.288005828857422 + ], + [ + "safety", + -13.288095474243164 + ], + [ + "▁Arte", + -13.288105010986328 + ], + [ + "Metal", + -13.288200378417969 + ], + [ + "▁Hari", + -13.288202285766602 + ], + [ + "▁flatter", + -13.288352966308594 + ], + [ + "types", + -13.288359642028809 + ], + [ + "nish", + -13.288460731506348 + ], + [ + "▁violates", + -13.288626670837402 + ], + [ + "▁Apprentice", + -13.288674354553224 + ], + [ + "701", + -13.28892993927002 + ], + [ + "▁Mohamed", + -13.289090156555176 + ], + [ + "▁Cambogia", + -13.289170265197754 + ], + [ + "▁admiring", + -13.289170265197754 + ], + [ + "▁Rubin", + -13.289180755615234 + ], + [ + "▁undefeated", + -13.289183616638184 + ], + [ + "-72", + -13.289188385009766 + ], + [ + "▁tubular", + -13.289198875427246 + ], + [ + "▁detachable", + -13.289224624633787 + ], + [ + "▁predetermined", + -13.289234161376951 + ], + [ + "▁disturbances", + -13.289241790771484 + ], + [ + "▁fumes", + -13.28925323486328 + ], + [ + "example", + -13.28930377960205 + ], + [ + "dash", + -13.289307594299316 + ], + [ + "mission", + -13.289374351501465 + ], + [ + "▁Howell", + -13.289470672607422 + ], + [ + "▁karma", + -13.289545059204102 + ], + [ + "▁evacuated", + -13.28960418701172 + ], + [ + "▁Sikh", + -13.289615631103516 + ], + [ + "▁dips", + -13.28969955444336 + ], + [ + "▁Ops", + -13.289732933044434 + ], + [ + "▁Wednesdays", + -13.289755821228027 + ], + [ + "▁Stove", + -13.289756774902344 + ], + [ + "▁rockets", + -13.28976058959961 + ], + [ + "▁leveling", + -13.28980541229248 + ], + [ + "▁Curious", + -13.289849281311035 + ], + [ + "▁(2018)", + -13.289999008178713 + ], + [ + "▁Zhu", + -13.29012680053711 + ], + [ + "▁italian", + -13.29030418395996 + ], + [ + "▁fetal", + -13.290318489074709 + ], + [ + "▁sow", + -13.290353775024414 + ], + [ + "blown", + -13.290392875671388 + ], + [ + "▁derives", + -13.290432929992676 + ], + [ + "520", + -13.29049587249756 + ], + [ + "leave", + -13.290508270263672 + ], + [ + "▁176", + -13.290534973144531 + ], + [ + "6:", + -13.290639877319336 + ], + [ + "past", + -13.290663719177246 + ], + [ + "YES", + -13.290781021118164 + ], + [ + "▁wrinkle", + -13.290818214416504 + ], + [ + "▁freestanding", + -13.29084587097168 + ], + [ + "rada", + -13.290863990783691 + ], + [ + "Tune", + -13.290928840637209 + ], + [ + "▁Dedicated", + -13.291010856628418 + ], + [ + "acid", + -13.291013717651367 + ], + [ + "▁delicacies", + -13.291194915771484 + ], + [ + "▁executable", + -13.291194915771484 + ], + [ + "▁wickets", + -13.291223526000977 + ], + [ + "▁unidentified", + -13.29123878479004 + ], + [ + "PLEASE", + -13.291239738464355 + ], + [ + "▁cages", + -13.29124927520752 + ], + [ + "Storage", + -13.291253089904783 + ], + [ + "▁Dante", + -13.291309356689451 + ], + [ + "Technical", + -13.2914400100708 + ], + [ + "▁intrusive", + -13.29145622253418 + ], + [ + "▁Lightroom", + -13.29147243499756 + ], + [ + "▁beachfront", + -13.29148006439209 + ], + [ + "Rent", + -13.291497230529783 + ], + [ + "▁DID", + -13.291501998901367 + ], + [ + "▁aggravated", + -13.29150676727295 + ], + [ + "▁beet", + -13.291522979736328 + ], + [ + "Blood", + -13.291608810424805 + ], + [ + "▁Proc", + -13.291620254516602 + ], + [ + "▁smartest", + -13.29178237915039 + ], + [ + "▁ABA", + -13.291794776916504 + ], + [ + "▁Albion", + -13.291826248168944 + ], + [ + "▁peaked", + -13.291973114013672 + ], + [ + "▁DIN", + -13.292040824890137 + ], + [ + "▁Espa", + -13.292149543762209 + ], + [ + "▁rein", + -13.292166709899902 + ], + [ + "▁*****", + -13.292224884033203 + ], + [ + "-2014", + -13.292240142822266 + ], + [ + "ame", + -13.292343139648438 + ], + [ + "bos", + -13.292415618896484 + ], + [ + "duc", + -13.29258918762207 + ], + [ + "▁Responses", + -13.292619705200195 + ], + [ + "▁spinner", + -13.29269313812256 + ], + [ + "▁Instrument", + -13.292731285095217 + ], + [ + "▁Zara", + -13.292763710021973 + ], + [ + "▁confines", + -13.292790412902832 + ], + [ + "▁fresco", + -13.292994499206545 + ], + [ + "Certain", + -13.293071746826172 + ], + [ + "▁slid", + -13.29308795928955 + ], + [ + "kah", + -13.293100357055664 + ], + [ + "▁Kul", + -13.29311180114746 + ], + [ + "▁sprays", + -13.293176651000977 + ], + [ + "▁ecstatic", + -13.29322338104248 + ], + [ + "▁redundancy", + -13.29322338104248 + ], + [ + "▁audible", + -13.293228149414062 + ], + [ + "▁Bieber", + -13.29323387145996 + ], + [ + "▁Squadron", + -13.293246269226074 + ], + [ + "▁savage", + -13.2933349609375 + ], + [ + "▁Icelandic", + -13.293378829956056 + ], + [ + "▁guarded", + -13.293427467346191 + ], + [ + "▁php", + -13.29343318939209 + ], + [ + "▁blasted", + -13.293513298034668 + ], + [ + "304", + -13.293533325195312 + ], + [ + "▁Knock", + -13.293563842773438 + ], + [ + "ids", + -13.293573379516602 + ], + [ + "▁enlightening", + -13.29357624053955 + ], + [ + "CERT", + -13.293654441833496 + ], + [ + "▁Rite", + -13.293779373168944 + ], + [ + "▁liters", + -13.293779373168944 + ], + [ + "▁Mouth", + -13.293785095214844 + ], + [ + "▁Caleb", + -13.293910026550291 + ], + [ + "-300", + -13.29392433166504 + ], + [ + "pose", + -13.293991088867188 + ], + [ + "▁Deloitte", + -13.29399871826172 + ], + [ + "▁HIS", + -13.29401969909668 + ], + [ + "▁risking", + -13.294084548950195 + ], + [ + "▁verbally", + -13.294092178344728 + ], + [ + "▁latte", + -13.294112205505373 + ], + [ + "Connell", + -13.2943115234375 + ], + [ + "▁DMV", + -13.29443359375 + ], + [ + "ury", + -13.29448127746582 + ], + [ + "▁IU", + -13.294590950012209 + ], + [ + "▁procure", + -13.29465103149414 + ], + [ + "lant", + -13.294665336608888 + ], + [ + "▁thrives", + -13.294699668884276 + ], + [ + "▁freelancer", + -13.294720649719238 + ], + [ + "▁dreadful", + -13.294737815856934 + ], + [ + "dee", + -13.294899940490724 + ], + [ + "▁neighbourhoods", + -13.295029640197754 + ], + [ + "2.8", + -13.29506015777588 + ], + [ + "▁hammered", + -13.295147895812988 + ], + [ + "▁scones", + -13.29518222808838 + ], + [ + "oki", + -13.295195579528809 + ], + [ + "▁manifesto", + -13.295238494873049 + ], + [ + "▁Beethoven", + -13.295255661010742 + ], + [ + "▁cylindrical", + -13.295255661010742 + ], + [ + "▁harmonies", + -13.295255661010742 + ], + [ + "▁ramifications", + -13.295255661010742 + ], + [ + "▁spherical", + -13.29527759552002 + ], + [ + "organized", + -13.295299530029297 + ], + [ + "▁allotment", + -13.295323371887209 + ], + [ + "▁Wakefield", + -13.295330047607422 + ], + [ + "▁betrayal", + -13.295337677001951 + ], + [ + "meat", + -13.295443534851074 + ], + [ + "▁racers", + -13.295452117919922 + ], + [ + "▁Dharma", + -13.295459747314451 + ], + [ + "clusion", + -13.29546070098877 + ], + [ + "▁devotional", + -13.295466423034668 + ], + [ + "Neither", + -13.29552173614502 + ], + [ + "ordered", + -13.295530319213867 + ], + [ + "Repeat", + -13.295570373535156 + ], + [ + "▁Giovanni", + -13.295637130737305 + ], + [ + "▁Wifi", + -13.295671463012695 + ], + [ + "▁unleashed", + -13.295705795288086 + ], + [ + "▁mayo", + -13.295737266540527 + ], + [ + "▁netting", + -13.295865058898926 + ], + [ + "ados", + -13.295903205871582 + ], + [ + "adult", + -13.295949935913086 + ], + [ + "▁1982.", + -13.295982360839844 + ], + [ + "UG", + -13.295991897583008 + ], + [ + "Cy", + -13.296069145202637 + ], + [ + "▁Praise", + -13.296082496643066 + ], + [ + "▁Docs", + -13.296173095703123 + ], + [ + "▁Damon", + -13.296341896057127 + ], + [ + "▁31.", + -13.29636001586914 + ], + [ + "▁preacher", + -13.29636287689209 + ], + [ + "▁compressors", + -13.296438217163086 + ], + [ + "river", + -13.296439170837402 + ], + [ + "▁churn", + -13.296443939208984 + ], + [ + "Member", + -13.29648208618164 + ], + [ + "finding", + -13.296485900878906 + ], + [ + "instead", + -13.29654598236084 + ], + [ + "▁Greeks", + -13.296576499938965 + ], + [ + "▁MIL", + -13.296597480773926 + ], + [ + "nte", + -13.296667098999023 + ], + [ + "▁Circular", + -13.29671859741211 + ], + [ + "▁$27", + -13.296754837036133 + ], + [ + "▁SKF", + -13.296768188476562 + ], + [ + "death", + -13.296844482421877 + ], + [ + "\";", + -13.296876907348633 + ], + [ + "bite", + -13.296940803527832 + ], + [ + "▁Thom", + -13.297030448913574 + ], + [ + "▁impatient", + -13.29706859588623 + ], + [ + "▁Nichols", + -13.297122955322266 + ], + [ + "▁Automated", + -13.29713249206543 + ], + [ + "▁Produced", + -13.29718017578125 + ], + [ + "▁immortal", + -13.297231674194336 + ], + [ + "▁diaphragm", + -13.297292709350586 + ], + [ + "▁karaoke", + -13.297292709350586 + ], + [ + "▁synergy", + -13.297293663024902 + ], + [ + "▁enormously", + -13.29729461669922 + ], + [ + "▁Simulator", + -13.297300338745115 + ], + [ + "▁Citizenship", + -13.297323226928713 + ], + [ + "▁calligraphy", + -13.297338485717772 + ], + [ + "▁Charlottesville", + -13.29734992980957 + ], + [ + "▁snapping", + -13.297365188598633 + ], + [ + "▁feeders", + -13.297371864318848 + ], + [ + "▁carpenter", + -13.297392845153809 + ], + [ + "▁diagnoses", + -13.297444343566896 + ], + [ + "▁sy", + -13.297607421875 + ], + [ + "▁Conversely", + -13.297796249389648 + ], + [ + "▁READ", + -13.297869682312012 + ], + [ + "Tan", + -13.297876358032228 + ], + [ + "▁Submission", + -13.297881126403809 + ], + [ + "program", + -13.297941207885742 + ], + [ + "▁Briggs", + -13.297969818115234 + ], + [ + "▁motorbike", + -13.298015594482422 + ], + [ + "▁Curtains", + -13.298052787780762 + ], + [ + "020", + -13.298060417175291 + ], + [ + "gear", + -13.298065185546877 + ], + [ + "▁interacts", + -13.298072814941406 + ], + [ + "▁#10", + -13.298160552978516 + ], + [ + "task", + -13.29822826385498 + ], + [ + "▁cer", + -13.298262596130373 + ], + [ + "▁redo", + -13.298274040222168 + ], + [ + "ark", + -13.298364639282228 + ], + [ + "finger", + -13.29853630065918 + ], + [ + "8%)", + -13.298554420471191 + ], + [ + "ulla", + -13.29863739013672 + ], + [ + "▁Dh", + -13.29865837097168 + ], + [ + "released", + -13.298680305480955 + ], + [ + "▁Poverty", + -13.298681259155272 + ], + [ + "▁heaps", + -13.298771858215332 + ], + [ + "ticket", + -13.298829078674316 + ], + [ + "▁ab", + -13.29906940460205 + ], + [ + "▁allowances", + -13.299079895019531 + ], + [ + "▁fractions", + -13.29917049407959 + ], + [ + "▁Sunni", + -13.299186706542969 + ], + [ + "▁148", + -13.299278259277344 + ], + [ + "▁8000", + -13.299306869506836 + ], + [ + "▁pleasurable", + -13.299333572387695 + ], + [ + "▁Socialist", + -13.299335479736328 + ], + [ + "▁abnormalities", + -13.299360275268556 + ], + [ + "▁monies", + -13.299396514892578 + ], + [ + "▁Toast", + -13.299420356750488 + ], + [ + "▁1979.", + -13.299494743347168 + ], + [ + "▁1906", + -13.29951000213623 + ], + [ + "▁Killing", + -13.29956340789795 + ], + [ + "▁plotting", + -13.29963207244873 + ], + [ + "▁WF", + -13.29966640472412 + ], + [ + "sted", + -13.299686431884766 + ], + [ + "▁willingly", + -13.299701690673828 + ], + [ + "isch", + -13.29976749420166 + ], + [ + "▁ascending", + -13.299812316894531 + ], + [ + "aca", + -13.29985523223877 + ], + [ + "▁Forrest", + -13.299941062927246 + ], + [ + "▁Assassin", + -13.299969673156738 + ], + [ + "stor", + -13.300008773803713 + ], + [ + "▁insanely", + -13.300008773803713 + ], + [ + "▁militant", + -13.300036430358888 + ], + [ + "▁Din", + -13.300135612487791 + ], + [ + "atu", + -13.30015754699707 + ], + [ + "RNA", + -13.300178527832031 + ], + [ + "▁Suit", + -13.300280570983888 + ], + [ + "▁salesperson", + -13.300289154052734 + ], + [ + "▁flashy", + -13.300374031066896 + ], + [ + "▁GREEN", + -13.300464630126951 + ], + [ + "nau", + -13.300467491149902 + ], + [ + "▁lodges", + -13.300474166870115 + ], + [ + "▁Chips", + -13.30049991607666 + ], + [ + "Ham", + -13.300528526306152 + ], + [ + "Susan", + -13.300625801086426 + ], + [ + "treat", + -13.30063819885254 + ], + [ + "branded", + -13.300713539123535 + ], + [ + "▁maxi", + -13.300868034362791 + ], + [ + "▁Ware", + -13.300875663757324 + ], + [ + "Math", + -13.30097198486328 + ], + [ + "HAM", + -13.30103874206543 + ], + [ + "eff", + -13.301069259643556 + ], + [ + "▁modernization", + -13.301098823547363 + ], + [ + "▁doable", + -13.301112174987791 + ], + [ + "outside", + -13.30119514465332 + ], + [ + "▁Mayer", + -13.301246643066406 + ], + [ + "▁Cruiser", + -13.30125904083252 + ], + [ + "386", + -13.301259994506836 + ], + [ + "▁PIC", + -13.301342964172363 + ], + [ + "▁believable", + -13.30137825012207 + ], + [ + "▁wavelength", + -13.30137825012207 + ], + [ + "▁lang", + -13.301379203796388 + ], + [ + "▁skim", + -13.301387786865234 + ], + [ + "▁vir", + -13.301392555236816 + ], + [ + "▁trimester", + -13.301399230957031 + ], + [ + "Bed", + -13.301435470581056 + ], + [ + "Message", + -13.30144500732422 + ], + [ + "emic", + -13.3014497756958 + ], + [ + "▁Glendale", + -13.301450729370115 + ], + [ + "▁impede", + -13.301496505737305 + ], + [ + "▁17%", + -13.301504135131836 + ], + [ + "▁america", + -13.301507949829102 + ], + [ + "▁bagged", + -13.301538467407228 + ], + [ + "▁librarians", + -13.301642417907717 + ], + [ + "amu", + -13.301658630371094 + ], + [ + "▁writ", + -13.301719665527344 + ], + [ + "▁Isabel", + -13.301742553710938 + ], + [ + "▁inline", + -13.301758766174316 + ], + [ + "Ltd", + -13.30176830291748 + ], + [ + "sugar", + -13.301776885986328 + ], + [ + "sphere", + -13.30179500579834 + ], + [ + "▁derby", + -13.301800727844238 + ], + [ + "▁billboards", + -13.30186367034912 + ], + [ + "▁blackberry", + -13.301868438720703 + ], + [ + "▁datasheet", + -13.30193042755127 + ], + [ + "▁petty", + -13.301961898803713 + ], + [ + "▁Fever", + -13.301974296569824 + ], + [ + "▁FCA", + -13.30204963684082 + ], + [ + "cken", + -13.30213451385498 + ], + [ + "Enable", + -13.302152633666992 + ], + [ + "▁Funk", + -13.302156448364258 + ], + [ + "▁Curve", + -13.302288055419922 + ], + [ + "sight", + -13.302597045898438 + ], + [ + "▁Chai", + -13.302610397338867 + ], + [ + "▁Ronnie", + -13.302679061889648 + ], + [ + "▁prophets", + -13.302749633789062 + ], + [ + "rani", + -13.302850723266602 + ], + [ + "links", + -13.302882194519045 + ], + [ + "bought", + -13.302990913391112 + ], + [ + "▁Pants", + -13.302990913391112 + ], + [ + "640", + -13.303006172180176 + ], + [ + "idad", + -13.303122520446776 + ], + [ + "pher", + -13.303245544433594 + ], + [ + "▁Spaces", + -13.303262710571287 + ], + [ + "seen", + -13.303387641906738 + ], + [ + "▁participatory", + -13.303427696228027 + ], + [ + "Reg", + -13.30348014831543 + ], + [ + "▁televisions", + -13.303486824035645 + ], + [ + "▁parole", + -13.30349349975586 + ], + [ + "Fer", + -13.30349826812744 + ], + [ + "▁Pantry", + -13.30350399017334 + ], + [ + "Updated", + -13.30356788635254 + ], + [ + "▁multipurpose", + -13.303622245788574 + ], + [ + "pia", + -13.303633689880373 + ], + [ + "▁Braves", + -13.303665161132812 + ], + [ + "▁cardinal", + -13.303730010986328 + ], + [ + "cru", + -13.303735733032228 + ], + [ + "increasing", + -13.30378246307373 + ], + [ + "dated", + -13.303794860839844 + ], + [ + "Delivery", + -13.303913116455078 + ], + [ + "Pure", + -13.30398654937744 + ], + [ + "▁alias", + -13.304058074951172 + ], + [ + "Fans", + -13.304075241088867 + ], + [ + "▁Lumber", + -13.30411148071289 + ], + [ + "pura", + -13.304123878479004 + ], + [ + "Others", + -13.30417251586914 + ], + [ + "▁fins", + -13.30418586730957 + ], + [ + "▁eruption", + -13.30420207977295 + ], + [ + "Tel", + -13.304211616516112 + ], + [ + "shower", + -13.304254531860352 + ], + [ + "▁NRA", + -13.304299354553224 + ], + [ + "▁SKU", + -13.304404258728027 + ], + [ + "▁Tong", + -13.304414749145508 + ], + [ + "▁Chinatown", + -13.304494857788086 + ], + [ + "LV", + -13.3045015335083 + ], + [ + "▁Titanic", + -13.304577827453612 + ], + [ + "▁Pinnacle", + -13.304619789123535 + ], + [ + "LER", + -13.304817199707031 + ], + [ + "▁Namibia", + -13.30484104156494 + ], + [ + "▁Britt", + -13.304842948913574 + ], + [ + "Article", + -13.304845809936523 + ], + [ + "▁reassure", + -13.304880142211914 + ], + [ + "▁6.1", + -13.30488109588623 + ], + [ + "▁puncture", + -13.30488395690918 + ], + [ + "▁originates", + -13.304919242858888 + ], + [ + "coded", + -13.304960250854492 + ], + [ + "gill", + -13.304962158203123 + ], + [ + "▁ep", + -13.304990768432615 + ], + [ + "Lin", + -13.305007934570312 + ], + [ + "▁Pamela", + -13.305046081542969 + ], + [ + "▁Cala", + -13.305112838745115 + ], + [ + "▁soluble", + -13.305160522460938 + ], + [ + "lent", + -13.305184364318848 + ], + [ + "8).", + -13.305185317993164 + ], + [ + "▁DW", + -13.30522918701172 + ], + [ + "eme", + -13.305259704589844 + ], + [ + "▁CAM", + -13.305273056030272 + ], + [ + "▁dearly", + -13.305285453796388 + ], + [ + "▁PRICE", + -13.305359840393066 + ], + [ + "▁Santo", + -13.305399894714355 + ], + [ + "ott", + -13.305431365966797 + ], + [ + "▁penetrating", + -13.305493354797363 + ], + [ + "Kar", + -13.305517196655272 + ], + [ + "▁blemishes", + -13.30556297302246 + ], + [ + "▁Langley", + -13.30560302734375 + ], + [ + "▁Poole", + -13.305611610412598 + ], + [ + "Wedding", + -13.305672645568848 + ], + [ + "232", + -13.305693626403809 + ], + [ + "▁Bearings", + -13.305730819702148 + ], + [ + "isco", + -13.305761337280272 + ], + [ + "▁THERE", + -13.305782318115234 + ], + [ + "frequency", + -13.305842399597168 + ], + [ + "competitive", + -13.30588722229004 + ], + [ + "Len", + -13.305891036987305 + ], + [ + "▁Skull", + -13.30591106414795 + ], + [ + "▁cameo", + -13.305936813354492 + ], + [ + "▁gangs", + -13.305938720703123 + ], + [ + "software", + -13.305940628051758 + ], + [ + "▁elk", + -13.305978775024414 + ], + [ + "adventure", + -13.305984497070312 + ], + [ + "ider", + -13.306257247924805 + ], + [ + "▁Possibly", + -13.30629062652588 + ], + [ + "▁cruiser", + -13.30641746520996 + ], + [ + "▁Thur", + -13.306662559509276 + ], + [ + "▁$2,500", + -13.306666374206545 + ], + [ + "▁Contra", + -13.30672836303711 + ], + [ + "▁yarns", + -13.30676555633545 + ], + [ + "ask", + -13.306780815124512 + ], + [ + "▁Hind", + -13.30679416656494 + ], + [ + "Images", + -13.30703830718994 + ], + [ + "sara", + -13.307052612304688 + ], + [ + "TEL", + -13.30709457397461 + ], + [ + "▁Taxes", + -13.30723476409912 + ], + [ + "▁reinstall", + -13.307250022888184 + ], + [ + "sei", + -13.307350158691406 + ], + [ + "▁hotline", + -13.307398796081545 + ], + [ + "▁ot", + -13.307437896728516 + ], + [ + "▁dizziness", + -13.307538032531738 + ], + [ + "▁itineraries", + -13.307538032531738 + ], + [ + "▁Thumbnail", + -13.307538986206056 + ], + [ + "▁Seahawks", + -13.3075532913208 + ], + [ + "Ze", + -13.307600021362305 + ], + [ + "▁Islamist", + -13.307604789733888 + ], + [ + "▁transmitting", + -13.3076171875 + ], + [ + "▁unnamed", + -13.30764102935791 + ], + [ + "▁Woodstock", + -13.307662010192873 + ], + [ + "▁spoiler", + -13.307732582092283 + ], + [ + "Effective", + -13.307753562927246 + ], + [ + "▁introductions", + -13.307759284973145 + ], + [ + "▁Bellevue", + -13.307762145996094 + ], + [ + "hire", + -13.307846069335938 + ], + [ + "▁IMO", + -13.30788230895996 + ], + [ + "▁Rope", + -13.307890892028809 + ], + [ + "Written", + -13.307990074157717 + ], + [ + "Corporate", + -13.30799674987793 + ], + [ + "▁locale", + -13.308051109313965 + ], + [ + "Harry", + -13.308053016662598 + ], + [ + "Quite", + -13.308120727539062 + ], + [ + "298", + -13.308150291442873 + ], + [ + "▁keypad", + -13.308177947998049 + ], + [ + "255", + -13.308194160461426 + ], + [ + "▁propelled", + -13.308220863342283 + ], + [ + "▁workstations", + -13.308290481567385 + ], + [ + "265", + -13.308302879333496 + ], + [ + "▁Flyer", + -13.308330535888672 + ], + [ + "▁NET", + -13.308469772338867 + ], + [ + "▁Abbas", + -13.30849266052246 + ], + [ + "Farm", + -13.30854606628418 + ], + [ + "MON", + -13.308554649353027 + ], + [ + "▁Chico", + -13.308565139770508 + ], + [ + "Paris", + -13.30861759185791 + ], + [ + "▁deliciously", + -13.308643341064451 + ], + [ + "”;", + -13.30864715576172 + ], + [ + "▁LOOK", + -13.308817863464355 + ], + [ + "▁avoids", + -13.308883666992188 + ], + [ + "▁chia", + -13.30892562866211 + ], + [ + "2006", + -13.308960914611816 + ], + [ + "switch", + -13.30918312072754 + ], + [ + "▁Shenzhen", + -13.309198379516602 + ], + [ + "▁cuisines", + -13.309199333190918 + ], + [ + "▁provoking", + -13.309199333190918 + ], + [ + "Mate", + -13.30923080444336 + ], + [ + "▁Arabs", + -13.309250831604004 + ], + [ + "vat", + -13.309269905090332 + ], + [ + "Sp", + -13.309280395507812 + ], + [ + "▁Pottery", + -13.309304237365724 + ], + [ + "fax", + -13.309311866760254 + ], + [ + "zzo", + -13.309350967407228 + ], + [ + "▁Nvidia", + -13.309514045715332 + ], + [ + "Vol", + -13.309589385986328 + ], + [ + "▁CLA", + -13.309595108032228 + ], + [ + "▁Caldwell", + -13.309599876403809 + ], + [ + "▁relatable", + -13.309602737426758 + ], + [ + "▁configuring", + -13.309605598449709 + ], + [ + "▁Bloomington", + -13.309621810913086 + ], + [ + "▁Seventh", + -13.309663772583008 + ], + [ + "▁inaugurated", + -13.309710502624512 + ], + [ + "avo", + -13.309720039367676 + ], + [ + "hello", + -13.309747695922852 + ], + [ + "▁Chateau", + -13.309752464294434 + ], + [ + "▁Homestead", + -13.30976104736328 + ], + [ + "mati", + -13.309769630432127 + ], + [ + "ales", + -13.309802055358888 + ], + [ + "▁particulate", + -13.30982494354248 + ], + [ + "tera", + -13.309866905212402 + ], + [ + "▁tailgate", + -13.309880256652832 + ], + [ + "▁2017-18", + -13.309895515441896 + ], + [ + "▁Abel", + -13.309911727905272 + ], + [ + "▁Blackburn", + -13.309925079345703 + ], + [ + "▁Valerie", + -13.309927940368652 + ], + [ + "gift", + -13.309991836547852 + ], + [ + "▁Manufactured", + -13.31001091003418 + ], + [ + "wk", + -13.31012725830078 + ], + [ + "▁straighten", + -13.310275077819824 + ], + [ + "kept", + -13.310380935668944 + ], + [ + "▁Floating", + -13.310432434082031 + ], + [ + "▁hinged", + -13.310480117797852 + ], + [ + "▁Gloucester", + -13.310486793518066 + ], + [ + "▁cuddle", + -13.310542106628418 + ], + [ + "TIN", + -13.3106050491333 + ], + [ + "▁Frankie", + -13.3106050491333 + ], + [ + "▁Mozambique", + -13.310653686523438 + ], + [ + "▁2.9", + -13.31067180633545 + ], + [ + "ously", + -13.310676574707031 + ], + [ + "▁sliders", + -13.310684204101562 + ], + [ + "zed", + -13.31070327758789 + ], + [ + "inning", + -13.310880661010742 + ], + [ + "▁setbacks", + -13.310961723327637 + ], + [ + "doi", + -13.311055183410645 + ], + [ + "oti", + -13.311110496520996 + ], + [ + "▁Crisp", + -13.311134338378906 + ], + [ + "▁bunker", + -13.311180114746094 + ], + [ + "▁rattle", + -13.311264991760254 + ], + [ + "brew", + -13.311270713806152 + ], + [ + "▁BUSINESS", + -13.31134033203125 + ], + [ + "Products", + -13.3113431930542 + ], + [ + "▁realising", + -13.3113431930542 + ], + [ + "▁Taj", + -13.311388969421388 + ], + [ + "▁Madagascar", + -13.311426162719728 + ], + [ + "▁hears", + -13.311467170715332 + ], + [ + "▁5.3", + -13.31147289276123 + ], + [ + "▁mites", + -13.311492919921877 + ], + [ + "matter", + -13.311559677124023 + ], + [ + "▁bans", + -13.311567306518556 + ], + [ + "▁Rivera", + -13.311641693115234 + ], + [ + "▁careless", + -13.31164264678955 + ], + [ + "666", + -13.311653137207031 + ], + [ + "▁freezes", + -13.31166172027588 + ], + [ + "▁saxophone", + -13.31166648864746 + ], + [ + "▁dissatisfied", + -13.311668395996094 + ], + [ + "career", + -13.311686515808104 + ], + [ + "▁Hague", + -13.31175422668457 + ], + [ + "▁dosing", + -13.311845779418944 + ], + [ + "▁Documentation", + -13.311915397644045 + ], + [ + "▁Schultz", + -13.311966896057127 + ], + [ + "▁hostage", + -13.311997413635254 + ], + [ + "▁texas", + -13.31200122833252 + ], + [ + "▁Shrine", + -13.312004089355469 + ], + [ + "▁tasteful", + -13.312115669250488 + ], + [ + "▁pediatrician", + -13.312138557434082 + ], + [ + "▁wholesalers", + -13.312190055847168 + ], + [ + "neutral", + -13.312192916870115 + ], + [ + "Tomorrow", + -13.31222438812256 + ], + [ + "▁Stevenson", + -13.31227207183838 + ], + [ + "▁mechanically", + -13.31235122680664 + ], + [ + "▁136", + -13.312362670898438 + ], + [ + "▁Abdullah", + -13.312423706054688 + ], + [ + "▁destroys", + -13.312424659729004 + ], + [ + "▁Beverage", + -13.312515258789062 + ], + [ + "▁Handy", + -13.31251621246338 + ], + [ + "▁boon", + -13.312540054321287 + ], + [ + "Annual", + -13.312573432922363 + ], + [ + "esi", + -13.312780380249023 + ], + [ + "▁feta", + -13.312813758850098 + ], + [ + "▁Blo", + -13.312819480895996 + ], + [ + "▁Screw", + -13.31282901763916 + ], + [ + "VPN", + -13.312872886657717 + ], + [ + "▁Pear", + -13.312888145446776 + ], + [ + "▁Ethical", + -13.312891006469728 + ], + [ + "xia", + -13.312987327575684 + ], + [ + "▁SEA", + -13.31308364868164 + ], + [ + "▁Disco", + -13.313152313232422 + ], + [ + "▁wetland", + -13.313196182250977 + ], + [ + "aught", + -13.313231468200684 + ], + [ + "▁thinly", + -13.313257217407228 + ], + [ + "▁blockage", + -13.31338882446289 + ], + [ + "international", + -13.313446998596191 + ], + [ + "▁outsider", + -13.31350803375244 + ], + [ + "▁BV", + -13.313518524169922 + ], + [ + "▁simplifying", + -13.313546180725098 + ], + [ + "2002", + -13.313557624816896 + ], + [ + "▁Ev", + -13.313581466674805 + ], + [ + "address", + -13.313584327697754 + ], + [ + "Julie", + -13.3136568069458 + ], + [ + "▁Anglican", + -13.31373691558838 + ], + [ + "▁Labrador", + -13.31373691558838 + ], + [ + "▁ceremonial", + -13.31373691558838 + ], + [ + "▁repercussions", + -13.31373691558838 + ], + [ + "▁Pluto", + -13.313800811767578 + ], + [ + "Study", + -13.313855171203612 + ], + [ + "▁wakes", + -13.31386947631836 + ], + [ + "▁gothic", + -13.313870429992676 + ], + [ + "▁Fender", + -13.31393337249756 + ], + [ + "▁Motel", + -13.313947677612305 + ], + [ + "▁clipart", + -13.314085960388184 + ], + [ + "▁Pres", + -13.31411075592041 + ], + [ + "4/", + -13.314144134521484 + ], + [ + "▁5)", + -13.314165115356444 + ], + [ + "▁Darling", + -13.31421947479248 + ], + [ + "▁cont", + -13.314266204833984 + ], + [ + "▁boxer", + -13.314270973205566 + ], + [ + "▁Institutional", + -13.314324378967283 + ], + [ + "Federal", + -13.314352989196776 + ], + [ + "▁VO", + -13.314419746398926 + ], + [ + "▁Intra", + -13.314423561096191 + ], + [ + "▁737", + -13.314444541931152 + ], + [ + "▁formative", + -13.314448356628418 + ], + [ + "▁implication", + -13.31463623046875 + ], + [ + "cil", + -13.314845085144045 + ], + [ + "object", + -13.314889907836914 + ], + [ + "▁narrower", + -13.31491756439209 + ], + [ + "▁reinvent", + -13.314937591552734 + ], + [ + "▁enlightenment", + -13.315022468566896 + ], + [ + "▁TEAM", + -13.315203666687012 + ], + [ + "▁plead", + -13.315208435058594 + ], + [ + "▁Haus", + -13.315250396728516 + ], + [ + "▁Algebra", + -13.315264701843262 + ], + [ + "Tea", + -13.315382957458496 + ], + [ + "▁rom", + -13.315386772155762 + ], + [ + "▁Bak", + -13.31558609008789 + ], + [ + "▁clamps", + -13.315692901611328 + ], + [ + "▁unnecessarily", + -13.315814971923828 + ], + [ + "electronic", + -13.315824508666992 + ], + [ + "▁parlor", + -13.315845489501951 + ], + [ + "Gary", + -13.315852165222168 + ], + [ + "▁buggy", + -13.31588363647461 + ], + [ + "ress", + -13.315946578979492 + ], + [ + "▁pagan", + -13.31606101989746 + ], + [ + "3-2", + -13.316132545471191 + ], + [ + "▁tur", + -13.31625270843506 + ], + [ + "▁Dentist", + -13.31628704071045 + ], + [ + "Bru", + -13.316335678100586 + ], + [ + "TZ", + -13.316373825073242 + ], + [ + "▁Sant", + -13.316376686096191 + ], + [ + "FW", + -13.316452026367188 + ], + [ + "maintenance", + -13.316481590270996 + ], + [ + "Linux", + -13.316487312316896 + ], + [ + "pure", + -13.316520690917969 + ], + [ + "▁FIT", + -13.316527366638184 + ], + [ + "▁electrode", + -13.316539764404297 + ], + [ + "▁142", + -13.31655979156494 + ], + [ + "▁mend", + -13.316611289978027 + ], + [ + "▁moderator", + -13.316773414611816 + ], + [ + "▁freeware", + -13.316779136657717 + ], + [ + "▁communicates", + -13.316792488098145 + ], + [ + "▁beaded", + -13.316888809204102 + ], + [ + "▁Raise", + -13.316899299621582 + ], + [ + "▁Elf", + -13.316920280456545 + ], + [ + "▁fellows", + -13.316927909851074 + ], + [ + "▁Zebra", + -13.316953659057615 + ], + [ + "kri", + -13.3169584274292 + ], + [ + "AMA", + -13.317082405090332 + ], + [ + "▁FAST", + -13.317124366760254 + ], + [ + "Tek", + -13.31712818145752 + ], + [ + "▁res", + -13.317136764526367 + ], + [ + "▁Jenna", + -13.317181587219238 + ], + [ + "▁3,500", + -13.317218780517578 + ], + [ + "▁Baking", + -13.317233085632324 + ], + [ + "hur", + -13.317333221435549 + ], + [ + "▁Blinds", + -13.31741714477539 + ], + [ + "▁Monsters", + -13.317487716674805 + ], + [ + "OE", + -13.317508697509766 + ], + [ + "bber", + -13.317564010620115 + ], + [ + "▁prune", + -13.317631721496582 + ], + [ + "▁accommodated", + -13.31764316558838 + ], + [ + "▁Breeze", + -13.31765079498291 + ], + [ + ":17", + -13.317666053771973 + ], + [ + "▁Viewer", + -13.317668914794922 + ], + [ + "magic", + -13.317684173583984 + ], + [ + "▁Genetics", + -13.317808151245115 + ], + [ + "▁Internship", + -13.317858695983888 + ], + [ + "▁manipulating", + -13.317890167236328 + ], + [ + "▁unsurpassed", + -13.317890167236328 + ], + [ + "▁Ludwig", + -13.31789207458496 + ], + [ + "▁ethereal", + -13.31789493560791 + ], + [ + "▁pesky", + -13.317912101745604 + ], + [ + "▁orphanage", + -13.317991256713867 + ], + [ + "▁169", + -13.318013191223145 + ], + [ + "▁spectral", + -13.318100929260254 + ], + [ + "Understand", + -13.318154335021973 + ], + [ + "cb", + -13.318175315856934 + ], + [ + "▁paypal", + -13.318394660949709 + ], + [ + "WF", + -13.31840991973877 + ], + [ + "▁dominates", + -13.318411827087402 + ], + [ + "▁robes", + -13.318546295166016 + ], + [ + "Collection", + -13.31867790222168 + ], + [ + "▁strangely", + -13.318696022033691 + ], + [ + "875", + -13.3187255859375 + ], + [ + "planned", + -13.318763732910156 + ], + [ + "CAS", + -13.318771362304688 + ], + [ + "▁Sentinel", + -13.318840980529783 + ], + [ + "Yoga", + -13.31886863708496 + ], + [ + "▁raging", + -13.318886756896973 + ], + [ + "▁bury", + -13.318899154663086 + ], + [ + "▁FTC", + -13.319074630737305 + ], + [ + "▁Seeking", + -13.319098472595217 + ], + [ + "▁dictates", + -13.319127082824709 + ], + [ + "dose", + -13.319292068481444 + ], + [ + "▁discontinue", + -13.319379806518556 + ], + [ + "ents", + -13.319584846496582 + ], + [ + "▁13%", + -13.319677352905272 + ], + [ + "▁peat", + -13.319710731506348 + ], + [ + "▁Salman", + -13.319725036621094 + ], + [ + "ain", + -13.319786071777344 + ], + [ + "▁Composition", + -13.319849014282228 + ], + [ + "TEX", + -13.319894790649414 + ], + [ + "folk", + -13.31991958618164 + ], + [ + "▁10\"", + -13.319923400878906 + ], + [ + "▁sculptural", + -13.319976806640623 + ], + [ + "▁Dartmouth", + -13.31997776031494 + ], + [ + "▁commencing", + -13.319978713989258 + ], + [ + "▁ultrasonic", + -13.319989204406738 + ], + [ + "▁crappy", + -13.320002555847168 + ], + [ + "▁Reunion", + -13.320038795471191 + ], + [ + "▁wholeheartedly", + -13.320046424865724 + ], + [ + "▁abandonment", + -13.320079803466797 + ], + [ + "▁Cache", + -13.320096015930176 + ], + [ + "▁bloodstream", + -13.32024097442627 + ], + [ + "▁fro", + -13.3202486038208 + ], + [ + "▁teaming", + -13.320267677307127 + ], + [ + "▁rainwater", + -13.320327758789062 + ], + [ + "▁Bracket", + -13.320405960083008 + ], + [ + "Risk", + -13.3204345703125 + ], + [ + "lion", + -13.320688247680664 + ], + [ + "▁Crafted", + -13.32071018218994 + ], + [ + "Nowadays", + -13.320741653442385 + ], + [ + "▁Sailing", + -13.320754051208496 + ], + [ + "Country", + -13.32077693939209 + ], + [ + "112", + -13.320806503295898 + ], + [ + "▁censorship", + -13.320831298828123 + ], + [ + "▁Petit", + -13.320877075195312 + ], + [ + "Hair", + -13.320914268493652 + ], + [ + "▁misconception", + -13.320937156677246 + ], + [ + "▁Float", + -13.321106910705566 + ], + [ + "▁GROUP", + -13.321185111999512 + ], + [ + "ables", + -13.321345329284668 + ], + [ + "▁Marcel", + -13.32146453857422 + ], + [ + "▁roar", + -13.321473121643066 + ], + [ + "▁Linn", + -13.32151699066162 + ], + [ + "▁amplify", + -13.321553230285645 + ], + [ + "▁miner", + -13.321587562561035 + ], + [ + "▁MON", + -13.321720123291016 + ], + [ + "▁pastures", + -13.321730613708496 + ], + [ + "▁Huffington", + -13.321849822998049 + ], + [ + "▁playlists", + -13.32196807861328 + ], + [ + "▁Neg", + -13.322009086608888 + ], + [ + "▁McAfee", + -13.322028160095217 + ], + [ + "Les", + -13.32203769683838 + ], + [ + "▁Ambulance", + -13.322061538696287 + ], + [ + "▁Damascus", + -13.322061538696287 + ], + [ + "▁Wrestling", + -13.322061538696287 + ], + [ + "▁cutlery", + -13.322061538696287 + ], + [ + "▁Picasso", + -13.322064399719238 + ], + [ + "▁toothpick", + -13.32209587097168 + ], + [ + "▁flagged", + -13.322111129760742 + ], + [ + "holm", + -13.322121620178224 + ], + [ + "Station", + -13.32214069366455 + ], + [ + "▁Hassan", + -13.322181701660156 + ], + [ + "▁transmissions", + -13.322219848632812 + ], + [ + "▁abstracts", + -13.322253227233888 + ], + [ + "▁Incorporated", + -13.322265625 + ], + [ + "▁Symptoms", + -13.322412490844728 + ], + [ + "▁galley", + -13.32244110107422 + ], + [ + "Bat", + -13.32247257232666 + ], + [ + "▁Cul", + -13.322492599487305 + ], + [ + "▁McGill", + -13.32249927520752 + ], + [ + "Burn", + -13.322667121887209 + ], + [ + "ots", + -13.32272720336914 + ], + [ + "▁Tooth", + -13.32277488708496 + ], + [ + "▁NYU", + -13.322798728942873 + ], + [ + "▁encyclopedia", + -13.32284164428711 + ], + [ + "▁reliant", + -13.322860717773438 + ], + [ + "▁Magnus", + -13.322869300842283 + ], + [ + "derived", + -13.322894096374512 + ], + [ + "Discussion", + -13.322957038879396 + ], + [ + "Peace", + -13.32297420501709 + ], + [ + "Depend", + -13.32298755645752 + ], + [ + "▁Courtesy", + -13.32305145263672 + ], + [ + "Stick", + -13.323060035705566 + ], + [ + "actually", + -13.323076248168944 + ], + [ + "▁Vs", + -13.32310676574707 + ], + [ + "1-7", + -13.32314682006836 + ], + [ + "▁Wanted", + -13.323152542114258 + ], + [ + "words", + -13.323193550109863 + ], + [ + "▁subs", + -13.32321548461914 + ], + [ + "▁Sloan", + -13.323476791381836 + ], + [ + "scher", + -13.323627471923828 + ], + [ + "1-4", + -13.323787689208984 + ], + [ + "▁7.1", + -13.323824882507324 + ], + [ + "▁implicit", + -13.323934555053713 + ], + [ + "▁ambiguity", + -13.324152946472168 + ], + [ + "▁lounging", + -13.324152946472168 + ], + [ + "▁manganese", + -13.3241548538208 + ], + [ + "▁affords", + -13.3241605758667 + ], + [ + "▁shredding", + -13.324163436889648 + ], + [ + "▁Hobart", + -13.324167251586914 + ], + [ + "▁galore", + -13.324167251586914 + ], + [ + "▁eviction", + -13.324201583862305 + ], + [ + "▁southwestern", + -13.324206352233888 + ], + [ + "▁Renewal", + -13.32421588897705 + ], + [ + "▁loom", + -13.324238777160645 + ], + [ + "▁wrongdoing", + -13.324243545532228 + ], + [ + "▁Helps", + -13.324262619018556 + ], + [ + "-400", + -13.324435234069824 + ], + [ + "▁afternoons", + -13.324450492858888 + ], + [ + "▁plating", + -13.3245849609375 + ], + [ + "▁400,000", + -13.32469081878662 + ], + [ + "von", + -13.324732780456545 + ], + [ + "Hay", + -13.3247652053833 + ], + [ + "▁Marijuana", + -13.324788093566896 + ], + [ + "tering", + -13.324819564819336 + ], + [ + "Virtual", + -13.32482624053955 + ], + [ + "xie", + -13.324938774108888 + ], + [ + "▁Oprah", + -13.32501983642578 + ], + [ + "▁ole", + -13.32505989074707 + ], + [ + "Middle", + -13.325140953063965 + ], + [ + "▁12.5", + -13.325160026550291 + ], + [ + "▁Approval", + -13.325257301330566 + ], + [ + "▁landline", + -13.325282096862791 + ], + [ + "11)", + -13.325469970703123 + ], + [ + "▁Aquatic", + -13.325472831726074 + ], + [ + "▁Stephens", + -13.325555801391602 + ], + [ + "▁walkways", + -13.325641632080078 + ], + [ + "▁expedite", + -13.32564926147461 + ], + [ + "▁populate", + -13.325657844543455 + ], + [ + "▁scouts", + -13.325687408447266 + ], + [ + "▁bellow", + -13.325724601745604 + ], + [ + "▁PTA", + -13.325813293457031 + ], + [ + "▁watercolour", + -13.325823783874512 + ], + [ + "/28", + -13.325864791870115 + ], + [ + "▁glam", + -13.32595920562744 + ], + [ + "▁steadfast", + -13.326009750366213 + ], + [ + "loading", + -13.32601261138916 + ], + [ + "lith", + -13.32602882385254 + ], + [ + "▁nicest", + -13.326071739196776 + ], + [ + "▁Scanner", + -13.326242446899414 + ], + [ + "▁palliative", + -13.326250076293944 + ], + [ + "▁fairytale", + -13.32625961303711 + ], + [ + "▁Watkins", + -13.326273918151855 + ], + [ + "▁Gambling", + -13.32633113861084 + ], + [ + "▁prenatal", + -13.32633113861084 + ], + [ + "▁servo", + -13.326333045959473 + ], + [ + "▁Tanner", + -13.326435089111328 + ], + [ + "▁Patty", + -13.326444625854492 + ], + [ + "▁whistles", + -13.326462745666504 + ], + [ + "▁disruptions", + -13.32654094696045 + ], + [ + "▁volcanoes", + -13.326574325561523 + ], + [ + "▁SN", + -13.326621055603027 + ], + [ + "▁Mourinho", + -13.32663345336914 + ], + [ + "▁playgrounds", + -13.326653480529783 + ], + [ + "OX", + -13.326661109924316 + ], + [ + "none", + -13.326711654663086 + ], + [ + "▁Locks", + -13.326739311218262 + ], + [ + "fry", + -13.326773643493652 + ], + [ + "dz", + -13.32679271697998 + ], + [ + "county", + -13.32680320739746 + ], + [ + "▁Catalyst", + -13.326842308044434 + ], + [ + "▁succeeds", + -13.3268461227417 + ], + [ + "▁Lending", + -13.326851844787598 + ], + [ + "expression", + -13.326930046081545 + ], + [ + "bru", + -13.326991081237791 + ], + [ + "enne", + -13.327061653137209 + ], + [ + "kol", + -13.327072143554688 + ], + [ + "Henry", + -13.327171325683594 + ], + [ + "Obama", + -13.327178001403809 + ], + [ + "financial", + -13.327187538146973 + ], + [ + "▁Loc", + -13.327195167541504 + ], + [ + "▁editable", + -13.327248573303224 + ], + [ + "▁Stocks", + -13.327346801757812 + ], + [ + "▁Julius", + -13.327366828918455 + ], + [ + "▁resisting", + -13.32748794555664 + ], + [ + "GW", + -13.327752113342283 + ], + [ + "icular", + -13.327818870544434 + ], + [ + "▁pra", + -13.327872276306152 + ], + [ + "▁Breed", + -13.32789134979248 + ], + [ + "▁Becoming", + -13.327895164489746 + ], + [ + "Drawing", + -13.327909469604492 + ], + [ + "sam", + -13.328110694885254 + ], + [ + "▁esp", + -13.328179359436035 + ], + [ + "▁axes", + -13.328221321105955 + ], + [ + "ungen", + -13.32827377319336 + ], + [ + "▁Alone", + -13.328277587890623 + ], + [ + "0-5", + -13.328289985656738 + ], + [ + "sho", + -13.328332901000977 + ], + [ + "▁deputies", + -13.328351020812988 + ], + [ + "▁psoriasis", + -13.328351020812988 + ], + [ + "▁oregano", + -13.32835292816162 + ], + [ + "▁strolling", + -13.328373908996582 + ], + [ + "▁Lyft", + -13.328412055969238 + ], + [ + "▁maize", + -13.328432083129885 + ], + [ + "▁cabling", + -13.32851219177246 + ], + [ + "▁nick", + -13.328579902648926 + ], + [ + "▁consumes", + -13.32858657836914 + ], + [ + "▁prepping", + -13.328598976135254 + ], + [ + "▁Sexual", + -13.328614234924316 + ], + [ + "mpl", + -13.328615188598633 + ], + [ + "▁Vest", + -13.32862663269043 + ], + [ + "dried", + -13.328628540039062 + ], + [ + "▁Surveillance", + -13.32862949371338 + ], + [ + "▁piling", + -13.328661918640137 + ], + [ + "▁3500", + -13.328774452209473 + ], + [ + "nna", + -13.328822135925291 + ], + [ + "▁roundup", + -13.328859329223633 + ], + [ + "▁backlinks", + -13.328877449035645 + ], + [ + "▁activates", + -13.32888889312744 + ], + [ + "Spend", + -13.328916549682615 + ], + [ + "▁kan", + -13.32895278930664 + ], + [ + "▁collectibles", + -13.329005241394045 + ], + [ + "▁gro", + -13.329163551330566 + ], + [ + "▁Plane", + -13.329178810119627 + ], + [ + "▁Simone", + -13.329289436340332 + ], + [ + "▁unload", + -13.32940673828125 + ], + [ + "Cheap", + -13.3294095993042 + ], + [ + "▁innovator", + -13.329424858093262 + ], + [ + "▁computed", + -13.329438209533691 + ], + [ + "▁Measurement", + -13.329442024230955 + ], + [ + "▁RSA", + -13.329461097717283 + ], + [ + "encia", + -13.329545974731444 + ], + [ + "▁kin", + -13.329611778259276 + ], + [ + "▁Provided", + -13.32969856262207 + ], + [ + "etch", + -13.329706192016602 + ], + [ + "▁fir", + -13.32974624633789 + ], + [ + "▁Bauer", + -13.329784393310549 + ], + [ + "▁Theft", + -13.32981777191162 + ], + [ + "▁postpone", + -13.329845428466797 + ], + [ + "garh", + -13.3298978805542 + ], + [ + "▁confer", + -13.32991886138916 + ], + [ + "▁DSP", + -13.32996940612793 + ], + [ + "▁Ingredients", + -13.32998752593994 + ], + [ + "▁Thorn", + -13.330031394958496 + ], + [ + "BOX", + -13.330062866210938 + ], + [ + "sana", + -13.330089569091797 + ], + [ + "▁Linden", + -13.330147743225098 + ], + [ + "▁OCD", + -13.330205917358398 + ], + [ + "▁intimately", + -13.330329895019531 + ], + [ + "▁stent", + -13.330333709716797 + ], + [ + "▁4-0", + -13.330337524414062 + ], + [ + "▁smack", + -13.33034610748291 + ], + [ + "VP", + -13.330411911010742 + ], + [ + "rip", + -13.33043384552002 + ], + [ + "▁exploding", + -13.330455780029297 + ], + [ + "▁withdrew", + -13.330458641052246 + ], + [ + "▁Jennings", + -13.330461502075195 + ], + [ + "▁amassed", + -13.33046531677246 + ], + [ + "▁Robbins", + -13.330476760864258 + ], + [ + "▁Harriet", + -13.330483436584473 + ], + [ + "hav", + -13.330514907836914 + ], + [ + "▁prescribing", + -13.33054256439209 + ], + [ + "5:", + -13.330575942993164 + ], + [ + "▁reddish", + -13.330575942993164 + ], + [ + "▁Lithium", + -13.330578804016112 + ], + [ + "▁enlightened", + -13.330602645874023 + ], + [ + "▁taxing", + -13.330629348754885 + ], + [ + "▁=>", + -13.330705642700195 + ], + [ + "▁Contracts", + -13.330796241760254 + ], + [ + "▁CFA", + -13.330802917480469 + ], + [ + "SCO", + -13.330833435058594 + ], + [ + "illion", + -13.330878257751465 + ], + [ + "▁git", + -13.330965042114258 + ], + [ + "▁rehearsals", + -13.331040382385254 + ], + [ + "aru", + -13.331269264221191 + ], + [ + "▁ripple", + -13.3313570022583 + ], + [ + "▁Scrub", + -13.331416130065918 + ], + [ + "▁Oxygen", + -13.331453323364258 + ], + [ + "budget", + -13.331497192382812 + ], + [ + "Coffee", + -13.33150577545166 + ], + [ + "▁structuring", + -13.331523895263672 + ], + [ + "...).", + -13.331571578979492 + ], + [ + "STAR", + -13.331649780273438 + ], + [ + "cial", + -13.331660270690918 + ], + [ + "woven", + -13.331727981567385 + ], + [ + "▁Presence", + -13.331745147705078 + ], + [ + "▁lightness", + -13.331974029541016 + ], + [ + "male", + -13.33199405670166 + ], + [ + "▁SPI", + -13.332115173339844 + ], + [ + "▁curate", + -13.33214282989502 + ], + [ + "344", + -13.332175254821776 + ], + [ + "▁Rao", + -13.332257270812988 + ], + [ + "wort", + -13.332267761230469 + ], + [ + "error", + -13.332298278808594 + ], + [ + "▁Bosnia", + -13.33236312866211 + ], + [ + "▁distinguishing", + -13.33238697052002 + ], + [ + "3.4", + -13.332393646240234 + ], + [ + "▁Thy", + -13.33242130279541 + ], + [ + "-52", + -13.332451820373535 + ], + [ + "▁underpin", + -13.332480430603027 + ], + [ + "▁sailor", + -13.332491874694824 + ], + [ + "YS", + -13.332560539245604 + ], + [ + "▁Endowment", + -13.332565307617188 + ], + [ + "▁aerosol", + -13.332571029663086 + ], + [ + "AX", + -13.33261775970459 + ], + [ + "▁Catalogue", + -13.332635879516602 + ], + [ + "rx", + -13.332646369934082 + ], + [ + "Fort", + -13.332751274108888 + ], + [ + "balance", + -13.332756996154783 + ], + [ + "grey", + -13.332812309265137 + ], + [ + "▁hai", + -13.332828521728516 + ], + [ + "▁sparks", + -13.332839012145996 + ], + [ + "erton", + -13.332876205444336 + ], + [ + "▁optimally", + -13.332893371582031 + ], + [ + "▁valet", + -13.332938194274902 + ], + [ + "▁Gus", + -13.332953453063965 + ], + [ + "▁forks", + -13.332977294921877 + ], + [ + "▁Diary", + -13.33298683166504 + ], + [ + "oba", + -13.333087921142578 + ], + [ + "▁Personnel", + -13.333110809326172 + ], + [ + "▁walled", + -13.333111763000488 + ], + [ + "▁Jewel", + -13.333155632019045 + ], + [ + "▁roaring", + -13.333189964294434 + ], + [ + "▁Adoption", + -13.333222389221191 + ], + [ + "▁shimmering", + -13.333303451538086 + ], + [ + "Animal", + -13.333459854125977 + ], + [ + "▁captions", + -13.333503723144531 + ], + [ + "events", + -13.333592414855955 + ], + [ + "believe", + -13.333614349365234 + ], + [ + "graphy", + -13.33373737335205 + ], + [ + "▁Proxy", + -13.333772659301758 + ], + [ + "1/4", + -13.333789825439451 + ], + [ + "iber", + -13.33381462097168 + ], + [ + "▁migraines", + -13.333852767944336 + ], + [ + "▁soprano", + -13.333889961242676 + ], + [ + "▁Pc", + -13.333902359008787 + ], + [ + "▁invoke", + -13.334166526794434 + ], + [ + "▁20-30", + -13.334232330322266 + ], + [ + "bold", + -13.334333419799805 + ], + [ + "upon", + -13.334338188171388 + ], + [ + "▁mute", + -13.334416389465332 + ], + [ + "▁Katz", + -13.334525108337402 + ], + [ + "5.0", + -13.334552764892578 + ], + [ + "▁nearer", + -13.33456325531006 + ], + [ + "▁spectator", + -13.33457374572754 + ], + [ + "▁Improved", + -13.33461856842041 + ], + [ + "▁frontline", + -13.334654808044434 + ], + [ + "2.6", + -13.334662437438965 + ], + [ + "▁Rue", + -13.33467960357666 + ], + [ + "▁cosmopolitan", + -13.33467960357666 + ], + [ + "▁embodiment", + -13.33467960357666 + ], + [ + "▁subpoena", + -13.33467960357666 + ], + [ + "▁bubbling", + -13.334680557250977 + ], + [ + "vac", + -13.33468246459961 + ], + [ + "▁whirlwind", + -13.334683418273926 + ], + [ + "▁Urdu", + -13.334697723388672 + ], + [ + "▁rarity", + -13.334699630737305 + ], + [ + "▁hostess", + -13.334712982177734 + ], + [ + "▁sqft", + -13.334724426269531 + ], + [ + "▁Rinse", + -13.334794044494627 + ], + [ + "▁gratis", + -13.334894180297852 + ], + [ + "Official", + -13.334908485412598 + ], + [ + "▁1903", + -13.33494758605957 + ], + [ + "Gun", + -13.335091590881348 + ], + [ + "▁infancy", + -13.335129737854004 + ], + [ + "▁Pom", + -13.335137367248535 + ], + [ + "driver", + -13.335180282592772 + ], + [ + "▁Shen", + -13.33525848388672 + ], + [ + "▁5.7", + -13.335350036621094 + ], + [ + "▁Vari", + -13.335360527038574 + ], + [ + "BN", + -13.335375785827637 + ], + [ + "▁Sleeper", + -13.335405349731444 + ], + [ + "▁$55", + -13.335412979125977 + ], + [ + "▁infect", + -13.335515022277832 + ], + [ + "▁152", + -13.3356294631958 + ], + [ + "▁Tenn", + -13.335716247558594 + ], + [ + "▁Forensic", + -13.335726737976074 + ], + [ + "regulation", + -13.335737228393556 + ], + [ + "460", + -13.335779190063477 + ], + [ + "Definitely", + -13.335829734802246 + ], + [ + "Disney", + -13.335866928100586 + ], + [ + "-94", + -13.335867881774902 + ], + [ + "HER", + -13.335891723632812 + ], + [ + "Honestly", + -13.33591079711914 + ], + [ + "▁eyelid", + -13.335917472839355 + ], + [ + "maintained", + -13.335968017578123 + ], + [ + "Kelly", + -13.335973739624023 + ], + [ + "youtube", + -13.336081504821776 + ], + [ + "▁137", + -13.336209297180176 + ], + [ + "▁sharper", + -13.336288452148438 + ], + [ + "▁truthful", + -13.336297035217283 + ], + [ + "▁Vil", + -13.336396217346191 + ], + [ + "ummy", + -13.336418151855469 + ], + [ + "▁Claudia", + -13.336496353149414 + ], + [ + "washing", + -13.33653450012207 + ], + [ + "▁spoons", + -13.336560249328612 + ], + [ + "WH", + -13.336613655090332 + ], + [ + "▁Composer", + -13.336637496948242 + ], + [ + "▁amplifiers", + -13.336668014526367 + ], + [ + "▁emp", + -13.336671829223633 + ], + [ + "▁Straw", + -13.336709022521973 + ], + [ + "kari", + -13.336795806884766 + ], + [ + "▁brigade", + -13.336798667907717 + ], + [ + "▁scrambling", + -13.336798667907717 + ], + [ + "▁parachute", + -13.336800575256348 + ], + [ + "▁sedation", + -13.336800575256348 + ], + [ + "JO", + -13.336809158325195 + ], + [ + "ady", + -13.336816787719728 + ], + [ + "▁scarring", + -13.33682918548584 + ], + [ + "NESS", + -13.33683967590332 + ], + [ + "▁swapping", + -13.336857795715332 + ], + [ + "▁pulses", + -13.336861610412598 + ], + [ + "▁checkbox", + -13.336874008178713 + ], + [ + "▁Salzburg", + -13.336889266967772 + ], + [ + "▁Tradition", + -13.336889266967772 + ], + [ + "hya", + -13.33689785003662 + ], + [ + "▁Vanderbilt", + -13.33697509765625 + ], + [ + "▁Scope", + -13.33699893951416 + ], + [ + "tc", + -13.337016105651855 + ], + [ + "4:", + -13.337041854858398 + ], + [ + "▁carbonate", + -13.33712387084961 + ], + [ + "▁Alder", + -13.337201118469238 + ], + [ + "Owner", + -13.33729076385498 + ], + [ + "Flight", + -13.337316513061523 + ], + [ + "▁transferable", + -13.337335586547852 + ], + [ + "▁Hosted", + -13.337336540222168 + ], + [ + "▁graft", + -13.337359428405762 + ], + [ + "▁Sewing", + -13.33741855621338 + ], + [ + "▁pcs", + -13.33743953704834 + ], + [ + "▁Rath", + -13.337637901306152 + ], + [ + "▁Riders", + -13.33769416809082 + ], + [ + "▁breakfasts", + -13.337700843811035 + ], + [ + "▁sprung", + -13.3377103805542 + ], + [ + "STEP", + -13.337716102600098 + ], + [ + "▁uber", + -13.337724685668944 + ], + [ + "8.1", + -13.33775806427002 + ], + [ + "akis", + -13.337801933288574 + ], + [ + "▁analytic", + -13.33785343170166 + ], + [ + "▁Dent", + -13.33791160583496 + ], + [ + "▁2019!", + -13.33791446685791 + ], + [ + "omer", + -13.33792209625244 + ], + [ + "▁sparkly", + -13.338006973266602 + ], + [ + "▁Conservatives", + -13.33801555633545 + ], + [ + "▁Cane", + -13.338025093078612 + ], + [ + "Mbps", + -13.33806324005127 + ], + [ + "Christ", + -13.338132858276367 + ], + [ + "▁Lately", + -13.33820343017578 + ], + [ + "actor", + -13.338226318359377 + ], + [ + "▁Forty", + -13.338228225708008 + ], + [ + "▁vets", + -13.33838939666748 + ], + [ + "▁commits", + -13.338393211364746 + ], + [ + "▁relapse", + -13.338445663452148 + ], + [ + "aspx", + -13.338717460632324 + ], + [ + "▁Expansion", + -13.33877182006836 + ], + [ + "tempo", + -13.338778495788574 + ], + [ + "▁Lad", + -13.33885669708252 + ], + [ + "▁pecans", + -13.338913917541504 + ], + [ + "▁horoscope", + -13.338921546936035 + ], + [ + "▁memorandum", + -13.338921546936035 + ], + [ + "▁EXPRESS", + -13.338924407958984 + ], + [ + "▁MacDonald", + -13.338955879211426 + ], + [ + "▁refinancing", + -13.338979721069336 + ], + [ + "Bell", + -13.33900260925293 + ], + [ + "▁brutality", + -13.339034080505373 + ], + [ + "▁snowmobile", + -13.33904266357422 + ], + [ + "▁dashboards", + -13.339156150817873 + ], + [ + "2-1", + -13.33920669555664 + ], + [ + "830", + -13.339241027832031 + ], + [ + "▁+/-", + -13.339241027832031 + ], + [ + "▁Jeans", + -13.33926010131836 + ], + [ + "▁bloc", + -13.339329719543455 + ], + [ + "▁socialize", + -13.339340209960938 + ], + [ + "▁triangles", + -13.339351654052734 + ], + [ + "hs", + -13.339466094970703 + ], + [ + "▁Yin", + -13.339484214782717 + ], + [ + "▁Dane", + -13.339495658874512 + ], + [ + "▁Terre", + -13.339540481567385 + ], + [ + "▁Calcium", + -13.339556694030762 + ], + [ + "▁Sherlock", + -13.339588165283203 + ], + [ + "▁dB", + -13.339675903320312 + ], + [ + "▁208", + -13.339702606201172 + ], + [ + "▁Joanna", + -13.339798927307127 + ], + [ + "IDA", + -13.339909553527832 + ], + [ + "▁recess", + -13.340126037597656 + ], + [ + "▁Theological", + -13.340131759643556 + ], + [ + "Captain", + -13.340208053588867 + ], + [ + "▁Sao", + -13.340350151062012 + ], + [ + "▁Tun", + -13.34036636352539 + ], + [ + "disproportionate", + -13.340423583984377 + ], + [ + "▁Detail", + -13.340572357177734 + ], + [ + "igne", + -13.340583801269531 + ], + [ + "udu", + -13.340821266174316 + ], + [ + "▁breakup", + -13.340982437133787 + ], + [ + "▁shank", + -13.340982437133787 + ], + [ + "▁bibliography", + -13.341049194335938 + ], + [ + "▁pomegranate", + -13.341049194335938 + ], + [ + "lice", + -13.341050148010254 + ], + [ + "▁deterrent", + -13.341054916381836 + ], + [ + "▁unattended", + -13.341068267822266 + ], + [ + "▁Labels", + -13.341106414794922 + ], + [ + "nzo", + -13.341121673583984 + ], + [ + "operated", + -13.341205596923828 + ], + [ + "spa", + -13.341219902038574 + ], + [ + "▁Adi", + -13.34125518798828 + ], + [ + "▁Watches", + -13.34128475189209 + ], + [ + "▁Majority", + -13.341310501098633 + ], + [ + "rman", + -13.341357231140137 + ], + [ + "Trip", + -13.341360092163086 + ], + [ + "▁Dillon", + -13.341421127319336 + ], + [ + "▁architectures", + -13.341506958007812 + ], + [ + "▁ECU", + -13.341769218444824 + ], + [ + "▁carat", + -13.341781616210938 + ], + [ + "▁chartered", + -13.341882705688477 + ], + [ + "345", + -13.341898918151855 + ], + [ + "▁solvents", + -13.341911315917969 + ], + [ + "▁juniors", + -13.34196662902832 + ], + [ + "▁Plumbers", + -13.342012405395508 + ], + [ + "Ring", + -13.342031478881836 + ], + [ + "hwa", + -13.34203815460205 + ], + [ + "eaux", + -13.342126846313477 + ], + [ + "▁broom", + -13.342129707336426 + ], + [ + "▁shaved", + -13.342215538024902 + ], + [ + "▁Gall", + -13.342267036437988 + ], + [ + "assessment", + -13.342308044433594 + ], + [ + "Tool", + -13.34231185913086 + ], + [ + "▁Armor", + -13.342342376708984 + ], + [ + "CRA", + -13.342366218566896 + ], + [ + "Fashion", + -13.342369079589844 + ], + [ + "▁Incident", + -13.342377662658691 + ], + [ + "▁Rye", + -13.342415809631348 + ], + [ + "whatever", + -13.342459678649902 + ], + [ + "NV", + -13.342491149902344 + ], + [ + "▁PDP", + -13.342517852783203 + ], + [ + "▁camouflage", + -13.342578887939451 + ], + [ + "60,000", + -13.342632293701172 + ], + [ + "▁reimbursed", + -13.34271240234375 + ], + [ + "▁Buch", + -13.342779159545898 + ], + [ + "▁plaques", + -13.342809677124023 + ], + [ + "slide", + -13.34282398223877 + ], + [ + "▁Yas", + -13.342825889587402 + ], + [ + "Naturally", + -13.34284210205078 + ], + [ + "▁delaying", + -13.342903137207031 + ], + [ + "▁forwards", + -13.342949867248535 + ], + [ + "▁climatic", + -13.343005180358888 + ], + [ + "▁STOP", + -13.34305191040039 + ], + [ + "▁thunderstorms", + -13.343110084533691 + ], + [ + "▁Botswana", + -13.343181610107422 + ], + [ + "▁appreciating", + -13.343181610107422 + ], + [ + "▁repositories", + -13.343181610107422 + ], + [ + "▁juggling", + -13.343184471130373 + ], + [ + "▁cacao", + -13.343186378479004 + ], + [ + "▁98%", + -13.343201637268066 + ], + [ + "▁assuring", + -13.343278884887695 + ], + [ + "RAM", + -13.34330940246582 + ], + [ + "▁facto", + -13.343341827392578 + ], + [ + "▁Nose", + -13.343356132507324 + ], + [ + "▁IDs", + -13.343366622924805 + ], + [ + "▁trenches", + -13.343420028686523 + ], + [ + "▁tenders", + -13.343445777893066 + ], + [ + "▁Dodd", + -13.343460083007812 + ], + [ + "▁Editors", + -13.343461036682127 + ], + [ + "uu", + -13.343467712402344 + ], + [ + "▁adaptor", + -13.343500137329102 + ], + [ + ":34", + -13.343548774719238 + ], + [ + "▁Mapping", + -13.34364414215088 + ], + [ + "▁explorers", + -13.344098091125488 + ], + [ + "▁(2000)", + -13.34415054321289 + ], + [ + "▁TAKE", + -13.344343185424805 + ], + [ + "▁boils", + -13.344343185424805 + ], + [ + "#2", + -13.34434700012207 + ], + [ + "▁decipher", + -13.344367027282717 + ], + [ + "▁Atomic", + -13.344372749328612 + ], + [ + "▁densely", + -13.344420433044434 + ], + [ + "▁constituent", + -13.344441413879396 + ], + [ + "▁affirmation", + -13.344463348388672 + ], + [ + "-64", + -13.344505310058594 + ], + [ + "Spanish", + -13.344579696655272 + ], + [ + "▁fad", + -13.344626426696776 + ], + [ + "mura", + -13.344788551330566 + ], + [ + "▁Claude", + -13.344799041748049 + ], + [ + "▁perfumes", + -13.344820022583008 + ], + [ + "funding", + -13.344866752624512 + ], + [ + "▁Dolly", + -13.34488582611084 + ], + [ + "▁Dump", + -13.344958305358888 + ], + [ + "▁PAN", + -13.345001220703123 + ], + [ + "▁archaeology", + -13.345016479492188 + ], + [ + "grams", + -13.345155715942385 + ], + [ + "▁veto", + -13.34517765045166 + ], + [ + "▁attainment", + -13.345271110534668 + ], + [ + "chic", + -13.34528350830078 + ], + [ + "▁judiciary", + -13.345317840576172 + ], + [ + "▁drumming", + -13.345365524291992 + ], + [ + "▁Brewer", + -13.345392227172852 + ], + [ + "▁tonic", + -13.345393180847168 + ], + [ + "▁Trigger", + -13.345459938049316 + ], + [ + "▁CIO", + -13.345650672912598 + ], + [ + "ucker", + -13.345685958862305 + ], + [ + "dk", + -13.345718383789062 + ], + [ + "▁Nis", + -13.345726013183594 + ], + [ + "▁$1,500", + -13.34574031829834 + ], + [ + "▁Homer", + -13.345752716064451 + ], + [ + "▁eighty", + -13.345783233642578 + ], + [ + "▁SLA", + -13.34579086303711 + ], + [ + "▁breached", + -13.345796585083008 + ], + [ + "▁Zimmerman", + -13.345842361450195 + ], + [ + "▁Barney", + -13.345845222473145 + ], + [ + "Sta", + -13.345891952514648 + ], + [ + "ICO", + -13.345909118652344 + ], + [ + "-42", + -13.345924377441406 + ], + [ + "▁summon", + -13.346001625061035 + ], + [ + "▁Means", + -13.346017837524414 + ], + [ + "▁killings", + -13.346031188964844 + ], + [ + "PSC", + -13.34604263305664 + ], + [ + "▁Lid", + -13.346071243286133 + ], + [ + "211", + -13.346112251281738 + ], + [ + "▁Inclusion", + -13.34613800048828 + ], + [ + "▁sulfate", + -13.346231460571287 + ], + [ + "▁casts", + -13.346251487731934 + ], + [ + "▁Cabo", + -13.34628200531006 + ], + [ + "Der", + -13.34633731842041 + ], + [ + "▁Intensive", + -13.34640121459961 + ], + [ + "▁Describe", + -13.346449851989746 + ], + [ + "rates", + -13.346555709838867 + ], + [ + "bomb", + -13.346558570861816 + ], + [ + "▁Coupe", + -13.346595764160156 + ], + [ + "▁storyteller", + -13.346681594848633 + ], + [ + "▁(32", + -13.34674835205078 + ], + [ + "Elizabeth", + -13.346753120422363 + ], + [ + "▁1902", + -13.346776008605955 + ], + [ + "▁SAR", + -13.34682559967041 + ], + [ + "▁shuffle", + -13.346840858459473 + ], + [ + "▁Magnesium", + -13.346881866455078 + ], + [ + "Square", + -13.34695816040039 + ], + [ + "Past", + -13.347041130065918 + ], + [ + "▁Customize", + -13.34706974029541 + ], + [ + "EO", + -13.347197532653809 + ], + [ + "▁battered", + -13.347214698791504 + ], + [ + "dler", + -13.347333908081056 + ], + [ + "▁Psychiatry", + -13.34745979309082 + ], + [ + "▁visceral", + -13.34745979309082 + ], + [ + "▁existential", + -13.347475051879885 + ], + [ + "▁pennies", + -13.347481727600098 + ], + [ + "▁buttermilk", + -13.347490310668944 + ], + [ + "▁Fulton", + -13.347545623779297 + ], + [ + "▁archery", + -13.347558975219728 + ], + [ + "▁childbirth", + -13.34758186340332 + ], + [ + "▁larvae", + -13.34758186340332 + ], + [ + "▁infantry", + -13.347599029541016 + ], + [ + "▁Alba", + -13.347611427307127 + ], + [ + "▁Spine", + -13.34768009185791 + ], + [ + "▁Editing", + -13.347686767578123 + ], + [ + "▁diffusion", + -13.347691535949709 + ], + [ + "thus", + -13.347732543945312 + ], + [ + "▁adored", + -13.347748756408691 + ], + [ + "▁auditory", + -13.347779273986816 + ], + [ + "▁2015)", + -13.347780227661133 + ], + [ + "▁handsets", + -13.347830772399902 + ], + [ + "▁presets", + -13.347841262817385 + ], + [ + "▁80’", + -13.347845077514648 + ], + [ + "▁lapse", + -13.34788417816162 + ], + [ + "▁Dominion", + -13.347904205322266 + ], + [ + "▁stimulated", + -13.347938537597656 + ], + [ + "▁150,000", + -13.348105430603027 + ], + [ + "▁Centres", + -13.34816551208496 + ], + [ + "▁Plasma", + -13.348212242126465 + ], + [ + "▁docking", + -13.348291397094728 + ], + [ + "Assist", + -13.348363876342772 + ], + [ + "north", + -13.348403930664062 + ], + [ + "▁Specifications", + -13.34846305847168 + ], + [ + "▁lastly", + -13.34852123260498 + ], + [ + "▁wardrobes", + -13.34866428375244 + ], + [ + "▁healthiest", + -13.348711967468262 + ], + [ + "ively", + -13.348843574523926 + ], + [ + "▁Achilles", + -13.348877906799316 + ], + [ + "Executive", + -13.348939895629885 + ], + [ + "▁Personality", + -13.349112510681152 + ], + [ + "▁Sliding", + -13.34913444519043 + ], + [ + "▁shafts", + -13.349159240722656 + ], + [ + "▁4.8", + -13.34919261932373 + ], + [ + "MED", + -13.349201202392578 + ], + [ + "▁Sanskrit", + -13.349268913269045 + ], + [ + "▁sizeable", + -13.349281311035156 + ], + [ + "stem", + -13.349327087402344 + ], + [ + "rial", + -13.349336624145508 + ], + [ + "▁Careers", + -13.34941577911377 + ], + [ + "▁fre", + -13.349453926086426 + ], + [ + "▁malignant", + -13.34952449798584 + ], + [ + "mies", + -13.349580764770508 + ], + [ + "▁camaraderie", + -13.349605560302734 + ], + [ + "▁consolation", + -13.349605560302734 + ], + [ + "▁dispersion", + -13.349605560302734 + ], + [ + "▁escalating", + -13.349605560302734 + ], + [ + "▁Kurdish", + -13.349608421325684 + ], + [ + "▁stumbling", + -13.349610328674316 + ], + [ + "▁Stevie", + -13.349615097045898 + ], + [ + "▁Whatsapp", + -13.34961986541748 + ], + [ + "▁relive", + -13.34962558746338 + ], + [ + "▁microfiber", + -13.349629402160645 + ], + [ + "kom", + -13.349651336669922 + ], + [ + "▁dummy", + -13.349651336669922 + ], + [ + "▁Natasha", + -13.349671363830566 + ], + [ + "▁fortified", + -13.34969425201416 + ], + [ + "▁16\"", + -13.349732398986816 + ], + [ + "▁bridesmaids", + -13.349735260009766 + ], + [ + "ffy", + -13.349774360656738 + ], + [ + "▁haircuts", + -13.34983253479004 + ], + [ + "▁Battlefield", + -13.349872589111328 + ], + [ + "▁gag", + -13.349900245666504 + ], + [ + "▁Fiscal", + -13.349918365478516 + ], + [ + "▁Parsons", + -13.349937438964844 + ], + [ + "hunter", + -13.34997844696045 + ], + [ + "▁flushing", + -13.349989891052246 + ], + [ + "207", + -13.350017547607422 + ], + [ + "▁petite", + -13.350027084350586 + ], + [ + "finder", + -13.35009479522705 + ], + [ + "biotic", + -13.350123405456545 + ], + [ + "▁Dinosaur", + -13.350135803222656 + ], + [ + "TK", + -13.350147247314451 + ], + [ + "tley", + -13.35029411315918 + ], + [ + "▁Pasta", + -13.350324630737305 + ], + [ + "▁interplay", + -13.350329399108888 + ], + [ + "155", + -13.350333213806152 + ], + [ + "▁flowed", + -13.350399017333984 + ], + [ + "▁divider", + -13.35042953491211 + ], + [ + "▁DOS", + -13.35044002532959 + ], + [ + "▁Moose", + -13.35044765472412 + ], + [ + "▁Clickfunnels", + -13.350479125976562 + ], + [ + "▁foreclosures", + -13.35060214996338 + ], + [ + "pk", + -13.350603103637695 + ], + [ + "Client", + -13.350619316101074 + ], + [ + "▁ransom", + -13.35065460205078 + ], + [ + "▁sieve", + -13.350811958312988 + ], + [ + "▁barefoot", + -13.350823402404783 + ], + [ + "report", + -13.350964546203612 + ], + [ + "▁(2015).", + -13.351110458374023 + ], + [ + "▁imitate", + -13.351160049438477 + ], + [ + "208", + -13.35120677947998 + ], + [ + "▁sw", + -13.351222038269045 + ], + [ + "awareness", + -13.351225852966309 + ], + [ + "Jacob", + -13.351236343383787 + ], + [ + "▁Hint", + -13.351275444030762 + ], + [ + "▁JPEG", + -13.351298332214355 + ], + [ + "DV", + -13.351299285888672 + ], + [ + "chet", + -13.351350784301758 + ], + [ + "▁sham", + -13.351438522338867 + ], + [ + "▁calculates", + -13.351533889770508 + ], + [ + "▁Algeria", + -13.351572036743164 + ], + [ + "1500", + -13.351577758789062 + ], + [ + "hora", + -13.35166072845459 + ], + [ + "upper", + -13.351696014404297 + ], + [ + "▁unintended", + -13.351783752441406 + ], + [ + "unga", + -13.351795196533203 + ], + [ + "▁RES", + -13.35181999206543 + ], + [ + "▁Jackpot", + -13.35185432434082 + ], + [ + "▁Revision", + -13.351889610290527 + ], + [ + "▁drier", + -13.351900100708008 + ], + [ + "▁Carlson", + -13.351980209350586 + ], + [ + "▁Jaya", + -13.351981163024902 + ], + [ + "▁Wolfe", + -13.351993560791016 + ], + [ + "rei", + -13.352041244506836 + ], + [ + "▁overarching", + -13.352079391479492 + ], + [ + "▁boardwalk", + -13.352080345153809 + ], + [ + "▁Kla", + -13.35214614868164 + ], + [ + "eed", + -13.35232925415039 + ], + [ + "▁139", + -13.352335929870604 + ], + [ + "▁rodents", + -13.35239028930664 + ], + [ + "Playing", + -13.352632522583008 + ], + [ + "▁Compound", + -13.352707862854004 + ], + [ + "▁deficient", + -13.352818489074709 + ], + [ + "2-4", + -13.35283088684082 + ], + [ + "▁Jab", + -13.352875709533691 + ], + [ + "doo", + -13.352897644042969 + ], + [ + "▁aero", + -13.352899551391602 + ], + [ + "▁WEB", + -13.352947235107422 + ], + [ + "▁repayments", + -13.352985382080078 + ], + [ + "Tor", + -13.35307502746582 + ], + [ + "▁reigning", + -13.353214263916016 + ], + [ + "▁Preheat", + -13.353217124938965 + ], + [ + "▁Kari", + -13.35325527191162 + ], + [ + "▁toughness", + -13.353260040283203 + ], + [ + "▁Connie", + -13.353278160095217 + ], + [ + "▁Beckham", + -13.353331565856934 + ], + [ + "Beauty", + -13.353370666503906 + ], + [ + "▁Guam", + -13.353379249572754 + ], + [ + "▁Sparks", + -13.353379249572754 + ], + [ + "Anything", + -13.3533935546875 + ], + [ + "icker", + -13.353400230407717 + ], + [ + "▁logically", + -13.353402137756348 + ], + [ + "▁brine", + -13.353437423706056 + ], + [ + "▁Booker", + -13.35349464416504 + ], + [ + "▁cloak", + -13.353513717651367 + ], + [ + "Seeing", + -13.353550910949709 + ], + [ + "▁elemental", + -13.353554725646973 + ], + [ + "▁$30,000", + -13.353713989257812 + ], + [ + "CIA", + -13.353747367858888 + ], + [ + "dust", + -13.353811264038086 + ], + [ + "▁Metals", + -13.35387134552002 + ], + [ + "lica", + -13.353877067565918 + ], + [ + "▁paprika", + -13.353911399841309 + ], + [ + "▁unbelievably", + -13.353911399841309 + ], + [ + "▁Staffordshire", + -13.353917121887209 + ], + [ + "▁slotted", + -13.354103088378906 + ], + [ + "tani", + -13.354147911071776 + ], + [ + "▁Everywhere", + -13.354165077209473 + ], + [ + "▁casualty", + -13.354167938232422 + ], + [ + "▁Karate", + -13.354222297668455 + ], + [ + "▁thirsty", + -13.354269981384276 + ], + [ + "▁graciously", + -13.354345321655272 + ], + [ + "▁Distributor", + -13.35436725616455 + ], + [ + "orous", + -13.35438346862793 + ], + [ + "▁Og", + -13.354387283325195 + ], + [ + "▁FG", + -13.35440731048584 + ], + [ + "▁Abroad", + -13.35442066192627 + ], + [ + "height", + -13.354453086853027 + ], + [ + "▁Gartner", + -13.35446548461914 + ], + [ + "▁Juniper", + -13.354530334472656 + ], + [ + "▁bends", + -13.354551315307615 + ], + [ + "▁snowboarding", + -13.354559898376465 + ], + [ + "▁Sergio", + -13.3546781539917 + ], + [ + "2),", + -13.354869842529297 + ], + [ + "▁lecturers", + -13.354960441589355 + ], + [ + "20%", + -13.354995727539062 + ], + [ + "Residents", + -13.355147361755373 + ], + [ + "▁excite", + -13.355175018310549 + ], + [ + "Uni", + -13.355244636535645 + ], + [ + "Hol", + -13.35526180267334 + ], + [ + "▁Milling", + -13.355292320251465 + ], + [ + "30,000", + -13.355307579040527 + ], + [ + "▁plunged", + -13.355345726013184 + ], + [ + "▁interruptions", + -13.355422973632812 + ], + [ + "tonic", + -13.35551643371582 + ], + [ + "Holiday", + -13.355558395385742 + ], + [ + "9.00", + -13.355578422546388 + ], + [ + "▁Tomas", + -13.355634689331056 + ], + [ + "England", + -13.35563850402832 + ], + [ + "KU", + -13.355666160583496 + ], + [ + "Friendly", + -13.355682373046877 + ], + [ + "poli", + -13.35572910308838 + ], + [ + "▁Regal", + -13.35573959350586 + ], + [ + "▁seater", + -13.355752944946287 + ], + [ + "▁Blueprint", + -13.355786323547363 + ], + [ + "CBS", + -13.35586929321289 + ], + [ + "Electric", + -13.355948448181152 + ], + [ + "effects", + -13.356000900268556 + ], + [ + "▁miscarriage", + -13.356072425842283 + ], + [ + "▁Fremont", + -13.356080055236816 + ], + [ + "▁Parenthood", + -13.356086730957031 + ], + [ + "▁rubble", + -13.35611343383789 + ], + [ + "▁namesake", + -13.356142044067385 + ], + [ + "walking", + -13.356152534484863 + ], + [ + "▁Multimedia", + -13.356159210205078 + ], + [ + "▁Westchester", + -13.356159210205078 + ], + [ + "▁longitudinal", + -13.356160163879396 + ], + [ + "▁commentators", + -13.356218338012695 + ], + [ + "▁painfully", + -13.356240272521973 + ], + [ + "▁smelled", + -13.356300354003906 + ], + [ + "Gra", + -13.356315612792969 + ], + [ + "▁neutrality", + -13.356375694274902 + ], + [ + "iam", + -13.356380462646484 + ], + [ + "gp", + -13.35639190673828 + ], + [ + "▁endemic", + -13.356411933898926 + ], + [ + "▁peg", + -13.35641860961914 + ], + [ + "▁val", + -13.356453895568848 + ], + [ + "▁70,000", + -13.356578826904297 + ], + [ + "▁Angry", + -13.356616973876951 + ], + [ + "▁Organizational", + -13.356806755065918 + ], + [ + "▁Packing", + -13.35682773590088 + ], + [ + "worn", + -13.356837272644045 + ], + [ + "▁fiercely", + -13.356850624084473 + ], + [ + "▁80,000", + -13.356852531433104 + ], + [ + "zier", + -13.35690689086914 + ], + [ + "▁heed", + -13.35705852508545 + ], + [ + "▁Anxiety", + -13.35710334777832 + ], + [ + "▁connective", + -13.35710334777832 + ], + [ + "▁6.2", + -13.357131958007812 + ], + [ + "▁Hel", + -13.357150077819824 + ], + [ + "ahi", + -13.357186317443848 + ], + [ + "kr", + -13.357196807861328 + ], + [ + "▁disrupting", + -13.357291221618652 + ], + [ + "▁mr", + -13.35741138458252 + ], + [ + "gil", + -13.357431411743164 + ], + [ + "▁pickups", + -13.357431411743164 + ], + [ + "▁napkins", + -13.357476234436035 + ], + [ + "Forex", + -13.35753345489502 + ], + [ + "▁pertains", + -13.357549667358398 + ], + [ + "umb", + -13.357569694519045 + ], + [ + "▁ninja", + -13.357600212097168 + ], + [ + "▁Accountant", + -13.357645988464355 + ], + [ + "ANS", + -13.357647895812988 + ], + [ + "▁Adopt", + -13.35764980316162 + ], + [ + "edition", + -13.357728004455566 + ], + [ + "▁Broadband", + -13.357732772827148 + ], + [ + "supply", + -13.357759475708008 + ], + [ + "▁Jeanne", + -13.3577880859375 + ], + [ + "Shipping", + -13.35780429840088 + ], + [ + "Become", + -13.357852935791016 + ], + [ + "Golf", + -13.357881546020508 + ], + [ + "▁containment", + -13.357953071594238 + ], + [ + "consumer", + -13.357994079589844 + ], + [ + "Laura", + -13.358012199401855 + ], + [ + "▁tonne", + -13.358072280883787 + ], + [ + "▁Liga", + -13.358101844787598 + ], + [ + "▁secrecy", + -13.358235359191896 + ], + [ + "▁unwavering", + -13.358235359191896 + ], + [ + "▁lattice", + -13.358236312866213 + ], + [ + "▁stagnant", + -13.358236312866213 + ], + [ + "▁Miniature", + -13.358248710632324 + ], + [ + "▁detoxification", + -13.35825538635254 + ], + [ + "▁(800)", + -13.358264923095703 + ], + [ + "▁multilingual", + -13.35830020904541 + ], + [ + "▁Shelves", + -13.358306884765623 + ], + [ + "▁jog", + -13.358312606811523 + ], + [ + "▁Accountability", + -13.358366012573242 + ], + [ + "▁nutty", + -13.358370780944824 + ], + [ + "▁Lava", + -13.358433723449709 + ], + [ + "▁gloomy", + -13.358433723449709 + ], + [ + "▁Sweepstakes", + -13.358524322509766 + ], + [ + "▁Existing", + -13.3585786819458 + ], + [ + "▁Illustration", + -13.358607292175291 + ], + [ + "▁commend", + -13.358678817749023 + ], + [ + "▁Alaskan", + -13.358707427978516 + ], + [ + "▁Bands", + -13.358750343322754 + ], + [ + "▁(100", + -13.358844757080078 + ], + [ + "grant", + -13.358869552612305 + ], + [ + "▁voicemail", + -13.358880043029783 + ], + [ + "▁Rhythm", + -13.358911514282228 + ], + [ + "▁WELL", + -13.35891819000244 + ], + [ + "▁Playhouse", + -13.35895824432373 + ], + [ + "-38", + -13.35901927947998 + ], + [ + "Parking", + -13.359037399291992 + ], + [ + "▁hotspots", + -13.359081268310549 + ], + [ + "263", + -13.359230995178224 + ], + [ + "▁protesting", + -13.35926914215088 + ], + [ + "▁bib", + -13.35932731628418 + ], + [ + "plug", + -13.359333038330078 + ], + [ + "122", + -13.359355926513672 + ], + [ + "▁deity", + -13.35940933227539 + ], + [ + "▁sunk", + -13.35952377319336 + ], + [ + "▁comm", + -13.359529495239258 + ], + [ + "sboro", + -13.359644889831545 + ], + [ + "▁manifestations", + -13.359644889831545 + ], + [ + "▁tastings", + -13.359747886657717 + ], + [ + "▁Capt", + -13.359787940979004 + ], + [ + "▁funnels", + -13.35987377166748 + ], + [ + "FU", + -13.35996150970459 + ], + [ + "▁Devi", + -13.360000610351562 + ], + [ + "Certified", + -13.36001682281494 + ], + [ + "▁2016)", + -13.36009693145752 + ], + [ + "▁skillful", + -13.360193252563477 + ], + [ + "▁Ernst", + -13.360261917114258 + ], + [ + "▁anthropology", + -13.36040496826172 + ], + [ + "▁irresponsible", + -13.36040496826172 + ], + [ + "▁merchandising", + -13.36040496826172 + ], + [ + "▁paralysis", + -13.360414505004885 + ], + [ + "▁socioeconomic", + -13.360418319702148 + ], + [ + "pies", + -13.360428810119627 + ], + [ + "▁Bernstein", + -13.360429763793944 + ], + [ + "▁Autodesk", + -13.36043930053711 + ], + [ + "cliff", + -13.360504150390623 + ], + [ + "▁foresee", + -13.360529899597168 + ], + [ + "▁134", + -13.360593795776367 + ], + [ + "hia", + -13.360689163208008 + ], + [ + "▁commended", + -13.36080551147461 + ], + [ + "▁typeface", + -13.36080837249756 + ], + [ + "dome", + -13.360902786254885 + ], + [ + "▁Oc", + -13.360958099365234 + ], + [ + "Process", + -13.360984802246094 + ], + [ + "▁Hare", + -13.361031532287598 + ], + [ + "▁slang", + -13.361056327819824 + ], + [ + "▁ascend", + -13.361103057861328 + ], + [ + "▁£25", + -13.361106872558594 + ], + [ + "▁Spins", + -13.361248970031738 + ], + [ + "▁pondering", + -13.361275672912598 + ], + [ + "▁uprising", + -13.36132526397705 + ], + [ + "▁jailbreak", + -13.361373901367188 + ], + [ + "ranking", + -13.36142635345459 + ], + [ + "▁shi", + -13.361427307128906 + ], + [ + "rien", + -13.361448287963867 + ], + [ + "▁Jain", + -13.36147403717041 + ], + [ + "lower", + -13.361547470092772 + ], + [ + "cic", + -13.36158847808838 + ], + [ + "▁livelihoods", + -13.361626625061035 + ], + [ + "▁appreciates", + -13.36167049407959 + ], + [ + "▁HAR", + -13.361690521240234 + ], + [ + "▁wrongly", + -13.361693382263184 + ], + [ + "Cold", + -13.361740112304688 + ], + [ + "▁Classification", + -13.361741065979004 + ], + [ + "Wil", + -13.361836433410645 + ], + [ + "ggs", + -13.361856460571287 + ], + [ + "▁Haz", + -13.361981391906738 + ], + [ + "▁gasket", + -13.361997604370115 + ], + [ + "▁spoilers", + -13.362021446228027 + ], + [ + "limited", + -13.362034797668455 + ], + [ + "enthusiastically", + -13.362043380737305 + ], + [ + "▁coli", + -13.362062454223633 + ], + [ + "insert", + -13.362106323242188 + ], + [ + "lman", + -13.362109184265137 + ], + [ + "effect", + -13.362135887145996 + ], + [ + "quarters", + -13.362176895141602 + ], + [ + "haired", + -13.362211227416992 + ], + [ + "Practice", + -13.362225532531738 + ], + [ + "rico", + -13.362227439880373 + ], + [ + "Beginning", + -13.3622407913208 + ], + [ + "-39", + -13.362262725830078 + ], + [ + "▁Educators", + -13.362285614013672 + ], + [ + "▁Sizes", + -13.362344741821287 + ], + [ + "▁attendee", + -13.362360000610352 + ], + [ + "▁installments", + -13.362375259399414 + ], + [ + "▁Balls", + -13.36241626739502 + ], + [ + "▁Cellular", + -13.36244297027588 + ], + [ + "▁Greensboro", + -13.36246395111084 + ], + [ + "▁brisk", + -13.362496376037598 + ], + [ + "Mission", + -13.362557411193848 + ], + [ + "▁exclusions", + -13.362563133239746 + ], + [ + "▁congenital", + -13.362578392028809 + ], + [ + "▁beneficiation", + -13.362579345703123 + ], + [ + "▁precarious", + -13.362579345703123 + ], + [ + "▁LeBron", + -13.362589836120604 + ], + [ + "▁teddy", + -13.36260986328125 + ], + [ + "▁Judges", + -13.362618446350098 + ], + [ + "▁eyeshadow", + -13.362627029418944 + ], + [ + "▁tweeting", + -13.362676620483398 + ], + [ + "▁refinery", + -13.362678527832031 + ], + [ + "▁monogram", + -13.362680435180664 + ], + [ + "▁wiser", + -13.362738609313965 + ], + [ + "▁Andersen", + -13.362810134887695 + ], + [ + "▁aides", + -13.362834930419922 + ], + [ + "▁personable", + -13.362911224365234 + ], + [ + "SIM", + -13.3629150390625 + ], + [ + "▁eyewear", + -13.36296844482422 + ], + [ + "▁summoned", + -13.362981796264648 + ], + [ + "▁Acquisition", + -13.363011360168455 + ], + [ + "▁kisses", + -13.363035202026367 + ], + [ + "▁Addison", + -13.363044738769531 + ], + [ + "opa", + -13.36308765411377 + ], + [ + "pg", + -13.363139152526855 + ], + [ + "▁domestically", + -13.363144874572754 + ], + [ + "▁politely", + -13.36324691772461 + ], + [ + "▁charters", + -13.363273620605469 + ], + [ + "▁Seasonal", + -13.363276481628418 + ], + [ + "1999", + -13.363286018371582 + ], + [ + "▁GRE", + -13.363320350646973 + ], + [ + "Coach", + -13.363329887390137 + ], + [ + "bolt", + -13.36349391937256 + ], + [ + "▁fleets", + -13.363508224487305 + ], + [ + "▁escalation", + -13.36357307434082 + ], + [ + "930", + -13.36357879638672 + ], + [ + "▁ESP", + -13.36357879638672 + ], + [ + "ibi", + -13.363593101501465 + ], + [ + "Met", + -13.363601684570312 + ], + [ + "▁pleading", + -13.363648414611816 + ], + [ + "▁fallout", + -13.363876342773438 + ], + [ + "sourced", + -13.3639554977417 + ], + [ + "▁earthly", + -13.363970756530762 + ], + [ + "nj", + -13.364027976989746 + ], + [ + "▁psychiatrist", + -13.364084243774414 + ], + [ + "▁precursor", + -13.36410140991211 + ], + [ + "▁JV", + -13.36411476135254 + ], + [ + "draft", + -13.36418628692627 + ], + [ + "▁regenerate", + -13.364200592041016 + ], + [ + "▁omit", + -13.364283561706545 + ], + [ + "secure", + -13.364327430725098 + ], + [ + "▁Guardians", + -13.364410400390623 + ], + [ + "▁coefficient", + -13.36441707611084 + ], + [ + "Coordinate", + -13.36444091796875 + ], + [ + "Choice", + -13.36446475982666 + ], + [ + "▁20+", + -13.364486694335938 + ], + [ + "▁sooo", + -13.364496231079102 + ], + [ + "▁Nassau", + -13.36450481414795 + ], + [ + "▁steamer", + -13.364507675170898 + ], + [ + "Seriously", + -13.364530563354492 + ], + [ + "▁Pew", + -13.364537239074709 + ], + [ + "275", + -13.364612579345703 + ], + [ + "▁bohemian", + -13.36461353302002 + ], + [ + "▁praises", + -13.364627838134766 + ], + [ + "▁lads", + -13.364726066589355 + ], + [ + "ellen", + -13.364727020263672 + ], + [ + "▁Helicopter", + -13.36474323272705 + ], + [ + "▁hydrating", + -13.364757537841797 + ], + [ + "▁interfering", + -13.364757537841797 + ], + [ + "▁chandeliers", + -13.36475944519043 + ], + [ + "▁vantage", + -13.364771842956545 + ], + [ + "▁Jammu", + -13.364778518676758 + ], + [ + "▁vandalism", + -13.364782333374023 + ], + [ + "blowing", + -13.364790916442873 + ], + [ + "▁Lansing", + -13.3648099899292 + ], + [ + "▁hairdryer", + -13.364855766296388 + ], + [ + "▁PLA", + -13.364876747131348 + ], + [ + "▁IOS", + -13.36489486694336 + ], + [ + "▁Gould", + -13.364951133728027 + ], + [ + "YO", + -13.364986419677734 + ], + [ + "▁Prints", + -13.364995002746582 + ], + [ + "athi", + -13.36502456665039 + ], + [ + "▁Folder", + -13.365038871765137 + ], + [ + "▁calibrated", + -13.365059852600098 + ], + [ + "Ag", + -13.365141868591309 + ], + [ + "coach", + -13.365166664123535 + ], + [ + "▁saltwater", + -13.365175247192385 + ], + [ + "ardo", + -13.36520004272461 + ], + [ + "Jul", + -13.365209579467772 + ], + [ + "chart", + -13.365289688110352 + ], + [ + "▁Erica", + -13.365365028381348 + ], + [ + "Tro", + -13.365463256835938 + ], + [ + "▁Trainers", + -13.365564346313477 + ], + [ + "Ice", + -13.365618705749512 + ], + [ + "display", + -13.365618705749512 + ], + [ + "▁GNU", + -13.365676879882812 + ], + [ + "8-0", + -13.365694046020508 + ], + [ + "▁Eureka", + -13.365699768066406 + ], + [ + "Wish", + -13.365740776062012 + ], + [ + "dx", + -13.365800857543944 + ], + [ + "Improve", + -13.365856170654297 + ], + [ + "▁deserted", + -13.36587905883789 + ], + [ + "▁Stain", + -13.365896224975586 + ], + [ + "Fold", + -13.365968704223633 + ], + [ + "▁Kitchens", + -13.365971565246582 + ], + [ + "▁Makers", + -13.366103172302246 + ], + [ + "▁Pil", + -13.366223335266112 + ], + [ + "▁cv", + -13.366297721862791 + ], + [ + "▁lament", + -13.3663330078125 + ], + [ + "-2013", + -13.36634349822998 + ], + [ + "▁een", + -13.366350173950195 + ], + [ + "▁orally", + -13.36635684967041 + ], + [ + "▁binds", + -13.366372108459473 + ], + [ + "peak", + -13.366389274597168 + ], + [ + "lv", + -13.3663911819458 + ], + [ + "kil", + -13.366419792175291 + ], + [ + "▁exploiting", + -13.36643409729004 + ], + [ + "Jane", + -13.36653995513916 + ], + [ + "▁ethically", + -13.366594314575195 + ], + [ + "422", + -13.366605758666992 + ], + [ + "nol", + -13.366689682006836 + ], + [ + "Language", + -13.366695404052734 + ], + [ + "artist", + -13.36675262451172 + ], + [ + "▁Driven", + -13.366755485534668 + ], + [ + "▁favoured", + -13.366806030273438 + ], + [ + "assisted", + -13.366848945617676 + ], + [ + "▁magician", + -13.366848945617676 + ], + [ + "awi", + -13.366849899291992 + ], + [ + "▁Rid", + -13.366872787475586 + ], + [ + "▁cranberries", + -13.36694049835205 + ], + [ + "▁unrivalled", + -13.36694049835205 + ], + [ + "▁tavern", + -13.366944313049316 + ], + [ + "▁Peoria", + -13.366945266723633 + ], + [ + "▁filament", + -13.36695957183838 + ], + [ + "▁Crosby", + -13.366971015930176 + ], + [ + "▁northeastern", + -13.366979598999023 + ], + [ + "▁Constable", + -13.367005348205566 + ], + [ + "▁worldview", + -13.367018699645996 + ], + [ + "▁Clev", + -13.367021560668944 + ], + [ + "/02/", + -13.367067337036133 + ], + [ + "▁doubtful", + -13.367103576660156 + ], + [ + "▁Bayer", + -13.367143630981444 + ], + [ + "▁setback", + -13.367197036743164 + ], + [ + "▁Hin", + -13.367206573486328 + ], + [ + "▁Kayak", + -13.367352485656738 + ], + [ + "▁intercept", + -13.367363929748535 + ], + [ + "▁urn", + -13.367395401000977 + ], + [ + "Son", + -13.367486000061035 + ], + [ + "?!?", + -13.3674898147583 + ], + [ + "20)", + -13.367636680603027 + ], + [ + "▁forbid", + -13.367660522460938 + ], + [ + "▁seperate", + -13.367731094360352 + ], + [ + "aly", + -13.367815971374512 + ], + [ + "399", + -13.367900848388672 + ], + [ + "▁scattering", + -13.367900848388672 + ], + [ + "▁vested", + -13.36797332763672 + ], + [ + "▁uptime", + -13.3679838180542 + ], + [ + "▁Utiliz", + -13.368086814880373 + ], + [ + "ATS", + -13.368107795715332 + ], + [ + "▁inverted", + -13.368120193481444 + ], + [ + "▁OU", + -13.368138313293455 + ], + [ + "TAN", + -13.368145942687988 + ], + [ + "buck", + -13.368156433105469 + ], + [ + "▁Span", + -13.36819553375244 + ], + [ + "itive", + -13.368250846862791 + ], + [ + "Bright", + -13.368268966674805 + ], + [ + "▁Mot", + -13.368383407592772 + ], + [ + "▁hu", + -13.36838436126709 + ], + [ + "▁cub", + -13.36843204498291 + ], + [ + "▁Cosmetics", + -13.368435859680176 + ], + [ + "▁expeditions", + -13.368465423583984 + ], + [ + "▁embryo", + -13.368534088134766 + ], + [ + "▁parallels", + -13.368538856506348 + ], + [ + "vos", + -13.368599891662598 + ], + [ + "belt", + -13.368692398071287 + ], + [ + "▁asap", + -13.368715286254885 + ], + [ + "OO", + -13.368836402893066 + ], + [ + "tid", + -13.368852615356444 + ], + [ + "popular", + -13.368896484375 + ], + [ + "-2012", + -13.36890983581543 + ], + [ + "▁Assets", + -13.368972778320312 + ], + [ + "ffen", + -13.369026184082031 + ], + [ + "fei", + -13.369072914123535 + ], + [ + "▁prognosis", + -13.369129180908203 + ], + [ + "▁Islamabad", + -13.369138717651367 + ], + [ + "▁crossroads", + -13.369159698486328 + ], + [ + "▁hassles", + -13.369171142578123 + ], + [ + "▁exposition", + -13.369178771972656 + ], + [ + "▁grandeur", + -13.36923122406006 + ], + [ + "▁moth", + -13.369244575500488 + ], + [ + "▁handgun", + -13.369282722473145 + ], + [ + "scoring", + -13.36929416656494 + ], + [ + "▁Sala", + -13.369348526000977 + ], + [ + "▁Extremely", + -13.369364738464355 + ], + [ + "▁Wol", + -13.369365692138672 + ], + [ + "▁quilted", + -13.36938190460205 + ], + [ + "▁acreage", + -13.369383811950684 + ], + [ + "Lisa", + -13.369577407836914 + ], + [ + "▁sta", + -13.369606971740724 + ], + [ + "▁Caramel", + -13.369629859924316 + ], + [ + "▁OMG", + -13.369708061218262 + ], + [ + "▁grids", + -13.369757652282717 + ], + [ + "▁Welch", + -13.36977481842041 + ], + [ + "▁Yar", + -13.3699312210083 + ], + [ + "▁1840", + -13.369942665100098 + ], + [ + "▁Abigail", + -13.370022773742676 + ], + [ + "unconstitutional", + -13.3700590133667 + ], + [ + "▁wrists", + -13.37009048461914 + ], + [ + "icide", + -13.370177268981934 + ], + [ + "▁purge", + -13.37020206451416 + ], + [ + "rano", + -13.370203018188477 + ], + [ + "stadt", + -13.370208740234377 + ], + [ + "shima", + -13.37026023864746 + ], + [ + "▁250,000", + -13.370296478271484 + ], + [ + "▁Laos", + -13.370320320129396 + ], + [ + "▁Satin", + -13.370428085327148 + ], + [ + "▁twine", + -13.37047290802002 + ], + [ + "CDC", + -13.370604515075684 + ], + [ + "▁$350", + -13.370607376098633 + ], + [ + "bond", + -13.370624542236328 + ], + [ + "apo", + -13.370640754699709 + ], + [ + "▁Yield", + -13.370670318603516 + ], + [ + "eries", + -13.370781898498535 + ], + [ + "▁wirelessly", + -13.370878219604492 + ], + [ + "▁Abrams", + -13.370893478393556 + ], + [ + "essa", + -13.370915412902832 + ], + [ + "tura", + -13.370926856994627 + ], + [ + "western", + -13.37097454071045 + ], + [ + "▁Harness", + -13.370991706848145 + ], + [ + "▁Peggy", + -13.371005058288574 + ], + [ + "ENS", + -13.371116638183594 + ], + [ + "▁ASA", + -13.371146202087402 + ], + [ + "MAP", + -13.371182441711426 + ], + [ + "▁fleas", + -13.37118434906006 + ], + [ + "rob", + -13.371185302734377 + ], + [ + "▁aspirin", + -13.371187210083008 + ], + [ + "▁wreak", + -13.371224403381348 + ], + [ + "Management", + -13.371235847473145 + ], + [ + "Rachel", + -13.371288299560549 + ], + [ + "▁frantic", + -13.37130069732666 + ], + [ + "▁Anthropology", + -13.37132167816162 + ], + [ + "▁impromptu", + -13.37132167816162 + ], + [ + "▁rhubarb", + -13.37132167816162 + ], + [ + "▁Bazaar", + -13.371323585510254 + ], + [ + "▁Piazza", + -13.371330261230469 + ], + [ + "▁eyeglasses", + -13.371373176574709 + ], + [ + "▁PBX", + -13.37142848968506 + ], + [ + "▁Whistler", + -13.371441841125488 + ], + [ + "▁confessed", + -13.371533393859863 + ], + [ + "▁Surgeons", + -13.371541023254396 + ], + [ + "▁amounted", + -13.371546745300291 + ], + [ + "▁Grad", + -13.371560096740724 + ], + [ + "▁suitably", + -13.37156105041504 + ], + [ + "▁advertiser", + -13.371637344360352 + ], + [ + "▁yelled", + -13.371788024902344 + ], + [ + "▁Farmhouse", + -13.371792793273926 + ], + [ + "▁symmetrical", + -13.371800422668455 + ], + [ + "▁Humane", + -13.37180233001709 + ], + [ + "▁showdown", + -13.37180519104004 + ], + [ + "▁CGI", + -13.371938705444336 + ], + [ + "▁queues", + -13.37195110321045 + ], + [ + "▁tweaked", + -13.372118949890137 + ], + [ + "▁Mild", + -13.37216091156006 + ], + [ + "▁eagles", + -13.372204780578612 + ], + [ + "▁Everton", + -13.372392654418944 + ], + [ + "▁Scholarships", + -13.372425079345703 + ], + [ + "▁Installing", + -13.372483253479004 + ], + [ + "▁och", + -13.37252426147461 + ], + [ + "logo", + -13.372611045837402 + ], + [ + "▁Kidd", + -13.372640609741213 + ], + [ + "▁bumped", + -13.37266731262207 + ], + [ + "▁sift", + -13.3727445602417 + ], + [ + "▁Poe", + -13.372754096984863 + ], + [ + "▁Wipe", + -13.372772216796877 + ], + [ + "Cons", + -13.37277889251709 + ], + [ + "▁Aztec", + -13.37286376953125 + ], + [ + "▁behaved", + -13.37292766571045 + ], + [ + "▁manor", + -13.37294864654541 + ], + [ + "rix", + -13.37297534942627 + ], + [ + "▁snorkel", + -13.372980117797852 + ], + [ + "Yu", + -13.37307357788086 + ], + [ + "▁WAN", + -13.373085975646973 + ], + [ + "▁mince", + -13.373102188110352 + ], + [ + "def", + -13.373144149780272 + ], + [ + "▁assesses", + -13.37315845489502 + ], + [ + "igi", + -13.373163223266602 + ], + [ + "▁booze", + -13.373169898986816 + ], + [ + "▁probiotics", + -13.373229026794434 + ], + [ + "▁Viola", + -13.373428344726562 + ], + [ + "nium", + -13.37345027923584 + ], + [ + "▁Finch", + -13.3734769821167 + ], + [ + "▁(26", + -13.37349796295166 + ], + [ + "▁Redmi", + -13.37350845336914 + ], + [ + "▁anesthetic", + -13.373519897460938 + ], + [ + "▁dispensing", + -13.373519897460938 + ], + [ + "▁Colombo", + -13.37352466583252 + ], + [ + "▁Taken", + -13.37354564666748 + ], + [ + "Pakistan", + -13.37355136871338 + ], + [ + "▁hinted", + -13.37356948852539 + ], + [ + "▁augmentation", + -13.373600006103516 + ], + [ + "▁Shelley", + -13.373629570007324 + ], + [ + "▁SOS", + -13.373637199401855 + ], + [ + "▁minivan", + -13.373697280883787 + ], + [ + "ettes", + -13.373699188232422 + ], + [ + "website", + -13.3737211227417 + ], + [ + "dding", + -13.373723030090332 + ], + [ + "▁subdued", + -13.373733520507812 + ], + [ + "▁Akron", + -13.37386417388916 + ], + [ + "▁transitioned", + -13.373943328857422 + ], + [ + "▁Moments", + -13.373976707458496 + ], + [ + "▁(21", + -13.3740234375 + ], + [ + "▁Increased", + -13.374056816101074 + ], + [ + "▁Dani", + -13.37419605255127 + ], + [ + "▁Hulk", + -13.374207496643066 + ], + [ + "▁fussy", + -13.374253273010254 + ], + [ + "▁guidebook", + -13.374370574951172 + ], + [ + "▁crates", + -13.374526977539062 + ], + [ + "▁iterations", + -13.374533653259276 + ], + [ + "▁Unix", + -13.3745756149292 + ], + [ + "adas", + -13.374788284301758 + ], + [ + "▁Easton", + -13.374940872192385 + ], + [ + "1.8", + -13.375032424926758 + ], + [ + "▁McCo", + -13.375100135803224 + ], + [ + "Mont", + -13.375179290771484 + ], + [ + "▁bum", + -13.37522792816162 + ], + [ + "urs", + -13.375239372253418 + ], + [ + "3-5", + -13.375263214111328 + ], + [ + "emer", + -13.37529754638672 + ], + [ + "watching", + -13.3753023147583 + ], + [ + "LIN", + -13.37536907196045 + ], + [ + "▁WHEN", + -13.375426292419434 + ], + [ + "trap", + -13.375450134277344 + ], + [ + "▁plural", + -13.37554931640625 + ], + [ + "▁($3", + -13.375595092773438 + ], + [ + "▁Ramirez", + -13.375632286071776 + ], + [ + "▁Framing", + -13.375717163085938 + ], + [ + "▁attributable", + -13.37572193145752 + ], + [ + "▁endearing", + -13.375722885131836 + ], + [ + "▁Neuroscience", + -13.37573528289795 + ], + [ + "▁Monk", + -13.375760078430176 + ], + [ + "▁Scenic", + -13.375775337219238 + ], + [ + "▁configurable", + -13.375787734985352 + ], + [ + "▁Promote", + -13.375800132751465 + ], + [ + "▁PPI", + -13.37580394744873 + ], + [ + "▁wares", + -13.375845909118652 + ], + [ + "uj", + -13.375859260559082 + ], + [ + "▁cyclone", + -13.375892639160156 + ], + [ + "Certainly", + -13.37596321105957 + ], + [ + "▁$32", + -13.375967979431152 + ], + [ + "contract", + -13.375982284545898 + ], + [ + "▁Carefully", + -13.375990867614746 + ], + [ + "▁sitter", + -13.37605094909668 + ], + [ + "▁Dustin", + -13.376158714294434 + ], + [ + "▁ply", + -13.376239776611328 + ], + [ + "▁aptly", + -13.376285552978516 + ], + [ + "Sight", + -13.376298904418944 + ], + [ + "▁Combination", + -13.376474380493164 + ], + [ + "▁290", + -13.376521110534668 + ], + [ + "mination", + -13.37668228149414 + ], + [ + "having", + -13.376684188842772 + ], + [ + "▁pur", + -13.376689910888672 + ], + [ + "Villa", + -13.376733779907228 + ], + [ + "▁lore", + -13.376836776733398 + ], + [ + "▁potency", + -13.376935005187988 + ], + [ + "▁Conan", + -13.376967430114746 + ], + [ + "CPA", + -13.377010345458984 + ], + [ + "▁1978.", + -13.377016067504885 + ], + [ + "▁Collegiate", + -13.377068519592283 + ], + [ + "▁£30", + -13.37708854675293 + ], + [ + "▁BW", + -13.377127647399902 + ], + [ + "▁kon", + -13.377410888671877 + ], + [ + "▁Pon", + -13.377423286437988 + ], + [ + "▁outperform", + -13.37745189666748 + ], + [ + "▁skateboard", + -13.377467155456545 + ], + [ + "rug", + -13.377469062805176 + ], + [ + "▁stereotype", + -13.377500534057615 + ], + [ + "▁encountering", + -13.377503395080566 + ], + [ + "▁Wagon", + -13.37755012512207 + ], + [ + "▁Referral", + -13.377573013305664 + ], + [ + "▁numeric", + -13.377581596374512 + ], + [ + "▁diver", + -13.37758445739746 + ], + [ + "▁allure", + -13.377630233764648 + ], + [ + "▁Durable", + -13.377680778503418 + ], + [ + "▁Promotional", + -13.377714157104492 + ], + [ + "▁clinician", + -13.377724647521973 + ], + [ + "quist", + -13.377921104431152 + ], + [ + "▁zebra", + -13.377930641174316 + ], + [ + "▁Mermaid", + -13.377937316894531 + ], + [ + "▁kinase", + -13.377939224243164 + ], + [ + "▁WITHOUT", + -13.37794589996338 + ], + [ + "▁Norris", + -13.377970695495604 + ], + [ + "Times", + -13.3779935836792 + ], + [ + "▁segmented", + -13.378066062927246 + ], + [ + "▁BJ", + -13.37809944152832 + ], + [ + "▁grate", + -13.378170013427734 + ], + [ + "▁Tuscan", + -13.378189086914062 + ], + [ + "▁setups", + -13.378218650817873 + ], + [ + "▁Seniors", + -13.378229141235352 + ], + [ + "▁weathered", + -13.378235816955566 + ], + [ + "▁eerie", + -13.378246307373049 + ], + [ + "soluble", + -13.378275871276855 + ], + [ + "▁pouches", + -13.37829875946045 + ], + [ + "RIC", + -13.378304481506348 + ], + [ + "▁VB", + -13.378334045410156 + ], + [ + "▁STR", + -13.378397941589355 + ], + [ + "▁steeped", + -13.378409385681152 + ], + [ + "▁backers", + -13.378453254699709 + ], + [ + "▁Antarctic", + -13.378460884094238 + ], + [ + "▁Cheng", + -13.378506660461426 + ], + [ + "▁Token", + -13.378552436828612 + ], + [ + "Lower", + -13.378554344177246 + ], + [ + "▁dart", + -13.378595352172852 + ], + [ + "▁swirling", + -13.378626823425291 + ], + [ + "▁Staying", + -13.37867832183838 + ], + [ + "▁(2017).", + -13.378708839416504 + ], + [ + "Wine", + -13.37877082824707 + ], + [ + "speak", + -13.37881851196289 + ], + [ + "▁Recorder", + -13.378867149353027 + ], + [ + "▁Cairns", + -13.378876686096191 + ], + [ + "▁Dart", + -13.378900527954102 + ], + [ + "3-0", + -13.378976821899414 + ], + [ + "Gov", + -13.379016876220703 + ], + [ + "Tec", + -13.379046440124512 + ], + [ + "allow", + -13.379047393798828 + ], + [ + "▁Lorenzo", + -13.379053115844728 + ], + [ + "them", + -13.37911891937256 + ], + [ + "ар", + -13.37917423248291 + ], + [ + "▁Largest", + -13.37918186187744 + ], + [ + "dai", + -13.379223823547363 + ], + [ + "1-8", + -13.379233360290527 + ], + [ + "▁servings", + -13.37923526763916 + ], + [ + "▁smear", + -13.37926197052002 + ], + [ + "Steven", + -13.379311561584473 + ], + [ + "▁Ele", + -13.37938404083252 + ], + [ + "Catch", + -13.379451751708984 + ], + [ + "▁converse", + -13.379511833190918 + ], + [ + "▁rhyme", + -13.379524230957031 + ], + [ + "▁Berger", + -13.379560470581056 + ], + [ + "▁shortlist", + -13.379615783691406 + ], + [ + "▁Edmund", + -13.379633903503418 + ], + [ + "▁Nigerians", + -13.37969207763672 + ], + [ + "▁hoc", + -13.379716873168944 + ], + [ + "2003", + -13.379722595214844 + ], + [ + "▁aerobic", + -13.379863739013672 + ], + [ + "▁Aren", + -13.379887580871582 + ], + [ + "dur", + -13.37989330291748 + ], + [ + "iwa", + -13.3799467086792 + ], + [ + "▁hopped", + -13.379990577697754 + ], + [ + "▁respondent", + -13.380064010620115 + ], + [ + "▁carefree", + -13.380066871643066 + ], + [ + "▁conscientious", + -13.380142211914062 + ], + [ + "▁unrivaled", + -13.380142211914062 + ], + [ + "▁Residency", + -13.38014316558838 + ], + [ + "▁snoring", + -13.380144119262695 + ], + [ + "▁Theodore", + -13.38014793395996 + ], + [ + "▁unheard", + -13.38017463684082 + ], + [ + "arily", + -13.380178451538086 + ], + [ + "▁defaults", + -13.38019561767578 + ], + [ + "▁Branson", + -13.380207061767578 + ], + [ + "Believe", + -13.380270957946776 + ], + [ + "▁thanksgiving", + -13.380290985107422 + ], + [ + "▁intertwined", + -13.38031768798828 + ], + [ + "▁weakest", + -13.380352973937988 + ], + [ + "▁stormwater", + -13.380367279052734 + ], + [ + "▁Durban", + -13.380375862121582 + ], + [ + "HN", + -13.38039493560791 + ], + [ + "HAN", + -13.380398750305176 + ], + [ + "Pool", + -13.38045597076416 + ], + [ + "Limited", + -13.38052749633789 + ], + [ + "HQ", + -13.380558013916016 + ], + [ + "▁8.0", + -13.380569458007812 + ], + [ + "▁Jenner", + -13.380596160888672 + ], + [ + "▁Juvenile", + -13.38060188293457 + ], + [ + "▁Nana", + -13.380731582641602 + ], + [ + "▁Otter", + -13.380744934082031 + ], + [ + "▁Mb", + -13.38075351715088 + ], + [ + "owners", + -13.380796432495115 + ], + [ + "▁Seamless", + -13.380825996398926 + ], + [ + "▁parishes", + -13.380836486816406 + ], + [ + "▁como", + -13.380851745605469 + ], + [ + "▁rattan", + -13.38086223602295 + ], + [ + "-1,", + -13.380898475646973 + ], + [ + "▁Dem", + -13.38106632232666 + ], + [ + "▁Debit", + -13.38112735748291 + ], + [ + "Holy", + -13.381268501281738 + ], + [ + "▁Larger", + -13.381305694580078 + ], + [ + "cab", + -13.381369590759276 + ], + [ + "▁Textile", + -13.38145923614502 + ], + [ + "▁dill", + -13.381540298461914 + ], + [ + "▁Worst", + -13.381683349609377 + ], + [ + "▁copyrights", + -13.381754875183104 + ], + [ + "▁Messi", + -13.381850242614746 + ], + [ + "▁nationals", + -13.38185977935791 + ], + [ + "▁Joining", + -13.38187313079834 + ], + [ + "journal", + -13.38188648223877 + ], + [ + "phal", + -13.38190460205078 + ], + [ + "▁memoirs", + -13.381998062133787 + ], + [ + "▁valuables", + -13.381998062133787 + ], + [ + "▁Substance", + -13.382153511047363 + ], + [ + "▁pope", + -13.382169723510742 + ], + [ + "▁Aggregate", + -13.382256507873535 + ], + [ + "▁obligatory", + -13.38236141204834 + ], + [ + "▁ammonia", + -13.382375717163086 + ], + [ + "▁Normandy", + -13.382410049438477 + ], + [ + "proper", + -13.382413864135742 + ], + [ + "▁plow", + -13.38241958618164 + ], + [ + "▁cashmere", + -13.38247299194336 + ], + [ + "Bitcoin", + -13.382501602172852 + ], + [ + "lord", + -13.382512092590332 + ], + [ + "LOVE", + -13.38252067565918 + ], + [ + "▁1979,", + -13.382528305053713 + ], + [ + "▁patina", + -13.382550239562988 + ], + [ + "▁195", + -13.3826322555542 + ], + [ + "lying", + -13.382635116577148 + ], + [ + "▁Cannot", + -13.382650375366213 + ], + [ + "▁HDTV", + -13.382683753967283 + ], + [ + "▁Vijay", + -13.382685661315918 + ], + [ + "essential", + -13.38272762298584 + ], + [ + "bai", + -13.382755279541016 + ], + [ + "Boost", + -13.38276195526123 + ], + [ + "▁workable", + -13.38276195526123 + ], + [ + "▁salespeople", + -13.382789611816406 + ], + [ + "én", + -13.38286304473877 + ], + [ + "Joy", + -13.382875442504885 + ], + [ + "▁sprayer", + -13.382952690124512 + ], + [ + "▁Punjabi", + -13.38305950164795 + ], + [ + "ZZ", + -13.383086204528809 + ], + [ + "▁Analog", + -13.38312816619873 + ], + [ + "▁Cobra", + -13.383139610290527 + ], + [ + "rion", + -13.383172035217283 + ], + [ + "▁$1.2", + -13.383305549621582 + ], + [ + "▁Dalton", + -13.38331127166748 + ], + [ + "RAY", + -13.38333225250244 + ], + [ + "▁calmly", + -13.383340835571287 + ], + [ + "▁tightened", + -13.38342571258545 + ], + [ + "▁eBooks", + -13.383475303649902 + ], + [ + "6.3", + -13.3836088180542 + ], + [ + "▁omni", + -13.383633613586426 + ], + [ + "▁anecdotes", + -13.383649826049805 + ], + [ + "erated", + -13.383736610412598 + ], + [ + "▁Extensions", + -13.383749961853027 + ], + [ + "▁Coll", + -13.383834838867188 + ], + [ + "▁hymn", + -13.383983612060549 + ], + [ + "▁err", + -13.383999824523926 + ], + [ + "▁NES", + -13.384114265441896 + ], + [ + "▁tumour", + -13.384129524230955 + ], + [ + "urg", + -13.384188652038574 + ], + [ + "010", + -13.384278297424316 + ], + [ + "▁needless", + -13.384331703186035 + ], + [ + "▁chickpeas", + -13.384364128112791 + ], + [ + "▁Ducks", + -13.384379386901855 + ], + [ + "▁Donate", + -13.384435653686523 + ], + [ + "▁incline", + -13.384461402893066 + ], + [ + "▁Navigator", + -13.38454532623291 + ], + [ + "▁Yosemite", + -13.384581565856934 + ], + [ + "▁allegiance", + -13.384581565856934 + ], + [ + "▁executor", + -13.384581565856934 + ], + [ + "▁monochrome", + -13.384587287902832 + ], + [ + "▁Emp", + -13.384603500366213 + ], + [ + "▁bluff", + -13.384671211242676 + ], + [ + "▁antitrust", + -13.384674072265623 + ], + [ + "▁eyelashes", + -13.384702682495115 + ], + [ + "▁Foley", + -13.384703636169434 + ], + [ + "▁Geological", + -13.38473892211914 + ], + [ + "▁2018-2019", + -13.38489055633545 + ], + [ + "▁Symbol", + -13.384915351867676 + ], + [ + "▁assaulted", + -13.38492202758789 + ], + [ + "▁billboard", + -13.384926795959473 + ], + [ + "▁RW", + -13.384937286376951 + ], + [ + "volt", + -13.384964942932127 + ], + [ + "mato", + -13.385018348693848 + ], + [ + "151", + -13.385045051574709 + ], + [ + "▁Mob", + -13.385101318359377 + ], + [ + "▁hamlet", + -13.385104179382324 + ], + [ + "udge", + -13.3851900100708 + ], + [ + "RIT", + -13.38522243499756 + ], + [ + "▁sl", + -13.38523006439209 + ], + [ + "▁Suspension", + -13.385376930236816 + ], + [ + "▁Farrell", + -13.385400772094728 + ], + [ + "▁understandably", + -13.385490417480469 + ], + [ + "▁Actions", + -13.385516166687012 + ], + [ + "▁Aga", + -13.385543823242188 + ], + [ + "shared", + -13.385544776916504 + ], + [ + "▁kickoff", + -13.385598182678224 + ], + [ + "▁Equality", + -13.385713577270508 + ], + [ + "▁Mimi", + -13.385743141174316 + ], + [ + "inda", + -13.385756492614746 + ], + [ + "▁Stranger", + -13.38578987121582 + ], + [ + "▁fishes", + -13.385878562927246 + ], + [ + "▁Tagged", + -13.385916709899902 + ], + [ + "AMP", + -13.386028289794922 + ], + [ + "▁Stair", + -13.386040687561035 + ], + [ + "▁Wherever", + -13.38608169555664 + ], + [ + "▁Uruguay", + -13.386085510253906 + ], + [ + "▁freshmen", + -13.386292457580566 + ], + [ + "scott", + -13.386360168457031 + ], + [ + "arc", + -13.386472702026367 + ], + [ + "▁Dre", + -13.38648796081543 + ], + [ + "▁oriental", + -13.386512756347656 + ], + [ + "▁Inland", + -13.38662052154541 + ], + [ + "▁minimizes", + -13.386637687683104 + ], + [ + "▁sweetener", + -13.386666297912598 + ], + [ + "▁anemia", + -13.386701583862305 + ], + [ + "▁accumulating", + -13.386808395385742 + ], + [ + "▁Cheltenham", + -13.38680934906006 + ], + [ + "▁McConnell", + -13.386825561523438 + ], + [ + "ан", + -13.386829376220703 + ], + [ + "▁Taiwanese", + -13.386841773986816 + ], + [ + "▁Watford", + -13.38684368133545 + ], + [ + "▁cooperating", + -13.386857986450195 + ], + [ + "avan", + -13.386862754821776 + ], + [ + "▁Blender", + -13.386893272399902 + ], + [ + "▁Thunderbird", + -13.386908531188965 + ], + [ + "▁companionship", + -13.386921882629396 + ], + [ + "polar", + -13.387005805969238 + ], + [ + "1%)", + -13.387045860290527 + ], + [ + "coffee", + -13.387066841125488 + ], + [ + "▁lice", + -13.387150764465332 + ], + [ + "Jump", + -13.387224197387695 + ], + [ + "Bonus", + -13.387276649475098 + ], + [ + "▁Jal", + -13.387309074401855 + ], + [ + "▁1861", + -13.38731861114502 + ], + [ + "▁restraints", + -13.38734531402588 + ], + [ + "▁Noida", + -13.387578010559082 + ], + [ + "▁weakening", + -13.38758945465088 + ], + [ + "▁Vinci", + -13.387689590454102 + ], + [ + "eca", + -13.387714385986328 + ], + [ + "▁watchdog", + -13.38772964477539 + ], + [ + "leader", + -13.387758255004885 + ], + [ + "▁Homeowners", + -13.38776397705078 + ], + [ + "rav", + -13.38781452178955 + ], + [ + "▁Indies", + -13.38798713684082 + ], + [ + "▁smashing", + -13.388147354125977 + ], + [ + "▁Muir", + -13.388216018676758 + ], + [ + "Compared", + -13.388266563415527 + ], + [ + "tho", + -13.388283729553224 + ], + [ + "▁177", + -13.38833713531494 + ], + [ + "▁Bund", + -13.38837432861328 + ], + [ + "▁Sweep", + -13.388432502746582 + ], + [ + "▁SSH", + -13.388489723205566 + ], + [ + "gni", + -13.38856029510498 + ], + [ + "▁FAT", + -13.388578414916992 + ], + [ + "▁Cartridge", + -13.38865852355957 + ], + [ + "soul", + -13.38869571685791 + ], + [ + "▁eyebrow", + -13.388715744018556 + ], + [ + "▁sealant", + -13.388877868652344 + ], + [ + "▁Sap", + -13.388924598693848 + ], + [ + "▁anomalies", + -13.38904094696045 + ], + [ + "▁melanoma", + -13.38904094696045 + ], + [ + "▁sobriety", + -13.38904094696045 + ], + [ + "▁liberties", + -13.389042854309082 + ], + [ + "▁Scarborough", + -13.389044761657717 + ], + [ + "▁astronomical", + -13.389047622680664 + ], + [ + "▁proclamation", + -13.389049530029297 + ], + [ + "▁incarcerated", + -13.389065742492676 + ], + [ + "▁Jesuit", + -13.389087677001951 + ], + [ + "▁downfall", + -13.389092445373535 + ], + [ + "▁televised", + -13.389095306396484 + ], + [ + "▁Cath", + -13.389130592346191 + ], + [ + "dina", + -13.389134407043455 + ], + [ + "▁Silicone", + -13.389162063598633 + ], + [ + "ody", + -13.38917064666748 + ], + [ + "convert", + -13.389190673828123 + ], + [ + "Players", + -13.389265060424805 + ], + [ + "▁Hom", + -13.389290809631348 + ], + [ + "▁Buckley", + -13.389300346374512 + ], + [ + "Breakfast", + -13.389365196228027 + ], + [ + "Southern", + -13.389376640319824 + ], + [ + "▁onboarding", + -13.389460563659668 + ], + [ + "▁Equi", + -13.389464378356934 + ], + [ + "▁gracefully", + -13.389497756958008 + ], + [ + "kala", + -13.389549255371094 + ], + [ + "▁Calm", + -13.38956356048584 + ], + [ + "▁coke", + -13.389567375183104 + ], + [ + "▁Dare", + -13.389595985412598 + ], + [ + "▁Reese", + -13.3897123336792 + ], + [ + "IAL", + -13.389877319335938 + ], + [ + "▁curled", + -13.389900207519531 + ], + [ + "Solid", + -13.389907836914062 + ], + [ + "▁DOM", + -13.389935493469238 + ], + [ + "ogue", + -13.389974594116213 + ], + [ + "jee", + -13.389996528625488 + ], + [ + "LOL", + -13.39003562927246 + ], + [ + "LX", + -13.390089988708496 + ], + [ + "▁Ibrahim", + -13.390138626098633 + ], + [ + "▁manifested", + -13.3902587890625 + ], + [ + "luck", + -13.390398025512695 + ], + [ + "▁Dora", + -13.39052963256836 + ], + [ + "▁disseminate", + -13.390677452087402 + ], + [ + "▁leaky", + -13.390748023986816 + ], + [ + "strict", + -13.390753746032717 + ], + [ + "bits", + -13.390776634216309 + ], + [ + "orange", + -13.391016006469728 + ], + [ + "▁Bones", + -13.391016960144045 + ], + [ + "vez", + -13.391045570373535 + ], + [ + "▁Peoples", + -13.39109706878662 + ], + [ + "▁floated", + -13.391108512878418 + ], + [ + "▁graced", + -13.391188621520996 + ], + [ + "article", + -13.391213417053224 + ], + [ + "▁Lena", + -13.391216278076172 + ], + [ + "▁Dickinson", + -13.391278266906738 + ], + [ + "▁disparity", + -13.391278266906738 + ], + [ + "▁Masa", + -13.391279220581056 + ], + [ + "▁bureaucracy", + -13.391279220581056 + ], + [ + "▁bodice", + -13.39128303527832 + ], + [ + "temp", + -13.391289710998535 + ], + [ + "hander", + -13.391292572021484 + ], + [ + "▁dissolution", + -13.391303062438965 + ], + [ + "Ground", + -13.391340255737305 + ], + [ + "▁Northeastern", + -13.39137840270996 + ], + [ + "▁flaky", + -13.391395568847656 + ], + [ + "▁emitted", + -13.391396522521973 + ], + [ + "▁frontage", + -13.391621589660645 + ], + [ + "Yellow", + -13.391653060913086 + ], + [ + "▁Varsity", + -13.391678810119627 + ], + [ + "▁Reel", + -13.391701698303224 + ], + [ + "Judge", + -13.391705513000488 + ], + [ + "▁Dat", + -13.391706466674805 + ], + [ + "▁Supper", + -13.391783714294434 + ], + [ + "▁Tribal", + -13.39182949066162 + ], + [ + "▁LOS", + -13.39187240600586 + ], + [ + "ambi", + -13.391931533813477 + ], + [ + "▁Amos", + -13.392035484313965 + ], + [ + "▁TSA", + -13.39203929901123 + ], + [ + "eum", + -13.392069816589355 + ], + [ + "▁extractor", + -13.392102241516112 + ], + [ + "Interview", + -13.39211082458496 + ], + [ + "▁liquidation", + -13.39215850830078 + ], + [ + "yal", + -13.392169952392578 + ], + [ + "▁summarized", + -13.392169952392578 + ], + [ + "▁Evelyn", + -13.392206192016602 + ], + [ + "▁watermark", + -13.392256736755373 + ], + [ + "Sale", + -13.392351150512695 + ], + [ + "▁Viet", + -13.392352104187012 + ], + [ + "▁$1.3", + -13.392355918884276 + ], + [ + "Hence", + -13.392364501953123 + ], + [ + "▁1904", + -13.392374038696287 + ], + [ + "zio", + -13.39240550994873 + ], + [ + "pedia", + -13.392463684082031 + ], + [ + "▁preventable", + -13.39246654510498 + ], + [ + "▁combating", + -13.39247989654541 + ], + [ + "▁Italia", + -13.392523765563965 + ], + [ + "▁stalk", + -13.392589569091797 + ], + [ + "▁Gently", + -13.392613410949709 + ], + [ + "▁Hur", + -13.392655372619627 + ], + [ + "8.7", + -13.392717361450195 + ], + [ + "▁duet", + -13.39276123046875 + ], + [ + "▁Lal", + -13.392807006835938 + ], + [ + "sail", + -13.392831802368164 + ], + [ + "▁microorganisms", + -13.392849922180176 + ], + [ + "▁Fury", + -13.392850875854492 + ], + [ + "▁Pell", + -13.392987251281738 + ], + [ + "Opening", + -13.39301300048828 + ], + [ + "optional", + -13.393035888671877 + ], + [ + "▁timeout", + -13.393153190612791 + ], + [ + "▁Determine", + -13.393187522888184 + ], + [ + "▁Eternal", + -13.393195152282717 + ], + [ + "MIN", + -13.393230438232422 + ], + [ + "▁Dressing", + -13.39334201812744 + ], + [ + "▁tannins", + -13.3934326171875 + ], + [ + "gap", + -13.393503189086914 + ], + [ + "▁Bethesda", + -13.39352035522461 + ], + [ + "▁disparities", + -13.39352035522461 + ], + [ + "▁funniest", + -13.393521308898926 + ], + [ + "▁cactus", + -13.393525123596191 + ], + [ + "▁holiness", + -13.393527030944824 + ], + [ + "Days", + -13.39355182647705 + ], + [ + "▁Regis", + -13.39357089996338 + ], + [ + "▁cringe", + -13.39367961883545 + ], + [ + "▁regal", + -13.393684387207031 + ], + [ + "▁Nguyen", + -13.393762588500977 + ], + [ + "▁potted", + -13.393771171569824 + ], + [ + "▁Amount", + -13.393823623657228 + ], + [ + "Guest", + -13.393898010253906 + ], + [ + "hammer", + -13.39390754699707 + ], + [ + "▁Shields", + -13.394288063049316 + ], + [ + "▁falsely", + -13.394369125366213 + ], + [ + "▁vid", + -13.39439582824707 + ], + [ + "▁Wit", + -13.39454746246338 + ], + [ + "▁calculus", + -13.394603729248049 + ], + [ + "MOS", + -13.394608497619627 + ], + [ + "▁Attached", + -13.39478874206543 + ], + [ + "▁AIM", + -13.394946098327637 + ], + [ + "▁Ladder", + -13.395008087158203 + ], + [ + "▁germ", + -13.395047187805176 + ], + [ + "▁woody", + -13.395064353942873 + ], + [ + "18)", + -13.395065307617188 + ], + [ + "▁sweaty", + -13.395148277282717 + ], + [ + "▁Belly", + -13.395268440246582 + ], + [ + "award", + -13.395360946655272 + ], + [ + "▁Petr", + -13.395371437072754 + ], + [ + "▁impair", + -13.395379066467283 + ], + [ + "SSL", + -13.395400047302246 + ], + [ + "▁Applying", + -13.39540672302246 + ], + [ + "▁recital", + -13.39544677734375 + ], + [ + "▁Bett", + -13.39549732208252 + ], + [ + "▁Avatar", + -13.395566940307615 + ], + [ + "▁tentative", + -13.395594596862791 + ], + [ + "lima", + -13.395617485046388 + ], + [ + "▁infringe", + -13.395648956298828 + ], + [ + "465", + -13.395699501037598 + ], + [ + "lein", + -13.395699501037598 + ], + [ + "▁electorate", + -13.395767211914062 + ], + [ + "▁guinea", + -13.395777702331545 + ], + [ + "▁spurred", + -13.395794868469238 + ], + [ + "▁Pinoy", + -13.395798683166504 + ], + [ + "▁kiwi", + -13.395819664001465 + ], + [ + "▁stemming", + -13.39582347869873 + ], + [ + "▁Hayward", + -13.395831108093262 + ], + [ + "][", + -13.39584732055664 + ], + [ + "▁Cri", + -13.395870208740234 + ], + [ + "Lost", + -13.39592742919922 + ], + [ + "▁cultured", + -13.395928382873535 + ], + [ + "▁turntable", + -13.395959854125977 + ], + [ + "▁flank", + -13.39596462249756 + ], + [ + "▁foes", + -13.39600944519043 + ], + [ + "▁(22", + -13.396050453186035 + ], + [ + "▁minimized", + -13.396060943603516 + ], + [ + "8′′", + -13.396106719970703 + ], + [ + "Nor", + -13.396228790283203 + ], + [ + "gger", + -13.396245002746582 + ], + [ + "Category", + -13.396255493164062 + ], + [ + "approximately", + -13.396260261535645 + ], + [ + "▁Vail", + -13.396270751953123 + ], + [ + "▁Sour", + -13.396471977233888 + ], + [ + "▁stalking", + -13.396488189697266 + ], + [ + "comp", + -13.396605491638184 + ], + [ + "▁Cebu", + -13.39663028717041 + ], + [ + "▁photoshoot", + -13.396905899047852 + ], + [ + "oya", + -13.396970748901367 + ], + [ + "▁insiders", + -13.397006034851074 + ], + [ + "▁phased", + -13.397079467773438 + ], + [ + "▁callers", + -13.397147178649902 + ], + [ + "▁Confirmation", + -13.39727020263672 + ], + [ + "▁TAP", + -13.397374153137209 + ], + [ + "▁1982,", + -13.397409439086914 + ], + [ + "206", + -13.397462844848633 + ], + [ + "lamp", + -13.397509574890137 + ], + [ + "WHO", + -13.3975248336792 + ], + [ + "Trac", + -13.397539138793944 + ], + [ + "ideas", + -13.397624969482422 + ], + [ + "▁taper", + -13.397643089294434 + ], + [ + "▁Verified", + -13.397789001464844 + ], + [ + "itor", + -13.39780616760254 + ], + [ + "▁outbreaks", + -13.397830963134766 + ], + [ + "▁AUD", + -13.397831916809082 + ], + [ + "▁morally", + -13.397836685180664 + ], + [ + "▁Organizer", + -13.39785385131836 + ], + [ + "▁Confidence", + -13.39786148071289 + ], + [ + "▁operative", + -13.397921562194824 + ], + [ + "▁nurtured", + -13.397930145263672 + ], + [ + "▁DOWN", + -13.397950172424316 + ], + [ + "▁automaker", + -13.397966384887695 + ], + [ + "▁Kawasaki", + -13.39798355102539 + ], + [ + "▁Gloss", + -13.398008346557615 + ], + [ + "▁unsightly", + -13.398019790649414 + ], + [ + "▁Marseille", + -13.398025512695312 + ], + [ + "▁extrusion", + -13.398027420043944 + ], + [ + "1080", + -13.398030281066896 + ], + [ + "▁photoshop", + -13.39804744720459 + ], + [ + "▁Paige", + -13.398065567016602 + ], + [ + "▁Townsend", + -13.398077964782717 + ], + [ + "▁Humans", + -13.398107528686523 + ], + [ + "POS", + -13.398160934448242 + ], + [ + "▁revolve", + -13.398195266723633 + ], + [ + "▁Kodak", + -13.398202896118164 + ], + [ + "▁cliche", + -13.398276329040527 + ], + [ + "▁greased", + -13.398295402526855 + ], + [ + "Italian", + -13.398311614990234 + ], + [ + "▁Mast", + -13.398329734802246 + ], + [ + "▁Europeans", + -13.398370742797852 + ], + [ + "▁$800", + -13.398483276367188 + ], + [ + "Switch", + -13.398493766784668 + ], + [ + "similar", + -13.398539543151855 + ], + [ + "poll", + -13.39854335784912 + ], + [ + "Reilly", + -13.398577690124512 + ], + [ + "▁Luca", + -13.39859104156494 + ], + [ + "▁EPC", + -13.398643493652344 + ], + [ + "▁Fries", + -13.398661613464355 + ], + [ + "▁Albania", + -13.398699760437012 + ], + [ + "kou", + -13.398860931396484 + ], + [ + "gging", + -13.398880958557127 + ], + [ + "guy", + -13.39888858795166 + ], + [ + "bler", + -13.398927688598633 + ], + [ + "▁torment", + -13.398933410644531 + ], + [ + "▁rundown", + -13.399003982543944 + ], + [ + "ulin", + -13.399012565612791 + ], + [ + "▁beasts", + -13.399099349975586 + ], + [ + "▁Yarn", + -13.399129867553713 + ], + [ + "▁ipad", + -13.399140357971191 + ], + [ + "independent", + -13.399141311645508 + ], + [ + "uki", + -13.399212837219238 + ], + [ + "▁Reward", + -13.399250030517578 + ], + [ + "▁tiered", + -13.399277687072754 + ], + [ + "bud", + -13.399375915527344 + ], + [ + "▁Demon", + -13.399503707885742 + ], + [ + "........", + -13.39963150024414 + ], + [ + "▁WATER", + -13.399667739868164 + ], + [ + "▁141", + -13.399757385253906 + ], + [ + "Fla", + -13.39976978302002 + ], + [ + "ANA", + -13.399849891662598 + ], + [ + "tique", + -13.399868965148926 + ], + [ + "▁Couture", + -13.400016784667969 + ], + [ + "▁Elon", + -13.400140762329102 + ], + [ + "KER", + -13.400217056274414 + ], + [ + "40.", + -13.40023136138916 + ], + [ + "▁aspirants", + -13.400277137756348 + ], + [ + "▁commemorative", + -13.400277137756348 + ], + [ + "▁unsolicited", + -13.400277137756348 + ], + [ + "▁authenticate", + -13.40028190612793 + ], + [ + "▁cortex", + -13.400290489196776 + ], + [ + "▁Oppo", + -13.400309562683104 + ], + [ + "▁Unicorn", + -13.400336265563965 + ], + [ + "▁instituted", + -13.400357246398926 + ], + [ + "▁plugging", + -13.400357246398926 + ], + [ + "▁Chatham", + -13.400379180908203 + ], + [ + "▁lint", + -13.40046215057373 + ], + [ + "▁natives", + -13.400498390197754 + ], + [ + "6.1", + -13.400517463684082 + ], + [ + "izo", + -13.40068817138672 + ], + [ + "▁kar", + -13.400723457336426 + ], + [ + "▁EDM", + -13.400738716125488 + ], + [ + "father", + -13.400754928588867 + ], + [ + "▁Harp", + -13.400781631469728 + ], + [ + "▁Beautifully", + -13.400851249694824 + ], + [ + "▁excels", + -13.400853157043455 + ], + [ + "▁[...]", + -13.40089988708496 + ], + [ + "▁iMac", + -13.40105438232422 + ], + [ + "Serving", + -13.401090621948242 + ], + [ + "▁Massive", + -13.40114688873291 + ], + [ + "▁Holm", + -13.401165008544922 + ], + [ + "▁Durant", + -13.4011869430542 + ], + [ + "▁hopper", + -13.40120792388916 + ], + [ + "▁creeping", + -13.401244163513184 + ], + [ + "ordinate", + -13.401333808898926 + ], + [ + "Known", + -13.401408195495604 + ], + [ + "▁CODE", + -13.40142059326172 + ], + [ + "▁SY", + -13.401429176330566 + ], + [ + "▁prerequisites", + -13.401483535766602 + ], + [ + "crusher", + -13.401630401611328 + ], + [ + "RH", + -13.401652336120604 + ], + [ + "itic", + -13.40166473388672 + ], + [ + "▁Edith", + -13.4016752243042 + ], + [ + "▁Naka", + -13.40174961090088 + ], + [ + "▁propecia", + -13.401938438415527 + ], + [ + "▁overseen", + -13.40199851989746 + ], + [ + "▁Salary", + -13.402012825012209 + ], + [ + "▁rodeo", + -13.40204620361328 + ], + [ + "hung", + -13.40212345123291 + ], + [ + "▁Redwood", + -13.402152061462402 + ], + [ + "▁Technicians", + -13.402180671691896 + ], + [ + "▁unpack", + -13.402305603027344 + ], + [ + "▁haze", + -13.402318000793455 + ], + [ + "25)", + -13.402390480041504 + ], + [ + "Across", + -13.402467727661133 + ], + [ + "▁7.30", + -13.40247917175293 + ], + [ + "Sec", + -13.402482986450195 + ], + [ + "▁illustrious", + -13.402539253234863 + ], + [ + "▁millennium", + -13.402539253234863 + ], + [ + "▁undeniably", + -13.402539253234863 + ], + [ + "▁unsettling", + -13.402539253234863 + ], + [ + "▁bullied", + -13.402557373046877 + ], + [ + "▁trusty", + -13.40259838104248 + ], + [ + "▁encoded", + -13.402639389038086 + ], + [ + "Earn", + -13.402776718139648 + ], + [ + "▁sabotage", + -13.40278434753418 + ], + [ + "▁Lobster", + -13.402853965759276 + ], + [ + "▁residues", + -13.402867317199709 + ], + [ + "▁roomy", + -13.402910232543944 + ], + [ + "▁Array", + -13.402968406677246 + ], + [ + "▁inhale", + -13.40305995941162 + ], + [ + "▁Nope", + -13.403074264526367 + ], + [ + "▁manned", + -13.403180122375488 + ], + [ + "Capital", + -13.403183937072754 + ], + [ + "▁typo", + -13.403212547302246 + ], + [ + "mania", + -13.403234481811523 + ], + [ + "▁START", + -13.403242111206056 + ], + [ + "▁bla", + -13.403255462646484 + ], + [ + "▁Directed", + -13.40328598022461 + ], + [ + "strip", + -13.403319358825684 + ], + [ + "▁ROCK", + -13.403395652770996 + ], + [ + "Asia", + -13.403409004211426 + ], + [ + "▁Worksheets", + -13.40342617034912 + ], + [ + "▁airway", + -13.40343189239502 + ], + [ + "FORD", + -13.403496742248535 + ], + [ + "▁Bowen", + -13.403534889221191 + ], + [ + "rta", + -13.40366268157959 + ], + [ + "▁BLUE", + -13.403664588928224 + ], + [ + "▁fidelity", + -13.403748512268066 + ], + [ + "Rick", + -13.403804779052734 + ], + [ + "▁Synthetic", + -13.403849601745604 + ], + [ + "Bird", + -13.403890609741213 + ], + [ + "boo", + -13.40390396118164 + ], + [ + "▁promoters", + -13.403945922851562 + ], + [ + "Leading", + -13.40396785736084 + ], + [ + "▁WG", + -13.403970718383787 + ], + [ + "▁Picnic", + -13.403983116149902 + ], + [ + "▁Perspectives", + -13.404149055480955 + ], + [ + "▁categorize", + -13.40422821044922 + ], + [ + "iPhone", + -13.404229164123535 + ], + [ + "ozo", + -13.404247283935549 + ], + [ + "▁bothering", + -13.404294967651367 + ], + [ + "Hy", + -13.404315948486328 + ], + [ + "▁solemn", + -13.404411315917969 + ], + [ + "▁370", + -13.404500007629396 + ], + [ + "343", + -13.404526710510254 + ], + [ + "▁CPC", + -13.40457534790039 + ], + [ + "▁duplicated", + -13.404611587524414 + ], + [ + "▁heals", + -13.40463924407959 + ], + [ + "▁Cay", + -13.404698371887209 + ], + [ + "▁ICD", + -13.404788970947266 + ], + [ + "▁db", + -13.404793739318848 + ], + [ + "▁nucleus", + -13.404807090759276 + ], + [ + "▁WARRANTIES", + -13.404808044433594 + ], + [ + "▁purified", + -13.404814720153809 + ], + [ + "▁unethical", + -13.404827117919922 + ], + [ + "▁spree", + -13.404833793640137 + ], + [ + "▁Bernardino", + -13.404836654663086 + ], + [ + "RING", + -13.404845237731934 + ], + [ + "▁AFP", + -13.404915809631348 + ], + [ + "▁Cyrus", + -13.40493106842041 + ], + [ + "haw", + -13.404951095581056 + ], + [ + "4%)", + -13.40499496459961 + ], + [ + "▁spanish", + -13.405014038085938 + ], + [ + "▁han", + -13.405030250549316 + ], + [ + "▁elevations", + -13.40506362915039 + ], + [ + "Asked", + -13.40510082244873 + ], + [ + "ege", + -13.405158996582031 + ], + [ + "atz", + -13.405250549316406 + ], + [ + "▁Rockets", + -13.405271530151367 + ], + [ + "▁Tablets", + -13.405281066894531 + ], + [ + "▁marsh", + -13.405305862426758 + ], + [ + "▁chanting", + -13.405418395996094 + ], + [ + "▁CRC", + -13.405430793762209 + ], + [ + "▁430", + -13.405559539794922 + ], + [ + "▁305", + -13.405563354492188 + ], + [ + "ail", + -13.405739784240724 + ], + [ + "clo", + -13.405765533447266 + ], + [ + "▁Amir", + -13.405805587768556 + ], + [ + "REC", + -13.405807495117188 + ], + [ + "▁Jamaican", + -13.405820846557615 + ], + [ + "▁hunted", + -13.405956268310549 + ], + [ + "wearing", + -13.40616226196289 + ], + [ + "▁Listings", + -13.406195640563965 + ], + [ + "jobs", + -13.40621852874756 + ], + [ + "▁Pul", + -13.406230926513672 + ], + [ + "▁Beginners", + -13.406238555908203 + ], + [ + "▁objectively", + -13.406289100646973 + ], + [ + "▁considerate", + -13.40633487701416 + ], + [ + "▁quake", + -13.406423568725586 + ], + [ + "uza", + -13.406502723693848 + ], + [ + "▁injure", + -13.406634330749512 + ], + [ + "▁passports", + -13.406641960144045 + ], + [ + "----", + -13.406694412231444 + ], + [ + "▁compromises", + -13.406746864318848 + ], + [ + "▁Schi", + -13.406810760498049 + ], + [ + "15)", + -13.406869888305664 + ], + [ + "▁chemically", + -13.407026290893556 + ], + [ + "▁medic", + -13.40703010559082 + ], + [ + "▁Hussein", + -13.407081604003906 + ], + [ + "▁contradictory", + -13.407085418701172 + ], + [ + "▁Pun", + -13.407124519348145 + ], + [ + "▁Abuja", + -13.407169342041016 + ], + [ + "▁Surgeon", + -13.407206535339355 + ], + [ + "▁ballast", + -13.407292366027832 + ], + [ + "▁Baylor", + -13.407304763793944 + ], + [ + "▁callback", + -13.40731143951416 + ], + [ + "▁sketching", + -13.40732479095459 + ], + [ + "▁Guided", + -13.407355308532717 + ], + [ + "hate", + -13.407391548156738 + ], + [ + "▁Casting", + -13.407435417175291 + ], + [ + "▁(23", + -13.40744686126709 + ], + [ + "33.", + -13.407620429992676 + ], + [ + "▁bestowed", + -13.40764331817627 + ], + [ + "pitch", + -13.407742500305176 + ], + [ + "sang", + -13.407822608947754 + ], + [ + "▁Married", + -13.40783977508545 + ], + [ + "Analysis", + -13.407876968383787 + ], + [ + "▁overheating", + -13.407891273498535 + ], + [ + "iden", + -13.407910346984863 + ], + [ + "oak", + -13.408031463623049 + ], + [ + "wart", + -13.408116340637209 + ], + [ + "▁examiner", + -13.408188819885254 + ], + [ + "▁Clint", + -13.408218383789062 + ], + [ + "▁Starr", + -13.408223152160645 + ], + [ + "rhythm", + -13.408236503601074 + ], + [ + "(1", + -13.408286094665527 + ], + [ + "▁drown", + -13.408461570739746 + ], + [ + "illon", + -13.408581733703612 + ], + [ + "Rate", + -13.408614158630373 + ], + [ + "kum", + -13.408671379089355 + ], + [ + "▁legalization", + -13.408692359924316 + ], + [ + "▁appellate", + -13.408738136291504 + ], + [ + "5-9", + -13.40877914428711 + ], + [ + "▁PSI", + -13.408796310424805 + ], + [ + "▁Crush", + -13.408843994140623 + ], + [ + "▁KD", + -13.408886909484863 + ], + [ + "▁overpriced", + -13.408935546875 + ], + [ + "▁Morph", + -13.409050941467283 + ], + [ + "gre", + -13.409152030944824 + ], + [ + "▁SVG", + -13.409172058105469 + ], + [ + "▁precinct", + -13.409184455871582 + ], + [ + "▁Gli", + -13.40920352935791 + ], + [ + "▁tat", + -13.409215927124023 + ], + [ + "▁React", + -13.409279823303224 + ], + [ + "147", + -13.409300804138184 + ], + [ + "▁causal", + -13.409326553344728 + ], + [ + "▁LASIK", + -13.409358024597168 + ], + [ + "▁Broward", + -13.409395217895508 + ], + [ + "▁keto", + -13.40940284729004 + ], + [ + "▁royalties", + -13.409409523010254 + ], + [ + "▁whereabouts", + -13.409412384033203 + ], + [ + "▁Gemini", + -13.409420013427734 + ], + [ + "▁AWESOME", + -13.409433364868164 + ], + [ + "▁discretionary", + -13.409448623657228 + ], + [ + "▁relegated", + -13.409460067749023 + ], + [ + "castle", + -13.409550666809082 + ], + [ + "▁liberals", + -13.409687042236328 + ], + [ + "▁Jiang", + -13.409734725952148 + ], + [ + "060", + -13.409786224365234 + ], + [ + "▁Kata", + -13.409797668457031 + ], + [ + "(6)", + -13.409812927246094 + ], + [ + "XX", + -13.409814834594728 + ], + [ + "▁Qing", + -13.409830093383787 + ], + [ + "▁Chilean", + -13.409860610961914 + ], + [ + "▁Tho", + -13.409862518310549 + ], + [ + "▁LINE", + -13.409887313842772 + ], + [ + "▁audiobook", + -13.409892082214355 + ], + [ + "▁Afternoon", + -13.409893035888672 + ], + [ + "▁2-5", + -13.410058975219728 + ], + [ + "knowledge", + -13.41010570526123 + ], + [ + "▁termite", + -13.410120010375977 + ], + [ + "Cyber", + -13.410388946533203 + ], + [ + "▁Contents", + -13.410430908203123 + ], + [ + "▁Gareth", + -13.41049861907959 + ], + [ + "▁racking", + -13.410614013671877 + ], + [ + "▁(2014).", + -13.410696029663086 + ], + [ + "▁inverse", + -13.410711288452148 + ], + [ + "▁Quin", + -13.410762786865234 + ], + [ + "TIME", + -13.410844802856444 + ], + [ + "401", + -13.410859107971191 + ], + [ + "▁lipid", + -13.410889625549316 + ], + [ + "▁Wines", + -13.410911560058594 + ], + [ + "▁orphan", + -13.410948753356934 + ], + [ + "Ron", + -13.411014556884766 + ], + [ + "▁antics", + -13.411026000976562 + ], + [ + "▁100+", + -13.41106128692627 + ], + [ + "amo", + -13.411088943481444 + ], + [ + "dri", + -13.411104202270508 + ], + [ + "ades", + -13.411147117614746 + ], + [ + "Song", + -13.411222457885742 + ], + [ + "▁marshmallows", + -13.411285400390623 + ], + [ + "▁diplomat", + -13.411297798156738 + ], + [ + "▁newfound", + -13.411382675170898 + ], + [ + "▁Rudd", + -13.411453247070312 + ], + [ + "▁deceptive", + -13.41146183013916 + ], + [ + "▁bridesmaid", + -13.411507606506348 + ], + [ + "▁silhouettes", + -13.41151523590088 + ], + [ + "▁Legendary", + -13.41152572631836 + ], + [ + "▁breakthroughs", + -13.411548614501951 + ], + [ + "mask", + -13.411574363708496 + ], + [ + "jal", + -13.411584854125977 + ], + [ + "▁clipping", + -13.41161060333252 + ], + [ + "▁Burgundy", + -13.411641120910645 + ], + [ + "▁clarinet", + -13.411641120910645 + ], + [ + "▁ketchup", + -13.411641120910645 + ], + [ + "▁notwithstanding", + -13.411641120910645 + ], + [ + "▁stipend", + -13.411641120910645 + ], + [ + "▁zodiac", + -13.411641120910645 + ], + [ + "▁synopsis", + -13.41164207458496 + ], + [ + "Builder", + -13.41166877746582 + ], + [ + "▁Toolkit", + -13.41166877746582 + ], + [ + "▁starvation", + -13.411673545837402 + ], + [ + "▁motorized", + -13.411690711975098 + ], + [ + "▁syn", + -13.411741256713867 + ], + [ + "▁Clearwater", + -13.411747932434082 + ], + [ + "▁afflicted", + -13.411783218383787 + ], + [ + "▁Pixar", + -13.411786079406738 + ], + [ + "eira", + -13.411798477172852 + ], + [ + "▁Delay", + -13.411825180053713 + ], + [ + "▁KEY", + -13.411828994750977 + ], + [ + "▁routed", + -13.411921501159668 + ], + [ + "▁condenser", + -13.411949157714844 + ], + [ + "▁Cosplay", + -13.411951065063477 + ], + [ + "▁Voyager", + -13.41198444366455 + ], + [ + "▁Useful", + -13.411985397338867 + ], + [ + "▁Colts", + -13.412012100219728 + ], + [ + "caps", + -13.412035942077637 + ], + [ + "Bro", + -13.412176132202148 + ], + [ + "▁spontaneously", + -13.412220001220703 + ], + [ + "▁Merlin", + -13.412221908569336 + ], + [ + "▁prematurely", + -13.412261009216309 + ], + [ + "▁Polymer", + -13.412304878234863 + ], + [ + "ACS", + -13.412368774414062 + ], + [ + "▁Soho", + -13.41245460510254 + ], + [ + "▁MPEG", + -13.41256046295166 + ], + [ + "▁Pant", + -13.41261863708496 + ], + [ + "Nature", + -13.412632942199709 + ], + [ + "Driving", + -13.412652969360352 + ], + [ + "Lady", + -13.412741661071776 + ], + [ + "▁Buffett", + -13.41275691986084 + ], + [ + "wee", + -13.412764549255373 + ], + [ + "▁Vu", + -13.412800788879396 + ], + [ + "oza", + -13.412938117980955 + ], + [ + "▁Marx", + -13.412999153137209 + ], + [ + "▁poolside", + -13.413018226623535 + ], + [ + "island", + -13.413030624389648 + ], + [ + "greg", + -13.41306495666504 + ], + [ + "bau", + -13.413101196289062 + ], + [ + "▁sweetened", + -13.413214683532717 + ], + [ + "Scale", + -13.413315773010254 + ], + [ + "▁CK", + -13.413349151611328 + ], + [ + "▁fueling", + -13.41335105895996 + ], + [ + "▁OWN", + -13.413463592529297 + ], + [ + "▁Roh", + -13.413568496704102 + ], + [ + "ility", + -13.413580894470217 + ], + [ + "ит", + -13.413601875305176 + ], + [ + "ATIONS", + -13.413719177246094 + ], + [ + "▁comedic", + -13.413793563842772 + ], + [ + "▁granular", + -13.41391658782959 + ], + [ + "▁incarceration", + -13.413931846618652 + ], + [ + "INA", + -13.41400146484375 + ], + [ + "▁SCHOOL", + -13.414006233215332 + ], + [ + "▁Madden", + -13.414052963256836 + ], + [ + "▁revolt", + -13.41407871246338 + ], + [ + "▁fossils", + -13.414103507995604 + ], + [ + "▁correctness", + -13.414114952087402 + ], + [ + "▁Fei", + -13.414159774780272 + ], + [ + "chie", + -13.414226531982422 + ], + [ + "Highly", + -13.4142484664917 + ], + [ + "▁Williamsburg", + -13.414284706115724 + ], + [ + "▁255", + -13.414324760437012 + ], + [ + "Grid", + -13.414389610290527 + ], + [ + "▁trunks", + -13.414490699768066 + ], + [ + "▁heartburn", + -13.414575576782228 + ], + [ + "▁Bare", + -13.414587020874023 + ], + [ + "goo", + -13.414640426635742 + ], + [ + "▁artificially", + -13.414645195007324 + ], + [ + "▁Betting", + -13.41468906402588 + ], + [ + "▁CCC", + -13.414709091186523 + ], + [ + "▁jailed", + -13.414752960205078 + ], + [ + "▁Mandy", + -13.41476821899414 + ], + [ + "asso", + -13.414801597595217 + ], + [ + "▁trapping", + -13.41481113433838 + ], + [ + "Begin", + -13.414859771728516 + ], + [ + "▁MOST", + -13.414888381958008 + ], + [ + "▁limp", + -13.414920806884766 + ], + [ + "▁Backpack", + -13.414949417114258 + ], + [ + "▁hiked", + -13.41496467590332 + ], + [ + "▁Terror", + -13.41501522064209 + ], + [ + "▁Clifford", + -13.41504192352295 + ], + [ + "▁Groupon", + -13.415088653564451 + ], + [ + "/05/", + -13.41508960723877 + ], + [ + "Fr", + -13.41508960723877 + ], + [ + "▁pendants", + -13.41509246826172 + ], + [ + "▁yolks", + -13.415101051330566 + ], + [ + "▁Eau", + -13.415189743041992 + ], + [ + "nock", + -13.415206909179688 + ], + [ + "IAN", + -13.415257453918455 + ], + [ + "▁Mateo", + -13.415297508239746 + ], + [ + "/12/", + -13.415339469909668 + ], + [ + "▁Stacey", + -13.415435791015623 + ], + [ + "Fact", + -13.415499687194824 + ], + [ + "▁artefacts", + -13.41554069519043 + ], + [ + "▁Pics", + -13.415573120117188 + ], + [ + "4.4", + -13.415575981140137 + ], + [ + "▁ONLINE", + -13.415603637695312 + ], + [ + "▁intersections", + -13.41563892364502 + ], + [ + "▁endorsements", + -13.41568660736084 + ], + [ + "▁Mixing", + -13.4157075881958 + ], + [ + "sleep", + -13.41574764251709 + ], + [ + "▁Feeder", + -13.415855407714844 + ], + [ + "▁Dumps", + -13.415931701660156 + ], + [ + "Logic", + -13.41594123840332 + ], + [ + "▁Gibbs", + -13.4159517288208 + ], + [ + "▁dysfunctional", + -13.415993690490724 + ], + [ + "▁benchmarking", + -13.41603660583496 + ], + [ + "▁Braun", + -13.416048049926758 + ], + [ + "UTC", + -13.416145324707031 + ], + [ + "▁mover", + -13.416168212890623 + ], + [ + "▁Aroma", + -13.416170120239258 + ], + [ + "▁exited", + -13.41617202758789 + ], + [ + "▁Wyatt", + -13.41619110107422 + ], + [ + "▁Cialis", + -13.41623306274414 + ], + [ + "ough", + -13.416266441345217 + ], + [ + "▁mastermind", + -13.416279792785645 + ], + [ + "▁Wordpress", + -13.416300773620604 + ], + [ + "▁Denny", + -13.416388511657717 + ], + [ + "▁CTO", + -13.416412353515623 + ], + [ + "▁dimmer", + -13.416443824768066 + ], + [ + "▁accessorize", + -13.416478157043455 + ], + [ + "▁Midway", + -13.416540145874023 + ], + [ + "▁overcame", + -13.416547775268556 + ], + [ + "▁Firestone", + -13.416574478149414 + ], + [ + "▁Clarence", + -13.416604042053224 + ], + [ + "▁dramas", + -13.41661548614502 + ], + [ + "inside", + -13.416675567626951 + ], + [ + "▁paleo", + -13.416692733764648 + ], + [ + "▁soooo", + -13.416769981384276 + ], + [ + "▁Souls", + -13.416815757751465 + ], + [ + "▁Gras", + -13.416885375976562 + ], + [ + "▁1909", + -13.416899681091309 + ], + [ + "▁headband", + -13.41696548461914 + ], + [ + "▁seasonally", + -13.417176246643066 + ], + [ + "Vintage", + -13.417234420776367 + ], + [ + "religious", + -13.41725254058838 + ], + [ + "▁swallowing", + -13.417284965515137 + ], + [ + "Cur", + -13.417319297790527 + ], + [ + "-2)", + -13.41738224029541 + ], + [ + "▁$90", + -13.41739273071289 + ], + [ + "80,000", + -13.417439460754396 + ], + [ + "▁refundable", + -13.417441368103027 + ], + [ + "626", + -13.417454719543455 + ], + [ + "▁Bead", + -13.417495727539062 + ], + [ + "▁Zak", + -13.41755199432373 + ], + [ + "▁strata", + -13.417633056640623 + ], + [ + "▁dispense", + -13.417683601379396 + ], + [ + "▁inscription", + -13.41775608062744 + ], + [ + "▁Increasing", + -13.41784954071045 + ], + [ + "▁Donation", + -13.41787338256836 + ], + [ + "lating", + -13.417950630187988 + ], + [ + "itation", + -13.417954444885254 + ], + [ + "▁sniper", + -13.417998313903809 + ], + [ + "enstein", + -13.418033599853516 + ], + [ + "▁Tad", + -13.418099403381348 + ], + [ + "▁byte", + -13.418099403381348 + ], + [ + "▁Attendees", + -13.418278694152832 + ], + [ + "▁Superstar", + -13.418292045593262 + ], + [ + "▁CRA", + -13.418482780456545 + ], + [ + "▁Ortiz", + -13.418484687805176 + ], + [ + "utter", + -13.418502807617188 + ], + [ + "▁unauthorised", + -13.418521881103516 + ], + [ + "▁Charitable", + -13.41852855682373 + ], + [ + "amazon", + -13.418551445007324 + ], + [ + "▁foothills", + -13.418557167053224 + ], + [ + "▁whipping", + -13.41856288909912 + ], + [ + "▁invests", + -13.418593406677246 + ], + [ + "▁sane", + -13.418612480163574 + ], + [ + "▁infrastructures", + -13.418725967407228 + ], + [ + "▁172", + -13.418787956237791 + ], + [ + "▁Mandela", + -13.418789863586426 + ], + [ + "▁950", + -13.418792724609377 + ], + [ + "▁Relative", + -13.418804168701172 + ], + [ + "▁Bethel", + -13.418825149536133 + ], + [ + "▁worldly", + -13.418973922729492 + ], + [ + "duction", + -13.41930866241455 + ], + [ + "6000", + -13.419363975524902 + ], + [ + "doctoral", + -13.419411659240724 + ], + [ + "INGS", + -13.419468879699709 + ], + [ + "Doing", + -13.419546127319336 + ], + [ + "Warning", + -13.41960906982422 + ], + [ + "Patrick", + -13.4196138381958 + ], + [ + "▁stopper", + -13.41966152191162 + ], + [ + "Tagged", + -13.419678688049316 + ], + [ + "▁Perl", + -13.419721603393556 + ], + [ + "protected", + -13.419767379760742 + ], + [ + "▁versed", + -13.419848442077637 + ], + [ + "paint", + -13.419901847839355 + ], + [ + "Spa", + -13.42000675201416 + ], + [ + "nary", + -13.420038223266602 + ], + [ + "▁overturned", + -13.420051574707031 + ], + [ + "▁Qur", + -13.420108795166016 + ], + [ + "▁Leak", + -13.42015266418457 + ], + [ + "▁Gregg", + -13.420228004455566 + ], + [ + "▁Corning", + -13.42038631439209 + ], + [ + "▁Brig", + -13.420624732971191 + ], + [ + "▁iris", + -13.420625686645508 + ], + [ + "▁diocese", + -13.420825958251951 + ], + [ + "▁miscellaneous", + -13.420825958251951 + ], + [ + "▁propagation", + -13.420825958251951 + ], + [ + "▁reggae", + -13.420825958251951 + ], + [ + "▁splendor", + -13.42082691192627 + ], + [ + "▁troupe", + -13.4208345413208 + ], + [ + "▁Harrisburg", + -13.42088222503662 + ], + [ + "▁Grease", + -13.420916557312012 + ], + [ + "▁Fifty", + -13.420933723449709 + ], + [ + "▁sitcom", + -13.421011924743652 + ], + [ + "dium", + -13.42104721069336 + ], + [ + "▁Bellow", + -13.421074867248535 + ], + [ + "voting", + -13.421083450317385 + ], + [ + "▁commentator", + -13.421086311340332 + ], + [ + "▁shui", + -13.421093940734863 + ], + [ + "▁Mut", + -13.421114921569824 + ], + [ + "▁Zan", + -13.42116928100586 + ], + [ + "▁gravitational", + -13.42119026184082 + ], + [ + "▁hoodie", + -13.421271324157717 + ], + [ + "▁hymns", + -13.421290397644045 + ], + [ + "▁cheeky", + -13.421459197998049 + ], + [ + "buying", + -13.421491622924805 + ], + [ + "▁ulcers", + -13.421588897705078 + ], + [ + "▁dwellings", + -13.42159366607666 + ], + [ + "▁gypsum", + -13.421648979187012 + ], + [ + "▁swallowed", + -13.421660423278809 + ], + [ + "▁gar", + -13.421704292297363 + ], + [ + "▁licences", + -13.42171859741211 + ], + [ + "▁orderly", + -13.421725273132324 + ], + [ + "▁Vene", + -13.421743392944336 + ], + [ + "Weather", + -13.421903610229492 + ], + [ + "▁projecting", + -13.42192554473877 + ], + [ + "liv", + -13.421952247619627 + ], + [ + "savvy", + -13.421953201293944 + ], + [ + "▁Kobe", + -13.42196559906006 + ], + [ + "taught", + -13.422041893005373 + ], + [ + "plication", + -13.422061920166016 + ], + [ + "literally", + -13.422076225280762 + ], + [ + "▁Joker", + -13.422101974487305 + ], + [ + "▁disrespect", + -13.422198295593262 + ], + [ + "▁Lav", + -13.422205924987791 + ], + [ + "-51", + -13.422211647033691 + ], + [ + "idine", + -13.422473907470703 + ], + [ + "▁dumplings", + -13.422487258911133 + ], + [ + "middle", + -13.422547340393066 + ], + [ + "element", + -13.422616004943848 + ], + [ + "▁Nora", + -13.422637939453123 + ], + [ + "SEL", + -13.42264175415039 + ], + [ + "lange", + -13.422670364379885 + ], + [ + "5.1", + -13.42270851135254 + ], + [ + "▁dissent", + -13.422818183898926 + ], + [ + "▁restores", + -13.422877311706545 + ], + [ + "▁1981.", + -13.422950744628906 + ], + [ + "▁52-", + -13.422954559326172 + ], + [ + "▁Polished", + -13.423035621643066 + ], + [ + "▁MGM", + -13.423041343688965 + ], + [ + "▁cracker", + -13.423101425170898 + ], + [ + "▁Liquor", + -13.423135757446287 + ], + [ + "▁heaviest", + -13.423135757446287 + ], + [ + "▁dissatisfaction", + -13.423136711120604 + ], + [ + "▁archiving", + -13.423138618469238 + ], + [ + "▁allegation", + -13.423142433166504 + ], + [ + "▁vaccinated", + -13.423255920410156 + ], + [ + "▁Gerard", + -13.423295974731444 + ], + [ + "▁poppy", + -13.423367500305176 + ], + [ + "▁postdoctoral", + -13.423378944396973 + ], + [ + "▁DK", + -13.42341136932373 + ], + [ + "/21", + -13.42343044281006 + ], + [ + "ppy", + -13.423466682434082 + ], + [ + "▁compounded", + -13.423480033874512 + ], + [ + "▁Inspirations", + -13.42354679107666 + ], + [ + "▁Cozy", + -13.423617362976074 + ], + [ + "▁Soda", + -13.42361831665039 + ], + [ + "▁jaws", + -13.423625946044922 + ], + [ + "▁Towards", + -13.423745155334473 + ], + [ + "▁flatten", + -13.423747062683104 + ], + [ + "▁preached", + -13.423850059509276 + ], + [ + "▁cellulose", + -13.424057960510254 + ], + [ + "▁topography", + -13.4241304397583 + ], + [ + "smoking", + -13.424336433410645 + ], + [ + "283", + -13.42433738708496 + ], + [ + "/26", + -13.424341201782228 + ], + [ + "▁meteor", + -13.42442512512207 + ], + [ + "Recommended", + -13.424429893493652 + ], + [ + "303", + -13.424642562866213 + ], + [ + "▁wicket", + -13.424654960632324 + ], + [ + "Tab", + -13.42466640472412 + ], + [ + "Chicken", + -13.42466926574707 + ], + [ + "▁tortured", + -13.424744606018066 + ], + [ + "▁Exploring", + -13.424796104431152 + ], + [ + "▁revitalize", + -13.424848556518556 + ], + [ + "putting", + -13.424860000610352 + ], + [ + "605", + -13.424915313720703 + ], + [ + "204", + -13.42507553100586 + ], + [ + "▁increment", + -13.425178527832031 + ], + [ + "▁guesthouse", + -13.425189971923828 + ], + [ + "▁Inca", + -13.425289154052734 + ], + [ + "▁paradox", + -13.425302505493164 + ], + [ + "▁Jewellery", + -13.425357818603516 + ], + [ + "rand", + -13.425358772277832 + ], + [ + "OV", + -13.425374031066896 + ], + [ + "995", + -13.42538356781006 + ], + [ + "formal", + -13.425406455993652 + ], + [ + "▁Clever", + -13.425406455993652 + ], + [ + "aph", + -13.425429344177246 + ], + [ + "▁drape", + -13.425444602966309 + ], + [ + "▁Sunderland", + -13.425450325012209 + ], + [ + "▁kidnapping", + -13.425456047058104 + ], + [ + "▁Chestnut", + -13.425460815429688 + ], + [ + "throw", + -13.425466537475586 + ], + [ + "▁abode", + -13.425481796264648 + ], + [ + "▁Offshore", + -13.425493240356444 + ], + [ + "▁Apprenticeship", + -13.425512313842772 + ], + [ + "▁Honorary", + -13.425521850585938 + ], + [ + "▁offend", + -13.42553997039795 + ], + [ + "▁townhouse", + -13.42555332183838 + ], + [ + "▁Parliamentary", + -13.425564765930176 + ], + [ + "▁JO", + -13.425577163696287 + ], + [ + "▁famine", + -13.425601959228516 + ], + [ + "Record", + -13.425609588623049 + ], + [ + "▁6-4", + -13.425629615783691 + ], + [ + "▁couture", + -13.42564296722412 + ], + [ + "Industrial", + -13.425699234008787 + ], + [ + "▁Ely", + -13.425707817077637 + ], + [ + "fiber", + -13.425734519958496 + ], + [ + "chee", + -13.425837516784668 + ], + [ + "▁drugstore", + -13.425847053527832 + ], + [ + "▁Surprisingly", + -13.425856590270996 + ], + [ + "▁Crete", + -13.425865173339844 + ], + [ + "Union", + -13.425914764404297 + ], + [ + "Spy", + -13.425950050354004 + ], + [ + "▁Plates", + -13.425969123840332 + ], + [ + "marine", + -13.4260835647583 + ], + [ + "▁slag", + -13.426091194152832 + ], + [ + "▁claws", + -13.426100730895996 + ], + [ + "breaker", + -13.426127433776855 + ], + [ + "▁Pha", + -13.426260948181152 + ], + [ + "390", + -13.426309585571287 + ], + [ + "▁symbolizes", + -13.42632293701172 + ], + [ + "▁Porcelain", + -13.426325798034668 + ], + [ + "-37", + -13.426474571228027 + ], + [ + "▁cereals", + -13.42652416229248 + ], + [ + "▁Amer", + -13.426676750183104 + ], + [ + "Success", + -13.426678657531738 + ], + [ + "Submitted", + -13.4266939163208 + ], + [ + "Introduction", + -13.4266996383667 + ], + [ + "IQ", + -13.426716804504396 + ], + [ + "ATT", + -13.42672634124756 + ], + [ + "nard", + -13.426796913146973 + ], + [ + "Andy", + -13.426831245422363 + ], + [ + "ules", + -13.42693042755127 + ], + [ + "sberg", + -13.426934242248535 + ], + [ + "▁Blogs", + -13.426939010620115 + ], + [ + "▁Agro", + -13.426959037780762 + ], + [ + "▁2013)", + -13.426994323730469 + ], + [ + "rne", + -13.427007675170898 + ], + [ + "▁Homo", + -13.427129745483398 + ], + [ + "▁Hydra", + -13.427146911621094 + ], + [ + "▁revoke", + -13.427210807800291 + ], + [ + "▁Hana", + -13.427250862121582 + ], + [ + "▁Imam", + -13.427258491516112 + ], + [ + "▁forfeit", + -13.427444458007812 + ], + [ + "▁broadcasters", + -13.427577018737791 + ], + [ + "lka", + -13.427624702453612 + ], + [ + "FIN", + -13.427666664123535 + ], + [ + "▁6-3", + -13.427722930908203 + ], + [ + "Fat", + -13.427730560302734 + ], + [ + "▁Buchanan", + -13.427770614624023 + ], + [ + "▁Pulitzer", + -13.427770614624023 + ], + [ + "▁discrepancy", + -13.427770614624023 + ], + [ + "▁twilight", + -13.427775382995604 + ], + [ + "▁nodded", + -13.427780151367188 + ], + [ + "▁stabbed", + -13.427788734436035 + ], + [ + "▁Bartlett", + -13.427791595458984 + ], + [ + "▁Velo", + -13.427867889404297 + ], + [ + "▁Frequency", + -13.427895545959473 + ], + [ + "meta", + -13.427910804748535 + ], + [ + "▁improv", + -13.427918434143066 + ], + [ + "▁praising", + -13.427945137023926 + ], + [ + "ALE", + -13.427966117858888 + ], + [ + "▁3-6", + -13.427974700927734 + ], + [ + "upa", + -13.42797565460205 + ], + [ + "▁Trainee", + -13.42812728881836 + ], + [ + "lina", + -13.428211212158203 + ], + [ + "▁thickened", + -13.428217887878418 + ], + [ + "▁HIM", + -13.42827606201172 + ], + [ + "▁Creations", + -13.428343772888184 + ], + [ + "▁Waterford", + -13.42834758758545 + ], + [ + "▁gunshot", + -13.42843246459961 + ], + [ + "▁hallways", + -13.42843246459961 + ], + [ + "▁superiority", + -13.428455352783203 + ], + [ + "▁Sent", + -13.428488731384276 + ], + [ + "methyl", + -13.428513526916504 + ], + [ + "▁Yorkers", + -13.428646087646484 + ], + [ + "▁keyless", + -13.428746223449709 + ], + [ + "1.9", + -13.428759574890137 + ], + [ + "▁webmaster", + -13.428759574890137 + ], + [ + "▁leverages", + -13.428807258605955 + ], + [ + "▁Appraisal", + -13.428832054138184 + ], + [ + "▁brews", + -13.428895950317385 + ], + [ + "▁ordinances", + -13.428946495056152 + ], + [ + "960", + -13.429054260253906 + ], + [ + "Boston", + -13.429119110107422 + ], + [ + "▁evaluates", + -13.429131507873535 + ], + [ + "▁masked", + -13.429161071777344 + ], + [ + "▁sniff", + -13.429210662841797 + ], + [ + "▁Dirt", + -13.429221153259276 + ], + [ + "containing", + -13.429227828979492 + ], + [ + "▁Myth", + -13.429276466369627 + ], + [ + "▁Americana", + -13.429465293884276 + ], + [ + "Trying", + -13.429598808288574 + ], + [ + "enia", + -13.429697036743164 + ], + [ + "▁springtime", + -13.429770469665527 + ], + [ + "▁imbalances", + -13.429774284362791 + ], + [ + "▁162", + -13.42986297607422 + ], + [ + "▁Treatments", + -13.429869651794434 + ], + [ + "▁Ef", + -13.42995262145996 + ], + [ + "Amy", + -13.429969787597656 + ], + [ + "▁settles", + -13.430014610290527 + ], + [ + "▁Sega", + -13.430023193359377 + ], + [ + "▁Almighty", + -13.430095672607422 + ], + [ + "▁Ipswich", + -13.430095672607422 + ], + [ + "▁amplitude", + -13.430095672607422 + ], + [ + "▁serotonin", + -13.430095672607422 + ], + [ + "▁turbulence", + -13.430095672607422 + ], + [ + "▁CCS", + -13.430098533630373 + ], + [ + "▁elliptical", + -13.43010139465332 + ], + [ + "enti", + -13.430118560791016 + ], + [ + "▁sk", + -13.430119514465332 + ], + [ + "▁astronaut", + -13.430135726928713 + ], + [ + "▁multiplier", + -13.430176734924316 + ], + [ + "▁chime", + -13.430201530456545 + ], + [ + "▁bonnet", + -13.43020248413086 + ], + [ + "▁interception", + -13.430224418640137 + ], + [ + "Dating", + -13.430294036865234 + ], + [ + "▁meltdown", + -13.430315017700195 + ], + [ + "activity", + -13.430327415466309 + ], + [ + "▁Engel", + -13.430495262145996 + ], + [ + "concept", + -13.430516242980955 + ], + [ + "▁disguised", + -13.430524826049805 + ], + [ + "▁:).", + -13.430541038513184 + ], + [ + "student", + -13.430588722229004 + ], + [ + "▁scaffolding", + -13.430598258972168 + ], + [ + "▁Haitian", + -13.430611610412598 + ], + [ + "▁Drone", + -13.430623054504396 + ], + [ + "▁Tas", + -13.43062686920166 + ], + [ + "▁cabs", + -13.43064022064209 + ], + [ + "▁loser", + -13.430665016174316 + ], + [ + "kali", + -13.430694580078123 + ], + [ + "▁exc", + -13.430702209472656 + ], + [ + "▁Prompt", + -13.430822372436523 + ], + [ + "▁depended", + -13.430872917175291 + ], + [ + "▁Rei", + -13.43087673187256 + ], + [ + "▁Estonian", + -13.43089485168457 + ], + [ + "▁suppressed", + -13.43101978302002 + ], + [ + "212", + -13.431097030639648 + ], + [ + "▁watered", + -13.431124687194824 + ], + [ + "▁Vega", + -13.431148529052734 + ], + [ + "Bond", + -13.431272506713867 + ], + [ + "▁seeded", + -13.4313325881958 + ], + [ + "response", + -13.431459426879885 + ], + [ + "Exactly", + -13.43150520324707 + ], + [ + "uric", + -13.431558609008787 + ], + [ + "▁Strat", + -13.431586265563965 + ], + [ + "▁fades", + -13.43158721923828 + ], + [ + "▁jug", + -13.431602478027344 + ], + [ + "MEN", + -13.431605339050291 + ], + [ + "▁Prosecutor", + -13.431615829467772 + ], + [ + "Filter", + -13.431618690490724 + ], + [ + "▁Appointment", + -13.431634902954102 + ], + [ + "sharp", + -13.431767463684082 + ], + [ + "▁Aria", + -13.431912422180176 + ], + [ + "docs", + -13.432111740112305 + ], + [ + "▁cinemas", + -13.432143211364746 + ], + [ + "▁Invoice", + -13.432193756103516 + ], + [ + "hydroxy", + -13.432273864746094 + ], + [ + "CY", + -13.432293891906738 + ], + [ + "▁flop", + -13.432350158691406 + ], + [ + "▁Samaritan", + -13.43242645263672 + ], + [ + "▁invoicing", + -13.43242645263672 + ], + [ + "▁ominous", + -13.432429313659668 + ], + [ + "▁burlap", + -13.432433128356934 + ], + [ + "▁affirmative", + -13.432437896728516 + ], + [ + "▁pharmacists", + -13.432456970214844 + ], + [ + "▁unaffected", + -13.432459831237791 + ], + [ + "▁Reverend", + -13.432461738586426 + ], + [ + "▁Tactical", + -13.432467460632324 + ], + [ + "▁macOS", + -13.43247127532959 + ], + [ + "▁Bren", + -13.432480812072754 + ], + [ + "▁PARK", + -13.432490348815918 + ], + [ + "▁pharma", + -13.432512283325195 + ], + [ + "▁precaution", + -13.432535171508787 + ], + [ + "▁collaborator", + -13.432536125183104 + ], + [ + "▁crabs", + -13.432567596435549 + ], + [ + "▁retinal", + -13.432618141174316 + ], + [ + "▁Rus", + -13.432649612426758 + ], + [ + "voir", + -13.43268585205078 + ], + [ + "▁5.6", + -13.432711601257324 + ], + [ + "udo", + -13.432801246643066 + ], + [ + "2%)", + -13.432817459106444 + ], + [ + "▁superbly", + -13.432825088500977 + ], + [ + "▁sculpt", + -13.432939529418944 + ], + [ + "aker", + -13.433002471923828 + ], + [ + "▁Cleaners", + -13.433109283447266 + ], + [ + "▁Tanya", + -13.433160781860352 + ], + [ + "▁nationalities", + -13.433185577392578 + ], + [ + "▁sweetest", + -13.433213233947754 + ], + [ + "▁153", + -13.433237075805664 + ], + [ + "lytic", + -13.433247566223145 + ], + [ + "▁Rein", + -13.433250427246094 + ], + [ + "▁wipers", + -13.433265686035156 + ], + [ + "▁actresses", + -13.433411598205566 + ], + [ + "▁Took", + -13.433417320251465 + ], + [ + "mack", + -13.433479309082031 + ], + [ + "▁Arn", + -13.433488845825195 + ], + [ + "▁lemons", + -13.43352222442627 + ], + [ + "▁Turks", + -13.433611869812012 + ], + [ + "▁situ", + -13.433667182922363 + ], + [ + "▁parse", + -13.43370532989502 + ], + [ + "▁Locations", + -13.433820724487305 + ], + [ + "rup", + -13.433835983276367 + ], + [ + "Object", + -13.433871269226074 + ], + [ + "Morning", + -13.43387508392334 + ], + [ + "▁Chandelier", + -13.433895111083984 + ], + [ + "131", + -13.433908462524414 + ], + [ + "▁SIG", + -13.433910369873049 + ], + [ + "▁Parallel", + -13.433975219726562 + ], + [ + "▁OCR", + -13.434075355529783 + ], + [ + "▁pos", + -13.434090614318848 + ], + [ + "mortar", + -13.434127807617188 + ], + [ + "itha", + -13.43430233001709 + ], + [ + "▁Grave", + -13.434313774108888 + ], + [ + "▁bitten", + -13.434345245361328 + ], + [ + "▁amplified", + -13.434433937072754 + ], + [ + "fulness", + -13.434438705444336 + ], + [ + "▁departures", + -13.43447208404541 + ], + [ + "lade", + -13.434562683105469 + ], + [ + "scribe", + -13.434649467468262 + ], + [ + "apply", + -13.434717178344728 + ], + [ + "▁waitress", + -13.434727668762209 + ], + [ + "▁Cola", + -13.4347562789917 + ], + [ + "▁Stamford", + -13.434762954711914 + ], + [ + "▁arterial", + -13.434762954711914 + ], + [ + "▁sludge", + -13.434764862060549 + ], + [ + "▁ultraviolet", + -13.434770584106444 + ], + [ + "▁caching", + -13.434786796569824 + ], + [ + "▁rotten", + -13.434808731079102 + ], + [ + "▁gosh", + -13.43483543395996 + ], + [ + "▁wield", + -13.43487548828125 + ], + [ + "222", + -13.434907913208008 + ], + [ + "ebel", + -13.43492031097412 + ], + [ + "▁dangerously", + -13.435073852539062 + ], + [ + "▁proofreading", + -13.435125350952148 + ], + [ + "▁murderer", + -13.435160636901855 + ], + [ + "▁Strap", + -13.43524169921875 + ], + [ + "boys", + -13.435257911682127 + ], + [ + "▁kennel", + -13.435264587402344 + ], + [ + "skill", + -13.435310363769531 + ], + [ + "tiv", + -13.435325622558594 + ], + [ + "▁distinguishes", + -13.435335159301758 + ], + [ + "▁Renee", + -13.435364723205566 + ], + [ + "▁Magi", + -13.435446739196776 + ], + [ + "▁Workout", + -13.435481071472168 + ], + [ + "▁Tissue", + -13.435491561889648 + ], + [ + "▁Bethany", + -13.435506820678713 + ], + [ + "▁THEIR", + -13.435532569885254 + ], + [ + "▁SOLD", + -13.43555736541748 + ], + [ + "roc", + -13.435568809509276 + ], + [ + "▁Bale", + -13.435574531555176 + ], + [ + "▁sleepers", + -13.435608863830566 + ], + [ + "Desk", + -13.435616493225098 + ], + [ + "▁tending", + -13.435702323913574 + ], + [ + "▁Daly", + -13.435786247253418 + ], + [ + "▁RAC", + -13.435791969299316 + ], + [ + "▁LAW", + -13.435809135437012 + ], + [ + "▁Tango", + -13.435823440551758 + ], + [ + "▁biotech", + -13.435842514038086 + ], + [ + "▁Installer", + -13.43590259552002 + ], + [ + "ivan", + -13.435925483703612 + ], + [ + "uche", + -13.435931205749512 + ], + [ + "▁Packet", + -13.435935020446776 + ], + [ + "GIS", + -13.435940742492676 + ], + [ + "blank", + -13.436166763305664 + ], + [ + "Shape", + -13.436195373535156 + ], + [ + "organization", + -13.436205863952637 + ], + [ + "automatic", + -13.436325073242188 + ], + [ + "izable", + -13.436352729797363 + ], + [ + "▁coughing", + -13.436365127563477 + ], + [ + "QA", + -13.436397552490234 + ], + [ + "▁Mole", + -13.436407089233398 + ], + [ + "Condition", + -13.436453819274902 + ], + [ + "▁trove", + -13.436516761779783 + ], + [ + "burgh", + -13.436552047729492 + ], + [ + "plain", + -13.436600685119627 + ], + [ + "▁denomination", + -13.436603546142578 + ], + [ + "▁CSI", + -13.436659812927246 + ], + [ + "▁acquaintances", + -13.43675136566162 + ], + [ + "▁CPI", + -13.436841011047363 + ], + [ + "▁realisation", + -13.436860084533691 + ], + [ + "127", + -13.43686866760254 + ], + [ + "nad", + -13.436951637268066 + ], + [ + "Letter", + -13.436959266662598 + ], + [ + "▁Rho", + -13.43696117401123 + ], + [ + "▁paws", + -13.43706512451172 + ], + [ + "▁Conservancy", + -13.437105178833008 + ], + [ + "▁predicament", + -13.437105178833008 + ], + [ + "▁autobiography", + -13.437110900878906 + ], + [ + "▁Amherst", + -13.437125205993652 + ], + [ + "▁patties", + -13.437128067016602 + ], + [ + "▁9001", + -13.437152862548828 + ], + [ + "▁Hayden", + -13.437175750732422 + ], + [ + "▁Nit", + -13.437203407287598 + ], + [ + "tape", + -13.43722438812256 + ], + [ + "▁offending", + -13.43722438812256 + ], + [ + "▁california", + -13.437241554260254 + ], + [ + "▁Flores", + -13.43728256225586 + ], + [ + "▁militia", + -13.437298774719238 + ], + [ + "▁sweatshirt", + -13.437332153320312 + ], + [ + "▁Dahl", + -13.43736743927002 + ], + [ + "▁Garland", + -13.437371253967283 + ], + [ + "▁alleges", + -13.437378883361816 + ], + [ + "▁McCoy", + -13.437385559082031 + ], + [ + "eba", + -13.437405586242676 + ], + [ + "▁Homemade", + -13.43746566772461 + ], + [ + "▁subsection", + -13.437469482421877 + ], + [ + "▁Clash", + -13.437519073486328 + ], + [ + "rity", + -13.437592506408691 + ], + [ + "▁Skyline", + -13.437593460083008 + ], + [ + "▁oftentimes", + -13.43771743774414 + ], + [ + "Luc", + -13.437817573547363 + ], + [ + "kwa", + -13.437828063964844 + ], + [ + "▁Knob", + -13.437888145446776 + ], + [ + "▁Therapeutics", + -13.43789291381836 + ], + [ + "▁Tum", + -13.437928199768066 + ], + [ + "Poor", + -13.43803596496582 + ], + [ + "▁burnout", + -13.438039779663086 + ], + [ + "470", + -13.438117027282717 + ], + [ + "rma", + -13.438192367553713 + ], + [ + "signed", + -13.438197135925291 + ], + [ + "▁Dyna", + -13.438243865966797 + ], + [ + "▁Lakewood", + -13.438271522521973 + ], + [ + "mins", + -13.438311576843262 + ], + [ + "lapse", + -13.43836498260498 + ], + [ + "2-5", + -13.438365936279297 + ], + [ + "bac", + -13.438422203063965 + ], + [ + "▁Voting", + -13.438467025756836 + ], + [ + "▁Extraordinary", + -13.438530921936035 + ], + [ + "Person", + -13.438563346862791 + ], + [ + "▁memes", + -13.438570976257324 + ], + [ + "▁Sick", + -13.438608169555664 + ], + [ + "▁od", + -13.43863582611084 + ], + [ + "▁shortening", + -13.438650131225586 + ], + [ + "mining", + -13.438651084899902 + ], + [ + "Lewis", + -13.43865966796875 + ], + [ + "▁inflict", + -13.438665390014648 + ], + [ + "activated", + -13.438680648803713 + ], + [ + "▁Mystic", + -13.43876838684082 + ], + [ + "▁discriminate", + -13.438851356506348 + ], + [ + "ight", + -13.438859939575195 + ], + [ + "▁losers", + -13.438876152038574 + ], + [ + "▁ligaments", + -13.438908576965332 + ], + [ + "▁incompatible", + -13.438936233520508 + ], + [ + "▁scaffold", + -13.438944816589355 + ], + [ + "▁ordinarily", + -13.439003944396973 + ], + [ + "▁6-1", + -13.439007759094238 + ], + [ + "naut", + -13.439034461975098 + ], + [ + "▁BBB", + -13.43906021118164 + ], + [ + "▁Hex", + -13.439066886901855 + ], + [ + "▁Fay", + -13.43910312652588 + ], + [ + "▁latent", + -13.439109802246094 + ], + [ + "▁Seymour", + -13.43912124633789 + ], + [ + "▁Rx", + -13.4392671585083 + ], + [ + "Arm", + -13.439348220825195 + ], + [ + "masters", + -13.439352989196776 + ], + [ + "▁Genetic", + -13.439382553100586 + ], + [ + "▁(2012).", + -13.43943691253662 + ], + [ + "▁Piedmont", + -13.439452171325684 + ], + [ + "▁surrogate", + -13.439452171325684 + ], + [ + "▁sneaker", + -13.439496040344238 + ], + [ + "▁permissible", + -13.439502716064451 + ], + [ + "▁Oscars", + -13.439556121826172 + ], + [ + "▁Cushion", + -13.439641952514648 + ], + [ + "▁11:59", + -13.439672470092772 + ], + [ + "▁aching", + -13.439674377441406 + ], + [ + "coding", + -13.439691543579102 + ], + [ + "▁Lionel", + -13.439692497253418 + ], + [ + "▁Doha", + -13.43971347808838 + ], + [ + "▁Caring", + -13.439723014831545 + ], + [ + "repair", + -13.439743995666504 + ], + [ + "▁Approx", + -13.439764022827148 + ], + [ + "wh", + -13.439800262451172 + ], + [ + "Rank", + -13.439813613891602 + ], + [ + "▁blogged", + -13.439826965332031 + ], + [ + "113", + -13.43984603881836 + ], + [ + "▁stylists", + -13.43988037109375 + ], + [ + "Maker", + -13.439993858337402 + ], + [ + "▁Shores", + -13.440021514892578 + ], + [ + "▁spawned", + -13.440128326416016 + ], + [ + "▁Ratio", + -13.440170288085938 + ], + [ + "▁Vander", + -13.440192222595217 + ], + [ + "▁6-7", + -13.440194129943848 + ], + [ + "▁protectors", + -13.44019889831543 + ], + [ + "▁Majestic", + -13.440234184265137 + ], + [ + "lore", + -13.44031810760498 + ], + [ + "▁Barre", + -13.440364837646484 + ], + [ + "▁Scam", + -13.440460205078123 + ], + [ + "icle", + -13.44050121307373 + ], + [ + "UH", + -13.440574645996094 + ], + [ + "▁Ctrl", + -13.440723419189451 + ], + [ + "PX", + -13.440804481506348 + ], + [ + "▁André", + -13.440828323364258 + ], + [ + "nett", + -13.44085693359375 + ], + [ + "▁MSN", + -13.44085693359375 + ], + [ + "wana", + -13.440873146057127 + ], + [ + "yen", + -13.44088363647461 + ], + [ + "▁Branding", + -13.440958023071287 + ], + [ + "▁Fortress", + -13.441036224365234 + ], + [ + "▁Zack", + -13.441072463989258 + ], + [ + "Steam", + -13.441205978393556 + ], + [ + "▁triumphant", + -13.441250801086426 + ], + [ + "▁turkeys", + -13.44136905670166 + ], + [ + "mund", + -13.441393852233888 + ], + [ + "odd", + -13.441487312316896 + ], + [ + "▁trickle", + -13.441487312316896 + ], + [ + "bli", + -13.441490173339844 + ], + [ + "Expert", + -13.441566467285156 + ], + [ + "▁arenas", + -13.441661834716797 + ], + [ + "Cro", + -13.44167423248291 + ], + [ + "exchange", + -13.441776275634766 + ], + [ + "▁oxidative", + -13.441805839538574 + ], + [ + "▁saffron", + -13.441805839538574 + ], + [ + "▁sclerosis", + -13.441805839538574 + ], + [ + "▁fennel", + -13.441807746887209 + ], + [ + "▁marvellous", + -13.44180965423584 + ], + [ + "▁Gloucestershire", + -13.441810607910156 + ], + [ + "▁Hubbard", + -13.441810607910156 + ], + [ + "▁bruising", + -13.441812515258787 + ], + [ + "▁bordering", + -13.441838264465332 + ], + [ + "▁philosophies", + -13.441838264465332 + ], + [ + "African", + -13.441850662231444 + ], + [ + "▁IX", + -13.441889762878418 + ], + [ + "▁Garfield", + -13.441929817199709 + ], + [ + "baked", + -13.441944122314451 + ], + [ + "▁Kis", + -13.442011833190918 + ], + [ + "▁mussels", + -13.442028045654297 + ], + [ + "▁Borg", + -13.442036628723145 + ], + [ + "▁NAC", + -13.442056655883787 + ], + [ + "▁Sgt", + -13.442086219787598 + ], + [ + "▁1/1", + -13.44215488433838 + ], + [ + "▁Maintaining", + -13.44216537475586 + ], + [ + "▁Conor", + -13.442298889160156 + ], + [ + "▁substitutes", + -13.442301750183104 + ], + [ + "GPS", + -13.44234561920166 + ], + [ + "Gr", + -13.442399978637695 + ], + [ + "▁draped", + -13.442415237426758 + ], + [ + "pus", + -13.44244384765625 + ], + [ + "▁Barrow", + -13.442452430725098 + ], + [ + "▁Rockwell", + -13.442458152770996 + ], + [ + "▁piracy", + -13.44257354736328 + ], + [ + "▁Tristan", + -13.44264030456543 + ], + [ + "▁Pepsi", + -13.442654609680176 + ], + [ + "▁audited", + -13.44277000427246 + ], + [ + "▁#9", + -13.442789077758787 + ], + [ + "▁Mobil", + -13.442816734313965 + ], + [ + "▁scallops", + -13.442873001098633 + ], + [ + "▁Hui", + -13.442893028259276 + ], + [ + "▁hostels", + -13.442962646484377 + ], + [ + "fri", + -13.443029403686523 + ], + [ + "▁540", + -13.443062782287598 + ], + [ + "▁thicken", + -13.443120002746582 + ], + [ + "paste", + -13.443122863769531 + ], + [ + "▁Lola", + -13.44313621520996 + ], + [ + "▁critters", + -13.44318962097168 + ], + [ + "▁146", + -13.443194389343262 + ], + [ + "ault", + -13.443263053894045 + ], + [ + "▁Klo", + -13.443330764770508 + ], + [ + "▁cheaply", + -13.443334579467772 + ], + [ + "▁barren", + -13.443341255187988 + ], + [ + "angi", + -13.443405151367188 + ], + [ + "Twenty", + -13.443461418151855 + ], + [ + "practice", + -13.443467140197754 + ], + [ + "nts", + -13.443475723266602 + ], + [ + "▁lucid", + -13.443548202514648 + ], + [ + "integrated", + -13.443557739257812 + ], + [ + "virtual", + -13.443591117858888 + ], + [ + "319", + -13.443614959716797 + ], + [ + "according", + -13.443618774414062 + ], + [ + "qi", + -13.443645477294922 + ], + [ + "▁Gat", + -13.443657875061035 + ], + [ + "toria", + -13.443713188171388 + ], + [ + "▁NIC", + -13.44372272491455 + ], + [ + "▁999", + -13.4437255859375 + ], + [ + "▁Rahul", + -13.4437255859375 + ], + [ + "▁arched", + -13.443745613098145 + ], + [ + "chill", + -13.443753242492676 + ], + [ + "▁cob", + -13.443784713745115 + ], + [ + "fault", + -13.443793296813965 + ], + [ + "▁Disclaimer", + -13.443811416625977 + ], + [ + "viv", + -13.443832397460938 + ], + [ + "sak", + -13.443836212158203 + ], + [ + "Ohio", + -13.443883895874023 + ], + [ + "stv", + -13.443907737731934 + ], + [ + "▁concealer", + -13.444040298461914 + ], + [ + "▁Cavaliers", + -13.44404125213623 + ], + [ + "70,000", + -13.44408893585205 + ], + [ + "▁Kosovo", + -13.444168090820312 + ], + [ + "▁Lies", + -13.444170951843262 + ], + [ + "▁crumbling", + -13.444194793701172 + ], + [ + "▁Firmware", + -13.444221496582031 + ], + [ + "por", + -13.444222450256348 + ], + [ + "▁stipulated", + -13.444344520568848 + ], + [ + "▁elongated", + -13.44434642791748 + ], + [ + "▁cf", + -13.444384574890137 + ], + [ + "на", + -13.444406509399414 + ], + [ + "▁Pilgrim", + -13.444416999816896 + ], + [ + "▁Else", + -13.44443130493164 + ], + [ + "planning", + -13.444555282592772 + ], + [ + "▁Weed", + -13.444558143615724 + ], + [ + "▁outsiders", + -13.444584846496582 + ], + [ + "▁Bitter", + -13.444613456726074 + ], + [ + "lub", + -13.444622993469238 + ], + [ + "iac", + -13.444781303405762 + ], + [ + "▁vie", + -13.44482421875 + ], + [ + "anu", + -13.44485855102539 + ], + [ + "▁santa", + -13.44490909576416 + ], + [ + "40,000", + -13.445013999938965 + ], + [ + "▁Procurement", + -13.445066452026367 + ], + [ + "▁Gather", + -13.445074081420898 + ], + [ + "6-5", + -13.44510555267334 + ], + [ + "▁2024", + -13.445405960083008 + ], + [ + "▁musculoskeletal", + -13.445428848266602 + ], + [ + "▁pathetic", + -13.4456148147583 + ], + [ + "▁looms", + -13.44563102722168 + ], + [ + "▁posh", + -13.445648193359377 + ], + [ + "▁Parenting", + -13.4456787109375 + ], + [ + "▁Org", + -13.445706367492676 + ], + [ + "▁Obi", + -13.44576930999756 + ], + [ + "7%)", + -13.445878028869627 + ], + [ + "▁CMA", + -13.445889472961426 + ], + [ + "hospital", + -13.445895195007324 + ], + [ + "Automatic", + -13.44590187072754 + ], + [ + "▁apprentices", + -13.44596004486084 + ], + [ + "▁Traders", + -13.446035385131836 + ], + [ + "▁resistor", + -13.446056365966797 + ], + [ + "▁restful", + -13.446064949035645 + ], + [ + "▁Guangzhou", + -13.446136474609377 + ], + [ + "▁harming", + -13.44615650177002 + ], + [ + "▁alas", + -13.446202278137209 + ], + [ + "YP", + -13.44622802734375 + ], + [ + "▁acquaintance", + -13.44624137878418 + ], + [ + "▁Delight", + -13.446277618408203 + ], + [ + "lingual", + -13.446354866027832 + ], + [ + "▁Westfield", + -13.446381568908691 + ], + [ + "arity", + -13.446420669555664 + ], + [ + "▁cohesion", + -13.446527481079102 + ], + [ + "▁diagnosing", + -13.446528434753418 + ], + [ + "▁indulging", + -13.446528434753418 + ], + [ + "▁proverbial", + -13.446535110473633 + ], + [ + "sym", + -13.446552276611328 + ], + [ + "sio", + -13.44656467437744 + ], + [ + "▁streamlining", + -13.44656467437744 + ], + [ + "▁yearning", + -13.446584701538086 + ], + [ + "▁extracurricular", + -13.44663906097412 + ], + [ + "▁stately", + -13.446643829345703 + ], + [ + "▁Whisk", + -13.446688652038574 + ], + [ + "▁460", + -13.44678783416748 + ], + [ + "▁adoptive", + -13.446788787841797 + ], + [ + "▁firefighter", + -13.446869850158691 + ], + [ + "▁witches", + -13.446882247924805 + ], + [ + "▁Supported", + -13.44691562652588 + ], + [ + "▁Pointe", + -13.446954727172852 + ], + [ + "▁Hopper", + -13.446962356567385 + ], + [ + "UAL", + -13.446972846984863 + ], + [ + "▁brood", + -13.446972846984863 + ], + [ + "▁tangled", + -13.44698715209961 + ], + [ + "▁Nearby", + -13.447071075439451 + ], + [ + "LOW", + -13.447093963623049 + ], + [ + "Ali", + -13.447118759155272 + ], + [ + "▁veterinarians", + -13.447128295898438 + ], + [ + "757", + -13.44713306427002 + ], + [ + "▁Trunk", + -13.447136878967283 + ], + [ + "▁waved", + -13.447229385375977 + ], + [ + "▁Sherry", + -13.447258949279783 + ], + [ + "ife", + -13.447265625 + ], + [ + "KP", + -13.447391510009766 + ], + [ + "▁medley", + -13.447447776794434 + ], + [ + "1-5", + -13.44747829437256 + ], + [ + "rini", + -13.44760513305664 + ], + [ + "▁Enrollment", + -13.447622299194336 + ], + [ + "endra", + -13.447624206542969 + ], + [ + "▁yum", + -13.447826385498049 + ], + [ + "cade", + -13.447874069213867 + ], + [ + "▁Gri", + -13.447924613952637 + ], + [ + "1997", + -13.447956085205078 + ], + [ + "▁Royals", + -13.448010444641112 + ], + [ + "STU", + -13.44806671142578 + ], + [ + "▁philosophers", + -13.448068618774414 + ], + [ + "▁guarding", + -13.448150634765623 + ], + [ + "▁hitter", + -13.448216438293455 + ], + [ + "▁(0)", + -13.448244094848633 + ], + [ + "▁memorize", + -13.448298454284668 + ], + [ + "Especially", + -13.448338508605955 + ], + [ + "Northern", + -13.448355674743652 + ], + [ + "Entry", + -13.448373794555664 + ], + [ + "▁masterful", + -13.448379516601562 + ], + [ + "Likewise", + -13.448429107666016 + ], + [ + "Otherwise", + -13.44843292236328 + ], + [ + "DEN", + -13.448467254638672 + ], + [ + "prepared", + -13.448512077331545 + ], + [ + "▁enchanted", + -13.44857120513916 + ], + [ + "ience", + -13.44859218597412 + ], + [ + "▁Beans", + -13.448719024658203 + ], + [ + "ends", + -13.448887825012209 + ], + [ + "▁observance", + -13.448898315429688 + ], + [ + "▁carousel", + -13.44890022277832 + ], + [ + "▁Babylon", + -13.448902130126951 + ], + [ + "kWh", + -13.448904037475586 + ], + [ + "▁shaky", + -13.448908805847168 + ], + [ + "▁Annapolis", + -13.448917388916016 + ], + [ + "▁dressings", + -13.448929786682127 + ], + [ + "▁Zoning", + -13.448930740356444 + ], + [ + "▁kilograms", + -13.448931694030762 + ], + [ + "▁mums", + -13.44894027709961 + ], + [ + "▁equipping", + -13.448941230773926 + ], + [ + "▁vetted", + -13.448983192443848 + ], + [ + "▁crooked", + -13.449040412902832 + ], + [ + "▁Elias", + -13.44905948638916 + ], + [ + "▁Attachment", + -13.449084281921388 + ], + [ + "▁endowed", + -13.449121475219728 + ], + [ + "▁1978,", + -13.4491548538208 + ], + [ + "▁tendons", + -13.449162483215332 + ], + [ + "▁bling", + -13.449213027954102 + ], + [ + "▁ODI", + -13.449223518371582 + ], + [ + "495", + -13.44927215576172 + ], + [ + "pour", + -13.449278831481934 + ], + [ + "tk", + -13.44944667816162 + ], + [ + "▁LX", + -13.449460983276367 + ], + [ + "Scientists", + -13.449461936950684 + ], + [ + "Die", + -13.449480056762695 + ], + [ + "Healthy", + -13.449493408203123 + ], + [ + "▁recite", + -13.449512481689451 + ], + [ + "601", + -13.449557304382324 + ], + [ + "▁Query", + -13.44980239868164 + ], + [ + "neo", + -13.449804306030272 + ], + [ + "▁Mosquito", + -13.449821472167969 + ], + [ + "▁lotions", + -13.449910163879396 + ], + [ + "▁Clive", + -13.449960708618164 + ], + [ + "▁Spam", + -13.449962615966797 + ], + [ + "notes", + -13.450033187866213 + ], + [ + "080", + -13.450048446655272 + ], + [ + "rst", + -13.450200080871582 + ], + [ + "▁Bayern", + -13.45023250579834 + ], + [ + "▁reservoirs", + -13.45026683807373 + ], + [ + "chester", + -13.450267791748049 + ], + [ + "Carl", + -13.45028305053711 + ], + [ + "▁Functions", + -13.450288772583008 + ], + [ + "▁Gamble", + -13.450310707092283 + ], + [ + "hos", + -13.450358390808104 + ], + [ + "▁lad", + -13.450400352478027 + ], + [ + "▁143", + -13.450453758239746 + ], + [ + "▁Exceptional", + -13.450479507446287 + ], + [ + "▁Matching", + -13.450494766235352 + ], + [ + "▁hives", + -13.450605392456056 + ], + [ + "gru", + -13.45068073272705 + ], + [ + "discovery", + -13.45069694519043 + ], + [ + "Pull", + -13.450705528259276 + ], + [ + "▁nudge", + -13.450714111328123 + ], + [ + "Challenge", + -13.450757026672363 + ], + [ + "▁Harding", + -13.45079517364502 + ], + [ + "▁lest", + -13.450823783874512 + ], + [ + "▁Mathematical", + -13.450844764709473 + ], + [ + "rach", + -13.450845718383787 + ], + [ + "▁Ami", + -13.450875282287598 + ], + [ + "▁Genealogy", + -13.45093822479248 + ], + [ + "▁McGraw", + -13.450942993164062 + ], + [ + "▁Rudy", + -13.450956344604492 + ], + [ + "Skip", + -13.450968742370604 + ], + [ + "Directions", + -13.451218605041504 + ], + [ + "▁Wrangler", + -13.45127296447754 + ], + [ + "▁symphony", + -13.45127296447754 + ], + [ + "▁measles", + -13.451273918151855 + ], + [ + "▁healer", + -13.451286315917969 + ], + [ + "▁Rift", + -13.451390266418455 + ], + [ + "MAR", + -13.451416015625 + ], + [ + "▁rigidity", + -13.451430320739746 + ], + [ + "▁Kop", + -13.451436042785645 + ], + [ + "604", + -13.451445579528809 + ], + [ + "hiro", + -13.451518058776855 + ], + [ + "▁OLED", + -13.45155143737793 + ], + [ + "▁crocodile", + -13.4515962600708 + ], + [ + "▁Cumbria", + -13.45163631439209 + ], + [ + "▁Camaro", + -13.451672554016112 + ], + [ + "▁Baja", + -13.45167636871338 + ], + [ + "▁151", + -13.451708793640137 + ], + [ + "▁predator", + -13.451748847961426 + ], + [ + "▁orchestral", + -13.45178508758545 + ], + [ + "▁snail", + -13.451847076416016 + ], + [ + "▁cures", + -13.45188808441162 + ], + [ + "SY", + -13.451958656311035 + ], + [ + "Poly", + -13.45199203491211 + ], + [ + "▁9,000", + -13.452025413513184 + ], + [ + "3.6", + -13.452054977416992 + ], + [ + "abel", + -13.452094078063965 + ], + [ + "closed", + -13.452103614807127 + ], + [ + "RK", + -13.452157020568848 + ], + [ + "ARE", + -13.452256202697754 + ], + [ + "Africa", + -13.452425003051758 + ], + [ + "▁UPDATE", + -13.452521324157717 + ], + [ + "erate", + -13.45263957977295 + ], + [ + "▁Gunn", + -13.452664375305176 + ], + [ + "Dress", + -13.45267391204834 + ], + [ + "▁popularly", + -13.452759742736816 + ], + [ + "▁1977,", + -13.45285415649414 + ], + [ + "▁prawns", + -13.452933311462402 + ], + [ + "COR", + -13.45294189453125 + ], + [ + "▁DEL", + -13.452993392944336 + ], + [ + "esis", + -13.453102111816406 + ], + [ + "▁reimburse", + -13.453123092651367 + ], + [ + "▁civilizations", + -13.453126907348633 + ], + [ + "▁Aber", + -13.453154563903809 + ], + [ + "▁Reveal", + -13.453176498413086 + ], + [ + "JM", + -13.453177452087402 + ], + [ + "sql", + -13.453216552734377 + ], + [ + "creative", + -13.453229904174805 + ], + [ + "▁Rovers", + -13.453296661376951 + ], + [ + "MES", + -13.453384399414062 + ], + [ + "▁slit", + -13.453398704528809 + ], + [ + "bic", + -13.453407287597656 + ], + [ + "▁abrupt", + -13.453420639038086 + ], + [ + "▁breakdowns", + -13.453421592712402 + ], + [ + "vier", + -13.453429222106934 + ], + [ + "▁crossings", + -13.453429222106934 + ], + [ + "▁Wayfair", + -13.453484535217283 + ], + [ + "skilled", + -13.453560829162598 + ], + [ + "Bow", + -13.45364475250244 + ], + [ + "▁SHOULD", + -13.453654289245604 + ], + [ + "▁gymnasium", + -13.453654289245604 + ], + [ + "▁tungsten", + -13.453654289245604 + ], + [ + "▁kaufen", + -13.453656196594238 + ], + [ + "▁meditative", + -13.453656196594238 + ], + [ + "▁cramps", + -13.453660011291504 + ], + [ + "▁GeForce", + -13.45366668701172 + ], + [ + "▁handicapped", + -13.453667640686035 + ], + [ + "owa", + -13.453715324401855 + ], + [ + "▁Negative", + -13.453715324401855 + ], + [ + "▁(2001)", + -13.453717231750488 + ], + [ + "▁entrenched", + -13.453725814819336 + ], + [ + "▁backside", + -13.45373821258545 + ], + [ + "builder", + -13.453778266906738 + ], + [ + "▁Ryder", + -13.453824043273926 + ], + [ + "▁peroxide", + -13.453838348388672 + ], + [ + "▁Olivier", + -13.453912734985352 + ], + [ + "Gain", + -13.453922271728516 + ], + [ + "dil", + -13.453953742980955 + ], + [ + "▁cove", + -13.454014778137209 + ], + [ + "▁stronghold", + -13.454033851623535 + ], + [ + "▁artifact", + -13.454068183898926 + ], + [ + "▁(2008)", + -13.454083442687988 + ], + [ + "▁drowned", + -13.454099655151367 + ], + [ + "▁Xerox", + -13.454127311706545 + ], + [ + "iere", + -13.454160690307615 + ], + [ + "▁whim", + -13.454190254211426 + ], + [ + "▁Nuts", + -13.454288482666016 + ], + [ + "▁elevators", + -13.454453468322754 + ], + [ + "hri", + -13.4545316696167 + ], + [ + "▁BPA", + -13.45453929901123 + ], + [ + "▁polymers", + -13.454618453979492 + ], + [ + "Writer", + -13.454659461975098 + ], + [ + "▁postures", + -13.45469856262207 + ], + [ + "▁luxe", + -13.454708099365234 + ], + [ + "▁2021.", + -13.45472526550293 + ], + [ + "gain", + -13.454778671264648 + ], + [ + "▁Aspire", + -13.454878807067873 + ], + [ + "▁muster", + -13.454914093017578 + ], + [ + "▁PEN", + -13.455049514770508 + ], + [ + "▁Ayurvedic", + -13.455108642578123 + ], + [ + "Spin", + -13.45514678955078 + ], + [ + "▁wonderland", + -13.455199241638184 + ], + [ + "-2010", + -13.455276489257812 + ], + [ + "disc", + -13.455280303955078 + ], + [ + "▁percentile", + -13.455280303955078 + ], + [ + "▁coverings", + -13.45535659790039 + ], + [ + "▁Sud", + -13.45537281036377 + ], + [ + "▁Malt", + -13.455410957336426 + ], + [ + "Race", + -13.455430030822754 + ], + [ + "Lay", + -13.455451965332031 + ], + [ + "▁tigers", + -13.455463409423828 + ], + [ + "▁luster", + -13.455528259277344 + ], + [ + "VILLE", + -13.45553970336914 + ], + [ + "Dynamic", + -13.455586433410645 + ], + [ + "▁Pelosi", + -13.455595016479492 + ], + [ + "▁Wired", + -13.45561981201172 + ], + [ + "▁ballad", + -13.455638885498049 + ], + [ + "▁Trudeau", + -13.455644607543944 + ], + [ + "liked", + -13.455656051635742 + ], + [ + "▁Hiking", + -13.45566177368164 + ], + [ + "lal", + -13.45566463470459 + ], + [ + "oral", + -13.455671310424805 + ], + [ + "▁Fare", + -13.455687522888184 + ], + [ + "OTA", + -13.455714225769045 + ], + [ + "▁begs", + -13.455788612365724 + ], + [ + "Economic", + -13.455812454223633 + ], + [ + "dena", + -13.455850601196287 + ], + [ + "▁unjust", + -13.455850601196287 + ], + [ + "Honey", + -13.45586395263672 + ], + [ + "Latest", + -13.455875396728516 + ], + [ + "▁veranda", + -13.455963134765623 + ], + [ + "▁CSU", + -13.455965995788574 + ], + [ + "Kick", + -13.456029891967772 + ], + [ + "ICT", + -13.456039428710938 + ], + [ + "▁adolescence", + -13.456040382385254 + ], + [ + "▁intermediary", + -13.456040382385254 + ], + [ + "▁intravenous", + -13.45604133605957 + ], + [ + "▁choking", + -13.456053733825684 + ], + [ + "▁rigging", + -13.45607566833496 + ], + [ + "▁Huntsville", + -13.456082344055176 + ], + [ + "Flat", + -13.456085205078123 + ], + [ + "▁seminal", + -13.456122398376465 + ], + [ + "▁Stephan", + -13.456194877624512 + ], + [ + "▁soreness", + -13.456291198730469 + ], + [ + "SSA", + -13.456311225891112 + ], + [ + "▁evade", + -13.456390380859377 + ], + [ + "▁visualisation", + -13.456390380859377 + ], + [ + "▁Faux", + -13.45639419555664 + ], + [ + "▁valentine", + -13.456419944763184 + ], + [ + "▁concurrently", + -13.456472396850586 + ], + [ + "▁Rin", + -13.45668125152588 + ], + [ + "▁2022", + -13.456787109375 + ], + [ + "▁Ricardo", + -13.45683765411377 + ], + [ + "▁jumbo", + -13.457022666931152 + ], + [ + "▁snapshots", + -13.457023620605469 + ], + [ + "▁Trick", + -13.457024574279783 + ], + [ + "▁hybrids", + -13.457063674926758 + ], + [ + "▁9\"", + -13.457108497619627 + ], + [ + "▁vividly", + -13.457120895385742 + ], + [ + "till", + -13.457196235656738 + ], + [ + "445", + -13.457367897033691 + ], + [ + "▁upsetting", + -13.457510948181152 + ], + [ + "▁pavers", + -13.457527160644531 + ], + [ + "▁THEM", + -13.457571983337402 + ], + [ + "▁steward", + -13.457589149475098 + ], + [ + "▁directives", + -13.457778930664062 + ], + [ + "▁soloist", + -13.457782745361328 + ], + [ + "▁panda", + -13.457828521728516 + ], + [ + "Justin", + -13.457948684692385 + ], + [ + "mesh", + -13.457975387573242 + ], + [ + "creating", + -13.458003997802734 + ], + [ + "▁Buster", + -13.458009719848633 + ], + [ + "▁auditors", + -13.458023071289062 + ], + [ + "▁171", + -13.458100318908691 + ], + [ + "Ultra", + -13.4581880569458 + ], + [ + "▁Goo", + -13.458245277404783 + ], + [ + "▁Berk", + -13.458251953125 + ], + [ + "Hawk", + -13.458282470703123 + ], + [ + "▁Bengali", + -13.458327293395996 + ], + [ + "Phase", + -13.458330154418944 + ], + [ + "▁WL", + -13.458375930786133 + ], + [ + "▁Eucharist", + -13.458386421203612 + ], + [ + "▁sensual", + -13.458402633666992 + ], + [ + "▁Vaughan", + -13.458433151245115 + ], + [ + "▁Navajo", + -13.458438873291016 + ], + [ + "▁anguish", + -13.458447456359863 + ], + [ + "▁ESA", + -13.458451271057127 + ], + [ + "Admin", + -13.458463668823242 + ], + [ + "▁Chesterfield", + -13.45853042602539 + ], + [ + "rang", + -13.458587646484377 + ], + [ + "▁Southwestern", + -13.458595275878906 + ], + [ + "structured", + -13.458783149719238 + ], + [ + "Suite", + -13.45880889892578 + ], + [ + "Spain", + -13.458876609802246 + ], + [ + "litz", + -13.45888900756836 + ], + [ + "▁Banquet", + -13.458932876586914 + ], + [ + "▁Stampin", + -13.45897388458252 + ], + [ + "▁gmail", + -13.459100723266602 + ], + [ + "DES", + -13.459151268005373 + ], + [ + "▁eatery", + -13.45915985107422 + ], + [ + "▁DAC", + -13.459373474121094 + ], + [ + "4.3", + -13.459385871887209 + ], + [ + "▁5.4", + -13.45938777923584 + ], + [ + "▁tempt", + -13.459390640258787 + ], + [ + "▁velvety", + -13.459418296813965 + ], + [ + "▁Alerts", + -13.459477424621582 + ], + [ + "▁Bore", + -13.459532737731934 + ], + [ + "▁EVA", + -13.459545135498049 + ], + [ + "▁MADE", + -13.459569931030272 + ], + [ + "▁OA", + -13.45957374572754 + ], + [ + "▁MSC", + -13.459609031677246 + ], + [ + "▁unborn", + -13.459639549255373 + ], + [ + "▁drinkers", + -13.459708213806152 + ], + [ + "▁Rene", + -13.459732055664062 + ], + [ + "jp", + -13.459741592407228 + ], + [ + "▁NEXT", + -13.459749221801758 + ], + [ + "mediated", + -13.459882736206056 + ], + [ + "▁Asking", + -13.459911346435549 + ], + [ + "▁watery", + -13.460010528564451 + ], + [ + "lox", + -13.460288047790527 + ], + [ + "▁reflex", + -13.460458755493164 + ], + [ + "oria", + -13.460492134094238 + ], + [ + "aunt", + -13.460512161254885 + ], + [ + "▁Sovereign", + -13.460559844970703 + ], + [ + "apps", + -13.460570335388184 + ], + [ + "Heavy", + -13.460597038269045 + ], + [ + "CRC", + -13.460630416870115 + ], + [ + "▁pore", + -13.460634231567385 + ], + [ + "▁Etc", + -13.460722923278809 + ], + [ + "▁hens", + -13.460772514343262 + ], + [ + "lateral", + -13.46081829071045 + ], + [ + "▁magnification", + -13.460830688476562 + ], + [ + "▁gamut", + -13.460843086242676 + ], + [ + "▁Derbyshire", + -13.460847854614258 + ], + [ + "▁confinement", + -13.460851669311523 + ], + [ + "▁Dangerous", + -13.460870742797852 + ], + [ + "▁temperate", + -13.460870742797852 + ], + [ + "▁Vessel", + -13.4608793258667 + ], + [ + "meal", + -13.460895538330078 + ], + [ + "▁buttercream", + -13.460896492004396 + ], + [ + "▁Campground", + -13.460926055908203 + ], + [ + "▁KG", + -13.460939407348633 + ], + [ + "fox", + -13.461003303527832 + ], + [ + "▁angst", + -13.461045265197754 + ], + [ + "▁restrained", + -13.461163520812988 + ], + [ + "▁leaflets", + -13.461230278015137 + ], + [ + "▁improvised", + -13.461256980895996 + ], + [ + "▁cataract", + -13.46126937866211 + ], + [ + "▁mutant", + -13.461274147033691 + ], + [ + "▁$65", + -13.461296081542969 + ], + [ + "▁keepsake", + -13.46131420135498 + ], + [ + "▁ignores", + -13.461381912231444 + ], + [ + "▁convened", + -13.461480140686035 + ], + [ + "▁blockade", + -13.46149444580078 + ], + [ + "▁Saba", + -13.461522102355955 + ], + [ + "▁soared", + -13.46155071258545 + ], + [ + "eder", + -13.46161651611328 + ], + [ + "▁BOX", + -13.461623191833496 + ], + [ + "▁rained", + -13.46165943145752 + ], + [ + "▁RL", + -13.461700439453123 + ], + [ + "▁weaves", + -13.46171760559082 + ], + [ + "133", + -13.46172332763672 + ], + [ + "▁frosted", + -13.46189308166504 + ], + [ + "▁HPE", + -13.46194076538086 + ], + [ + "▁207", + -13.461991310119627 + ], + [ + "▁trailhead", + -13.462024688720703 + ], + [ + "▁Innovations", + -13.462251663208008 + ], + [ + "▁GOLD", + -13.462322235107422 + ], + [ + "325", + -13.462324142456056 + ], + [ + "-85", + -13.462349891662598 + ], + [ + "▁ROOM", + -13.462421417236328 + ], + [ + "assa", + -13.462532997131348 + ], + [ + "▁Entrepreneurs", + -13.46254062652588 + ], + [ + "▁complimented", + -13.462675094604492 + ], + [ + "▁Celtics", + -13.46273422241211 + ], + [ + "▁trance", + -13.462745666503906 + ], + [ + "▁WO", + -13.462787628173828 + ], + [ + "▁caveat", + -13.462821006774902 + ], + [ + "▁proclaim", + -13.462835311889648 + ], + [ + "▁duel", + -13.462876319885254 + ], + [ + "▁(2007)", + -13.462933540344238 + ], + [ + "▁cas", + -13.462957382202148 + ], + [ + "▁Arrange", + -13.46297550201416 + ], + [ + "▁1975.", + -13.463059425354004 + ], + [ + "▁generalized", + -13.46313190460205 + ], + [ + "▁elm", + -13.463176727294922 + ], + [ + "Den", + -13.463177680969238 + ], + [ + "▁evaporation", + -13.463234901428224 + ], + [ + "▁impoverished", + -13.463234901428224 + ], + [ + "▁Buckingham", + -13.463239669799805 + ], + [ + "▁Sparrow", + -13.46325397491455 + ], + [ + "▁treble", + -13.463268280029297 + ], + [ + "▁reprint", + -13.463271141052246 + ], + [ + "▁Cuomo", + -13.463281631469728 + ], + [ + "▁Earrings", + -13.463323593139648 + ], + [ + "cession", + -13.463330268859863 + ], + [ + "▁coordinators", + -13.46338176727295 + ], + [ + "▁Advancement", + -13.463454246520996 + ], + [ + "▁sagging", + -13.463506698608398 + ], + [ + "▁DMC", + -13.463533401489258 + ], + [ + "iol", + -13.463661193847656 + ], + [ + "cata", + -13.46367073059082 + ], + [ + "rigg", + -13.463671684265137 + ], + [ + "▁Prestige", + -13.46373462677002 + ], + [ + "among", + -13.463735580444336 + ], + [ + "▁Sav", + -13.463767051696776 + ], + [ + "▁Regent", + -13.463805198669434 + ], + [ + "▁widths", + -13.463889122009276 + ], + [ + "brainer", + -13.463940620422363 + ], + [ + "milk", + -13.463940620422363 + ], + [ + "▁Anytime", + -13.463953018188477 + ], + [ + "▁vaguely", + -13.463987350463867 + ], + [ + "▁footed", + -13.464089393615724 + ], + [ + "Davis", + -13.46412181854248 + ], + [ + "▁STA", + -13.464288711547852 + ], + [ + "▁incl", + -13.46432399749756 + ], + [ + "▁EXP", + -13.46434211730957 + ], + [ + "Ship", + -13.464363098144531 + ], + [ + "▁roundtable", + -13.46437644958496 + ], + [ + "period", + -13.464395523071287 + ], + [ + "▁Fault", + -13.464396476745604 + ], + [ + "▁Neutral", + -13.464404106140137 + ], + [ + "▁Lexi", + -13.464407920837402 + ], + [ + "▁Aerial", + -13.464448928833008 + ], + [ + "né", + -13.464593887329102 + ], + [ + "▁Howe", + -13.464607238769531 + ], + [ + "▁parable", + -13.464664459228516 + ], + [ + "▁UNDER", + -13.464667320251465 + ], + [ + "▁nicknamed", + -13.464679718017578 + ], + [ + "semi", + -13.464683532714844 + ], + [ + "ISA", + -13.464752197265623 + ], + [ + "rator", + -13.464818954467772 + ], + [ + "VN", + -13.464826583862305 + ], + [ + "▁510", + -13.464916229248049 + ], + [ + "▁Sahara", + -13.46492862701416 + ], + [ + "▁(10)", + -13.464970588684082 + ], + [ + "▁Profiles", + -13.465021133422852 + ], + [ + "oun", + -13.465051651000977 + ], + [ + "▁entertainers", + -13.465073585510254 + ], + [ + "Individuals", + -13.465194702148438 + ], + [ + "UB", + -13.465265274047852 + ], + [ + "▁journaling", + -13.46531105041504 + ], + [ + "▁grammatical", + -13.465401649475098 + ], + [ + "▁Downloads", + -13.465417861938477 + ], + [ + "▁escapes", + -13.465461730957031 + ], + [ + "▁dj", + -13.465530395507812 + ], + [ + "▁Spartan", + -13.46555995941162 + ], + [ + "uther", + -13.46560764312744 + ], + [ + "yk", + -13.465620994567873 + ], + [ + "▁Sicily", + -13.46564483642578 + ], + [ + "▁misfortune", + -13.46564483642578 + ], + [ + "▁approximation", + -13.465649604797363 + ], + [ + "▁Gatwick", + -13.46565055847168 + ], + [ + "▁aromatherapy", + -13.46566104888916 + ], + [ + "▁Antivirus", + -13.465678215026855 + ], + [ + "▁Lists", + -13.465678215026855 + ], + [ + "scribing", + -13.46572208404541 + ], + [ + "Urban", + -13.465725898742676 + ], + [ + "▁(7)", + -13.465744018554688 + ], + [ + "▁BEEN", + -13.465753555297852 + ], + [ + "▁ironically", + -13.465757369995115 + ], + [ + "▁CTA", + -13.46582317352295 + ], + [ + "▁automating", + -13.465867042541504 + ], + [ + "picture", + -13.465876579284668 + ], + [ + "▁$125", + -13.46596336364746 + ], + [ + "▁BPM", + -13.46599292755127 + ], + [ + "recorded", + -13.466034889221191 + ], + [ + "▁jacks", + -13.46613311767578 + ], + [ + "quat", + -13.46619987487793 + ], + [ + "▁caretaker", + -13.466243743896484 + ], + [ + "▁Tick", + -13.4662446975708 + ], + [ + "vad", + -13.46632957458496 + ], + [ + "▁Mela", + -13.466424942016602 + ], + [ + "▁questionnaires", + -13.466424942016602 + ], + [ + "▁Impressive", + -13.466483116149902 + ], + [ + "▁brutally", + -13.46652126312256 + ], + [ + "warm", + -13.466526985168455 + ], + [ + "▁Attach", + -13.466547012329102 + ], + [ + "▁megapixel", + -13.466592788696287 + ], + [ + "▁1976.", + -13.466673851013184 + ], + [ + "▁7000", + -13.46672821044922 + ], + [ + "▁Nai", + -13.466753959655762 + ], + [ + "▁Restore", + -13.466795921325684 + ], + [ + "070", + -13.466800689697266 + ], + [ + "▁withhold", + -13.46688461303711 + ], + [ + "▁networked", + -13.466938972473145 + ], + [ + "▁3.9", + -13.46695041656494 + ], + [ + "▁afloat", + -13.467034339904783 + ], + [ + "▁PAR", + -13.467103004455566 + ], + [ + "▁nav", + -13.467103004455566 + ], + [ + "atan", + -13.467123031616213 + ], + [ + "ograph", + -13.467126846313477 + ], + [ + "▁fingerprints", + -13.467140197753906 + ], + [ + "▁Embedded", + -13.467170715332031 + ], + [ + "▁synchronize", + -13.467238426208496 + ], + [ + "▁vat", + -13.467374801635742 + ], + [ + "▁tagline", + -13.467429161071776 + ], + [ + "▁busted", + -13.467524528503418 + ], + [ + "▁Ordinary", + -13.467528343200684 + ], + [ + "▁Pagan", + -13.46753215789795 + ], + [ + "6-7", + -13.467537879943848 + ], + [ + "▁landfills", + -13.467562675476074 + ], + [ + "▁mourn", + -13.467653274536133 + ], + [ + "tama", + -13.467723846435549 + ], + [ + "Prince", + -13.467724800109863 + ], + [ + "▁Weeks", + -13.467788696289062 + ], + [ + "▁FW", + -13.467836380004885 + ], + [ + "NOVA", + -13.46784496307373 + ], + [ + "▁Chung", + -13.467970848083496 + ], + [ + "50)", + -13.467994689941406 + ], + [ + "▁spares", + -13.468012809753418 + ], + [ + "DK", + -13.46803092956543 + ], + [ + "▁Ordinance", + -13.468059539794922 + ], + [ + "▁gratification", + -13.468059539794922 + ], + [ + "▁tragedies", + -13.468059539794922 + ], + [ + "▁Electoral", + -13.468060493469238 + ], + [ + "▁epitome", + -13.468060493469238 + ], + [ + "▁glaring", + -13.468060493469238 + ], + [ + "▁liqueur", + -13.468060493469238 + ], + [ + "▁squeezing", + -13.468060493469238 + ], + [ + "▁dopamine", + -13.4680757522583 + ], + [ + "▁floppy", + -13.468082427978516 + ], + [ + "▁stabilized", + -13.468111991882324 + ], + [ + "▁revolutionize", + -13.468133926391602 + ], + [ + "221", + -13.468218803405762 + ], + [ + "▁uneasy", + -13.468238830566406 + ], + [ + "▁Vivian", + -13.468274116516112 + ], + [ + "▁Blackpool", + -13.468291282653809 + ], + [ + "▁savoury", + -13.46829605102539 + ], + [ + "▁£15", + -13.468317985534668 + ], + [ + "▁Chew", + -13.468381881713867 + ], + [ + "▁Str", + -13.468461990356444 + ], + [ + "▁narrated", + -13.46846866607666 + ], + [ + "▁Nero", + -13.46853733062744 + ], + [ + "▁aerodynamic", + -13.468586921691896 + ], + [ + "▁jealousy", + -13.468775749206545 + ], + [ + "▁PDA", + -13.468908309936523 + ], + [ + "nx", + -13.468934059143066 + ], + [ + "▁railways", + -13.468985557556152 + ], + [ + "▁CPS", + -13.46901798248291 + ], + [ + "▁Burial", + -13.469036102294922 + ], + [ + "▁Ris", + -13.469265937805176 + ], + [ + "308", + -13.4694242477417 + ], + [ + "▁Turk", + -13.469465255737305 + ], + [ + "gha", + -13.469598770141602 + ], + [ + "▁Pes", + -13.469603538513184 + ], + [ + "solar", + -13.469644546508787 + ], + [ + "▁implying", + -13.46967315673828 + ], + [ + "▁Soy", + -13.469730377197266 + ], + [ + "eem", + -13.469761848449709 + ], + [ + "▁Qa", + -13.469792366027832 + ], + [ + "▁Superb", + -13.469794273376465 + ], + [ + "▁Mindfulness", + -13.46979522705078 + ], + [ + "▁159", + -13.46980094909668 + ], + [ + "▁Provence", + -13.469844818115234 + ], + [ + "▁EHR", + -13.470027923583984 + ], + [ + "Sara", + -13.470081329345703 + ], + [ + "nf", + -13.470091819763184 + ], + [ + "Comm", + -13.470232009887695 + ], + [ + "thal", + -13.470269203186035 + ], + [ + "ohn", + -13.470311164855955 + ], + [ + "Charge", + -13.470385551452637 + ], + [ + "▁Toner", + -13.470386505126951 + ], + [ + "Version", + -13.470419883728027 + ], + [ + "Gorgeous", + -13.470443725585938 + ], + [ + "traffic", + -13.470446586608888 + ], + [ + "▁Senegal", + -13.470478057861328 + ], + [ + "▁Macintosh", + -13.470480918884276 + ], + [ + "▁Sutherland", + -13.470480918884276 + ], + [ + "▁celebratory", + -13.470480918884276 + ], + [ + "▁licensure", + -13.470480918884276 + ], + [ + "▁renaissance", + -13.470480918884276 + ], + [ + "▁monologue", + -13.47048568725586 + ], + [ + "▁McLean", + -13.470494270324709 + ], + [ + "▁PPP", + -13.470504760742188 + ], + [ + "▁potluck", + -13.470508575439451 + ], + [ + "Donnell", + -13.470528602600098 + ], + [ + "Relax", + -13.470566749572754 + ], + [ + "▁Helmet", + -13.47059726715088 + ], + [ + "▁peptide", + -13.470669746398926 + ], + [ + "Rod", + -13.470720291137695 + ], + [ + "ADO", + -13.47081184387207 + ], + [ + "dul", + -13.470901489257812 + ], + [ + "▁extremist", + -13.470921516418455 + ], + [ + "▁Mellon", + -13.47097110748291 + ], + [ + "▁ligament", + -13.471043586730955 + ], + [ + "▁Alas", + -13.47104835510254 + ], + [ + "1-9", + -13.471111297607422 + ], + [ + "▁admins", + -13.471142768859863 + ], + [ + "aris", + -13.471162796020508 + ], + [ + "▁Deere", + -13.471182823181152 + ], + [ + "▁DF", + -13.471187591552734 + ], + [ + "mente", + -13.47124195098877 + ], + [ + "▁harnesses", + -13.471303939819336 + ], + [ + "Officials", + -13.47131061553955 + ], + [ + "▁florists", + -13.471447944641112 + ], + [ + "tting", + -13.471616744995115 + ], + [ + "▁stillness", + -13.471625328063965 + ], + [ + "▁KR", + -13.4717435836792 + ], + [ + "▁EVERYTHING", + -13.471840858459473 + ], + [ + "▁KW", + -13.471851348876951 + ], + [ + "yeah", + -13.471896171569824 + ], + [ + "▁Brought", + -13.471903800964355 + ], + [ + "▁Gig", + -13.47193431854248 + ], + [ + "topia", + -13.47194480895996 + ], + [ + "▁truffles", + -13.471945762634276 + ], + [ + "▁Brits", + -13.471962928771973 + ], + [ + "emann", + -13.472009658813477 + ], + [ + "▁WY", + -13.472057342529297 + ], + [ + "▁Payroll", + -13.472084999084473 + ], + [ + "▁dependant", + -13.472159385681152 + ], + [ + "▁relics", + -13.472193717956545 + ], + [ + "▁webpages", + -13.472264289855955 + ], + [ + "▁303", + -13.472325325012209 + ], + [ + "▁marrying", + -13.47238540649414 + ], + [ + "yman", + -13.472393035888672 + ], + [ + "ception", + -13.472450256347656 + ], + [ + "nominated", + -13.472464561462402 + ], + [ + "▁suing", + -13.472495079040527 + ], + [ + "-2011", + -13.472514152526855 + ], + [ + "▁Requires", + -13.472676277160645 + ], + [ + "▁joking", + -13.472685813903809 + ], + [ + "▁Timing", + -13.472744941711426 + ], + [ + "Loved", + -13.472784042358398 + ], + [ + "▁arithmetic", + -13.472908020019531 + ], + [ + "▁cognition", + -13.472908973693848 + ], + [ + "▁Pebble", + -13.47291374206543 + ], + [ + "▁unlucky", + -13.472949028015137 + ], + [ + "▁eyesight", + -13.4730806350708 + ], + [ + "erra", + -13.473129272460938 + ], + [ + "nger", + -13.47314167022705 + ], + [ + "uting", + -13.47336196899414 + ], + [ + "▁drunken", + -13.473362922668455 + ], + [ + "▁Prada", + -13.473478317260742 + ], + [ + "▁constellation", + -13.473492622375488 + ], + [ + "7.6", + -13.473563194274902 + ], + [ + "▁outpost", + -13.473566055297852 + ], + [ + "▁30+", + -13.473679542541504 + ], + [ + "▁Torch", + -13.47377109527588 + ], + [ + "nette", + -13.473810195922852 + ], + [ + "pathy", + -13.473894119262695 + ], + [ + "been", + -13.474016189575195 + ], + [ + "▁Moldova", + -13.47415542602539 + ], + [ + "throp", + -13.474220275878906 + ], + [ + "▁hairy", + -13.474246978759766 + ], + [ + "▁Linked", + -13.474268913269045 + ], + [ + "▁Butcher", + -13.474284172058104 + ], + [ + "Stack", + -13.474538803100586 + ], + [ + "▁deepening", + -13.474552154541016 + ], + [ + "▁Ext", + -13.474742889404297 + ], + [ + "▁peruse", + -13.47478485107422 + ], + [ + "▁curricula", + -13.474884033203123 + ], + [ + "▁$2.5", + -13.474934577941896 + ], + [ + "psi", + -13.474936485290527 + ], + [ + "mok", + -13.474989891052246 + ], + [ + "▁Westwood", + -13.475028038024902 + ], + [ + "▁Shak", + -13.475037574768066 + ], + [ + "▁abreast", + -13.47508144378662 + ], + [ + "▁18,000", + -13.47510814666748 + ], + [ + "▁Travels", + -13.475143432617188 + ], + [ + "▁freebies", + -13.475176811218262 + ], + [ + "▁29-", + -13.475196838378906 + ], + [ + "▁Bah", + -13.475204467773438 + ], + [ + "▁WM", + -13.475205421447754 + ], + [ + "▁tides", + -13.475207328796388 + ], + [ + "▁exploratory", + -13.475341796875 + ], + [ + "▁resurgence", + -13.475341796875 + ], + [ + "▁bouncy", + -13.475342750549316 + ], + [ + "▁nimble", + -13.475358963012695 + ], + [ + "▁unpopular", + -13.475418090820312 + ], + [ + "▁PERFECT", + -13.475422859191896 + ], + [ + "▁Camille", + -13.475430488586426 + ], + [ + "Emergency", + -13.475434303283691 + ], + [ + "▁Minority", + -13.47544288635254 + ], + [ + "▁grapple", + -13.475449562072754 + ], + [ + "▁microSD", + -13.475451469421388 + ], + [ + "▁Zy", + -13.475542068481444 + ], + [ + "▁1899", + -13.475564002990724 + ], + [ + "Innovation", + -13.475567817687988 + ], + [ + "▁wastes", + -13.475619316101074 + ], + [ + "bp", + -13.47563934326172 + ], + [ + "bles", + -13.475680351257324 + ], + [ + "он", + -13.475740432739258 + ], + [ + "beta", + -13.475775718688965 + ], + [ + "▁Remix", + -13.475875854492188 + ], + [ + "▁Corpus", + -13.47591495513916 + ], + [ + "chuk", + -13.47592830657959 + ], + [ + "▁Furnace", + -13.475969314575195 + ], + [ + "bane", + -13.475970268249512 + ], + [ + "syn", + -13.47598648071289 + ], + [ + "▁Colon", + -13.476011276245115 + ], + [ + "▁DHL", + -13.47602367401123 + ], + [ + "capital", + -13.476052284240724 + ], + [ + "▁Salsa", + -13.476136207580566 + ], + [ + "▁Tammy", + -13.47616481781006 + ], + [ + "BTW", + -13.476205825805664 + ], + [ + "▁abiding", + -13.476216316223145 + ], + [ + "▁unfolded", + -13.476344108581545 + ], + [ + "▁Connecting", + -13.47639274597168 + ], + [ + "tele", + -13.47640323638916 + ], + [ + "▁1977.", + -13.476434707641602 + ], + [ + "▁DN", + -13.476438522338867 + ], + [ + "OU", + -13.476441383361816 + ], + [ + "▁Lovers", + -13.476454734802246 + ], + [ + "▁Sheldon", + -13.476468086242676 + ], + [ + "▁Exodus", + -13.476506233215332 + ], + [ + "▁Raton", + -13.476598739624023 + ], + [ + "▁Ease", + -13.47667121887207 + ], + [ + "pez", + -13.476679801940918 + ], + [ + "▁adhesives", + -13.476826667785645 + ], + [ + "▁Drawer", + -13.476846694946287 + ], + [ + "eron", + -13.476881980895996 + ], + [ + "lez", + -13.477018356323242 + ], + [ + "CBC", + -13.477021217346191 + ], + [ + "▁composting", + -13.477133750915527 + ], + [ + "▁Fate", + -13.477301597595217 + ], + [ + "▁wards", + -13.477359771728516 + ], + [ + "▁showrooms", + -13.477380752563477 + ], + [ + "NX", + -13.477540969848633 + ], + [ + "▁terra", + -13.47757053375244 + ], + [ + "rev", + -13.477606773376465 + ], + [ + "▁clarifying", + -13.477614402770996 + ], + [ + "▁lactose", + -13.477638244628906 + ], + [ + "leo", + -13.47768783569336 + ], + [ + "▁composites", + -13.477690696716309 + ], + [ + "▁indemnify", + -13.47778034210205 + ], + [ + "▁pancreas", + -13.47778034210205 + ], + [ + "▁bottling", + -13.477781295776367 + ], + [ + "▁cobalt", + -13.477784156799316 + ], + [ + "▁Pleasure", + -13.477789878845217 + ], + [ + "▁issuer", + -13.47780418395996 + ], + [ + "▁Emanuel", + -13.477828979492188 + ], + [ + "▁Hutchinson", + -13.477832794189451 + ], + [ + "▁unequal", + -13.47783660888672 + ], + [ + "▁hostility", + -13.4778470993042 + ], + [ + "▁EPUB", + -13.477899551391602 + ], + [ + "Secret", + -13.47791862487793 + ], + [ + "Easily", + -13.477924346923828 + ], + [ + "▁deformation", + -13.477938652038574 + ], + [ + "exempt", + -13.477941513061523 + ], + [ + "▁canister", + -13.47795867919922 + ], + [ + "hap", + -13.478013038635254 + ], + [ + "Sugar", + -13.47802734375 + ], + [ + "major", + -13.478039741516112 + ], + [ + "▁predefined", + -13.478079795837402 + ], + [ + "▁Lehigh", + -13.478090286254885 + ], + [ + "▁Tight", + -13.478097915649414 + ], + [ + "▁Limestone", + -13.478140830993652 + ], + [ + "▁eased", + -13.478140830993652 + ], + [ + "RX", + -13.478144645690918 + ], + [ + "▁Roasted", + -13.47814655303955 + ], + [ + "Tips", + -13.478211402893066 + ], + [ + "rence", + -13.47821807861328 + ], + [ + "ulous", + -13.478300094604492 + ], + [ + "Runner", + -13.478382110595703 + ], + [ + "▁perfecting", + -13.47839641571045 + ], + [ + "▁walkthrough", + -13.47840404510498 + ], + [ + "▁SMA", + -13.478424072265623 + ], + [ + "606", + -13.478473663330078 + ], + [ + "▁Equipped", + -13.478513717651367 + ], + [ + "patch", + -13.47858715057373 + ], + [ + "Businesses", + -13.478652954101562 + ], + [ + "▁budgetary", + -13.478683471679688 + ], + [ + "▁Sweat", + -13.478754043579102 + ], + [ + "▁Edu", + -13.47883415222168 + ], + [ + "▁nuggets", + -13.478857040405272 + ], + [ + "mobil", + -13.478936195373535 + ], + [ + "▁provisioning", + -13.4789400100708 + ], + [ + "rash", + -13.47898292541504 + ], + [ + "▁36-", + -13.479209899902344 + ], + [ + "▁shatter", + -13.47922134399414 + ], + [ + "sonic", + -13.47923183441162 + ], + [ + "▁Patron", + -13.47926902770996 + ], + [ + "▁Locker", + -13.479339599609377 + ], + [ + "▁defer", + -13.479347229003906 + ], + [ + "▁Choices", + -13.47934913635254 + ], + [ + "▁$700", + -13.47938060760498 + ], + [ + "▁immuno", + -13.479464530944824 + ], + [ + "▁violently", + -13.479514122009276 + ], + [ + "▁Ranking", + -13.479610443115234 + ], + [ + "▁kissing", + -13.4796142578125 + ], + [ + "▁concede", + -13.47962760925293 + ], + [ + "CLOSE", + -13.479751586914062 + ], + [ + "040", + -13.479769706726074 + ], + [ + "117", + -13.479992866516112 + ], + [ + "▁bristles", + -13.48000144958496 + ], + [ + "hing", + -13.480059623718262 + ], + [ + "hands", + -13.48010540008545 + ], + [ + "oop", + -13.480119705200195 + ], + [ + "▁petrochemical", + -13.480226516723633 + ], + [ + "▁Sinclair", + -13.480230331420898 + ], + [ + "▁Verification", + -13.480273246765137 + ], + [ + "▁Biography", + -13.48027515411377 + ], + [ + "▁blurry", + -13.480308532714844 + ], + [ + "exit", + -13.48032569885254 + ], + [ + "▁Engage", + -13.48035717010498 + ], + [ + "▁Cowboy", + -13.48036003112793 + ], + [ + "▁McKenzie", + -13.480369567871094 + ], + [ + "▁Hiro", + -13.480389595031738 + ], + [ + "Ocean", + -13.480408668518066 + ], + [ + "bonne", + -13.48041820526123 + ], + [ + "▁Generate", + -13.480430603027344 + ], + [ + "540", + -13.48050022125244 + ], + [ + "▁2016-17", + -13.480504035949709 + ], + [ + "▁thresholds", + -13.480531692504885 + ], + [ + "▁workday", + -13.48055362701416 + ], + [ + "▁BMC", + -13.480629920959473 + ], + [ + "273", + -13.480636596679688 + ], + [ + "▁Covering", + -13.480658531188965 + ], + [ + "▁Limousine", + -13.480690002441406 + ], + [ + "oshi", + -13.48070240020752 + ], + [ + "▁Phones", + -13.480710983276367 + ], + [ + "▁$39", + -13.480863571166992 + ], + [ + "Reports", + -13.480870246887209 + ], + [ + "▁dermatologist", + -13.480897903442385 + ], + [ + "yah", + -13.480907440185549 + ], + [ + "oops", + -13.480931282043455 + ], + [ + "▁diverted", + -13.480938911437988 + ], + [ + "80%", + -13.48112678527832 + ], + [ + "▁2-2", + -13.481134414672852 + ], + [ + "▁Mention", + -13.481135368347168 + ], + [ + "yle", + -13.481164932250977 + ], + [ + "Paint", + -13.481186866760254 + ], + [ + "▁Braid", + -13.48121452331543 + ], + [ + "▁Browne", + -13.481261253356934 + ], + [ + "▁Flavor", + -13.481261253356934 + ], + [ + "▁seeming", + -13.4812650680542 + ], + [ + "0.000", + -13.481268882751465 + ], + [ + "Wheel", + -13.481430053710938 + ], + [ + "DON", + -13.481433868408203 + ], + [ + "▁halted", + -13.481462478637695 + ], + [ + "▁underestimated", + -13.481515884399414 + ], + [ + "/2012", + -13.481579780578612 + ], + [ + "▁50+", + -13.481597900390623 + ], + [ + "▁Jurassic", + -13.481639862060549 + ], + [ + "▁kayaks", + -13.481645584106444 + ], + [ + "Hack", + -13.481711387634276 + ], + [ + "▁pact", + -13.481778144836426 + ], + [ + "▁DATA", + -13.481843948364258 + ], + [ + "disk", + -13.481955528259276 + ], + [ + "xin", + -13.482036590576172 + ], + [ + "▁expandable", + -13.482041358947754 + ], + [ + "▁Gentle", + -13.48206901550293 + ], + [ + "▁cautioned", + -13.48206901550293 + ], + [ + "▁lockers", + -13.482073783874512 + ], + [ + "HH", + -13.482240676879885 + ], + [ + "▁MEP", + -13.482248306274414 + ], + [ + "▁Exhaust", + -13.482260704040527 + ], + [ + "▁ECB", + -13.482349395751951 + ], + [ + "▁Travelers", + -13.482362747192385 + ], + [ + "▁solidify", + -13.482441902160645 + ], + [ + "▁Revised", + -13.482443809509276 + ], + [ + "▁Neptune", + -13.48245334625244 + ], + [ + "▁glittering", + -13.482549667358398 + ], + [ + "vote", + -13.482574462890623 + ], + [ + "▁Requests", + -13.482592582702637 + ], + [ + "▁bookshelves", + -13.48267650604248 + ], + [ + "▁splurge", + -13.48267650604248 + ], + [ + "▁Pigeon", + -13.482683181762695 + ], + [ + "▁bittersweet", + -13.482693672180176 + ], + [ + "Successful", + -13.482718467712402 + ], + [ + "▁populous", + -13.482718467712402 + ], + [ + "▁behaving", + -13.482720375061035 + ], + [ + "▁roaster", + -13.482769966125488 + ], + [ + "▁Woodward", + -13.482861518859863 + ], + [ + "▁Belgrade", + -13.482871055603027 + ], + [ + "Ireland", + -13.48298168182373 + ], + [ + "chlor", + -13.483050346374512 + ], + [ + "oste", + -13.483052253723145 + ], + [ + "▁JM", + -13.483187675476074 + ], + [ + "York", + -13.48319149017334 + ], + [ + "▁Yuan", + -13.483202934265137 + ], + [ + "▁sculpting", + -13.48321533203125 + ], + [ + "▁tenderness", + -13.483345985412598 + ], + [ + "Donald", + -13.483352661132812 + ], + [ + "▁164", + -13.483355522155762 + ], + [ + "▁biologist", + -13.483436584472656 + ], + [ + "5′′", + -13.483560562133787 + ], + [ + "▁MAG", + -13.48362636566162 + ], + [ + "▁Luxe", + -13.48365306854248 + ], + [ + "▁roadways", + -13.483747482299805 + ], + [ + "akh", + -13.483749389648438 + ], + [ + "▁Medina", + -13.48376178741455 + ], + [ + "dley", + -13.483774185180664 + ], + [ + "▁sem", + -13.483837127685549 + ], + [ + "▁sneaky", + -13.483844757080078 + ], + [ + "rump", + -13.483914375305176 + ], + [ + "▁matchmaking", + -13.483963966369627 + ], + [ + "▁pertain", + -13.483979225158691 + ], + [ + "▁ventilated", + -13.48402976989746 + ], + [ + "rage", + -13.484036445617676 + ], + [ + "▁penguins", + -13.484046936035156 + ], + [ + "6.00", + -13.484073638916016 + ], + [ + "▁heartbreak", + -13.484127044677734 + ], + [ + "▁Lore", + -13.484159469604492 + ], + [ + "oper", + -13.484185218811035 + ], + [ + "▁palaces", + -13.48428726196289 + ], + [ + "▁Dou", + -13.484346389770508 + ], + [ + "▁173", + -13.484365463256836 + ], + [ + "▁decked", + -13.48438835144043 + ], + [ + "▁delightfully", + -13.484399795532228 + ], + [ + "▁hierarchical", + -13.48448085784912 + ], + [ + "▁158", + -13.484512329101562 + ], + [ + "▁Falling", + -13.484570503234863 + ], + [ + "▁bestseller", + -13.484603881835938 + ], + [ + "▁moulding", + -13.4846830368042 + ], + [ + "▁Aura", + -13.484707832336426 + ], + [ + "dge", + -13.484719276428224 + ], + [ + "▁Rookie", + -13.484889030456545 + ], + [ + "560", + -13.484947204589844 + ], + [ + "lous", + -13.485010147094728 + ], + [ + "WL", + -13.485061645507812 + ], + [ + "▁Galveston", + -13.485133171081545 + ], + [ + "▁Mauritius", + -13.485133171081545 + ], + [ + "▁deodorant", + -13.485133171081545 + ], + [ + "▁perforated", + -13.485133171081545 + ], + [ + "▁undisclosed", + -13.485133171081545 + ], + [ + "▁leukemia", + -13.485135078430176 + ], + [ + "▁Warfare", + -13.485180854797363 + ], + [ + "▁ghee", + -13.485189437866213 + ], + [ + "SES", + -13.485237121582031 + ], + [ + "▁Cornish", + -13.485239028930664 + ], + [ + "mans", + -13.48524284362793 + ], + [ + "▁slats", + -13.485246658325195 + ], + [ + "▁chipping", + -13.485255241394045 + ], + [ + "▁PAL", + -13.485271453857422 + ], + [ + "▁reserving", + -13.485368728637695 + ], + [ + "▁crock", + -13.485371589660645 + ], + [ + "▁Collin", + -13.485394477844238 + ], + [ + "idge", + -13.4854097366333 + ], + [ + "truth", + -13.485461235046388 + ], + [ + "▁Elsa", + -13.485466003417969 + ], + [ + "Mexico", + -13.485478401184082 + ], + [ + "▁Stanton", + -13.485566139221191 + ], + [ + "▁lightest", + -13.485575675964355 + ], + [ + "tara", + -13.485620498657228 + ], + [ + "iran", + -13.48564910888672 + ], + [ + "Davidson", + -13.48568344116211 + ], + [ + "▁Ajax", + -13.485705375671388 + ], + [ + "▁principally", + -13.485715866088867 + ], + [ + "▁Comparative", + -13.485729217529297 + ], + [ + "▁dé", + -13.48574161529541 + ], + [ + "▁Boil", + -13.485767364501951 + ], + [ + "kova", + -13.48580265045166 + ], + [ + "▁167", + -13.485804557800291 + ], + [ + "▁20\"", + -13.485815048217772 + ], + [ + "▁Outline", + -13.485941886901855 + ], + [ + "▁twenties", + -13.48595142364502 + ], + [ + "movie", + -13.48601531982422 + ], + [ + "▁Christi", + -13.486053466796877 + ], + [ + "Ride", + -13.48609733581543 + ], + [ + "▁Crate", + -13.486136436462402 + ], + [ + "PK", + -13.486170768737791 + ], + [ + "▁Cine", + -13.486227989196776 + ], + [ + "Course", + -13.486306190490724 + ], + [ + "▁11:", + -13.486309051513672 + ], + [ + "Developing", + -13.48636531829834 + ], + [ + "▁Component", + -13.486373901367188 + ], + [ + "gray", + -13.486392974853516 + ], + [ + "▁SUN", + -13.486464500427246 + ], + [ + "▁morph", + -13.48651885986328 + ], + [ + "▁MAT", + -13.486525535583496 + ], + [ + "bers", + -13.486684799194336 + ], + [ + "▁Alongside", + -13.48670482635498 + ], + [ + "6.4", + -13.486876487731934 + ], + [ + "▁preclude", + -13.486884117126465 + ], + [ + "▁Interim", + -13.486920356750488 + ], + [ + "▁Abs", + -13.486950874328612 + ], + [ + "▁ATMs", + -13.486953735351562 + ], + [ + "Warm", + -13.486973762512209 + ], + [ + "406", + -13.487035751342772 + ], + [ + "▁catalytic", + -13.487116813659668 + ], + [ + "▁Reservation", + -13.48715591430664 + ], + [ + "tah", + -13.487162590026855 + ], + [ + "▁Voucher", + -13.487241744995115 + ], + [ + "▁Sl", + -13.487342834472656 + ], + [ + "▁Insect", + -13.487417221069336 + ], + [ + "toy", + -13.487422943115234 + ], + [ + "tori", + -13.48745346069336 + ], + [ + "ordinator", + -13.487476348876951 + ], + [ + "▁Perspective", + -13.487528800964355 + ], + [ + "▁frugal", + -13.48756217956543 + ], + [ + "▁Ing", + -13.487568855285645 + ], + [ + "▁Printers", + -13.487586975097656 + ], + [ + "▁GMO", + -13.487587928771973 + ], + [ + "▁celestial", + -13.48759651184082 + ], + [ + "▁emulsion", + -13.48759651184082 + ], + [ + "▁promenade", + -13.48759651184082 + ], + [ + "▁Odisha", + -13.487600326538086 + ], + [ + "▁Trafford", + -13.487600326538086 + ], + [ + "▁Onion", + -13.487611770629885 + ], + [ + "▁venturing", + -13.4876127243042 + ], + [ + "▁Whiskey", + -13.487618446350098 + ], + [ + "▁graveyard", + -13.487651824951172 + ], + [ + "▁condemnation", + -13.487676620483398 + ], + [ + "UND", + -13.487822532653809 + ], + [ + "▁etching", + -13.487848281860352 + ], + [ + "▁Authorized", + -13.487909317016602 + ], + [ + "▁1981,", + -13.487930297851562 + ], + [ + "temperature", + -13.487985610961914 + ], + [ + "Explain", + -13.487991333007812 + ], + [ + "▁Concerto", + -13.488011360168455 + ], + [ + "▁Clause", + -13.488018035888672 + ], + [ + "pretty", + -13.488019943237305 + ], + [ + "▁Punk", + -13.48807144165039 + ], + [ + "▁indulgent", + -13.488091468811035 + ], + [ + "Import", + -13.48811149597168 + ], + [ + "▁Jenn", + -13.488163948059082 + ], + [ + "▁(2006)", + -13.488219261169434 + ], + [ + "eter", + -13.488245010375977 + ], + [ + "▁prevailed", + -13.488253593444824 + ], + [ + "▁ridges", + -13.488286018371582 + ], + [ + "rana", + -13.488344192504885 + ], + [ + "Ideally", + -13.488363265991213 + ], + [ + "deserved", + -13.48836612701416 + ], + [ + "▁Fidelity", + -13.48837661743164 + ], + [ + "scapes", + -13.488397598266602 + ], + [ + "trail", + -13.488410949707031 + ], + [ + "▁donut", + -13.488527297973633 + ], + [ + "Environmental", + -13.488563537597656 + ], + [ + "bring", + -13.48859405517578 + ], + [ + "▁councillors", + -13.488597869873049 + ], + [ + "gay", + -13.488621711730955 + ], + [ + "▁Raider", + -13.48862648010254 + ], + [ + "134", + -13.488699913024902 + ], + [ + "▁polishes", + -13.488713264465332 + ], + [ + "▁flourished", + -13.48873233795166 + ], + [ + "tana", + -13.488761901855469 + ], + [ + "Fan", + -13.488773345947266 + ], + [ + "Organic", + -13.488799095153809 + ], + [ + "vista", + -13.48880100250244 + ], + [ + "▁SOME", + -13.488811492919922 + ], + [ + "▁willow", + -13.488876342773438 + ], + [ + "▁Promotions", + -13.488959312438965 + ], + [ + "▁genomic", + -13.489007949829102 + ], + [ + "elman", + -13.489038467407228 + ], + [ + "▁Empty", + -13.48909854888916 + ], + [ + "▁GCC", + -13.48914623260498 + ], + [ + "Qua", + -13.48922061920166 + ], + [ + "▁blisters", + -13.48927879333496 + ], + [ + "kirk", + -13.48938274383545 + ], + [ + "▁Pickup", + -13.489383697509766 + ], + [ + "▁dismantle", + -13.489466667175291 + ], + [ + "▁Muk", + -13.48948860168457 + ], + [ + "Few", + -13.489618301391602 + ], + [ + "iste", + -13.489663124084473 + ], + [ + "▁bc", + -13.489694595336914 + ], + [ + "Haha", + -13.489798545837402 + ], + [ + "▁volts", + -13.489816665649414 + ], + [ + "Ford", + -13.489882469177246 + ], + [ + "▁Hawke", + -13.489951133728027 + ], + [ + "▁Neon", + -13.489954948425291 + ], + [ + "▁Needed", + -13.489995002746582 + ], + [ + "angel", + -13.490034103393556 + ], + [ + "▁Mess", + -13.490056037902832 + ], + [ + "▁Northumberland", + -13.490065574645996 + ], + [ + "▁moniker", + -13.490067481994627 + ], + [ + "▁smudge", + -13.490067481994627 + ], + [ + "▁carpentry", + -13.490068435668944 + ], + [ + "▁174", + -13.490084648132324 + ], + [ + "▁Nak", + -13.490089416503906 + ], + [ + "▁Haynes", + -13.49010181427002 + ], + [ + "▁Fel", + -13.490113258361816 + ], + [ + "▁nagging", + -13.490118026733398 + ], + [ + "▁Dew", + -13.490179061889648 + ], + [ + "168", + -13.490242958068848 + ], + [ + "▁lathe", + -13.490249633789062 + ], + [ + "▁Egyptians", + -13.49025821685791 + ], + [ + "▁crackdown", + -13.490326881408691 + ], + [ + "▁Kern", + -13.490338325500488 + ], + [ + "MRI", + -13.490367889404297 + ], + [ + "▁readership", + -13.490461349487305 + ], + [ + "▁Horses", + -13.490503311157228 + ], + [ + "Gear", + -13.490509033203123 + ], + [ + "Louis", + -13.49057674407959 + ], + [ + "▁Airtel", + -13.49057960510254 + ], + [ + "▁newborns", + -13.490598678588867 + ], + [ + "▁relentlessly", + -13.490610122680664 + ], + [ + "Chef", + -13.490612030029297 + ], + [ + "▁sto", + -13.490630149841309 + ], + [ + "vant", + -13.490639686584473 + ], + [ + "▁13,000", + -13.490690231323242 + ], + [ + "▁Johan", + -13.49069595336914 + ], + [ + "▁Yong", + -13.490697860717772 + ], + [ + "▁subsidized", + -13.490768432617188 + ], + [ + "▁dat", + -13.490779876708984 + ], + [ + "▁watchful", + -13.490835189819336 + ], + [ + "▁locomotive", + -13.490867614746094 + ], + [ + "▁likeness", + -13.490986824035645 + ], + [ + "118", + -13.491016387939451 + ], + [ + "▁EW", + -13.491023063659668 + ], + [ + "▁(2013).", + -13.491161346435549 + ], + [ + "tips", + -13.49121379852295 + ], + [ + "baum", + -13.491230010986328 + ], + [ + "mata", + -13.491286277770996 + ], + [ + "▁Chemicals", + -13.49129867553711 + ], + [ + "▁Sed", + -13.491399765014648 + ], + [ + "▁semesters", + -13.49143409729004 + ], + [ + "YL", + -13.491501808166504 + ], + [ + "▁Oo", + -13.491521835327148 + ], + [ + "equity", + -13.491656303405762 + ], + [ + "▁Yama", + -13.491689682006836 + ], + [ + "▁Clone", + -13.491692543029783 + ], + [ + "▁hydrate", + -13.49191188812256 + ], + [ + "▁Sko", + -13.492008209228516 + ], + [ + "CENT", + -13.492016792297363 + ], + [ + "▁Weird", + -13.492025375366213 + ], + [ + "▁Dice", + -13.492029190063477 + ], + [ + "export", + -13.492079734802246 + ], + [ + "▁31-", + -13.492164611816406 + ], + [ + "▁Balloon", + -13.49225902557373 + ], + [ + "▁coolers", + -13.492271423339844 + ], + [ + "▁RCA", + -13.492290496826172 + ], + [ + "▁2025", + -13.492292404174805 + ], + [ + "▁Cups", + -13.49234676361084 + ], + [ + "▁HOUSE", + -13.49234676361084 + ], + [ + "▁incomparable", + -13.492364883422852 + ], + [ + "woods", + -13.492403030395508 + ], + [ + "▁Burg", + -13.492448806762695 + ], + [ + "▁circumference", + -13.492541313171388 + ], + [ + "▁lubrication", + -13.492541313171388 + ], + [ + "▁polycarbonate", + -13.492544174194336 + ], + [ + "▁discipleship", + -13.49256706237793 + ], + [ + "▁Bryce", + -13.492581367492676 + ], + [ + "▁Orientation", + -13.492588996887209 + ], + [ + "▁Brentwood", + -13.492615699768066 + ], + [ + "▁excelled", + -13.492701530456545 + ], + [ + "▁166", + -13.492714881896973 + ], + [ + "dryer", + -13.492843627929688 + ], + [ + "▁faithfulness", + -13.492915153503418 + ], + [ + "▁MPH", + -13.492923736572266 + ], + [ + "▁bikers", + -13.492959976196287 + ], + [ + "▁chauffeur", + -13.492964744567873 + ], + [ + "▁AO", + -13.492986679077148 + ], + [ + "jaw", + -13.4930419921875 + ], + [ + "Exercise", + -13.493045806884766 + ], + [ + "▁explosives", + -13.49305248260498 + ], + [ + "mai", + -13.49307918548584 + ], + [ + "eux", + -13.493124961853027 + ], + [ + "▁masala", + -13.493139266967772 + ], + [ + "Insurance", + -13.493144035339355 + ], + [ + "▁distrust", + -13.493170738220217 + ], + [ + "kay", + -13.493210792541504 + ], + [ + "RIA", + -13.493243217468262 + ], + [ + "ATED", + -13.493246078491213 + ], + [ + "▁addictions", + -13.49325942993164 + ], + [ + "233", + -13.49335765838623 + ], + [ + "▁hangover", + -13.493369102478027 + ], + [ + "▁Alam", + -13.493483543395996 + ], + [ + "-2008", + -13.493513107299805 + ], + [ + "fixed", + -13.493577003479004 + ], + [ + "▁strikeouts", + -13.493593215942385 + ], + [ + "pcs", + -13.49363613128662 + ], + [ + "lady", + -13.493744850158691 + ], + [ + "31.", + -13.49376106262207 + ], + [ + "▁Cesar", + -13.493776321411133 + ], + [ + "09.", + -13.493856430053713 + ], + [ + "▁congrats", + -13.49385929107666 + ], + [ + "▁1,400", + -13.49388313293457 + ], + [ + "RATE", + -13.493907928466797 + ], + [ + "▁Freak", + -13.49390983581543 + ], + [ + "▁cheated", + -13.493936538696287 + ], + [ + "▁Wilder", + -13.49407958984375 + ], + [ + "▁Alberto", + -13.494152069091797 + ], + [ + "▁1865", + -13.494159698486328 + ], + [ + "▁isnt", + -13.494193077087402 + ], + [ + "Driver", + -13.494242668151855 + ], + [ + "Lauren", + -13.494254112243652 + ], + [ + "765", + -13.494258880615234 + ], + [ + "▁primed", + -13.494269371032717 + ], + [ + "625", + -13.494346618652344 + ], + [ + "7.8", + -13.494426727294922 + ], + [ + "▁overboard", + -13.49443531036377 + ], + [ + "guest", + -13.494473457336426 + ], + [ + "Exporter", + -13.494529724121094 + ], + [ + "▁dyeing", + -13.49456024169922 + ], + [ + "Hit", + -13.494614601135254 + ], + [ + "▁Critics", + -13.494626998901367 + ], + [ + "Profit", + -13.494796752929688 + ], + [ + "▁Bust", + -13.494900703430176 + ], + [ + "▁Noon", + -13.495007514953612 + ], + [ + "▁Hemisphere", + -13.495023727416992 + ], + [ + "▁jigsaw", + -13.495028495788574 + ], + [ + "770", + -13.495043754577637 + ], + [ + "▁Carla", + -13.495075225830078 + ], + [ + "lium", + -13.495095252990724 + ], + [ + "oca", + -13.495125770568848 + ], + [ + "▁accordion", + -13.495132446289062 + ], + [ + "▁Stirling", + -13.495200157165527 + ], + [ + "▁pigmentation", + -13.495224952697754 + ], + [ + "▁paused", + -13.495227813720703 + ], + [ + "Package", + -13.495254516601562 + ], + [ + "shaft", + -13.4953031539917 + ], + [ + "Ly", + -13.49532985687256 + ], + [ + "▁sincerity", + -13.495332717895508 + ], + [ + "▁guise", + -13.495367050170898 + ], + [ + "statement", + -13.495402336120604 + ], + [ + "-500", + -13.495407104492188 + ], + [ + "▁polluted", + -13.495407104492188 + ], + [ + "▁skillfully", + -13.49540901184082 + ], + [ + "ahu", + -13.495491981506348 + ], + [ + "▁Mg", + -13.495563507080078 + ], + [ + "Lift", + -13.49557113647461 + ], + [ + "▁2:1", + -13.49560260772705 + ], + [ + "▁IELTS", + -13.495603561401367 + ], + [ + "Demand", + -13.495615005493164 + ], + [ + "gallery", + -13.495623588562012 + ], + [ + "▁Athletes", + -13.495624542236328 + ], + [ + "▁gangster", + -13.495628356933594 + ], + [ + "▁crimp", + -13.49563217163086 + ], + [ + "▁Historically", + -13.495662689208984 + ], + [ + "kir", + -13.495673179626465 + ], + [ + "Jackson", + -13.495687484741213 + ], + [ + "Dead", + -13.495702743530272 + ], + [ + "▁TOO", + -13.495741844177246 + ], + [ + "▁trimmer", + -13.495759963989258 + ], + [ + "vé", + -13.495776176452637 + ], + [ + "5-5", + -13.495814323425291 + ], + [ + "▁shellfish", + -13.495821952819824 + ], + [ + "cars", + -13.495840072631836 + ], + [ + "regulated", + -13.495851516723633 + ], + [ + "▁Adviser", + -13.495894432067873 + ], + [ + "▁rover", + -13.495901107788086 + ], + [ + "▁pl", + -13.49592113494873 + ], + [ + "▁diode", + -13.495931625366213 + ], + [ + "▁sharpness", + -13.495938301086426 + ], + [ + "▁flake", + -13.496000289916992 + ], + [ + "THIS", + -13.496028900146484 + ], + [ + "▁indifferent", + -13.496078491210938 + ], + [ + "▁Nau", + -13.496126174926758 + ], + [ + "▁245", + -13.49613094329834 + ], + [ + "▁Voltage", + -13.496159553527832 + ], + [ + "223", + -13.496166229248049 + ], + [ + "▁vous", + -13.49621868133545 + ], + [ + "▁specificity", + -13.496222496032717 + ], + [ + "▁156", + -13.496237754821776 + ], + [ + "Shortly", + -13.496240615844728 + ], + [ + "▁QS", + -13.496240615844728 + ], + [ + "▁Intro", + -13.496294975280762 + ], + [ + "▁lyric", + -13.49635887145996 + ], + [ + "▁dir", + -13.496384620666504 + ], + [ + "▁Cheats", + -13.496421813964844 + ], + [ + "▁timings", + -13.49648094177246 + ], + [ + "radi", + -13.496658325195312 + ], + [ + "ures", + -13.496665954589844 + ], + [ + "ogo", + -13.496777534484863 + ], + [ + "▁brag", + -13.496822357177734 + ], + [ + "▁dys", + -13.496853828430176 + ], + [ + "auer", + -13.496899604797363 + ], + [ + "fake", + -13.49707317352295 + ], + [ + "▁spying", + -13.497090339660645 + ], + [ + "▁snuggle", + -13.497135162353516 + ], + [ + "▁undergraduates", + -13.497152328491213 + ], + [ + "▁endeavours", + -13.497193336486816 + ], + [ + "▁Nikola", + -13.497246742248535 + ], + [ + "▁Benton", + -13.497285842895508 + ], + [ + "▁1830", + -13.49730396270752 + ], + [ + "▁transcend", + -13.497358322143556 + ], + [ + "▁Northampton", + -13.497379302978516 + ], + [ + "▁delicately", + -13.49739933013916 + ], + [ + "doubt", + -13.497486114501951 + ], + [ + "gaard", + -13.497506141662598 + ], + [ + "▁Humphrey", + -13.497509956359863 + ], + [ + "▁Dill", + -13.497512817382812 + ], + [ + "▁Flipkart", + -13.497512817382812 + ], + [ + "▁Bengaluru", + -13.497513771057127 + ], + [ + "▁Usa", + -13.497513771057127 + ], + [ + "▁opulent", + -13.497513771057127 + ], + [ + "▁Taurus", + -13.497522354125977 + ], + [ + "▁disclosing", + -13.497522354125977 + ], + [ + "▁misguided", + -13.497525215148926 + ], + [ + "Sean", + -13.49752712249756 + ], + [ + "▁revising", + -13.49752712249756 + ], + [ + "▁Cajun", + -13.497528076171877 + ], + [ + "▁geese", + -13.49753761291504 + ], + [ + "▁Higgins", + -13.49754810333252 + ], + [ + "▁midwife", + -13.497563362121582 + ], + [ + "▁Sundance", + -13.497581481933594 + ], + [ + "▁summed", + -13.497598648071287 + ], + [ + "▁convict", + -13.497611045837402 + ], + [ + "▁resounding", + -13.497636795043944 + ], + [ + "dick", + -13.497641563415527 + ], + [ + "enta", + -13.49764919281006 + ], + [ + "▁importers", + -13.497661590576172 + ], + [ + "▁Debian", + -13.497687339782717 + ], + [ + "esta", + -13.49770164489746 + ], + [ + "▁Claw", + -13.497730255126951 + ], + [ + "▁Nim", + -13.49776840209961 + ], + [ + "uja", + -13.497769355773926 + ], + [ + "▁Distributed", + -13.497769355773926 + ], + [ + "▁stink", + -13.497775077819824 + ], + [ + "▁lumps", + -13.497783660888672 + ], + [ + "▁Gauge", + -13.497787475585938 + ], + [ + "circle", + -13.49780559539795 + ], + [ + "▁recalling", + -13.497817993164062 + ], + [ + "▁Como", + -13.49789333343506 + ], + [ + "▁1,300", + -13.497926712036133 + ], + [ + "▁restraining", + -13.49794578552246 + ], + [ + "iku", + -13.497983932495115 + ], + [ + "Determine", + -13.498019218444824 + ], + [ + "▁gamma", + -13.498021125793455 + ], + [ + "▁bearish", + -13.498046875 + ], + [ + "▁tuner", + -13.498053550720217 + ], + [ + "ues", + -13.498075485229492 + ], + [ + "▁Wicked", + -13.498117446899414 + ], + [ + "Qaeda", + -13.49813175201416 + ], + [ + "industry", + -13.498164176940918 + ], + [ + "Scope", + -13.498165130615234 + ], + [ + "Dun", + -13.49818992614746 + ], + [ + "▁invoked", + -13.49821949005127 + ], + [ + "▁labelling", + -13.498250961303713 + ], + [ + "Photograph", + -13.498251914978027 + ], + [ + "▁florida", + -13.498266220092772 + ], + [ + "▁flaps", + -13.498269081115724 + ], + [ + "solutions", + -13.498330116271973 + ], + [ + "▁2017).", + -13.49839973449707 + ], + [ + "Syn", + -13.49850368499756 + ], + [ + "▁Wah", + -13.498617172241213 + ], + [ + "510", + -13.498635292053224 + ], + [ + "▁Recordings", + -13.498714447021484 + ], + [ + "▁Ding", + -13.498854637145996 + ], + [ + "▁ent", + -13.49892234802246 + ], + [ + "▁Rem", + -13.499177932739258 + ], + [ + "▁damned", + -13.499213218688965 + ], + [ + "404", + -13.49924659729004 + ], + [ + "▁Polk", + -13.499275207519531 + ], + [ + "▁CDL", + -13.499506950378418 + ], + [ + "▁Surround", + -13.499600410461426 + ], + [ + "▁juggle", + -13.499608039855955 + ], + [ + "▁Firms", + -13.499616622924805 + ], + [ + "uration", + -13.4996337890625 + ], + [ + "▁Oro", + -13.499641418457031 + ], + [ + "▁Precious", + -13.499796867370604 + ], + [ + "▁Alf", + -13.499835968017578 + ], + [ + "▁1898", + -13.499855995178224 + ], + [ + "▁flicker", + -13.499895095825195 + ], + [ + "▁laden", + -13.499929428100586 + ], + [ + "▁battalion", + -13.500003814697266 + ], + [ + "▁recognising", + -13.500003814697266 + ], + [ + "▁physiotherapy", + -13.500005722045898 + ], + [ + ")(", + -13.50005340576172 + ], + [ + "▁biographical", + -13.5000581741333 + ], + [ + "▁insanity", + -13.500059127807615 + ], + [ + "IK", + -13.500089645385742 + ], + [ + "▁sha", + -13.500116348266602 + ], + [ + "840", + -13.50015640258789 + ], + [ + "▁CNBC", + -13.500181198120115 + ], + [ + "▁MANY", + -13.500261306762695 + ], + [ + "mbra", + -13.500288009643556 + ], + [ + "▁clinch", + -13.500311851501465 + ], + [ + "▁coax", + -13.50047492980957 + ], + [ + "▁footprints", + -13.500642776489258 + ], + [ + "▁seconded", + -13.500687599182127 + ], + [ + "▁captains", + -13.500689506530762 + ], + [ + "prone", + -13.500692367553713 + ], + [ + "▁sill", + -13.50074863433838 + ], + [ + "▁eyeliner", + -13.500792503356934 + ], + [ + "▁Measuring", + -13.50080394744873 + ], + [ + "▁revolutionized", + -13.500811576843262 + ], + [ + "▁instructing", + -13.500812530517578 + ], + [ + "▁projectors", + -13.500933647155762 + ], + [ + "Nine", + -13.500954627990724 + ], + [ + "▁SBI", + -13.500999450683594 + ], + [ + "▁Israelis", + -13.50102710723877 + ], + [ + "UF", + -13.501072883605955 + ], + [ + "▁forearm", + -13.501212120056152 + ], + [ + "▁Fitz", + -13.501265525817873 + ], + [ + "agon", + -13.501297950744627 + ], + [ + "02.", + -13.501307487487791 + ], + [ + "rek", + -13.501349449157717 + ], + [ + "36.", + -13.501462936401367 + ], + [ + "▁Flames", + -13.501513481140137 + ], + [ + "▁Ike", + -13.501517295837402 + ], + [ + "▁LINK", + -13.501585960388184 + ], + [ + "▁Macau", + -13.501605987548828 + ], + [ + "▁Upholstery", + -13.501652717590332 + ], + [ + "5.6", + -13.501666069030762 + ], + [ + "Agent", + -13.501709938049316 + ], + [ + "▁Tires", + -13.50172233581543 + ], + [ + "▁SCP", + -13.50173282623291 + ], + [ + "▁Haha", + -13.5017671585083 + ], + [ + "▁Zenith", + -13.50178050994873 + ], + [ + "promise", + -13.501805305480955 + ], + [ + "LOCK", + -13.50185203552246 + ], + [ + "▁pledges", + -13.501886367797852 + ], + [ + "▁vomit", + -13.501895904541016 + ], + [ + "▁trackers", + -13.501946449279783 + ], + [ + "▁Fail", + -13.501973152160645 + ], + [ + "▁Hurt", + -13.502036094665527 + ], + [ + "▁bis", + -13.502209663391112 + ], + [ + "▁1896", + -13.502283096313477 + ], + [ + "▁handouts", + -13.502339363098145 + ], + [ + "dm", + -13.502365112304688 + ], + [ + "▁ple", + -13.502373695373535 + ], + [ + "▁Kahn", + -13.502412796020508 + ], + [ + "▁convection", + -13.502503395080566 + ], + [ + "▁kamagra", + -13.502503395080566 + ], + [ + "▁philanthropist", + -13.502503395080566 + ], + [ + "▁impractical", + -13.502509117126465 + ], + [ + "▁mousse", + -13.502509117126465 + ], + [ + "▁flurry", + -13.502511978149414 + ], + [ + "▁Dudley", + -13.502528190612791 + ], + [ + "▁Chavez", + -13.502533912658691 + ], + [ + "▁Gracie", + -13.502534866333008 + ], + [ + "reported", + -13.502548217773438 + ], + [ + "▁Caucus", + -13.502555847167969 + ], + [ + "▁Oculus", + -13.502581596374512 + ], + [ + "▁Discard", + -13.50259780883789 + ], + [ + "Bug", + -13.50261116027832 + ], + [ + "JB", + -13.502735137939451 + ], + [ + "▁cookware", + -13.502802848815918 + ], + [ + "▁teller", + -13.502874374389648 + ], + [ + "411", + -13.502901077270508 + ], + [ + "▁europe", + -13.502927780151367 + ], + [ + "▁Rupert", + -13.502965927124023 + ], + [ + "▁tastefully", + -13.502981185913086 + ], + [ + "▁palettes", + -13.5029935836792 + ], + [ + "▁Stairs", + -13.503039360046388 + ], + [ + "▁405", + -13.503046989440918 + ], + [ + "▁Sammy", + -13.503082275390623 + ], + [ + "551", + -13.503167152404783 + ], + [ + "ival", + -13.50323486328125 + ], + [ + "▁Instructors", + -13.503246307373049 + ], + [ + "wrote", + -13.503292083740234 + ], + [ + "▁selectively", + -13.503328323364258 + ], + [ + "▁Refund", + -13.503388404846191 + ], + [ + "▁Bram", + -13.503414154052734 + ], + [ + "▁outspoken", + -13.503443717956545 + ], + [ + "▁fondly", + -13.503507614135742 + ], + [ + "▁unfairly", + -13.50352954864502 + ], + [ + "▁bartender", + -13.503531455993652 + ], + [ + "BLE", + -13.503536224365234 + ], + [ + "▁peep", + -13.503655433654783 + ], + [ + "▁joked", + -13.503694534301758 + ], + [ + "▁VOC", + -13.503710746765137 + ], + [ + "▁Heartland", + -13.503722190856934 + ], + [ + "004", + -13.503756523132324 + ], + [ + "▁importer", + -13.503768920898438 + ], + [ + "▁Audience", + -13.503790855407717 + ], + [ + "▁Timor", + -13.503791809082031 + ], + [ + "▁biker", + -13.503832817077637 + ], + [ + "те", + -13.503876686096191 + ], + [ + "ether", + -13.503891944885254 + ], + [ + "lana", + -13.503928184509276 + ], + [ + "pain", + -13.503934860229492 + ], + [ + "▁END", + -13.50397491455078 + ], + [ + "▁Condos", + -13.50400161743164 + ], + [ + "▁Assuming", + -13.504035949707031 + ], + [ + "OLE", + -13.50404930114746 + ], + [ + "moo", + -13.50404930114746 + ], + [ + "▁oversaw", + -13.504106521606444 + ], + [ + "▁Cameras", + -13.504120826721191 + ], + [ + "nay", + -13.504167556762695 + ], + [ + "Tar", + -13.50418472290039 + ], + [ + "▁adapts", + -13.504246711730955 + ], + [ + "▁tablecloth", + -13.504284858703612 + ], + [ + "Tr", + -13.50429630279541 + ], + [ + "rill", + -13.50436782836914 + ], + [ + "lg", + -13.504380226135254 + ], + [ + "▁conveniences", + -13.50438404083252 + ], + [ + "SAP", + -13.504446983337402 + ], + [ + "▁ISS", + -13.504534721374512 + ], + [ + "▁imaginations", + -13.504547119140623 + ], + [ + "▁bookmarking", + -13.504613876342772 + ], + [ + "▁Blonde", + -13.50464153289795 + ], + [ + "▁withdrawing", + -13.504719734191896 + ], + [ + "▁Went", + -13.504758834838867 + ], + [ + "ppa", + -13.504796028137209 + ], + [ + "coast", + -13.504862785339355 + ], + [ + "▁intensified", + -13.505009651184082 + ], + [ + "▁microscopy", + -13.505010604858398 + ], + [ + "▁hawk", + -13.505011558532717 + ], + [ + "▁disbelief", + -13.505016326904297 + ], + [ + "▁Irwin", + -13.50502109527588 + ], + [ + "▁Activation", + -13.505023956298828 + ], + [ + "▁amenity", + -13.505023956298828 + ], + [ + "▁misinformation", + -13.505024909973145 + ], + [ + "▁transnational", + -13.505041122436523 + ], + [ + "▁Lords", + -13.50505542755127 + ], + [ + "▁AMA", + -13.505062103271484 + ], + [ + "▁abusing", + -13.505070686340332 + ], + [ + "▁encrypt", + -13.505077362060549 + ], + [ + "▁Glitter", + -13.505088806152344 + ], + [ + "Blu", + -13.505133628845217 + ], + [ + "mation", + -13.505141258239746 + ], + [ + "▁idols", + -13.505141258239746 + ], + [ + "4000", + -13.5051908493042 + ], + [ + "ALLY", + -13.505208969116213 + ], + [ + "▁Tow", + -13.505210876464844 + ], + [ + "gler", + -13.505260467529297 + ], + [ + "▁204", + -13.50527286529541 + ], + [ + "▁Isabella", + -13.505290031433104 + ], + [ + "▁betrayed", + -13.505348205566406 + ], + [ + "▁EG", + -13.505484580993652 + ], + [ + "▁atheist", + -13.505549430847168 + ], + [ + "▁tetra", + -13.505719184875488 + ], + [ + "suited", + -13.50578784942627 + ], + [ + "tary", + -13.50584602355957 + ], + [ + "Industry", + -13.505855560302734 + ], + [ + "enden", + -13.50590705871582 + ], + [ + "encies", + -13.505913734436035 + ], + [ + "stones", + -13.50601577758789 + ], + [ + "▁Vac", + -13.506065368652344 + ], + [ + "basic", + -13.506206512451172 + ], + [ + "▁Characters", + -13.50622272491455 + ], + [ + "alty", + -13.506229400634766 + ], + [ + "▁6-2", + -13.506234169006348 + ], + [ + "▁Burt", + -13.506251335144045 + ], + [ + "▁Hive", + -13.50627613067627 + ], + [ + "▁riots", + -13.506295204162598 + ], + [ + "▁Hoodie", + -13.506302833557127 + ], + [ + "▁frontal", + -13.506434440612791 + ], + [ + "▁shutout", + -13.506620407104492 + ], + [ + "431", + -13.506741523742676 + ], + [ + "▁bh", + -13.506797790527344 + ], + [ + "570", + -13.506834030151367 + ], + [ + "▁dusting", + -13.506880760192873 + ], + [ + "▁Cheer", + -13.506902694702148 + ], + [ + "▁Lud", + -13.50693130493164 + ], + [ + "▁wrestle", + -13.507055282592772 + ], + [ + "▁runny", + -13.507116317749023 + ], + [ + "▁cushioned", + -13.507171630859377 + ], + [ + "uber", + -13.507231712341309 + ], + [ + "china", + -13.507251739501951 + ], + [ + "▁fasten", + -13.507315635681152 + ], + [ + "Ste", + -13.507318496704102 + ], + [ + "▁perpetrators", + -13.507381439208984 + ], + [ + "▁sn", + -13.507437705993652 + ], + [ + "▁applicator", + -13.507522583007812 + ], + [ + "Asian", + -13.507523536682127 + ], + [ + "▁Aristotle", + -13.507523536682127 + ], + [ + "▁hindsight", + -13.507524490356444 + ], + [ + "▁Archaeology", + -13.507525444030762 + ], + [ + "▁Crochet", + -13.507525444030762 + ], + [ + "▁inflamed", + -13.507532119750977 + ], + [ + "▁Judah", + -13.50758457183838 + ], + [ + "▁multifaceted", + -13.50758457183838 + ], + [ + "▁Widow", + -13.507609367370604 + ], + [ + "321", + -13.507655143737791 + ], + [ + "uva", + -13.50766658782959 + ], + [ + "▁Authorization", + -13.507680892944336 + ], + [ + "▁Keynes", + -13.507718086242676 + ], + [ + "gol", + -13.507741928100586 + ], + [ + "▁Mock", + -13.507819175720217 + ], + [ + "ication", + -13.507851600646973 + ], + [ + "▁honing", + -13.507862091064451 + ], + [ + "▁stabilizer", + -13.50791358947754 + ], + [ + "wani", + -13.507948875427246 + ], + [ + "▁Freeze", + -13.507951736450195 + ], + [ + "icia", + -13.508116722106934 + ], + [ + "WOOD", + -13.508132934570312 + ], + [ + "pilot", + -13.50818920135498 + ], + [ + "▁Benchmark", + -13.50831413269043 + ], + [ + "SMS", + -13.50833797454834 + ], + [ + "▁rounding", + -13.508338928222656 + ], + [ + "▁Museums", + -13.508342742919922 + ], + [ + "Resume", + -13.50842571258545 + ], + [ + "8\"", + -13.508445739746094 + ], + [ + "▁brandy", + -13.508492469787598 + ], + [ + "▁refresher", + -13.508621215820312 + ], + [ + "VU", + -13.508685111999512 + ], + [ + "▁hipster", + -13.5087251663208 + ], + [ + "bred", + -13.508800506591797 + ], + [ + "Sell", + -13.508853912353516 + ], + [ + "Root", + -13.50887393951416 + ], + [ + "▁Stacy", + -13.508935928344728 + ], + [ + "▁22%", + -13.508947372436523 + ], + [ + "▁Butte", + -13.508994102478027 + ], + [ + "▁XD", + -13.509008407592772 + ], + [ + "▁NG", + -13.509069442749023 + ], + [ + "▁ich", + -13.509119033813477 + ], + [ + "▁Beginner", + -13.50915813446045 + ], + [ + "▁electrodes", + -13.509174346923828 + ], + [ + "▁evidently", + -13.509188652038574 + ], + [ + "▁Smaller", + -13.509215354919434 + ], + [ + "cure", + -13.509238243103027 + ], + [ + "▁NR", + -13.509267807006836 + ], + [ + "starting", + -13.509284019470217 + ], + [ + "Exchange", + -13.509320259094238 + ], + [ + "▁7.2", + -13.509353637695312 + ], + [ + "/06/", + -13.509385108947754 + ], + [ + "▁births", + -13.509434700012209 + ], + [ + "0-4", + -13.509448051452637 + ], + [ + "▁rupees", + -13.509456634521484 + ], + [ + "▁corals", + -13.509482383728027 + ], + [ + "585", + -13.509483337402344 + ], + [ + "burner", + -13.50949001312256 + ], + [ + "▁1.25", + -13.50949478149414 + ], + [ + "Ol", + -13.509587287902832 + ], + [ + "▁Pip", + -13.509625434875488 + ], + [ + "▁Mobi", + -13.509637832641602 + ], + [ + "▁bishops", + -13.509681701660156 + ], + [ + ".25\"", + -13.50976276397705 + ], + [ + "▁dishonest", + -13.509784698486328 + ], + [ + "▁cropping", + -13.50979995727539 + ], + [ + "▁austerity", + -13.509812355041504 + ], + [ + "MIS", + -13.509851455688477 + ], + [ + "meters", + -13.509894371032717 + ], + [ + "producer", + -13.509918212890623 + ], + [ + "▁CHE", + -13.509930610656738 + ], + [ + "▁1973,", + -13.509942054748535 + ], + [ + "tall", + -13.51004123687744 + ], + [ + "▁inaccuracies", + -13.51004123687744 + ], + [ + "▁invigorating", + -13.51004123687744 + ], + [ + "▁fraught", + -13.510046005249023 + ], + [ + "▁Picchu", + -13.510047912597656 + ], + [ + "▁embedding", + -13.510065078735352 + ], + [ + "▁Lincolnshire", + -13.510088920593262 + ], + [ + "▁seductive", + -13.510091781616213 + ], + [ + "▁SUCH", + -13.510101318359377 + ], + [ + "▁barking", + -13.510112762451172 + ], + [ + "▁european", + -13.510135650634766 + ], + [ + "▁Whip", + -13.510150909423828 + ], + [ + "▁ranger", + -13.51015567779541 + ], + [ + "▁Yates", + -13.51024341583252 + ], + [ + "▁Camino", + -13.51027011871338 + ], + [ + "▁conductors", + -13.5103120803833 + ], + [ + "▁Zeus", + -13.510345458984377 + ], + [ + "▁bal", + -13.510348320007324 + ], + [ + "▁Getty", + -13.510485649108888 + ], + [ + "126", + -13.510517120361328 + ], + [ + "▁(28", + -13.51054859161377 + ], + [ + "▁TRA", + -13.51055908203125 + ], + [ + "▁Antigua", + -13.510679244995115 + ], + [ + "▁Giles", + -13.510700225830078 + ], + [ + "▁Agnes", + -13.510735511779783 + ], + [ + "▁Dhaka", + -13.51084041595459 + ], + [ + "Fred", + -13.510848999023438 + ], + [ + "▁Ballard", + -13.510879516601562 + ], + [ + "bble", + -13.510993957519531 + ], + [ + "obligation", + -13.511001586914062 + ], + [ + "Emily", + -13.511031150817873 + ], + [ + "Michelle", + -13.511052131652832 + ], + [ + "future", + -13.511053085327148 + ], + [ + "▁Investigators", + -13.511115074157717 + ], + [ + "▁gra", + -13.51127815246582 + ], + [ + "▁teaspoons", + -13.511300086975098 + ], + [ + "ishi", + -13.511399269104004 + ], + [ + "▁Petite", + -13.511404991149902 + ], + [ + "▁distinctions", + -13.51157283782959 + ], + [ + "▁rightful", + -13.51159381866455 + ], + [ + "▁Counselor", + -13.511635780334473 + ], + [ + "▁Stokes", + -13.511734008789062 + ], + [ + "▁namespace", + -13.511738777160645 + ], + [ + "▁Sul", + -13.511743545532228 + ], + [ + "▁Botanic", + -13.51175022125244 + ], + [ + "Config", + -13.511783599853516 + ], + [ + "405", + -13.511880874633787 + ], + [ + "▁scares", + -13.511929512023926 + ], + [ + "▁nested", + -13.512017250061035 + ], + [ + "iding", + -13.5120210647583 + ], + [ + "▁gamblers", + -13.51205825805664 + ], + [ + "▁1,600", + -13.51206398010254 + ], + [ + "▁Babe", + -13.512139320373535 + ], + [ + "NOT", + -13.512263298034668 + ], + [ + "DOS", + -13.512316703796388 + ], + [ + "saver", + -13.512368202209473 + ], + [ + "▁fortnight", + -13.51246166229248 + ], + [ + "▁Newtown", + -13.512510299682615 + ], + [ + "8-4", + -13.512528419494627 + ], + [ + "▁articulation", + -13.512566566467283 + ], + [ + "▁skepticism", + -13.512582778930664 + ], + [ + "asset", + -13.512614250183104 + ], + [ + "▁Poppy", + -13.512649536132812 + ], + [ + "▁adjuster", + -13.512654304504396 + ], + [ + ",000.00", + -13.512673377990724 + ], + [ + "▁Twain", + -13.512676239013672 + ], + [ + "▁chainsaw", + -13.512678146362305 + ], + [ + "▁Came", + -13.512691497802734 + ], + [ + "▁scorching", + -13.512702941894531 + ], + [ + "▁stoked", + -13.512799263000488 + ], + [ + "▁arab", + -13.512821197509766 + ], + [ + "635", + -13.512856483459473 + ], + [ + "▁Bowman", + -13.512909889221191 + ], + [ + "▁compel", + -13.512954711914062 + ], + [ + "wat", + -13.51304054260254 + ], + [ + "Graduate", + -13.513055801391602 + ], + [ + "Pros", + -13.513086318969728 + ], + [ + "▁Objects", + -13.51319408416748 + ], + [ + "▁foldable", + -13.51323127746582 + ], + [ + "▁11,000", + -13.513235092163086 + ], + [ + "▁Animated", + -13.513286590576172 + ], + [ + "Fear", + -13.513323783874512 + ], + [ + "▁Juno", + -13.513394355773926 + ], + [ + "▁workbench", + -13.513457298278809 + ], + [ + "athletes", + -13.513509750366213 + ], + [ + "Shift", + -13.513530731201172 + ], + [ + "▁communicator", + -13.51364803314209 + ], + [ + "emotional", + -13.513676643371582 + ], + [ + "▁Plastics", + -13.513696670532228 + ], + [ + "▁armchair", + -13.513711929321287 + ], + [ + "Reach", + -13.513751983642578 + ], + [ + "▁homo", + -13.513940811157228 + ], + [ + "▁HTTPS", + -13.514062881469728 + ], + [ + "119", + -13.51419448852539 + ], + [ + "pn", + -13.51428508758545 + ], + [ + "▁shortfall", + -13.514296531677246 + ], + [ + "yat", + -13.514385223388672 + ], + [ + "▁hearth", + -13.514391899108888 + ], + [ + "▁Operational", + -13.514450073242188 + ], + [ + "▁reunite", + -13.514498710632324 + ], + [ + "▁Orient", + -13.514522552490234 + ], + [ + "▁modernize", + -13.5145845413208 + ], + [ + "loe", + -13.514596939086914 + ], + [ + "▁farmed", + -13.514630317687988 + ], + [ + "▁feng", + -13.514753341674805 + ], + [ + "▁millionaire", + -13.514827728271484 + ], + [ + "▁instantaneous", + -13.514863014221191 + ], + [ + "▁2013).", + -13.514925956726074 + ], + [ + "▁Spi", + -13.514962196350098 + ], + [ + "▁entertainer", + -13.514962196350098 + ], + [ + "Document", + -13.514974594116213 + ], + [ + "▁PEOPLE", + -13.51499366760254 + ], + [ + "▁McCartney", + -13.515098571777344 + ], + [ + "▁Rutherford", + -13.515098571777344 + ], + [ + "▁fibromyalgia", + -13.515098571777344 + ], + [ + "▁inequalities", + -13.515098571777344 + ], + [ + "▁impetus", + -13.51509952545166 + ], + [ + "▁lovable", + -13.515101432800291 + ], + [ + "▁panelists", + -13.51511287689209 + ], + [ + "▁parody", + -13.515113830566406 + ], + [ + "▁unsustainable", + -13.515129089355469 + ], + [ + "▁Olsen", + -13.515151977539062 + ], + [ + "▁Bray", + -13.515182495117188 + ], + [ + "▁maximal", + -13.51519775390625 + ], + [ + "Option", + -13.51523208618164 + ], + [ + "▁unpublished", + -13.515239715576172 + ], + [ + "▁90’", + -13.515240669250488 + ], + [ + "▁embossing", + -13.515247344970703 + ], + [ + "▁reed", + -13.515253067016602 + ], + [ + "▁annotated", + -13.51529312133789 + ], + [ + "▁interacted", + -13.515308380126951 + ], + [ + "▁Pascal", + -13.51536464691162 + ], + [ + "▁purest", + -13.515374183654783 + ], + [ + "escu", + -13.515398979187012 + ], + [ + "▁$300,000", + -13.515419960021973 + ], + [ + "▁Mohan", + -13.515520095825195 + ], + [ + "Experts", + -13.515661239624023 + ], + [ + "Moon", + -13.515877723693848 + ], + [ + "▁Abi", + -13.515880584716797 + ], + [ + "▁funders", + -13.51595687866211 + ], + [ + "▁Xen", + -13.515985488891602 + ], + [ + "46.", + -13.516061782836914 + ], + [ + "Josh", + -13.516077995300291 + ], + [ + "cancer", + -13.516170501708984 + ], + [ + "▁GRA", + -13.516194343566896 + ], + [ + "yna", + -13.516201972961426 + ], + [ + "Jonathan", + -13.516206741333008 + ], + [ + "▁apricot", + -13.516213417053224 + ], + [ + "▁penguin", + -13.516234397888184 + ], + [ + "during", + -13.516249656677246 + ], + [ + "▁Goldberg", + -13.516304969787598 + ], + [ + "Tele", + -13.516311645507812 + ], + [ + "ept", + -13.516366004943848 + ], + [ + "▁wildfire", + -13.51644515991211 + ], + [ + "pb", + -13.51656436920166 + ], + [ + "KM", + -13.51663589477539 + ], + [ + "yahoo", + -13.516669273376465 + ], + [ + "▁Chand", + -13.516682624816896 + ], + [ + "▁Kum", + -13.516712188720703 + ], + [ + "iner", + -13.516731262207031 + ], + [ + "▁Drinks", + -13.516737937927246 + ], + [ + "HG", + -13.51675796508789 + ], + [ + "▁Liberals", + -13.51682472229004 + ], + [ + "Euro", + -13.516825675964355 + ], + [ + "mot", + -13.516926765441896 + ], + [ + "guan", + -13.51693344116211 + ], + [ + "▁Meek", + -13.516995429992676 + ], + [ + "ww", + -13.517019271850586 + ], + [ + "▁opal", + -13.5170316696167 + ], + [ + "▁patched", + -13.517038345336914 + ], + [ + "Bon", + -13.517075538635254 + ], + [ + "▁prog", + -13.517147064208984 + ], + [ + "▁CSC", + -13.517159461975098 + ], + [ + "▁Stakes", + -13.5172119140625 + ], + [ + "▁GED", + -13.517298698425291 + ], + [ + "Jam", + -13.517309188842772 + ], + [ + "cious", + -13.51750946044922 + ], + [ + "▁Flags", + -13.517603874206545 + ], + [ + "anni", + -13.517623901367188 + ], + [ + "▁remuneration", + -13.5176362991333 + ], + [ + "▁brimming", + -13.51765251159668 + ], + [ + "▁maturing", + -13.517663955688477 + ], + [ + "▁SSA", + -13.51766586303711 + ], + [ + "▁Naked", + -13.517681121826172 + ], + [ + "Maria", + -13.51773738861084 + ], + [ + "▁Oxide", + -13.517759323120115 + ], + [ + "▁Monet", + -13.517772674560549 + ], + [ + "dim", + -13.517776489257812 + ], + [ + "423", + -13.517895698547363 + ], + [ + "825", + -13.517908096313477 + ], + [ + "▁Zhou", + -13.517919540405272 + ], + [ + "uce", + -13.517964363098145 + ], + [ + "▁Kidney", + -13.517964363098145 + ], + [ + "bhp", + -13.517972946166992 + ], + [ + "▁launcher", + -13.518060684204102 + ], + [ + "▁Vegetarian", + -13.51809310913086 + ], + [ + "▁recourse", + -13.518156051635742 + ], + [ + "▁Packs", + -13.518196105957031 + ], + [ + "▁potter", + -13.51822566986084 + ], + [ + "▁seeker", + -13.518228530883787 + ], + [ + "zor", + -13.518259048461914 + ], + [ + "▁Hedge", + -13.51836395263672 + ], + [ + "▁Presents", + -13.518370628356934 + ], + [ + "▁Tec", + -13.518370628356934 + ], + [ + "JD", + -13.518402099609377 + ], + [ + "138", + -13.518495559692385 + ], + [ + "▁surety", + -13.518671989440918 + ], + [ + "▁whack", + -13.518733024597168 + ], + [ + "▁filename", + -13.518766403198242 + ], + [ + "▁Airline", + -13.518770217895508 + ], + [ + "Attempt", + -13.518790245056152 + ], + [ + "Average", + -13.518802642822266 + ], + [ + "memory", + -13.518810272216797 + ], + [ + "alli", + -13.51883316040039 + ], + [ + "745", + -13.518924713134766 + ], + [ + "alt", + -13.519060134887695 + ], + [ + "▁Toddler", + -13.51906394958496 + ], + [ + "loan", + -13.519076347351074 + ], + [ + "▁facilitators", + -13.51921558380127 + ], + [ + "Dragon", + -13.519222259521484 + ], + [ + "Shot", + -13.519342422485352 + ], + [ + "34.", + -13.519350051879885 + ], + [ + "580", + -13.519393920898438 + ], + [ + "▁Contracting", + -13.51944065093994 + ], + [ + "▁DRM", + -13.51953411102295 + ], + [ + "1998", + -13.51955223083496 + ], + [ + "5-6", + -13.519641876220703 + ], + [ + "▁musically", + -13.519721031188965 + ], + [ + "▁Camel", + -13.519775390625 + ], + [ + "▁clap", + -13.51979637145996 + ], + [ + "MAT", + -13.519854545593262 + ], + [ + "▁Loma", + -13.519952774047852 + ], + [ + "▁GLA", + -13.520011901855469 + ], + [ + "▁sprout", + -13.520018577575684 + ], + [ + "▁dub", + -13.52011013031006 + ], + [ + "▁Rockefeller", + -13.520180702209473 + ], + [ + "▁remedial", + -13.520180702209473 + ], + [ + "▁wondrous", + -13.520181655883787 + ], + [ + "▁propulsion", + -13.520194053649902 + ], + [ + "Karen", + -13.520203590393066 + ], + [ + "▁Ericsson", + -13.52023220062256 + ], + [ + "▁asserts", + -13.52028465270996 + ], + [ + "▁expelled", + -13.52028465270996 + ], + [ + "▁helpline", + -13.520309448242188 + ], + [ + "ORS", + -13.520328521728516 + ], + [ + "2.7", + -13.520356178283691 + ], + [ + "0.2", + -13.520365715026855 + ], + [ + "Assess", + -13.520365715026855 + ], + [ + "▁Wembley", + -13.520386695861816 + ], + [ + "▁Tarot", + -13.520435333251951 + ], + [ + "▁Romero", + -13.520442962646484 + ], + [ + "▁Paddle", + -13.520452499389648 + ], + [ + "elin", + -13.520492553710938 + ], + [ + "Alan", + -13.520624160766602 + ], + [ + "▁pampering", + -13.520635604858398 + ], + [ + "▁clipboard", + -13.520672798156738 + ], + [ + "▁Sticker", + -13.520751953125 + ], + [ + "audio", + -13.520752906799316 + ], + [ + "▁spores", + -13.520756721496582 + ], + [ + "▁sup", + -13.520811080932615 + ], + [ + "▁YEARS", + -13.520831108093262 + ], + [ + "/31", + -13.520838737487791 + ], + [ + "▁Boh", + -13.520848274230955 + ], + [ + "progress", + -13.520855903625488 + ], + [ + "▁minced", + -13.520899772644045 + ], + [ + "▁Kri", + -13.52106475830078 + ], + [ + "▁Dion", + -13.52106761932373 + ], + [ + "▁Engines", + -13.521154403686523 + ], + [ + "▁expat", + -13.521164894104004 + ], + [ + "▁cb", + -13.521198272705078 + ], + [ + "▁powerfully", + -13.521220207214355 + ], + [ + "send", + -13.521236419677734 + ], + [ + "▁liar", + -13.521286010742188 + ], + [ + "▁occupant", + -13.521371841430664 + ], + [ + "Celebrate", + -13.521410942077637 + ], + [ + "▁CFR", + -13.52141571044922 + ], + [ + "▁Cancellation", + -13.52141571044922 + ], + [ + "grandchildren", + -13.5214204788208 + ], + [ + "▁Gai", + -13.521421432495115 + ], + [ + "shield", + -13.52142333984375 + ], + [ + "▁Alec", + -13.521478652954102 + ], + [ + "▁Xin", + -13.521531105041504 + ], + [ + "Session", + -13.521653175354004 + ], + [ + "method", + -13.521713256835938 + ], + [ + "▁regained", + -13.521724700927734 + ], + [ + "liest", + -13.521803855895996 + ], + [ + "ERT", + -13.521822929382324 + ], + [ + "▁Radical", + -13.521944046020508 + ], + [ + "ross", + -13.52199363708496 + ], + [ + "▁Brownie", + -13.522064208984377 + ], + [ + "▁178", + -13.522256851196287 + ], + [ + "cutter", + -13.522278785705566 + ], + [ + "▁herald", + -13.522387504577637 + ], + [ + "aur", + -13.522418022155762 + ], + [ + "▁ré", + -13.522446632385254 + ], + [ + "▁1976,", + -13.522457122802734 + ], + [ + "▁deserts", + -13.52246379852295 + ], + [ + "▁attendants", + -13.522513389587402 + ], + [ + "▁wartime", + -13.522513389587402 + ], + [ + "▁154", + -13.522533416748049 + ], + [ + "▁Modified", + -13.522588729858398 + ], + [ + "▁PDFs", + -13.522607803344728 + ], + [ + "▁heterogeneous", + -13.52273178100586 + ], + [ + "▁Beirut", + -13.522732734680176 + ], + [ + "▁anabolic", + -13.522733688354492 + ], + [ + "▁Panorama", + -13.522745132446287 + ], + [ + "▁unresolved", + -13.522754669189451 + ], + [ + "▁palpable", + -13.522764205932615 + ], + [ + "▁(1999)", + -13.522768020629885 + ], + [ + "▁biochemical", + -13.522770881652832 + ], + [ + "ologic", + -13.522797584533691 + ], + [ + "▁inspecting", + -13.52286148071289 + ], + [ + "▁puppets", + -13.522863388061523 + ], + [ + "▁lauded", + -13.522886276245115 + ], + [ + "▁adaptability", + -13.522904396057127 + ], + [ + "488", + -13.522957801818848 + ], + [ + "▁$120", + -13.52300262451172 + ], + [ + "cote", + -13.523015022277832 + ], + [ + "lax", + -13.523032188415527 + ], + [ + "Surrounded", + -13.523046493530272 + ], + [ + "▁PRODUCTS", + -13.52305030822754 + ], + [ + "▁complicate", + -13.52333164215088 + ], + [ + "▁Paste", + -13.52341365814209 + ], + [ + "nne", + -13.523468017578123 + ], + [ + "▁ineligible", + -13.523598670959473 + ], + [ + "▁makeshift", + -13.523626327514648 + ], + [ + "▁insulting", + -13.52378749847412 + ], + [ + "asse", + -13.523831367492676 + ], + [ + "▁11\"", + -13.523983001708984 + ], + [ + "▁Countertop", + -13.524009704589844 + ], + [ + "▁Debate", + -13.5241117477417 + ], + [ + "456", + -13.524144172668455 + ], + [ + "styled", + -13.524231910705566 + ], + [ + "Charlie", + -13.524243354797363 + ], + [ + "delivery", + -13.524255752563477 + ], + [ + "▁dismal", + -13.524277687072754 + ], + [ + "IRE", + -13.52428913116455 + ], + [ + "tak", + -13.524306297302246 + ], + [ + "▁binoculars", + -13.524319648742676 + ], + [ + "kim", + -13.524433135986328 + ], + [ + "▁huts", + -13.524490356445312 + ], + [ + "telling", + -13.524571418762209 + ], + [ + "sold", + -13.524605751037598 + ], + [ + "▁Busy", + -13.524616241455078 + ], + [ + "mx", + -13.524652481079102 + ], + [ + "▁Himalayas", + -13.52480125427246 + ], + [ + "▁Spruce", + -13.524807929992676 + ], + [ + "▁Zac", + -13.524821281433104 + ], + [ + "typical", + -13.524827003479004 + ], + [ + "▁Licence", + -13.524867057800291 + ], + [ + "lad", + -13.524877548217772 + ], + [ + "▁bitcoins", + -13.524938583374023 + ], + [ + "▁(2005)", + -13.525089263916016 + ], + [ + "▁discriminatory", + -13.525238037109377 + ], + [ + "ARS", + -13.525273323059082 + ], + [ + "▁demeanor", + -13.52528953552246 + ], + [ + "▁divisive", + -13.52528953552246 + ], + [ + "▁persuasion", + -13.52528953552246 + ], + [ + "▁upheaval", + -13.52528953552246 + ], + [ + "▁Alameda", + -13.52529239654541 + ], + [ + "▁Velcro", + -13.52529525756836 + ], + [ + "▁Expedia", + -13.525300979614258 + ], + [ + "▁flask", + -13.525306701660156 + ], + [ + "▁ware", + -13.52536964416504 + ], + [ + "▁Betsy", + -13.525407791137695 + ], + [ + "▁onstage", + -13.525407791137695 + ], + [ + "aves", + -13.525425910949709 + ], + [ + "▁Delphi", + -13.525445938110352 + ], + [ + "165", + -13.525476455688477 + ], + [ + "▁Lankan", + -13.525480270385742 + ], + [ + "▁SMB", + -13.525480270385742 + ], + [ + "▁Ner", + -13.525484085083008 + ], + [ + "Storm", + -13.525500297546388 + ], + [ + "Area", + -13.525529861450195 + ], + [ + "Muslim", + -13.525586128234863 + ], + [ + "PRESS", + -13.52564525604248 + ], + [ + "▁protagonists", + -13.525650024414062 + ], + [ + "▁netted", + -13.525762557983398 + ], + [ + "▁parity", + -13.525776863098145 + ], + [ + "▁handlers", + -13.525873184204102 + ], + [ + "▁cookbooks", + -13.526083946228027 + ], + [ + "▁Bry", + -13.526237487792969 + ], + [ + "▁Pauline", + -13.526237487792969 + ], + [ + "▁Magical", + -13.526384353637695 + ], + [ + "▁canning", + -13.526391983032228 + ], + [ + "▁Iso", + -13.526400566101074 + ], + [ + "▁seo", + -13.526500701904297 + ], + [ + "▁Transparency", + -13.526514053344728 + ], + [ + "▁866", + -13.526524543762209 + ], + [ + "amer", + -13.526529312133787 + ], + [ + "▁Roku", + -13.526537895202637 + ], + [ + "▁yolk", + -13.526551246643066 + ], + [ + "hom", + -13.526564598083496 + ], + [ + "▁BAC", + -13.526670455932615 + ], + [ + "▁MSI", + -13.526703834533691 + ], + [ + "▁inmate", + -13.52671718597412 + ], + [ + "▁snare", + -13.526751518249512 + ], + [ + "▁negatives", + -13.526825904846191 + ], + [ + "kamp", + -13.526826858520508 + ], + [ + "▁Founding", + -13.52683448791504 + ], + [ + "▁Shadows", + -13.526863098144531 + ], + [ + "command", + -13.526911735534668 + ], + [ + "ATING", + -13.5269136428833 + ], + [ + "▁Cult", + -13.526933670043944 + ], + [ + "▁blueprints", + -13.527018547058104 + ], + [ + "pio", + -13.527213096618652 + ], + [ + "▁railings", + -13.527267456054688 + ], + [ + "Eastern", + -13.527297973632812 + ], + [ + "▁chute", + -13.527427673339844 + ], + [ + "▁LPG", + -13.527524948120115 + ], + [ + "146", + -13.527565956115724 + ], + [ + "▁Sacrament", + -13.527572631835938 + ], + [ + "▁ruining", + -13.527587890625 + ], + [ + "▁amused", + -13.52761173248291 + ], + [ + "Include", + -13.5276460647583 + ], + [ + "▁Principle", + -13.5276460647583 + ], + [ + "▁Vid", + -13.527649879455566 + ], + [ + "▁Scoop", + -13.527718544006348 + ], + [ + "jes", + -13.527751922607422 + ], + [ + "▁Hallmark", + -13.527758598327637 + ], + [ + "6.6", + -13.527765274047852 + ], + [ + "eek", + -13.527782440185549 + ], + [ + "▁Painter", + -13.527804374694824 + ], + [ + "▁Sasha", + -13.527804374694824 + ], + [ + "▁Byzantine", + -13.527853965759276 + ], + [ + "▁innovating", + -13.527853965759276 + ], + [ + "▁mitigating", + -13.527853965759276 + ], + [ + "▁reverence", + -13.52785587310791 + ], + [ + "classic", + -13.52786922454834 + ], + [ + "▁Derrick", + -13.527871131896973 + ], + [ + "▁Fundraising", + -13.527888298034668 + ], + [ + "▁Granada", + -13.527891159057615 + ], + [ + "▁contra", + -13.52790355682373 + ], + [ + "▁hoax", + -13.527908325195312 + ], + [ + "007", + -13.527920722961426 + ], + [ + "▁ea", + -13.527945518493652 + ], + [ + "▁damper", + -13.527948379516602 + ], + [ + "subscribe", + -13.5279541015625 + ], + [ + "▁Neville", + -13.528036117553713 + ], + [ + "enham", + -13.52807903289795 + ], + [ + "▁epub", + -13.528084754943848 + ], + [ + "▁Worse", + -13.528111457824709 + ], + [ + "▁regionally", + -13.52824592590332 + ], + [ + "▁crayons", + -13.52835464477539 + ], + [ + "▁LF", + -13.52859115600586 + ], + [ + "Ty", + -13.528730392456056 + ], + [ + "▁profiled", + -13.52875804901123 + ], + [ + "understand", + -13.52882480621338 + ], + [ + "▁screamed", + -13.528852462768556 + ], + [ + "aise", + -13.528882026672363 + ], + [ + "abe", + -13.528943061828612 + ], + [ + "abba", + -13.528966903686523 + ], + [ + "▁freshen", + -13.528971672058104 + ], + [ + "TEM", + -13.529006958007812 + ], + [ + "760", + -13.52903175354004 + ], + [ + "▁feud", + -13.529129028320312 + ], + [ + "▁omission", + -13.529175758361816 + ], + [ + "▁expats", + -13.529226303100586 + ], + [ + "authentic", + -13.529287338256836 + ], + [ + "emergency", + -13.52929401397705 + ], + [ + "▁campsites", + -13.529353141784668 + ], + [ + "▁Spear", + -13.529362678527832 + ], + [ + "Putting", + -13.529398918151855 + ], + [ + "▁purposely", + -13.529459953308104 + ], + [ + "▁tru", + -13.529531478881836 + ], + [ + "9%)", + -13.52958869934082 + ], + [ + "▁bookstores", + -13.529655456542969 + ], + [ + "▁glimpses", + -13.529871940612791 + ], + [ + "▁235", + -13.52989673614502 + ], + [ + "▁bl", + -13.529905319213867 + ], + [ + "▁Grounds", + -13.52993869781494 + ], + [ + "▁orbital", + -13.53005027770996 + ], + [ + "KT", + -13.530118942260742 + ], + [ + "wax", + -13.530132293701172 + ], + [ + "▁sulphur", + -13.530134201049805 + ], + [ + "names", + -13.530144691467283 + ], + [ + "▁intelligently", + -13.530174255371094 + ], + [ + "AY", + -13.530303955078123 + ], + [ + "▁Demi", + -13.53030490875244 + ], + [ + "draw", + -13.530324935913086 + ], + [ + "2020", + -13.53033447265625 + ], + [ + "▁Johann", + -13.530353546142578 + ], + [ + "chemistry", + -13.530359268188477 + ], + [ + "ANE", + -13.530400276184082 + ], + [ + "▁1980,", + -13.530424118041992 + ], + [ + "▁ancillary", + -13.530424118041992 + ], + [ + "▁bragging", + -13.530447959899902 + ], + [ + "▁naughty", + -13.530516624450684 + ], + [ + "▁subtract", + -13.530526161193848 + ], + [ + "▁Vocational", + -13.530534744262695 + ], + [ + "▁sailboat", + -13.530574798583984 + ], + [ + "▁Passover", + -13.530654907226562 + ], + [ + "▁Separation", + -13.530702590942385 + ], + [ + "▁Bod", + -13.53073024749756 + ], + [ + "▁1,800", + -13.530755043029783 + ], + [ + "▁Xmas", + -13.530762672424316 + ], + [ + "rade", + -13.530885696411133 + ], + [ + "▁abbreviation", + -13.530895233154297 + ], + [ + "▁thinker", + -13.530999183654783 + ], + [ + "▁Outback", + -13.531109809875488 + ], + [ + "▁Locate", + -13.53111743927002 + ], + [ + "▁cliché", + -13.531123161315918 + ], + [ + "▁Couples", + -13.531137466430664 + ], + [ + "▁assigns", + -13.531169891357422 + ], + [ + "-41", + -13.531342506408691 + ], + [ + "Monitor", + -13.53134822845459 + ], + [ + "▁Clement", + -13.531363487243652 + ], + [ + "▁Punta", + -13.53139305114746 + ], + [ + "▁worsening", + -13.53139591217041 + ], + [ + "▁(2016).", + -13.531429290771484 + ], + [ + "▁throwback", + -13.531482696533203 + ], + [ + "▁straws", + -13.53149700164795 + ], + [ + "olu", + -13.531713485717772 + ], + [ + "foil", + -13.531728744506836 + ], + [ + "▁hamburger", + -13.531744956970217 + ], + [ + "▁Balm", + -13.531745910644531 + ], + [ + "▁Yak", + -13.531867980957031 + ], + [ + "Res", + -13.531879425048828 + ], + [ + "▁condominiums", + -13.531886100769045 + ], + [ + "rgen", + -13.53190803527832 + ], + [ + "?),", + -13.531977653503418 + ], + [ + "engineering", + -13.53215217590332 + ], + [ + "john", + -13.532174110412598 + ], + [ + "▁Dispatch", + -13.532177925109863 + ], + [ + "▁7-10", + -13.53222942352295 + ], + [ + "▁Novo", + -13.532313346862791 + ], + [ + "ndez", + -13.532373428344728 + ], + [ + "▁prosecute", + -13.532403945922852 + ], + [ + "wale", + -13.532410621643066 + ], + [ + "▁Refuge", + -13.532501220703123 + ], + [ + "▁Donations", + -13.53250503540039 + ], + [ + "▁bottoms", + -13.532575607299805 + ], + [ + "▁Kota", + -13.532794952392578 + ], + [ + "▁predominant", + -13.53279972076416 + ], + [ + "▁Somewhere", + -13.532831192016602 + ], + [ + "▁brethren", + -13.533001899719238 + ], + [ + "▁collapsing", + -13.533001899719238 + ], + [ + "▁melancholy", + -13.533001899719238 + ], + [ + "▁Semiconductor", + -13.533003807067873 + ], + [ + "▁Mavericks", + -13.533008575439451 + ], + [ + "▁inclement", + -13.533008575439451 + ], + [ + "▁relegation", + -13.533026695251465 + ], + [ + "▁jockey", + -13.533087730407717 + ], + [ + "▁ponytail", + -13.533101081848145 + ], + [ + "▁Vapor", + -13.53311252593994 + ], + [ + "▁Marshal", + -13.53311824798584 + ], + [ + "▁rebirth", + -13.53313159942627 + ], + [ + "▁Twitch", + -13.533143997192385 + ], + [ + "wit", + -13.533163070678713 + ], + [ + "▁absentee", + -13.533205032348633 + ], + [ + "▁Craftsman", + -13.533243179321287 + ], + [ + "▁impulses", + -13.53327178955078 + ], + [ + "▁narcotics", + -13.533352851867676 + ], + [ + "▁mole", + -13.533366203308104 + ], + [ + "▁heartache", + -13.53338623046875 + ], + [ + "▁behaves", + -13.53343105316162 + ], + [ + "▁superheroes", + -13.53345775604248 + ], + [ + "▁Shelton", + -13.533514022827148 + ], + [ + "stru", + -13.533547401428224 + ], + [ + "▁Owned", + -13.533554077148438 + ], + [ + "Parent", + -13.53355598449707 + ], + [ + "▁CRE", + -13.533576011657717 + ], + [ + "▁Odds", + -13.533608436584473 + ], + [ + "▁parades", + -13.533625602722168 + ], + [ + "▁THESE", + -13.533638954162598 + ], + [ + "▁batters", + -13.533735275268556 + ], + [ + "amento", + -13.53373908996582 + ], + [ + "▁Ramos", + -13.533818244934082 + ], + [ + "137", + -13.533820152282717 + ], + [ + "Items", + -13.533838272094728 + ], + [ + "▁Waves", + -13.533905029296877 + ], + [ + "augh", + -13.53391456604004 + ], + [ + "▁inventors", + -13.53395175933838 + ], + [ + "▁vista", + -13.533957481384276 + ], + [ + "▁Proud", + -13.533960342407228 + ], + [ + "▁Maxim", + -13.533975601196287 + ], + [ + "▁$36", + -13.534008979797363 + ], + [ + "▁NOR", + -13.534059524536133 + ], + [ + "▁Apostle", + -13.534117698669434 + ], + [ + "▁waivers", + -13.53414821624756 + ], + [ + "american", + -13.534154891967772 + ], + [ + "▁clump", + -13.534189224243164 + ], + [ + "inho", + -13.53433322906494 + ], + [ + "erry", + -13.534368515014648 + ], + [ + "▁xp", + -13.534406661987305 + ], + [ + "▁MUSIC", + -13.534417152404783 + ], + [ + "RAIN", + -13.534478187561035 + ], + [ + "▁renewables", + -13.53451442718506 + ], + [ + "kl", + -13.534549713134766 + ], + [ + "▁Bei", + -13.53455638885498 + ], + [ + "Ref", + -13.534564971923828 + ], + [ + "Anthony", + -13.53457736968994 + ], + [ + "▁Rossi", + -13.534629821777344 + ], + [ + "Plastic", + -13.534669876098633 + ], + [ + "Fab", + -13.534676551818848 + ], + [ + "▁Lyons", + -13.53468132019043 + ], + [ + "177", + -13.53470230102539 + ], + [ + "Sept", + -13.5347261428833 + ], + [ + "▁Turin", + -13.534729957580566 + ], + [ + "▁logistic", + -13.534738540649414 + ], + [ + "bha", + -13.534746170043944 + ], + [ + "-84", + -13.53480625152588 + ], + [ + "▁Charges", + -13.534836769104004 + ], + [ + "▁disagreements", + -13.534862518310549 + ], + [ + "▁EVO", + -13.535030364990234 + ], + [ + "620", + -13.535038948059082 + ], + [ + "▁malaysia", + -13.535093307495115 + ], + [ + "bour", + -13.535101890563965 + ], + [ + "▁Beats", + -13.535126686096191 + ], + [ + "▁forecasted", + -13.535154342651367 + ], + [ + "adjusted", + -13.535235404968262 + ], + [ + "NOW", + -13.53525161743164 + ], + [ + "447", + -13.535270690917969 + ], + [ + "▁clam", + -13.535391807556152 + ], + [ + "▁denominations", + -13.53541088104248 + ], + [ + "▁Grandpa", + -13.53544807434082 + ], + [ + "▁Richie", + -13.53551959991455 + ], + [ + "▁Chandigarh", + -13.535585403442385 + ], + [ + "▁giraffe", + -13.535585403442385 + ], + [ + "▁meringue", + -13.5355863571167 + ], + [ + "▁nike", + -13.535589218139648 + ], + [ + "▁corpus", + -13.535592079162598 + ], + [ + "▁Lamborghini", + -13.535597801208496 + ], + [ + "▁gooey", + -13.535605430603027 + ], + [ + "▁applique", + -13.53566837310791 + ], + [ + "▁Eleven", + -13.535701751708984 + ], + [ + "▁Shaft", + -13.535703659057615 + ], + [ + "▁Tyne", + -13.535778999328612 + ], + [ + "▁Minnie", + -13.53578758239746 + ], + [ + "nox", + -13.535799026489258 + ], + [ + "▁SCI", + -13.535812377929688 + ], + [ + "Upload", + -13.535922050476074 + ], + [ + "▁Fathers", + -13.535935401916504 + ], + [ + "▁Spe", + -13.535968780517578 + ], + [ + "▁reconstructed", + -13.536049842834473 + ], + [ + "tac", + -13.536149978637695 + ], + [ + "▁Blow", + -13.536199569702148 + ], + [ + "▁Cider", + -13.536209106445312 + ], + [ + "04.", + -13.536312103271484 + ], + [ + "oxin", + -13.53632640838623 + ], + [ + "▁opioids", + -13.536332130432127 + ], + [ + "hydro", + -13.536357879638672 + ], + [ + "omb", + -13.536365509033203 + ], + [ + "▁lotus", + -13.536367416381836 + ], + [ + "▁sacked", + -13.536370277404783 + ], + [ + "▁Sup", + -13.53639793395996 + ], + [ + "REN", + -13.536450386047363 + ], + [ + "▁seasonings", + -13.536633491516112 + ], + [ + "▁Angola", + -13.536718368530272 + ], + [ + "▁preschoolers", + -13.536772727966309 + ], + [ + "MAL", + -13.536890029907228 + ], + [ + "▁prof", + -13.53691291809082 + ], + [ + "Collect", + -13.536925315856934 + ], + [ + "cular", + -13.536925315856934 + ], + [ + "▁Levin", + -13.53693389892578 + ], + [ + "Speak", + -13.536949157714844 + ], + [ + "▁HSBC", + -13.536964416503906 + ], + [ + "▁shingle", + -13.53703784942627 + ], + [ + "▁swam", + -13.5370512008667 + ], + [ + "EUR", + -13.537100791931152 + ], + [ + "VEL", + -13.537114143371582 + ], + [ + "2+", + -13.537137985229492 + ], + [ + "educated", + -13.53717041015625 + ], + [ + "▁Francesco", + -13.537178993225098 + ], + [ + "Junior", + -13.537216186523438 + ], + [ + "ENE", + -13.5372314453125 + ], + [ + "jah", + -13.53725242614746 + ], + [ + "▁adrenal", + -13.537254333496094 + ], + [ + "▁Espresso", + -13.537359237670898 + ], + [ + "▁Jackets", + -13.537419319152832 + ], + [ + "LIGHT", + -13.537435531616213 + ], + [ + "Wiki", + -13.537453651428224 + ], + [ + "768", + -13.537464141845703 + ], + [ + "▁noir", + -13.537468910217283 + ], + [ + "▁Volleyball", + -13.537487983703612 + ], + [ + "▁boardroom", + -13.537564277648926 + ], + [ + "124", + -13.537592887878418 + ], + [ + "natal", + -13.537598609924316 + ], + [ + "▁ergonomics", + -13.537755012512209 + ], + [ + "ejo", + -13.537786483764648 + ], + [ + "hna", + -13.537851333618164 + ], + [ + "▁effected", + -13.537952423095703 + ], + [ + "730", + -13.537972450256348 + ], + [ + "Foot", + -13.53798484802246 + ], + [ + "xel", + -13.538061141967772 + ], + [ + "▁Volcano", + -13.538065910339355 + ], + [ + "Rail", + -13.53807544708252 + ], + [ + "▁Ferdinand", + -13.53817653656006 + ], + [ + "▁horribly", + -13.53817653656006 + ], + [ + "▁motivator", + -13.53817653656006 + ], + [ + "▁movable", + -13.538178443908691 + ], + [ + "▁complied", + -13.538195610046388 + ], + [ + "129", + -13.538208961486816 + ], + [ + "▁Regency", + -13.538209915161133 + ], + [ + "▁Centro", + -13.538249015808104 + ], + [ + "▁unprepared", + -13.538251876831056 + ], + [ + "BW", + -13.538272857666016 + ], + [ + "▁Serum", + -13.538311004638672 + ], + [ + "▁yearbook", + -13.53831672668457 + ], + [ + "▁Atkinson", + -13.538336753845217 + ], + [ + "6.0", + -13.53842544555664 + ], + [ + "seeded", + -13.53844165802002 + ], + [ + "▁Irma", + -13.5385103225708 + ], + [ + "Flo", + -13.538515090942385 + ], + [ + "▁Texture", + -13.538572311401367 + ], + [ + "dip", + -13.538596153259276 + ], + [ + "Measure", + -13.538619995117188 + ], + [ + "▁stairway", + -13.5386381149292 + ], + [ + "▁Rab", + -13.538678169250488 + ], + [ + "▁firmer", + -13.538816452026367 + ], + [ + "▁mater", + -13.538931846618652 + ], + [ + "Wise", + -13.538941383361816 + ], + [ + "▁Loading", + -13.53899097442627 + ], + [ + "asp", + -13.539010047912598 + ], + [ + "raf", + -13.53903865814209 + ], + [ + "▁2018!", + -13.539073944091797 + ], + [ + "NIA", + -13.539130210876465 + ], + [ + "▁acumen", + -13.539199829101562 + ], + [ + "▁Singing", + -13.539206504821776 + ], + [ + "mean", + -13.539224624633787 + ], + [ + "▁Locke", + -13.53939151763916 + ], + [ + "▁dividers", + -13.539410591125488 + ], + [ + "opathy", + -13.539414405822754 + ], + [ + "▁Selecting", + -13.53945255279541 + ], + [ + "▁fuses", + -13.539484977722168 + ], + [ + "!!!!!!", + -13.539557456970217 + ], + [ + "▁lubricant", + -13.539595603942873 + ], + [ + "588", + -13.539627075195312 + ], + [ + "▁UF", + -13.539688110351562 + ], + [ + "185", + -13.53969669342041 + ], + [ + "▁agony", + -13.53975772857666 + ], + [ + "LET", + -13.539796829223633 + ], + [ + "Madison", + -13.53989601135254 + ], + [ + "Dental", + -13.539897918701172 + ], + [ + "213", + -13.539932250976562 + ], + [ + "▁IRC", + -13.539941787719728 + ], + [ + "Treatment", + -13.53998851776123 + ], + [ + "population", + -13.540035247802734 + ], + [ + "▁conformity", + -13.540048599243164 + ], + [ + "▁$34", + -13.540082931518556 + ], + [ + "38.", + -13.54017734527588 + ], + [ + "▁Avid", + -13.540191650390623 + ], + [ + "429", + -13.540196418762209 + ], + [ + "▁Brace", + -13.540263175964355 + ], + [ + "▁EO", + -13.540288925170898 + ], + [ + "▁Pfizer", + -13.5403470993042 + ], + [ + "▁Sesame", + -13.540348052978516 + ], + [ + "▁Caterpillar", + -13.54040813446045 + ], + [ + "ych", + -13.54052734375 + ], + [ + "yla", + -13.54054832458496 + ], + [ + "igno", + -13.540550231933594 + ], + [ + "▁2014)", + -13.540629386901855 + ], + [ + "▁Trooper", + -13.540644645690918 + ], + [ + "▁Separator", + -13.540773391723633 + ], + [ + "▁Smoky", + -13.540773391723633 + ], + [ + "▁ointment", + -13.540773391723633 + ], + [ + "▁spectroscopy", + -13.540773391723633 + ], + [ + "▁storied", + -13.54077434539795 + ], + [ + "▁Latitude", + -13.540775299072266 + ], + [ + "▁Backsplash", + -13.54078769683838 + ], + [ + "▁Collision", + -13.540788650512695 + ], + [ + "▁unsuitable", + -13.54079532623291 + ], + [ + "▁conquest", + -13.540803909301758 + ], + [ + "▁Phillies", + -13.540812492370604 + ], + [ + "▁trellis", + -13.54084300994873 + ], + [ + "▁520", + -13.540861129760742 + ], + [ + "-46", + -13.540863990783691 + ], + [ + "▁postpartum", + -13.540863990783691 + ], + [ + "▁Opti", + -13.540898323059082 + ], + [ + "▁substrates", + -13.540907859802246 + ], + [ + "▁teapot", + -13.540990829467772 + ], + [ + "▁Intelli", + -13.540997505187988 + ], + [ + "▁Stalin", + -13.54099941253662 + ], + [ + "▁yoke", + -13.541017532348633 + ], + [ + "▁stadiums", + -13.541150093078612 + ], + [ + "▁bordered", + -13.541172981262209 + ], + [ + "▁Comb", + -13.541258811950684 + ], + [ + "728", + -13.541306495666504 + ], + [ + "▁Hahn", + -13.54142951965332 + ], + [ + "Near", + -13.541516304016112 + ], + [ + "gloss", + -13.541523933410645 + ], + [ + "▁crystalline", + -13.541534423828123 + ], + [ + "quite", + -13.541596412658691 + ], + [ + "▁btw", + -13.541722297668455 + ], + [ + "▁Postcard", + -13.541828155517578 + ], + [ + "XF", + -13.54184913635254 + ], + [ + "▁VGA", + -13.541869163513184 + ], + [ + "▁cutoff", + -13.541977882385254 + ], + [ + "VB", + -13.54201602935791 + ], + [ + "▁AUTO", + -13.54201602935791 + ], + [ + "▁Carb", + -13.542064666748049 + ], + [ + "-54", + -13.542070388793944 + ], + [ + "19)", + -13.542244911193848 + ], + [ + "▁Gris", + -13.5422945022583 + ], + [ + "NING", + -13.542401313781738 + ], + [ + "Optional", + -13.54250717163086 + ], + [ + "▁underrated", + -13.542557716369627 + ], + [ + "marked", + -13.542580604553224 + ], + [ + "tted", + -13.542610168457031 + ], + [ + "cles", + -13.542645454406738 + ], + [ + "reel", + -13.54279899597168 + ], + [ + "▁Charcoal", + -13.54287338256836 + ], + [ + "stamp", + -13.542990684509276 + ], + [ + "▁camped", + -13.542990684509276 + ], + [ + "725", + -13.543002128601074 + ], + [ + "asha", + -13.543002128601074 + ], + [ + "▁Plateau", + -13.543006896972656 + ], + [ + "▁Sonny", + -13.543013572692873 + ], + [ + "▁Hats", + -13.543052673339844 + ], + [ + "▁Councillor", + -13.5430908203125 + ], + [ + "dum", + -13.543091773986816 + ], + [ + "lep", + -13.543094635009766 + ], + [ + "rhome", + -13.54312515258789 + ], + [ + "▁dialect", + -13.543220520019531 + ], + [ + "▁Nik", + -13.543269157409668 + ], + [ + "OPS", + -13.543307304382324 + ], + [ + "▁eyelash", + -13.543359756469728 + ], + [ + "▁Audubon", + -13.543377876281738 + ], + [ + "▁reciprocal", + -13.543377876281738 + ], + [ + "▁Assault", + -13.543381690979004 + ], + [ + "▁Galleries", + -13.543387413024902 + ], + [ + "▁Societies", + -13.54338836669922 + ], + [ + "▁Liberation", + -13.543405532836914 + ], + [ + "▁lilies", + -13.54343605041504 + ], + [ + "▁mitochondrial", + -13.543437004089355 + ], + [ + "▁Lat", + -13.543441772460938 + ], + [ + "▁sag", + -13.543471336364746 + ], + [ + "▁blitz", + -13.543492317199709 + ], + [ + "▁Rodeo", + -13.543527603149414 + ], + [ + "SAR", + -13.543620109558104 + ], + [ + "▁multitasking", + -13.543646812438965 + ], + [ + "▁fri", + -13.543648719787598 + ], + [ + "eric", + -13.543673515319824 + ], + [ + "▁socializing", + -13.543713569641112 + ], + [ + "▁Hawai", + -13.543737411499023 + ], + [ + "Palm", + -13.543824195861816 + ], + [ + "▁Able", + -13.543904304504396 + ], + [ + "▁Wilde", + -13.543936729431152 + ], + [ + "cop", + -13.54394817352295 + ], + [ + "express", + -13.543990135192873 + ], + [ + "▁Sling", + -13.543994903564451 + ], + [ + "▁Ska", + -13.544105529785156 + ], + [ + "woo", + -13.544109344482422 + ], + [ + "▁GoPro", + -13.544135093688965 + ], + [ + "▁Basque", + -13.544181823730469 + ], + [ + "loader", + -13.54419994354248 + ], + [ + "icky", + -13.544233322143556 + ], + [ + "▁eighteenth", + -13.544267654418944 + ], + [ + "rino", + -13.5443115234375 + ], + [ + "▁birding", + -13.544320106506348 + ], + [ + "▁Violin", + -13.54434299468994 + ], + [ + "▁vow", + -13.544384002685549 + ], + [ + "Window", + -13.544397354125977 + ], + [ + "▁Checklist", + -13.544414520263672 + ], + [ + "tracking", + -13.54449462890625 + ], + [ + "dden", + -13.544501304626465 + ], + [ + "▁Credits", + -13.544513702392578 + ], + [ + "rew", + -13.54458713531494 + ], + [ + "Roman", + -13.544615745544434 + ], + [ + "533", + -13.544722557067873 + ], + [ + "▁VIDEO", + -13.544733047485352 + ], + [ + "▁neutralize", + -13.544794082641602 + ], + [ + "▁corrosive", + -13.544819831848145 + ], + [ + "▁referees", + -13.544857025146484 + ], + [ + "901", + -13.544893264770508 + ], + [ + "▁Diver", + -13.544977188110352 + ], + [ + "▁softening", + -13.54503059387207 + ], + [ + "curricular", + -13.54506492614746 + ], + [ + "tract", + -13.545110702514648 + ], + [ + "▁Checking", + -13.545110702514648 + ], + [ + "▁FORM", + -13.545133590698242 + ], + [ + "▁erupt", + -13.54517936706543 + ], + [ + "▁headsets", + -13.545279502868652 + ], + [ + "376", + -13.54534149169922 + ], + [ + "AIR", + -13.545355796813965 + ], + [ + "enna", + -13.54535675048828 + ], + [ + "▁stretchy", + -13.545395851135254 + ], + [ + "▁dilute", + -13.54539966583252 + ], + [ + "dropping", + -13.545418739318848 + ], + [ + "lynn", + -13.545419692993164 + ], + [ + "▁Specification", + -13.545432090759276 + ], + [ + "8000", + -13.54545783996582 + ], + [ + "dB", + -13.545486450195312 + ], + [ + "▁Hundred", + -13.545488357543944 + ], + [ + "▁Saying", + -13.54549789428711 + ], + [ + "WO", + -13.545512199401855 + ], + [ + "▁Discounts", + -13.5455322265625 + ], + [ + "guru", + -13.545584678649902 + ], + [ + "▁2012)", + -13.54558563232422 + ], + [ + "▁Electrician", + -13.545682907104492 + ], + [ + "▁inscribed", + -13.545778274536133 + ], + [ + "▁Graz", + -13.545802116394045 + ], + [ + "▁Soc", + -13.54580307006836 + ], + [ + "▁hangout", + -13.54580783843994 + ], + [ + "▁froth", + -13.545918464660645 + ], + [ + "lek", + -13.545920372009276 + ], + [ + "▁Vibe", + -13.545940399169922 + ], + [ + "▁Citrix", + -13.54599380493164 + ], + [ + "▁swung", + -13.546000480651855 + ], + [ + "▁THREE", + -13.546001434326172 + ], + [ + "▁Dolby", + -13.546037673950195 + ], + [ + "▁brewers", + -13.54605197906494 + ], + [ + "▁satire", + -13.546055793762209 + ], + [ + "▁Chorus", + -13.546103477478027 + ], + [ + "▁Plumber", + -13.546133041381836 + ], + [ + "▁bluegrass", + -13.546168327331545 + ], + [ + "▁waxed", + -13.546182632446287 + ], + [ + "▁Oils", + -13.546221733093262 + ], + [ + "5.7", + -13.546222686767578 + ], + [ + "▁avert", + -13.546282768249512 + ], + [ + "Career", + -13.54628562927246 + ], + [ + "▁metering", + -13.546309471130373 + ], + [ + "rique", + -13.546337127685549 + ], + [ + "twin", + -13.546381950378418 + ], + [ + "▁Gwen", + -13.546513557434082 + ], + [ + "rub", + -13.546587944030762 + ], + [ + "eld", + -13.546643257141112 + ], + [ + "▁Huron", + -13.54665756225586 + ], + [ + "10%", + -13.54685115814209 + ], + [ + "▁Tuition", + -13.546853065490724 + ], + [ + "▁Magnificent", + -13.547053337097168 + ], + [ + "dus", + -13.547124862670898 + ], + [ + "lude", + -13.547249794006348 + ], + [ + "815", + -13.547264099121094 + ], + [ + "evi", + -13.547327041625977 + ], + [ + "▁Passage", + -13.547372817993164 + ], + [ + "▁1974.", + -13.547391891479492 + ], + [ + "▁6.4", + -13.547433853149414 + ], + [ + "▁curators", + -13.547554969787598 + ], + [ + "arina", + -13.54755687713623 + ], + [ + "▁blanks", + -13.547581672668455 + ], + [ + "▁fostered", + -13.547609329223633 + ], + [ + "▁mAh", + -13.547738075256348 + ], + [ + "Beach", + -13.54777717590332 + ], + [ + "▁partying", + -13.54781723022461 + ], + [ + "▁Bloody", + -13.547871589660645 + ], + [ + "bench", + -13.547937393188477 + ], + [ + "▁notifying", + -13.54794216156006 + ], + [ + "▁Lakeland", + -13.547974586486816 + ], + [ + "▁furnaces", + -13.547977447509766 + ], + [ + "ebo", + -13.54804229736328 + ], + [ + "▁artisanal", + -13.548052787780762 + ], + [ + "▁Iphone", + -13.54818344116211 + ], + [ + "Alt", + -13.54822063446045 + ], + [ + "▁strut", + -13.548235893249512 + ], + [ + "monthly", + -13.548307418823242 + ], + [ + "lisa", + -13.548312187194824 + ], + [ + "▁ANSI", + -13.54834270477295 + ], + [ + "▁adheres", + -13.548383712768556 + ], + [ + "▁Assoc", + -13.548474311828612 + ], + [ + "abilities", + -13.54850959777832 + ], + [ + "▁poo", + -13.548524856567385 + ], + [ + "▁dieting", + -13.54860496520996 + ], + [ + "▁Potomac", + -13.548606872558594 + ], + [ + "▁archipelago", + -13.548606872558594 + ], + [ + "▁auspicious", + -13.548606872558594 + ], + [ + "▁innumerable", + -13.548606872558594 + ], + [ + "▁Dresden", + -13.54860782623291 + ], + [ + "▁Orioles", + -13.54860782623291 + ], + [ + "▁Sinatra", + -13.548609733581545 + ], + [ + "▁tortoise", + -13.548609733581545 + ], + [ + "▁uns", + -13.548626899719238 + ], + [ + "▁Biotechnology", + -13.548629760742188 + ], + [ + "GAN", + -13.54863166809082 + ], + [ + "▁softener", + -13.548704147338867 + ], + [ + "▁Provo", + -13.548714637756348 + ], + [ + "▁whey", + -13.548725128173828 + ], + [ + "▁Ally", + -13.548768043518066 + ], + [ + "▁Epub", + -13.548871994018556 + ], + [ + "▁Completed", + -13.548891067504885 + ], + [ + "▁sermons", + -13.548892974853516 + ], + [ + "▁Clarkson", + -13.54895305633545 + ], + [ + "().", + -13.548990249633787 + ], + [ + "595", + -13.548990249633787 + ], + [ + "9.9", + -13.548991203308104 + ], + [ + "▁Nook", + -13.548998832702637 + ], + [ + "▁stalks", + -13.54902458190918 + ], + [ + "▁INS", + -13.549047470092772 + ], + [ + "▁$1.1", + -13.549081802368164 + ], + [ + "▁staffers", + -13.549190521240234 + ], + [ + "425", + -13.54921817779541 + ], + [ + "▁VG", + -13.549299240112305 + ], + [ + "▁Advances", + -13.54935359954834 + ], + [ + "▁Poems", + -13.549368858337402 + ], + [ + "▁183", + -13.549449920654297 + ], + [ + "▁Lai", + -13.549460411071776 + ], + [ + "▁tripping", + -13.549540519714355 + ], + [ + "▁Stro", + -13.549606323242188 + ], + [ + "SRC", + -13.549700736999512 + ], + [ + "▁FIRE", + -13.549747467041016 + ], + [ + "0-2", + -13.549867630004885 + ], + [ + "mud", + -13.549943923950195 + ], + [ + "ibly", + -13.549972534179688 + ], + [ + "▁Losing", + -13.550016403198242 + ], + [ + "package", + -13.550074577331545 + ], + [ + "▁administrations", + -13.550143241882324 + ], + [ + "▁syringe", + -13.55015468597412 + ], + [ + "▁Isla", + -13.55015754699707 + ], + [ + "-1000", + -13.55016803741455 + ], + [ + "Expect", + -13.55017375946045 + ], + [ + "▁strapped", + -13.550214767456056 + ], + [ + "▁councillor", + -13.550235748291016 + ], + [ + "▁stockings", + -13.55027675628662 + ], + [ + "UTE", + -13.550312042236328 + ], + [ + "▁sul", + -13.550393104553224 + ], + [ + "minus", + -13.550422668457031 + ], + [ + "▁kilo", + -13.550430297851562 + ], + [ + "▁fender", + -13.550456047058104 + ], + [ + "uddin", + -13.550460815429688 + ], + [ + "▁Mediation", + -13.550493240356444 + ], + [ + "▁ORDER", + -13.55051612854004 + ], + [ + "▁contestant", + -13.550529479980469 + ], + [ + "▁Carrot", + -13.550543785095217 + ], + [ + "▁cheered", + -13.550543785095217 + ], + [ + "Singapore", + -13.5506010055542 + ], + [ + "museum", + -13.550626754760742 + ], + [ + "KK", + -13.550644874572754 + ], + [ + "mint", + -13.550697326660156 + ], + [ + "Gb", + -13.550703048706056 + ], + [ + "▁1969,", + -13.550707817077637 + ], + [ + "▁Lois", + -13.550774574279783 + ], + [ + "▁blatant", + -13.55099105834961 + ], + [ + "▁mating", + -13.550992012023926 + ], + [ + "County", + -13.551025390625 + ], + [ + "▁DEF", + -13.551043510437012 + ], + [ + "▁erratic", + -13.551207542419434 + ], + [ + "▁anniversaries", + -13.551231384277344 + ], + [ + "▁incandescent", + -13.551231384277344 + ], + [ + "▁ricotta", + -13.551231384277344 + ], + [ + "▁lieutenant", + -13.551234245300291 + ], + [ + "▁immature", + -13.551239013671877 + ], + [ + "▁convene", + -13.551241874694824 + ], + [ + "▁rambling", + -13.551247596740724 + ], + [ + "▁gulf", + -13.551264762878418 + ], + [ + "▁dictatorship", + -13.55129623413086 + ], + [ + "▁paralyzed", + -13.551353454589844 + ], + [ + "▁Honeywell", + -13.551361083984377 + ], + [ + "▁townhomes", + -13.551368713378906 + ], + [ + "Wolf", + -13.551383018493652 + ], + [ + "▁Sherwood", + -13.551397323608398 + ], + [ + "▁Israelites", + -13.551399230957031 + ], + [ + "▁Sven", + -13.551410675048828 + ], + [ + "▁orphans", + -13.551431655883787 + ], + [ + "12,", + -13.55147647857666 + ], + [ + "▁Tinder", + -13.55151653289795 + ], + [ + "▁Rays", + -13.55152702331543 + ], + [ + "▁culminated", + -13.551560401916504 + ], + [ + "beer", + -13.551650047302246 + ], + [ + "▁Grind", + -13.551717758178713 + ], + [ + "▁Tracks", + -13.551735877990724 + ], + [ + "▁withheld", + -13.55177402496338 + ], + [ + "clair", + -13.551838874816896 + ], + [ + "▁longitude", + -13.551857948303224 + ], + [ + "▁whine", + -13.551864624023438 + ], + [ + "910", + -13.551963806152344 + ], + [ + "theme", + -13.551968574523926 + ], + [ + "▁powerless", + -13.55197048187256 + ], + [ + "▁CAL", + -13.552040100097656 + ], + [ + "BX", + -13.552074432373049 + ], + [ + "▁Slo", + -13.552082061767578 + ], + [ + "▁Founders", + -13.55221939086914 + ], + [ + "tire", + -13.552278518676758 + ], + [ + "SEA", + -13.552335739135742 + ], + [ + "▁midi", + -13.552364349365234 + ], + [ + "sik", + -13.552380561828612 + ], + [ + "teacher", + -13.552411079406738 + ], + [ + "▁Bonn", + -13.552412986755373 + ], + [ + "▁NLP", + -13.55252170562744 + ], + [ + "▁burners", + -13.552539825439451 + ], + [ + "▁waits", + -13.552685737609863 + ], + [ + "▁Tuck", + -13.552733421325684 + ], + [ + "▁sect", + -13.552775382995604 + ], + [ + "377", + -13.552786827087402 + ], + [ + "▁hauled", + -13.552865028381348 + ], + [ + "▁clo", + -13.552899360656738 + ], + [ + "▁scandals", + -13.552906036376951 + ], + [ + "▁tights", + -13.553032875061035 + ], + [ + "3\"", + -13.55311393737793 + ], + [ + "SHA", + -13.55316925048828 + ], + [ + "▁miso", + -13.553200721740724 + ], + [ + "tf", + -13.553213119506836 + ], + [ + "PIC", + -13.55322265625 + ], + [ + "Diamond", + -13.553269386291504 + ], + [ + "Kill", + -13.5532865524292 + ], + [ + "Premium", + -13.553298950195312 + ], + [ + "▁Ket", + -13.55348300933838 + ], + [ + "238", + -13.553521156311035 + ], + [ + "▁simmering", + -13.553604125976562 + ], + [ + "▁figurative", + -13.553622245788574 + ], + [ + "Fuel", + -13.553680419921877 + ], + [ + "vox", + -13.553854942321776 + ], + [ + "▁escorted", + -13.553862571716309 + ], + [ + "▁pregnancies", + -13.553863525390623 + ], + [ + "▁vinaigrette", + -13.553863525390623 + ], + [ + "▁atlanta", + -13.553866386413574 + ], + [ + "▁Wolfgang", + -13.553875923156738 + ], + [ + "drink", + -13.553878784179688 + ], + [ + "▁Batteries", + -13.553881645202637 + ], + [ + "▁mediate", + -13.553888320922852 + ], + [ + "▁FPGA", + -13.55390739440918 + ], + [ + "▁poking", + -13.55390739440918 + ], + [ + "▁Oxfordshire", + -13.553908348083496 + ], + [ + "▁tensile", + -13.553912162780762 + ], + [ + "▁20-25", + -13.553915977478027 + ], + [ + "▁OTC", + -13.553935050964355 + ], + [ + "▁Allows", + -13.553936004638672 + ], + [ + "▁surged", + -13.553946495056152 + ], + [ + "▁choirs", + -13.553948402404783 + ], + [ + "▁teasing", + -13.553959846496582 + ], + [ + "421", + -13.554003715515137 + ], + [ + "akan", + -13.554047584533691 + ], + [ + "▁VIC", + -13.554059982299805 + ], + [ + "▁glitches", + -13.554099082946776 + ], + [ + "▁fiat", + -13.554141998291016 + ], + [ + "▁Attend", + -13.554144859313965 + ], + [ + "▁Mummy", + -13.554159164428713 + ], + [ + "▁deliverables", + -13.554200172424316 + ], + [ + "▁Regions", + -13.55426788330078 + ], + [ + "▁barns", + -13.554280281066896 + ], + [ + "ivi", + -13.554414749145508 + ], + [ + "▁Donovan", + -13.554442405700684 + ], + [ + "Hmm", + -13.554537773132324 + ], + [ + "▁JK", + -13.554543495178224 + ], + [ + "▁Geoffrey", + -13.554550170898438 + ], + [ + "▁purses", + -13.554683685302734 + ], + [ + "▁Blitz", + -13.554686546325684 + ], + [ + "▁speculated", + -13.554776191711426 + ], + [ + "estate", + -13.554792404174805 + ], + [ + "▁Sip", + -13.554815292358398 + ], + [ + "▁alcoholism", + -13.554819107055664 + ], + [ + "▁stout", + -13.55492877960205 + ], + [ + "▁Burnett", + -13.554940223693848 + ], + [ + "2.50", + -13.554994583129885 + ], + [ + "▁Eileen", + -13.55506992340088 + ], + [ + "▁rigorously", + -13.555242538452148 + ], + [ + "▁selector", + -13.55524444580078 + ], + [ + "▁Documentary", + -13.555262565612791 + ], + [ + "CRM", + -13.555310249328612 + ], + [ + "Cart", + -13.55532455444336 + ], + [ + "▁Celebrating", + -13.555432319641112 + ], + [ + "wrap", + -13.55545711517334 + ], + [ + "▁Moral", + -13.555500030517578 + ], + [ + "▁Swami", + -13.55551052093506 + ], + [ + "Ghost", + -13.55556297302246 + ], + [ + "▁Kite", + -13.555574417114258 + ], + [ + "▁Laden", + -13.555583953857422 + ], + [ + "HK", + -13.555591583251951 + ], + [ + "noise", + -13.555630683898926 + ], + [ + "▁Chia", + -13.555710792541504 + ], + [ + "141", + -13.55585765838623 + ], + [ + "▁apologized", + -13.555868148803713 + ], + [ + "▁Fol", + -13.55587387084961 + ], + [ + "vehicle", + -13.555984497070312 + ], + [ + "332", + -13.555992126464844 + ], + [ + "341", + -13.556002616882324 + ], + [ + "▁auditions", + -13.556013107299805 + ], + [ + "367", + -13.55605411529541 + ], + [ + "▁196", + -13.55606746673584 + ], + [ + "Attorney", + -13.556167602539062 + ], + [ + "▁Wir", + -13.556217193603516 + ], + [ + "cler", + -13.556218147277832 + ], + [ + "HTML", + -13.556282997131348 + ], + [ + "▁24%", + -13.556286811828612 + ], + [ + "mf", + -13.556333541870115 + ], + [ + "▁Towel", + -13.55638313293457 + ], + [ + "▁cascading", + -13.556501388549805 + ], + [ + "▁sensibility", + -13.556501388549805 + ], + [ + "▁unmistakable", + -13.556501388549805 + ], + [ + "▁unquestionably", + -13.556501388549805 + ], + [ + "▁Shampoo", + -13.556503295898438 + ], + [ + "▁obscene", + -13.556504249572754 + ], + [ + "▁empathetic", + -13.556507110595703 + ], + [ + "▁crescent", + -13.556509017944336 + ], + [ + "▁esophagus", + -13.556509971618652 + ], + [ + "▁peacock", + -13.556535720825195 + ], + [ + "▁exhale", + -13.556543350219728 + ], + [ + "▁spanned", + -13.556551933288574 + ], + [ + "▁shredder", + -13.556594848632812 + ], + [ + "88.", + -13.556642532348633 + ], + [ + "▁Mater", + -13.556666374206545 + ], + [ + "Profile", + -13.55674934387207 + ], + [ + "▁deported", + -13.556763648986816 + ], + [ + "▁Pana", + -13.556772232055664 + ], + [ + "▁Supermarket", + -13.556798934936523 + ], + [ + "▁Criteria", + -13.556845664978027 + ], + [ + "Brush", + -13.556855201721191 + ], + [ + "▁basins", + -13.55690097808838 + ], + [ + "iak", + -13.556918144226074 + ], + [ + "Pic", + -13.556929588317873 + ], + [ + "ehr", + -13.557072639465332 + ], + [ + "▁от", + -13.557076454162598 + ], + [ + "hhh", + -13.557114601135254 + ], + [ + "Clo", + -13.557148933410645 + ], + [ + "▁criticisms", + -13.557167053222656 + ], + [ + "ECE", + -13.557260513305664 + ], + [ + "IMS", + -13.557293891906738 + ], + [ + "▁riverside", + -13.557303428649902 + ], + [ + "▁LOVED", + -13.557363510131836 + ], + [ + "▁Jules", + -13.557476997375488 + ], + [ + "▁Kant", + -13.557476997375488 + ], + [ + "▁jpeg", + -13.557573318481444 + ], + [ + "5-7", + -13.557578086853027 + ], + [ + "peri", + -13.557680130004885 + ], + [ + "▁Ingram", + -13.557717323303224 + ], + [ + "tsu", + -13.55772590637207 + ], + [ + "▁bakers", + -13.557765007019045 + ], + [ + "▁Miriam", + -13.557886123657228 + ], + [ + "▁yahoo", + -13.558043479919434 + ], + [ + "▁scammers", + -13.55809211730957 + ], + [ + "▁chalet", + -13.55819034576416 + ], + [ + "▁afar", + -13.558198928833008 + ], + [ + "Discuss", + -13.558308601379396 + ], + [ + "bling", + -13.558337211608888 + ], + [ + "247", + -13.55841827392578 + ], + [ + "customer", + -13.558521270751951 + ], + [ + "4-7", + -13.558571815490724 + ], + [ + "▁picnics", + -13.55859375 + ], + [ + "deductible", + -13.558688163757324 + ], + [ + "▁157", + -13.55868911743164 + ], + [ + "Behind", + -13.558708190917969 + ], + [ + "▁Gamma", + -13.558723449707031 + ], + [ + "▁1895", + -13.558801651000977 + ], + [ + "itus", + -13.558804512023926 + ], + [ + "Georgia", + -13.558805465698242 + ], + [ + "▁CHI", + -13.55898094177246 + ], + [ + "corner", + -13.558999061584473 + ], + [ + "▁backcountry", + -13.559005737304688 + ], + [ + "▁Corr", + -13.559115409851074 + ], + [ + "▁jasmine", + -13.559146881103516 + ], + [ + "▁unsuspecting", + -13.559146881103516 + ], + [ + "▁Astronomy", + -13.559147834777832 + ], + [ + "▁breezy", + -13.559148788452148 + ], + [ + "▁uterus", + -13.559149742126465 + ], + [ + "▁Consultancy", + -13.559151649475098 + ], + [ + "▁Hershey", + -13.55915641784668 + ], + [ + "▁Gainesville", + -13.559162139892578 + ], + [ + "Roger", + -13.559165954589844 + ], + [ + "▁blocker", + -13.559168815612791 + ], + [ + "▁paddock", + -13.559168815612791 + ], + [ + "▁ribbed", + -13.559185981750488 + ], + [ + "▁tumbling", + -13.559186935424805 + ], + [ + "▁finesse", + -13.559192657470703 + ], + [ + "▁Ports", + -13.55921459197998 + ], + [ + "▁affliction", + -13.559215545654297 + ], + [ + "=2", + -13.55950927734375 + ], + [ + "▁orchestrated", + -13.559535026550291 + ], + [ + "▁refinishing", + -13.559552192687988 + ], + [ + "▁powertrain", + -13.559669494628906 + ], + [ + "▁vor", + -13.559700965881348 + ], + [ + "▁Gol", + -13.559706687927246 + ], + [ + "▁Wikimedia", + -13.559717178344728 + ], + [ + "=0", + -13.559721946716309 + ], + [ + "eros", + -13.559786796569824 + ], + [ + "▁Spartans", + -13.559814453125 + ], + [ + "▁rhymes", + -13.559886932373049 + ], + [ + "▁uh", + -13.559954643249512 + ], + [ + "▁14,000", + -13.560036659240724 + ], + [ + "bun", + -13.56004524230957 + ], + [ + "▁Bikes", + -13.560067176818848 + ], + [ + "▁proponents", + -13.560113906860352 + ], + [ + "▁adage", + -13.56016445159912 + ], + [ + "▁MCA", + -13.56018352508545 + ], + [ + "▁7-8", + -13.560214042663574 + ], + [ + "▁1974,", + -13.56035041809082 + ], + [ + "00)", + -13.560379028320312 + ], + [ + "890", + -13.560422897338867 + ], + [ + "cafe", + -13.56042766571045 + ], + [ + "▁assaults", + -13.560474395751951 + ], + [ + "▁symbolize", + -13.56047534942627 + ], + [ + "▁trump", + -13.560502052307127 + ], + [ + "▁chakra", + -13.560507774353027 + ], + [ + "▁Brewers", + -13.560511589050291 + ], + [ + "▁Mé", + -13.56061840057373 + ], + [ + "▁Infrared", + -13.560630798339844 + ], + [ + "▁Faster", + -13.560683250427246 + ], + [ + "▁calculators", + -13.56069564819336 + ], + [ + "▁knocks", + -13.560714721679688 + ], + [ + "aldo", + -13.560730934143066 + ], + [ + "▁Xu", + -13.560758590698242 + ], + [ + "▁lightening", + -13.560812950134276 + ], + [ + "YM", + -13.560837745666504 + ], + [ + "▁reconstruct", + -13.560840606689451 + ], + [ + "630", + -13.5608549118042 + ], + [ + "▁Accelerator", + -13.56096363067627 + ], + [ + "▁spilling", + -13.56096649169922 + ], + [ + "▁Technological", + -13.56108856201172 + ], + [ + "tiny", + -13.561092376708984 + ], + [ + "thorpe", + -13.561177253723145 + ], + [ + "▁secondly", + -13.561186790466309 + ], + [ + "▁extremists", + -13.561219215393066 + ], + [ + "▁coasters", + -13.561226844787598 + ], + [ + "▁fashions", + -13.561272621154783 + ], + [ + "▁plantings", + -13.56131649017334 + ], + [ + "387", + -13.561317443847656 + ], + [ + "finish", + -13.561352729797363 + ], + [ + "drum", + -13.561371803283691 + ], + [ + "6′′", + -13.561400413513184 + ], + [ + "charging", + -13.561410903930664 + ], + [ + "escence", + -13.561420440673828 + ], + [ + "Popular", + -13.56143569946289 + ], + [ + "64.", + -13.561473846435549 + ], + [ + "gne", + -13.56149959564209 + ], + [ + "226", + -13.561514854431152 + ], + [ + "▁Saver", + -13.561524391174316 + ], + [ + "hoc", + -13.561535835266112 + ], + [ + "engineered", + -13.561628341674805 + ], + [ + "▁Maz", + -13.5617094039917 + ], + [ + "▁Curse", + -13.56177043914795 + ], + [ + "▁Confederation", + -13.56179904937744 + ], + [ + "▁alternator", + -13.56179904937744 + ], + [ + "▁intimidation", + -13.56179904937744 + ], + [ + "▁osteoarthritis", + -13.56179904937744 + ], + [ + "Motion", + -13.561800003051758 + ], + [ + "▁monetize", + -13.561800956726074 + ], + [ + "▁Psychic", + -13.561814308166504 + ], + [ + "▁Brunei", + -13.56181812286377 + ], + [ + "▁repentance", + -13.56181812286377 + ], + [ + "▁Moderate", + -13.561827659606934 + ], + [ + "Kay", + -13.561829566955566 + ], + [ + "rolling", + -13.561866760253906 + ], + [ + "Italy", + -13.561884880065918 + ], + [ + "▁unplanned", + -13.561887741088867 + ], + [ + "stable", + -13.561894416809082 + ], + [ + "1900", + -13.561992645263672 + ], + [ + "▁Eddy", + -13.561994552612305 + ], + [ + "lope", + -13.562074661254885 + ], + [ + "▁35,000", + -13.562088966369627 + ], + [ + "▁lockout", + -13.562115669250488 + ], + [ + "▁Guan", + -13.56215000152588 + ], + [ + "▁windscreen", + -13.562215805053713 + ], + [ + "▁unites", + -13.56232738494873 + ], + [ + "▁fishery", + -13.56244659423828 + ], + [ + "reduction", + -13.562479972839355 + ], + [ + "▁chests", + -13.56252098083496 + ], + [ + "▁Rihanna", + -13.562618255615234 + ], + [ + "▁Brunch", + -13.562634468078612 + ], + [ + "▁skaters", + -13.562772750854492 + ], + [ + "▁PW", + -13.562870025634766 + ], + [ + "▁coldest", + -13.562894821166992 + ], + [ + "▁Partly", + -13.562939643859863 + ], + [ + "▁dei", + -13.562970161437988 + ], + [ + "(5):", + -13.562992095947266 + ], + [ + "▁Haas", + -13.563032150268556 + ], + [ + "kur", + -13.563065528869627 + ], + [ + "▁horrors", + -13.563117027282717 + ], + [ + "522", + -13.56312656402588 + ], + [ + "▁recoup", + -13.563155174255373 + ], + [ + "▁Vineyards", + -13.56317138671875 + ], + [ + "4-6", + -13.563361167907717 + ], + [ + "raja", + -13.563376426696776 + ], + [ + "▁roommates", + -13.563467979431152 + ], + [ + "▁Sharif", + -13.563482284545898 + ], + [ + "▁girlfriends", + -13.563490867614746 + ], + [ + "▁Tasting", + -13.563573837280272 + ], + [ + "Tra", + -13.56361484527588 + ], + [ + "Events", + -13.563691139221191 + ], + [ + "▁CCA", + -13.563724517822266 + ], + [ + "▁211", + -13.563735008239746 + ], + [ + "JU", + -13.56374740600586 + ], + [ + "▁antigen", + -13.5637845993042 + ], + [ + "EDA", + -13.563848495483398 + ], + [ + "▁Nasdaq", + -13.563965797424316 + ], + [ + "▁REC", + -13.564029693603516 + ], + [ + "▁SCR", + -13.564071655273438 + ], + [ + "Categories", + -13.56414031982422 + ], + [ + "Jordan", + -13.564149856567385 + ], + [ + "riding", + -13.564160346984863 + ], + [ + "▁Sti", + -13.56419849395752 + ], + [ + "▁Yen", + -13.564223289489746 + ], + [ + "OUS", + -13.564263343811035 + ], + [ + "▁530", + -13.564269065856934 + ], + [ + "▁Orthopaedic", + -13.564458847045898 + ], + [ + "▁atrocities", + -13.564458847045898 + ], + [ + "▁baguette", + -13.564458847045898 + ], + [ + "▁blizzard", + -13.564458847045898 + ], + [ + "▁chutney", + -13.564458847045898 + ], + [ + "▁intricacies", + -13.564458847045898 + ], + [ + "▁unstoppable", + -13.564458847045898 + ], + [ + "▁scrubbing", + -13.564472198486328 + ], + [ + "▁bandwagon", + -13.564485549926758 + ], + [ + "▁wavy", + -13.56448745727539 + ], + [ + "ALI", + -13.564515113830566 + ], + [ + "Gro", + -13.56459140777588 + ], + [ + "▁Redmond", + -13.564630508422852 + ], + [ + "▁vac", + -13.564669609069824 + ], + [ + "▁Beetle", + -13.564702033996582 + ], + [ + "▁handpicked", + -13.564736366271973 + ], + [ + "136", + -13.564764022827148 + ], + [ + "eater", + -13.564801216125488 + ], + [ + "CHAR", + -13.564851760864258 + ], + [ + "▁banter", + -13.56485366821289 + ], + [ + "▁14\"", + -13.564871788024902 + ], + [ + "TOWN", + -13.56489372253418 + ], + [ + "▁breaths", + -13.564895629882812 + ], + [ + "▁HOPE", + -13.56501579284668 + ], + [ + "▁Underwood", + -13.565069198608398 + ], + [ + "▁mouthpiece", + -13.565104484558104 + ], + [ + "eja", + -13.56513500213623 + ], + [ + "▁Timeline", + -13.565136909484863 + ], + [ + "▁Mariners", + -13.565147399902344 + ], + [ + "▁Gems", + -13.565231323242188 + ], + [ + "▁marginally", + -13.565235137939451 + ], + [ + "▁Luton", + -13.565274238586426 + ], + [ + "▁Guards", + -13.565309524536133 + ], + [ + "tuned", + -13.56533432006836 + ], + [ + "▁Cells", + -13.56533432006836 + ], + [ + "▁diva", + -13.565464973449709 + ], + [ + "▁karate", + -13.565486907958984 + ], + [ + "▁absorbent", + -13.565526962280272 + ], + [ + "006", + -13.565564155578612 + ], + [ + "▁equate", + -13.565621376037598 + ], + [ + "▁declarations", + -13.56562614440918 + ], + [ + "▁resellers", + -13.565634727478027 + ], + [ + "215", + -13.565637588500977 + ], + [ + "▁OTA", + -13.565720558166504 + ], + [ + "▁LAST", + -13.565759658813477 + ], + [ + "gaming", + -13.565826416015623 + ], + [ + "▁23%", + -13.565876960754396 + ], + [ + "Gui", + -13.566010475158691 + ], + [ + "▁Auxiliary", + -13.56601905822754 + ], + [ + "476", + -13.566088676452637 + ], + [ + "▁Permission", + -13.566173553466797 + ], + [ + "▁Kodi", + -13.566182136535645 + ], + [ + "▁Malay", + -13.566214561462402 + ], + [ + "▁swimsuit", + -13.566245079040527 + ], + [ + "Acts", + -13.5662841796875 + ], + [ + "▁Skate", + -13.566291809082031 + ], + [ + "▁abandoning", + -13.56630039215088 + ], + [ + "▁$150,000", + -13.566347122192385 + ], + [ + "JR", + -13.566360473632812 + ], + [ + "▁80'", + -13.56637954711914 + ], + [ + "▁basal", + -13.566450119018556 + ], + [ + "agging", + -13.566502571105955 + ], + [ + "▁Hike", + -13.566540718078612 + ], + [ + "▁methodological", + -13.566600799560549 + ], + [ + "terrorism", + -13.566603660583496 + ], + [ + "trol", + -13.566664695739746 + ], + [ + "▁zo", + -13.566716194152832 + ], + [ + "699", + -13.566741943359377 + ], + [ + "▁Bib", + -13.566798210144045 + ], + [ + "▁tunic", + -13.566849708557127 + ], + [ + "▁owls", + -13.566885948181152 + ], + [ + "▁Teens", + -13.566943168640137 + ], + [ + "▁PN", + -13.567047119140623 + ], + [ + "▁Greenhouse", + -13.567119598388672 + ], + [ + "▁Humboldt", + -13.56712532043457 + ], + [ + "▁mesothelioma", + -13.56712532043457 + ], + [ + "fps", + -13.567131996154783 + ], + [ + "▁Arbitration", + -13.567132949829102 + ], + [ + "▁Diwali", + -13.567132949829102 + ], + [ + "▁jQuery", + -13.567137718200684 + ], + [ + "▁tarot", + -13.5671968460083 + ], + [ + "▁disqualified", + -13.567197799682615 + ], + [ + "▁Administrators", + -13.567200660705566 + ], + [ + "▁Scher", + -13.567200660705566 + ], + [ + "▁enlargement", + -13.567312240600586 + ], + [ + "▁50/50", + -13.5673246383667 + ], + [ + "▁bullion", + -13.567331314086914 + ], + [ + "tow", + -13.567352294921877 + ], + [ + "▁Retain", + -13.56736660003662 + ], + [ + "▁Nadal", + -13.567399978637695 + ], + [ + "▁radon", + -13.567404747009276 + ], + [ + "▁sprinkles", + -13.567482948303224 + ], + [ + "▁mentored", + -13.567523956298828 + ], + [ + "▁chronicles", + -13.567560195922852 + ], + [ + "▁banjo", + -13.567593574523926 + ], + [ + "yx", + -13.56760311126709 + ], + [ + "-82", + -13.567645072937012 + ], + [ + "fic", + -13.567669868469238 + ], + [ + "CCA", + -13.567693710327148 + ], + [ + "▁IB", + -13.567702293395996 + ], + [ + "Lib", + -13.56778621673584 + ], + [ + "nav", + -13.567789077758787 + ], + [ + "▁loo", + -13.56792449951172 + ], + [ + "▁Div", + -13.567936897277832 + ], + [ + "seater", + -13.567940711975098 + ], + [ + "▁Steph", + -13.56797218322754 + ], + [ + "▁Maureen", + -13.568015098571776 + ], + [ + "▁SX", + -13.568069458007812 + ], + [ + "▁Improving", + -13.56809902191162 + ], + [ + "khan", + -13.568192481994627 + ], + [ + "internet", + -13.568214416503906 + ], + [ + "▁leaderboard", + -13.568233489990234 + ], + [ + "▁Icons", + -13.568256378173828 + ], + [ + "▁Quantity", + -13.568314552307127 + ], + [ + "LIS", + -13.568365097045898 + ], + [ + "▁scripted", + -13.568373680114746 + ], + [ + "hle", + -13.568382263183594 + ], + [ + "▁TLS", + -13.568499565124512 + ], + [ + "▁lg", + -13.568524360656738 + ], + [ + "▁riffs", + -13.568563461303713 + ], + [ + "▁CPD", + -13.568599700927734 + ], + [ + "CAL", + -13.568679809570312 + ], + [ + "▁BM", + -13.568760871887209 + ], + [ + "▁Phu", + -13.568872451782228 + ], + [ + "bark", + -13.568880081176758 + ], + [ + "▁summarizes", + -13.568921089172363 + ], + [ + "599", + -13.56894874572754 + ], + [ + "BAR", + -13.568977355957031 + ], + [ + "▁APS", + -13.569086074829102 + ], + [ + "▁FAR", + -13.569086074829102 + ], + [ + "fro", + -13.569087982177734 + ], + [ + "▁intensify", + -13.569291114807127 + ], + [ + "Metro", + -13.569330215454102 + ], + [ + "Forward", + -13.569341659545898 + ], + [ + "▁cowl", + -13.56937313079834 + ], + [ + "▁checker", + -13.569392204284668 + ], + [ + "▁1).", + -13.569401741027832 + ], + [ + "▁Wilkinson", + -13.569414138793944 + ], + [ + "▁Hara", + -13.569458961486816 + ], + [ + "▁Nicholson", + -13.569485664367676 + ], + [ + "▁aisles", + -13.5695219039917 + ], + [ + "Deck", + -13.569568634033203 + ], + [ + "▁uncovering", + -13.569602966308594 + ], + [ + "▁Rahman", + -13.569615364074709 + ], + [ + "burger", + -13.569624900817873 + ], + [ + "▁Llan", + -13.569626808166504 + ], + [ + "▁Anand", + -13.569663047790527 + ], + [ + "gallon", + -13.56966495513916 + ], + [ + "▁Observation", + -13.569750785827637 + ], + [ + "Seems", + -13.56978702545166 + ], + [ + "▁chaplain", + -13.569798469543455 + ], + [ + "▁cardamom", + -13.569799423217772 + ], + [ + "▁preparatory", + -13.569799423217772 + ], + [ + "▁Cassidy", + -13.569802284240724 + ], + [ + "▁crammed", + -13.569805145263672 + ], + [ + "▁interrogation", + -13.569805145263672 + ], + [ + "▁Radiation", + -13.569814682006836 + ], + [ + "▁Bromley", + -13.56983470916748 + ], + [ + "▁Kremlin", + -13.569843292236328 + ], + [ + "hk", + -13.569857597351074 + ], + [ + "▁moose", + -13.569865226745604 + ], + [ + "expected", + -13.569886207580566 + ], + [ + "▁Enhancement", + -13.56989288330078 + ], + [ + "tick", + -13.56991481781006 + ], + [ + "Changing", + -13.569916725158691 + ], + [ + "▁butternut", + -13.569923400878906 + ], + [ + "unique", + -13.569938659667969 + ], + [ + "Wrap", + -13.56994342803955 + ], + [ + "Grey", + -13.569960594177246 + ], + [ + "▁500-", + -13.569981575012209 + ], + [ + "▁Alvarez", + -13.56999683380127 + ], + [ + "Intel", + -13.570025444030762 + ], + [ + "▁centerpieces", + -13.570032119750977 + ], + [ + "Discount", + -13.57007122039795 + ], + [ + "▁620", + -13.57012939453125 + ], + [ + "▁repaid", + -13.57026481628418 + ], + [ + "▁Prius", + -13.570266723632812 + ], + [ + "▁Marvelous", + -13.570286750793455 + ], + [ + "▁annotations", + -13.57029151916504 + ], + [ + "▁oat", + -13.57031536102295 + ], + [ + "▁hilly", + -13.570343017578123 + ], + [ + "tly", + -13.570348739624023 + ], + [ + "▁Ambassadors", + -13.57037353515625 + ], + [ + "DIS", + -13.570399284362791 + ], + [ + "▁Ind", + -13.5704984664917 + ], + [ + "TAR", + -13.570528984069824 + ], + [ + "▁IO", + -13.57070541381836 + ], + [ + "▁Haunted", + -13.570743560791016 + ], + [ + "▁Umbrella", + -13.570755958557127 + ], + [ + "respect", + -13.57076644897461 + ], + [ + "▁Libyan", + -13.570789337158203 + ], + [ + "▁6.3", + -13.57081699371338 + ], + [ + "▁PLAN", + -13.570823669433594 + ], + [ + "▁hoist", + -13.570825576782228 + ], + [ + "▁vampires", + -13.570931434631348 + ], + [ + "oir", + -13.570947647094728 + ], + [ + "▁Kip", + -13.570952415466309 + ], + [ + "▁Spectacular", + -13.57095718383789 + ], + [ + "▁resonated", + -13.571001052856444 + ], + [ + "▁fabricate", + -13.571050643920898 + ], + [ + "▁chock", + -13.571130752563477 + ], + [ + "▁Sewer", + -13.571187019348145 + ], + [ + "alle", + -13.571197509765623 + ], + [ + "▁licensors", + -13.571258544921877 + ], + [ + "rita", + -13.571281433105469 + ], + [ + "▁Coo", + -13.571281433105469 + ], + [ + "▁Tala", + -13.5712890625 + ], + [ + "▁CONTROL", + -13.571290016174316 + ], + [ + "▁Hertz", + -13.571338653564451 + ], + [ + "▁1980.", + -13.57136058807373 + ], + [ + "Crew", + -13.571413040161133 + ], + [ + "▁Lon", + -13.571491241455078 + ], + [ + "▁Gloves", + -13.571574211120604 + ], + [ + "7.1", + -13.571577072143556 + ], + [ + "▁kinder", + -13.571710586547852 + ], + [ + "▁Therapeutic", + -13.57172966003418 + ], + [ + "▁Kelsey", + -13.571776390075684 + ], + [ + "▁bolted", + -13.571874618530272 + ], + [ + "▁prioritise", + -13.571879386901855 + ], + [ + "▁reiterate", + -13.571880340576172 + ], + [ + "▁McGregor", + -13.571914672851562 + ], + [ + "▁ingest", + -13.572014808654783 + ], + [ + "▁silos", + -13.572073936462402 + ], + [ + "90.", + -13.572089195251465 + ], + [ + "▁WAR", + -13.572120666503906 + ], + [ + "▁Isa", + -13.572125434875488 + ], + [ + "▁halogen", + -13.572271347045898 + ], + [ + "▁OE", + -13.572285652160645 + ], + [ + "nity", + -13.572340965270996 + ], + [ + "Suitable", + -13.572386741638184 + ], + [ + "▁Manu", + -13.572400093078612 + ], + [ + "ORA", + -13.572466850280762 + ], + [ + "▁Debra", + -13.572480201721191 + ], + [ + "▁conceivable", + -13.572480201721191 + ], + [ + "▁penchant", + -13.572480201721191 + ], + [ + "▁saddened", + -13.572480201721191 + ], + [ + "▁Attitude", + -13.572482109069824 + ], + [ + "▁precedence", + -13.57248306274414 + ], + [ + "▁lymphatic", + -13.57248592376709 + ], + [ + "▁Seneca", + -13.57249927520752 + ], + [ + "▁Telescope", + -13.572500228881836 + ], + [ + "▁(1998)", + -13.572511672973633 + ], + [ + "▁Silverado", + -13.572650909423828 + ], + [ + "▁Jonah", + -13.572660446166992 + ], + [ + "▁spearheaded", + -13.57269287109375 + ], + [ + "▁sloping", + -13.57277774810791 + ], + [ + "gge", + -13.572877883911133 + ], + [ + "▁Mans", + -13.572885513305664 + ], + [ + "▁Goodwill", + -13.572898864746094 + ], + [ + "▁flattened", + -13.572940826416016 + ], + [ + "▁Tracey", + -13.573013305664062 + ], + [ + "▁sweeteners", + -13.573062896728516 + ], + [ + "▁darts", + -13.573116302490234 + ], + [ + "▁BIO", + -13.573128700256348 + ], + [ + "▁mor", + -13.573158264160156 + ], + [ + "▁Meri", + -13.573204040527344 + ], + [ + "▁formulating", + -13.573264122009276 + ], + [ + "▁1975,", + -13.57327365875244 + ], + [ + "salt", + -13.573274612426758 + ], + [ + "▁rue", + -13.57329559326172 + ], + [ + "▁wheelchairs", + -13.573321342468262 + ], + [ + "MAS", + -13.573376655578612 + ], + [ + "▁fulfills", + -13.57339096069336 + ], + [ + "▁UVA", + -13.57351016998291 + ], + [ + "▁Cav", + -13.573556900024414 + ], + [ + "▁ACCESS", + -13.573570251464844 + ], + [ + "342", + -13.573644638061523 + ], + [ + "▁Qualification", + -13.57373046875 + ], + [ + "▁gels", + -13.573786735534668 + ], + [ + "▁Manny", + -13.573790550231934 + ], + [ + "▁Bought", + -13.573840141296388 + ], + [ + "▁copywriter", + -13.573844909667969 + ], + [ + "▁Tess", + -13.573898315429688 + ], + [ + "oxi", + -13.573906898498535 + ], + [ + "▁Conf", + -13.573939323425291 + ], + [ + "▁Scarlet", + -13.573965072631836 + ], + [ + "Psych", + -13.574076652526855 + ], + [ + "▁politic", + -13.57423973083496 + ], + [ + "▁216", + -13.574387550354004 + ], + [ + "▁Cora", + -13.574498176574709 + ], + [ + "▁russian", + -13.57463836669922 + ], + [ + "▁slime", + -13.5746488571167 + ], + [ + "▁Gull", + -13.574657440185549 + ], + [ + "▁comedians", + -13.57472324371338 + ], + [ + "▁1972.", + -13.57487964630127 + ], + [ + "glo", + -13.574935913085938 + ], + [ + "Dad", + -13.574936866760254 + ], + [ + "144", + -13.574956893920898 + ], + [ + "Insert", + -13.574970245361328 + ], + [ + "fishing", + -13.57497787475586 + ], + [ + "▁savour", + -13.575034141540527 + ], + [ + "▁bombers", + -13.575037002563477 + ], + [ + "wrapped", + -13.575060844421388 + ], + [ + "▁Grie", + -13.57516098022461 + ], + [ + "▁burgundy", + -13.57516860961914 + ], + [ + "▁liposuction", + -13.57516860961914 + ], + [ + "▁cessation", + -13.575169563293455 + ], + [ + "directional", + -13.575170516967772 + ], + [ + "▁negligible", + -13.57517147064209 + ], + [ + "▁flaunt", + -13.575173377990724 + ], + [ + "▁Radeon", + -13.575180053710938 + ], + [ + "▁Basilica", + -13.57518196105957 + ], + [ + "leton", + -13.575215339660645 + ], + [ + "▁vogue", + -13.575223922729492 + ], + [ + "leen", + -13.575237274169922 + ], + [ + "▁Hunters", + -13.57526397705078 + ], + [ + "▁Gustav", + -13.57528305053711 + ], + [ + "▁drawstring", + -13.575295448303224 + ], + [ + "▁1969.", + -13.575304985046388 + ], + [ + "▁Allergy", + -13.57533836364746 + ], + [ + "025", + -13.575372695922852 + ], + [ + "▁neutron", + -13.575399398803713 + ], + [ + "▁Naga", + -13.575411796569824 + ], + [ + "▁Apo", + -13.575428009033203 + ], + [ + "opi", + -13.575441360473633 + ], + [ + "▁defy", + -13.57544994354248 + ], + [ + "pier", + -13.57553005218506 + ], + [ + "mixed", + -13.575616836547852 + ], + [ + "Selling", + -13.575663566589355 + ], + [ + "▁detriment", + -13.575727462768556 + ], + [ + "▁modernity", + -13.575733184814451 + ], + [ + "▁Versa", + -13.57573413848877 + ], + [ + "▁ebb", + -13.575809478759766 + ], + [ + "▁Diving", + -13.575845718383787 + ], + [ + "▁thrills", + -13.5759859085083 + ], + [ + "kot", + -13.576035499572754 + ], + [ + "MET", + -13.57606601715088 + ], + [ + "eep", + -13.576104164123535 + ], + [ + "india", + -13.57614803314209 + ], + [ + "chrome", + -13.57630443572998 + ], + [ + "▁Andes", + -13.576339721679688 + ], + [ + "diy", + -13.576343536376951 + ], + [ + "ahead", + -13.576375961303713 + ], + [ + "▁plums", + -13.576416015625 + ], + [ + "▁Devin", + -13.57644271850586 + ], + [ + "Girls", + -13.576491355895996 + ], + [ + "▁MLM", + -13.576531410217283 + ], + [ + "▁streaks", + -13.576531410217283 + ], + [ + "▁underlined", + -13.576542854309082 + ], + [ + "011", + -13.576545715332031 + ], + [ + "Shell", + -13.576654434204102 + ], + [ + "▁attractiveness", + -13.576655387878418 + ], + [ + "grow", + -13.576659202575684 + ], + [ + "Reference", + -13.576809883117676 + ], + [ + "297", + -13.576825141906738 + ], + [ + "Raw", + -13.576851844787598 + ], + [ + "▁Arma", + -13.576915740966797 + ], + [ + "346", + -13.577016830444336 + ], + [ + "▁Charts", + -13.577193260192873 + ], + [ + "▁rodent", + -13.577216148376465 + ], + [ + "▁SCA", + -13.577275276184082 + ], + [ + "felt", + -13.57729434967041 + ], + [ + "hound", + -13.577407836914062 + ], + [ + "ECT", + -13.577547073364258 + ], + [ + "▁Contrary", + -13.577607154846191 + ], + [ + "▁Cadet", + -13.577627182006836 + ], + [ + "Proof", + -13.57763957977295 + ], + [ + "▁$40,000", + -13.577648162841797 + ], + [ + "▁Grille", + -13.57774257659912 + ], + [ + "▁Truman", + -13.57776165008545 + ], + [ + "problem", + -13.577787399291992 + ], + [ + "centred", + -13.5778226852417 + ], + [ + "▁Roo", + -13.577837944030762 + ], + [ + "▁THROUGH", + -13.577860832214355 + ], + [ + "▁captivity", + -13.577863693237305 + ], + [ + "▁polypropylene", + -13.577863693237305 + ], + [ + "▁vapour", + -13.577866554260254 + ], + [ + "listing", + -13.577885627746582 + ], + [ + "Maximum", + -13.577889442443848 + ], + [ + "▁Kramer", + -13.577913284301758 + ], + [ + "▁Gutter", + -13.577942848205566 + ], + [ + "▁Vicki", + -13.577942848205566 + ], + [ + "▁intranet", + -13.577970504760742 + ], + [ + "▁Laurence", + -13.57797145843506 + ], + [ + "▁barrage", + -13.57797908782959 + ], + [ + "zal", + -13.578001022338867 + ], + [ + "▁ALSO", + -13.578028678894045 + ], + [ + "Cycle", + -13.578041076660156 + ], + [ + "▁1968,", + -13.578154563903809 + ], + [ + "▁Fernandez", + -13.57815647125244 + ], + [ + "486", + -13.57833194732666 + ], + [ + "trie", + -13.57838249206543 + ], + [ + "▁blasts", + -13.578384399414062 + ], + [ + "▁authorisation", + -13.578457832336426 + ], + [ + "▁Galli", + -13.578531265258787 + ], + [ + "▁Jaime", + -13.57858657836914 + ], + [ + "▁kissed", + -13.57862377166748 + ], + [ + "worms", + -13.578636169433594 + ], + [ + "▁16,000", + -13.578655242919922 + ], + [ + "361", + -13.57868194580078 + ], + [ + "spor", + -13.578773498535156 + ], + [ + "▁Nah", + -13.578801155090332 + ], + [ + "witch", + -13.578811645507812 + ], + [ + "RAP", + -13.5789155960083 + ], + [ + "▁plainly", + -13.578935623168944 + ], + [ + "▁respectfully", + -13.578936576843262 + ], + [ + "▁bumpy", + -13.578960418701172 + ], + [ + "Emma", + -13.579034805297852 + ], + [ + "rud", + -13.579042434692385 + ], + [ + "nail", + -13.579060554504396 + ], + [ + "vari", + -13.579071044921877 + ], + [ + "▁tightness", + -13.579100608825684 + ], + [ + "pec", + -13.579172134399414 + ], + [ + "▁bbq", + -13.579230308532717 + ], + [ + "▁peels", + -13.57923984527588 + ], + [ + "▁Garnish", + -13.579364776611328 + ], + [ + "▁Machu", + -13.579407691955566 + ], + [ + "▁Liver", + -13.579442024230955 + ], + [ + "▁amateurs", + -13.579458236694336 + ], + [ + "▁Developmental", + -13.57960033416748 + ], + [ + "▁welder", + -13.579626083374023 + ], + [ + "▁tripled", + -13.579646110534668 + ], + [ + "ature", + -13.579673767089844 + ], + [ + "neuter", + -13.579699516296388 + ], + [ + "Buck", + -13.579730987548828 + ], + [ + "▁MDF", + -13.579791069030762 + ], + [ + "▁Beware", + -13.579809188842772 + ], + [ + "▁testimonial", + -13.579822540283203 + ], + [ + "dag", + -13.5798978805542 + ], + [ + "phones", + -13.579914093017578 + ], + [ + "bility", + -13.579919815063477 + ], + [ + "Drug", + -13.579961776733398 + ], + [ + "▁nz", + -13.57996654510498 + ], + [ + "▁Shorts", + -13.579980850219728 + ], + [ + "▁implanted", + -13.58000659942627 + ], + [ + "▁bathe", + -13.58000946044922 + ], + [ + "▁Mainly", + -13.58003044128418 + ], + [ + "920", + -13.58005142211914 + ], + [ + "▁Flyers", + -13.58013153076172 + ], + [ + "▁mainstay", + -13.580150604248049 + ], + [ + "▁HSE", + -13.580270767211914 + ], + [ + "yak", + -13.580292701721191 + ], + [ + "▁disperse", + -13.580315589904783 + ], + [ + "dw", + -13.580327033996582 + ], + [ + "▁Sweater", + -13.58039093017578 + ], + [ + "▁everytime", + -13.580418586730955 + ], + [ + "▁Burk", + -13.580498695373535 + ], + [ + "$3", + -13.5805025100708 + ], + [ + "▁rejects", + -13.580510139465332 + ], + [ + "broken", + -13.58053970336914 + ], + [ + "▁Hewlett", + -13.58056640625 + ], + [ + "▁Juventus", + -13.58056640625 + ], + [ + "▁Resurrection", + -13.58056640625 + ], + [ + "▁Stuttgart", + -13.58056640625 + ], + [ + "▁delicacy", + -13.58056640625 + ], + [ + "▁exclusivity", + -13.58056640625 + ], + [ + "▁Magnum", + -13.58057689666748 + ], + [ + "agged", + -13.58059310913086 + ], + [ + "lette", + -13.580618858337402 + ], + [ + "▁Madhya", + -13.58064079284668 + ], + [ + "Jewish", + -13.580660820007324 + ], + [ + "▁regenerative", + -13.580662727355955 + ], + [ + "▁Ashford", + -13.580698013305664 + ], + [ + "▁Rubio", + -13.580703735351562 + ], + [ + "vice", + -13.580735206604004 + ], + [ + "▁bureaucratic", + -13.580771446228027 + ], + [ + "▁Loud", + -13.580774307250977 + ], + [ + "riot", + -13.58087158203125 + ], + [ + "0.6", + -13.58090877532959 + ], + [ + "▁Focusing", + -13.580921173095703 + ], + [ + "▁wiper", + -13.58092212677002 + ], + [ + "▁Oakley", + -13.58095645904541 + ], + [ + "designs", + -13.580973625183104 + ], + [ + "▁RFP", + -13.58099365234375 + ], + [ + "usr", + -13.581019401550291 + ], + [ + "▁PTO", + -13.58104133605957 + ], + [ + "gis", + -13.581172943115234 + ], + [ + "▁Jes", + -13.581236839294434 + ], + [ + "509", + -13.581262588500977 + ], + [ + "▁rh", + -13.581262588500977 + ], + [ + "strum", + -13.581263542175291 + ], + [ + "clar", + -13.581299781799316 + ], + [ + "▁Biden", + -13.58134651184082 + ], + [ + "▁Harm", + -13.581348419189451 + ], + [ + "▁1968.", + -13.5813627243042 + ], + [ + "▁Waterfall", + -13.581398010253906 + ], + [ + "▁ether", + -13.58142375946045 + ], + [ + "▁Drilling", + -13.581427574157717 + ], + [ + "Youth", + -13.581449508666992 + ], + [ + "▁interpreters", + -13.581485748291016 + ], + [ + "▁Filled", + -13.58151912689209 + ], + [ + "▁877", + -13.581548690795898 + ], + [ + "chron", + -13.58164405822754 + ], + [ + "sci", + -13.581758499145508 + ], + [ + "ISP", + -13.581790924072266 + ], + [ + "Feed", + -13.58181095123291 + ], + [ + "458", + -13.58184814453125 + ], + [ + "▁Raising", + -13.581879615783691 + ], + [ + "▁combos", + -13.581941604614258 + ], + [ + "▁Protected", + -13.582003593444824 + ], + [ + "▁minimalistic", + -13.582069396972656 + ], + [ + "boss", + -13.582073211669922 + ], + [ + "▁Sponsored", + -13.582119941711426 + ], + [ + "▁Figures", + -13.582182884216309 + ], + [ + "▁Agreements", + -13.582223892211914 + ], + [ + "▁linkage", + -13.582228660583496 + ], + [ + "▁6-0", + -13.58241844177246 + ], + [ + "▁DWI", + -13.582427024841309 + ], + [ + "Af", + -13.58244800567627 + ], + [ + "Chart", + -13.582480430603027 + ], + [ + "▁Predator", + -13.582483291625977 + ], + [ + "pending", + -13.582523345947266 + ], + [ + "329", + -13.582549095153809 + ], + [ + "▁Eligible", + -13.582592964172363 + ], + [ + "(1),", + -13.58261013031006 + ], + [ + "locks", + -13.582616806030272 + ], + [ + "IU", + -13.582629203796388 + ], + [ + "mex", + -13.58264446258545 + ], + [ + "▁ра", + -13.582663536071776 + ], + [ + "▁Structures", + -13.58266830444336 + ], + [ + "▁tarp", + -13.58269500732422 + ], + [ + "alter", + -13.582707405090332 + ], + [ + "▁Glue", + -13.582708358764648 + ], + [ + "pis", + -13.58273696899414 + ], + [ + "▁Mackenzie", + -13.582759857177734 + ], + [ + "eared", + -13.582767486572266 + ], + [ + "vv", + -13.582886695861816 + ], + [ + "ost", + -13.58290672302246 + ], + [ + "▁lick", + -13.582932472229004 + ], + [ + "Tag", + -13.583002090454102 + ], + [ + "▁skimp", + -13.583014488220217 + ], + [ + "▁muck", + -13.583020210266112 + ], + [ + "▁unearth", + -13.583035469055176 + ], + [ + "▁Witt", + -13.583047866821287 + ], + [ + "afa", + -13.583064079284668 + ], + [ + "evan", + -13.583099365234377 + ], + [ + "opened", + -13.583101272583008 + ], + [ + "Present", + -13.583155632019045 + ], + [ + "Designer", + -13.58321475982666 + ], + [ + "368", + -13.583229064941406 + ], + [ + "▁Occasion", + -13.583250999450684 + ], + [ + "raised", + -13.583261489868164 + ], + [ + "▁cellulite", + -13.583276748657228 + ], + [ + "▁exfoliate", + -13.583276748657228 + ], + [ + "▁Wharton", + -13.583277702331545 + ], + [ + "▁leveled", + -13.583277702331545 + ], + [ + "▁velcro", + -13.583279609680176 + ], + [ + "▁pelvis", + -13.583281517028809 + ], + [ + "▁invading", + -13.583285331726074 + ], + [ + "▁humbling", + -13.583292961120604 + ], + [ + "▁1862", + -13.583319664001465 + ], + [ + "▁Minds", + -13.58336353302002 + ], + [ + "executive", + -13.58342170715332 + ], + [ + "▁Rak", + -13.583426475524902 + ], + [ + "Approximately", + -13.58346939086914 + ], + [ + "mountain", + -13.583544731140137 + ], + [ + "kumar", + -13.583610534667969 + ], + [ + "636", + -13.583767890930176 + ], + [ + "▁honda", + -13.583768844604492 + ], + [ + "Clark", + -13.583772659301758 + ], + [ + "▁vaporizer", + -13.583807945251465 + ], + [ + "Wal", + -13.583876609802246 + ], + [ + "▁purposefully", + -13.583946228027344 + ], + [ + "▁gt", + -13.583949089050291 + ], + [ + "▁AES", + -13.58403491973877 + ], + [ + "▁Flea", + -13.5840425491333 + ], + [ + "▁cooktop", + -13.584125518798828 + ], + [ + "▁bailout", + -13.5841703414917 + ], + [ + "nta", + -13.584187507629396 + ], + [ + "▁socialism", + -13.58420467376709 + ], + [ + "565", + -13.584270477294922 + ], + [ + "▁swaps", + -13.584325790405272 + ], + [ + "▁DHS", + -13.584449768066406 + ], + [ + "735", + -13.584471702575684 + ], + [ + "▁friendliness", + -13.584489822387695 + ], + [ + "▁breeder", + -13.584495544433594 + ], + [ + "▁eyelids", + -13.584522247314451 + ], + [ + "49.", + -13.584553718566896 + ], + [ + "idis", + -13.58462142944336 + ], + [ + "9001", + -13.584623336791992 + ], + [ + "reader", + -13.584630966186523 + ], + [ + "vine", + -13.58464527130127 + ], + [ + "▁199", + -13.58466339111328 + ], + [ + "ctor", + -13.584716796875 + ], + [ + "▁1891", + -13.584722518920898 + ], + [ + "eering", + -13.584747314453123 + ], + [ + "▁ferment", + -13.584754943847656 + ], + [ + "Forest", + -13.584766387939451 + ], + [ + "▁(2018).", + -13.584966659545898 + ], + [ + "▁163", + -13.58506202697754 + ], + [ + "aug", + -13.585071563720703 + ], + [ + "CEL", + -13.58509922027588 + ], + [ + "▁Voyage", + -13.585124015808104 + ], + [ + "▁Patagonia", + -13.585137367248535 + ], + [ + "▁conglomerate", + -13.585289001464844 + ], + [ + "SPA", + -13.585318565368652 + ], + [ + "▁Bluff", + -13.585350036621094 + ], + [ + "▁Ani", + -13.585351943969728 + ], + [ + "▁mobilize", + -13.585418701171877 + ], + [ + "▁Panic", + -13.585548400878906 + ], + [ + "▁contrasted", + -13.585566520690918 + ], + [ + "▁factoring", + -13.585609436035156 + ], + [ + "▁224", + -13.585640907287598 + ], + [ + "crime", + -13.585662841796877 + ], + [ + "▁observational", + -13.58581256866455 + ], + [ + "▁OSU", + -13.5858793258667 + ], + [ + "Mari", + -13.585931777954102 + ], + [ + "▁Sending", + -13.585976600646973 + ], + [ + "▁cornea", + -13.585988998413086 + ], + [ + "▁Kelowna", + -13.585993766784668 + ], + [ + "▁deteriorating", + -13.585993766784668 + ], + [ + "▁tequila", + -13.585993766784668 + ], + [ + "▁Eiffel", + -13.585994720458984 + ], + [ + "▁agitation", + -13.586000442504885 + ], + [ + "cai", + -13.586002349853516 + ], + [ + "▁Beaumont", + -13.586009979248049 + ], + [ + "▁metastatic", + -13.586016654968262 + ], + [ + "▁muzzle", + -13.586017608642578 + ], + [ + "▁penthouse", + -13.586044311523438 + ], + [ + "▁Javier", + -13.586054801940918 + ], + [ + "▁conductivity", + -13.586069107055664 + ], + [ + "▁Fitbit", + -13.586115837097168 + ], + [ + "sad", + -13.586207389831545 + ], + [ + "▁Razor", + -13.586221694946287 + ], + [ + "▁ante", + -13.58622932434082 + ], + [ + "▁NICE", + -13.586236000061035 + ], + [ + "▁trolls", + -13.586237907409668 + ], + [ + "jou", + -13.58626937866211 + ], + [ + "▁DIA", + -13.58637523651123 + ], + [ + "Layer", + -13.586408615112305 + ], + [ + "▁chopper", + -13.58642578125 + ], + [ + "Chain", + -13.586444854736328 + ], + [ + "▁Chaplin", + -13.586573600769045 + ], + [ + "▁xl", + -13.586596488952637 + ], + [ + "flor", + -13.586679458618164 + ], + [ + "285", + -13.586803436279297 + ], + [ + "▁Gian", + -13.58681583404541 + ], + [ + "188", + -13.586867332458496 + ], + [ + "▁classed", + -13.586871147155762 + ], + [ + "▁uncompromising", + -13.586956977844238 + ], + [ + "▁comprehensively", + -13.586987495422363 + ], + [ + "▁franc", + -13.586990356445312 + ], + [ + "▁28%", + -13.58700942993164 + ], + [ + "]:", + -13.587054252624512 + ], + [ + "▁bleaching", + -13.587095260620115 + ], + [ + "▁VIN", + -13.587096214294434 + ], + [ + "Poll", + -13.587120056152344 + ], + [ + "▁Cris", + -13.587153434753418 + ], + [ + "▁sanction", + -13.587157249450684 + ], + [ + "▁pol", + -13.587262153625488 + ], + [ + "-48", + -13.587332725524902 + ], + [ + "▁rediscover", + -13.58739948272705 + ], + [ + "▁Yogi", + -13.587422370910645 + ], + [ + "195", + -13.5875244140625 + ], + [ + "▁Nitro", + -13.587563514709473 + ], + [ + "amon", + -13.587564468383787 + ], + [ + "aye", + -13.587569236755373 + ], + [ + "▁2014).", + -13.587571144104004 + ], + [ + "▁robin", + -13.587608337402344 + ], + [ + "▁ltd", + -13.587644577026367 + ], + [ + "▁Shooter", + -13.58766269683838 + ], + [ + "▁CONTACT", + -13.587780952453612 + ], + [ + "Feeling", + -13.5878267288208 + ], + [ + "▁Prizes", + -13.587841987609863 + ], + [ + "gul", + -13.587925910949709 + ], + [ + "▁Conte", + -13.58796501159668 + ], + [ + "Mine", + -13.58802890777588 + ], + [ + "4-9", + -13.588064193725586 + ], + [ + "▁Loyola", + -13.588136672973633 + ], + [ + "▁banging", + -13.588143348693848 + ], + [ + "▁organiser", + -13.588245391845703 + ], + [ + "▁stewards", + -13.588269233703612 + ], + [ + "▁nitrate", + -13.58830738067627 + ], + [ + "▁Spicy", + -13.5883207321167 + ], + [ + "▁Webinar", + -13.588496208190918 + ], + [ + "Shares", + -13.588541984558104 + ], + [ + "▁NDP", + -13.58860683441162 + ], + [ + "▁Savi", + -13.588696479797363 + ], + [ + "determin", + -13.588705062866213 + ], + [ + "▁Davenport", + -13.588719367980955 + ], + [ + "▁camcorder", + -13.588719367980955 + ], + [ + "▁congested", + -13.588719367980955 + ], + [ + "▁dietitian", + -13.588719367980955 + ], + [ + "▁intoxicated", + -13.588719367980955 + ], + [ + "▁revitalization", + -13.588719367980955 + ], + [ + "▁unimaginable", + -13.588719367980955 + ], + [ + "▁wink", + -13.58872413635254 + ], + [ + "▁anomaly", + -13.588726043701172 + ], + [ + "▁Nordstrom", + -13.588726997375488 + ], + [ + "▁resurfacing", + -13.588743209838867 + ], + [ + "▁Melinda", + -13.588759422302246 + ], + [ + "▁Cancun", + -13.58876132965088 + ], + [ + "▁Roz", + -13.58876609802246 + ], + [ + "▁degenerative", + -13.588822364807127 + ], + [ + "▁policeman", + -13.588826179504396 + ], + [ + "▁Cornerstone", + -13.588866233825684 + ], + [ + "353", + -13.588876724243164 + ], + [ + "▁Emery", + -13.588911056518556 + ], + [ + "Kind", + -13.588919639587402 + ], + [ + "▁implicated", + -13.588932991027832 + ], + [ + "▁Skinner", + -13.588971138000488 + ], + [ + "▁vegas", + -13.588988304138184 + ], + [ + "intensity", + -13.589012145996094 + ], + [ + "wordpress", + -13.589018821716309 + ], + [ + "morning", + -13.589027404785156 + ], + [ + "▁Madras", + -13.589093208312988 + ], + [ + "hui", + -13.589150428771973 + ], + [ + "boom", + -13.589177131652832 + ], + [ + "▁Muller", + -13.589179039001465 + ], + [ + "▁checklists", + -13.589262962341309 + ], + [ + "▁accrued", + -13.589273452758787 + ], + [ + "sufficiency", + -13.589285850524902 + ], + [ + "▁Scal", + -13.589298248291016 + ], + [ + "▁Levine", + -13.589308738708496 + ], + [ + "Featured", + -13.589335441589355 + ], + [ + "Describe", + -13.589343070983888 + ], + [ + "QUE", + -13.58944034576416 + ], + [ + "▁STI", + -13.589482307434082 + ], + [ + "tronics", + -13.589486122131348 + ], + [ + "▁resided", + -13.589508056640623 + ], + [ + "trin", + -13.58952522277832 + ], + [ + "compatible", + -13.58961009979248 + ], + [ + "▁(2011).", + -13.589645385742188 + ], + [ + "▁cautiously", + -13.58969020843506 + ], + [ + "▁RFC", + -13.58976936340332 + ], + [ + "TOP", + -13.589883804321287 + ], + [ + "▁canoeing", + -13.589948654174805 + ], + [ + "008", + -13.589987754821776 + ], + [ + "▁0-0", + -13.590004920959473 + ], + [ + "Taste", + -13.5900297164917 + ], + [ + "▁irons", + -13.5900297164917 + ], + [ + "▁Radar", + -13.590033531188965 + ], + [ + "558", + -13.590058326721191 + ], + [ + "660", + -13.590242385864258 + ], + [ + "▁nuance", + -13.59024715423584 + ], + [ + "▁corpse", + -13.590365409851074 + ], + [ + "▁physicist", + -13.590371131896973 + ], + [ + "▁caster", + -13.59059715270996 + ], + [ + "▁Gabe", + -13.590656280517578 + ], + [ + "▁Mennonite", + -13.59079360961914 + ], + [ + "▁hamstring", + -13.590828895568848 + ], + [ + "▁fumble", + -13.590848922729492 + ], + [ + "ин", + -13.590909957885742 + ], + [ + "▁Gon", + -13.590972900390623 + ], + [ + "148", + -13.59104824066162 + ], + [ + "▁Brom", + -13.591226577758787 + ], + [ + "mak", + -13.59125518798828 + ], + [ + "▁mantel", + -13.591370582580566 + ], + [ + "▁Pharaoh", + -13.591450691223145 + ], + [ + "▁delinquent", + -13.591450691223145 + ], + [ + "▁retrieving", + -13.591450691223145 + ], + [ + "▁testimonies", + -13.591450691223145 + ], + [ + "▁COMPANY", + -13.591453552246094 + ], + [ + "▁Odessa", + -13.59145450592041 + ], + [ + "▁Rav", + -13.591455459594728 + ], + [ + "▁Convertible", + -13.59146213531494 + ], + [ + "▁mucus", + -13.591464042663574 + ], + [ + "▁Hathaway", + -13.59146499633789 + ], + [ + "▁fantasies", + -13.59146785736084 + ], + [ + "▁Adwords", + -13.591470718383787 + ], + [ + "▁insolvency", + -13.591480255126951 + ], + [ + "▁Diameter", + -13.591485023498535 + ], + [ + "▁Pretoria", + -13.591489791870115 + ], + [ + "▁enviable", + -13.591500282287598 + ], + [ + "caster", + -13.59152126312256 + ], + [ + "onda", + -13.59154224395752 + ], + [ + "▁stylistic", + -13.591561317443848 + ], + [ + "▁Percy", + -13.591567993164062 + ], + [ + "▁onslaught", + -13.591639518737791 + ], + [ + "▁Olson", + -13.591650009155272 + ], + [ + "otherapy", + -13.591665267944336 + ], + [ + "▁contractions", + -13.5917387008667 + ], + [ + "▁Warcraft", + -13.591767311096191 + ], + [ + "▁pinning", + -13.591782569885254 + ], + [ + "▁302", + -13.59181022644043 + ], + [ + "▁Heinz", + -13.591814041137695 + ], + [ + "Library", + -13.591814994812012 + ], + [ + "Faith", + -13.591821670532228 + ], + [ + "▁rind", + -13.59184741973877 + ], + [ + "▁allowable", + -13.5918550491333 + ], + [ + "▁Amenities", + -13.59189796447754 + ], + [ + "kla", + -13.591914176940918 + ], + [ + "6.7", + -13.591938972473145 + ], + [ + "Edward", + -13.591959953308104 + ], + [ + "▁flavoring", + -13.591981887817385 + ], + [ + "▁intellectually", + -13.592044830322266 + ], + [ + "processor", + -13.59213924407959 + ], + [ + "LOG", + -13.592214584350586 + ], + [ + "Spark", + -13.592342376708984 + ], + [ + "▁timeshare", + -13.592412948608398 + ], + [ + "fare", + -13.59242343902588 + ], + [ + "181", + -13.592483520507812 + ], + [ + "▁fearing", + -13.592571258544922 + ], + [ + "▁lambs", + -13.592597007751465 + ], + [ + "▁repel", + -13.59262752532959 + ], + [ + "Truth", + -13.592655181884766 + ], + [ + "156", + -13.59267807006836 + ], + [ + "▁portraying", + -13.592681884765623 + ], + [ + "0.3", + -13.592711448669434 + ], + [ + "▁Contrast", + -13.592727661132812 + ], + [ + "▁Cougars", + -13.592761039733888 + ], + [ + "▁Concentrate", + -13.592799186706545 + ], + [ + "▁Shirts", + -13.592803001403809 + ], + [ + "▁247", + -13.592897415161133 + ], + [ + "▁spotless", + -13.592989921569824 + ], + [ + "▁rework", + -13.593016624450684 + ], + [ + "▁Zap", + -13.593052864074709 + ], + [ + "▁Opposition", + -13.59305477142334 + ], + [ + "▁Improvements", + -13.593416213989258 + ], + [ + "▁sinners", + -13.593416213989258 + ], + [ + "▁lowers", + -13.593539237976074 + ], + [ + "▁solace", + -13.593544006347656 + ], + [ + "174", + -13.593592643737791 + ], + [ + "asco", + -13.59359645843506 + ], + [ + "▁Adele", + -13.59362506866455 + ], + [ + "▁Trey", + -13.59363842010498 + ], + [ + "▁Outfit", + -13.59364891052246 + ], + [ + "/03/", + -13.593653678894045 + ], + [ + "▁SHOP", + -13.593778610229492 + ], + [ + "▁earring", + -13.59378433227539 + ], + [ + "▁eater", + -13.593870162963867 + ], + [ + "▁groomed", + -13.593880653381348 + ], + [ + "▁Magna", + -13.594016075134276 + ], + [ + "▁Doris", + -13.594053268432615 + ], + [ + "▁acetate", + -13.594071388244627 + ], + [ + "derma", + -13.59407901763916 + ], + [ + "ibu", + -13.59409236907959 + ], + [ + "▁diaspora", + -13.59419059753418 + ], + [ + "▁sprinkling", + -13.59419059753418 + ], + [ + "▁contemplation", + -13.594191551208496 + ], + [ + "▁contraceptive", + -13.594191551208496 + ], + [ + "▁philippines", + -13.594191551208496 + ], + [ + "▁Okinawa", + -13.594192504882812 + ], + [ + "▁geopolitical", + -13.594202041625977 + ], + [ + "▁Pathology", + -13.594260215759276 + ], + [ + "▁soybeans", + -13.594277381896973 + ], + [ + "▁Paddy", + -13.59431266784668 + ], + [ + "▁novella", + -13.594327926635742 + ], + [ + "▁vying", + -13.594331741333008 + ], + [ + "9-0", + -13.594337463378906 + ], + [ + "ances", + -13.594364166259766 + ], + [ + "▁Preparing", + -13.594377517700195 + ], + [ + "▁bombarded", + -13.594415664672852 + ], + [ + "▁extender", + -13.594510078430176 + ], + [ + "▁copier", + -13.594526290893556 + ], + [ + "755", + -13.594561576843262 + ], + [ + "hundred", + -13.594598770141602 + ], + [ + "Turkey", + -13.594639778137209 + ], + [ + "▁Alvin", + -13.594735145568848 + ], + [ + "▁Gad", + -13.594756126403809 + ], + [ + "▁cyst", + -13.59477424621582 + ], + [ + "▁Prima", + -13.594792366027832 + ], + [ + "▁Worm", + -13.594806671142578 + ], + [ + "646", + -13.594902992248535 + ], + [ + "▁925", + -13.594904899597168 + ], + [ + "▁saline", + -13.594962120056152 + ], + [ + "CSS", + -13.594979286193848 + ], + [ + "Pra", + -13.594985961914062 + ], + [ + "tasking", + -13.59500789642334 + ], + [ + "▁oder", + -13.595117568969728 + ], + [ + "▁Brin", + -13.595130920410156 + ], + [ + "nico", + -13.59515380859375 + ], + [ + "▁Nia", + -13.595174789428713 + ], + [ + "▁SpaceX", + -13.595264434814451 + ], + [ + "▁crumb", + -13.595356941223145 + ], + [ + "▁hetero", + -13.595377922058104 + ], + [ + "▁screenwriter", + -13.5953950881958 + ], + [ + "-66", + -13.595409393310549 + ], + [ + "ITS", + -13.595415115356444 + ], + [ + "358", + -13.595436096191406 + ], + [ + "▁FEMA", + -13.59550952911377 + ], + [ + "dump", + -13.595718383789062 + ], + [ + "▁Representation", + -13.595735549926758 + ], + [ + "onium", + -13.595791816711426 + ], + [ + "▁Dumb", + -13.595818519592283 + ], + [ + "NDI", + -13.596039772033691 + ], + [ + "hardt", + -13.596070289611816 + ], + [ + "▁SNP", + -13.5961275100708 + ], + [ + "▁accession", + -13.596163749694824 + ], + [ + "▁Accredited", + -13.596198081970217 + ], + [ + "7.00", + -13.596278190612791 + ], + [ + "hag", + -13.596285820007324 + ], + [ + "DIA", + -13.59630012512207 + ], + [ + "dg", + -13.59644889831543 + ], + [ + "39.", + -13.596457481384276 + ], + [ + "▁breakers", + -13.596461296081545 + ], + [ + "▁smoothness", + -13.596473693847656 + ], + [ + "Eating", + -13.596485137939451 + ], + [ + "▁Expand", + -13.596609115600586 + ], + [ + "▁Regulator", + -13.596683502197266 + ], + [ + "▁Jos", + -13.596726417541504 + ], + [ + "brow", + -13.596747398376465 + ], + [ + "Finish", + -13.596772193908691 + ], + [ + "Pal", + -13.59684944152832 + ], + [ + "▁gateways", + -13.596877098083496 + ], + [ + "cina", + -13.59688663482666 + ], + [ + "▁pastime", + -13.59691047668457 + ], + [ + "▁monstrous", + -13.596938133239746 + ], + [ + "▁physiotherapist", + -13.596938133239746 + ], + [ + "▁SHIPPING", + -13.596939086914062 + ], + [ + "▁milligrams", + -13.59694004058838 + ], + [ + "▁LOW", + -13.596942901611328 + ], + [ + "▁WooCommerce", + -13.596942901611328 + ], + [ + "▁Ord", + -13.596945762634276 + ], + [ + "▁INCLUDING", + -13.596951484680176 + ], + [ + "▁mischief", + -13.59695529937744 + ], + [ + "▁Partition", + -13.596985816955566 + ], + [ + "▁Charities", + -13.5969877243042 + ], + [ + "Refer", + -13.597020149230955 + ], + [ + "▁Significant", + -13.597042083740234 + ], + [ + "▁stressors", + -13.597065925598145 + ], + [ + "▁Inspiring", + -13.597076416015623 + ], + [ + "▁Dyson", + -13.597115516662598 + ], + [ + "▁programmatic", + -13.597122192382812 + ], + [ + "▁mir", + -13.597389221191406 + ], + [ + "▁1897", + -13.59740924835205 + ], + [ + "▁intercepted", + -13.597436904907228 + ], + [ + "Chelsea", + -13.597439765930176 + ], + [ + "Motor", + -13.597476959228516 + ], + [ + "shade", + -13.59749984741211 + ], + [ + "lance", + -13.59755802154541 + ], + [ + "▁Gent", + -13.597593307495115 + ], + [ + "however", + -13.597601890563965 + ], + [ + "▁Lester", + -13.597623825073242 + ], + [ + "ump", + -13.597638130187988 + ], + [ + "flip", + -13.597685813903809 + ], + [ + "arium", + -13.597698211669922 + ], + [ + "▁expedited", + -13.59772777557373 + ], + [ + "▁allocations", + -13.59773063659668 + ], + [ + "▁Amor", + -13.597774505615234 + ], + [ + "evolving", + -13.597782135009766 + ], + [ + "aine", + -13.59781551361084 + ], + [ + "▁Bangor", + -13.597818374633787 + ], + [ + "ncy", + -13.59786891937256 + ], + [ + "▁persisted", + -13.597887992858888 + ], + [ + "▁parasite", + -13.597929954528809 + ], + [ + "▁2022.", + -13.597941398620604 + ], + [ + "uze", + -13.597951889038086 + ], + [ + "▁OL", + -13.598013877868652 + ], + [ + "provided", + -13.598016738891602 + ], + [ + "Hong", + -13.598034858703612 + ], + [ + "▁spaceship", + -13.598105430603027 + ], + [ + "▁Poison", + -13.59812068939209 + ], + [ + "▁285", + -13.598151206970217 + ], + [ + "▁Zhao", + -13.59815788269043 + ], + [ + "▁Stag", + -13.598233222961426 + ], + [ + "▁Partnerships", + -13.598275184631348 + ], + [ + "STER", + -13.598286628723145 + ], + [ + "▁(2010).", + -13.598296165466309 + ], + [ + "▁Comparing", + -13.598456382751465 + ], + [ + "UNT", + -13.59846019744873 + ], + [ + "INO", + -13.598625183105469 + ], + [ + "03.", + -13.598708152770996 + ], + [ + "▁Lange", + -13.598721504211426 + ], + [ + "FORT", + -13.598756790161133 + ], + [ + "novo", + -13.59877872467041 + ], + [ + "Panel", + -13.5988187789917 + ], + [ + "▁Camps", + -13.598836898803713 + ], + [ + "▁Cot", + -13.598910331726074 + ], + [ + "▁Dag", + -13.598936080932615 + ], + [ + "▁Chalk", + -13.59900951385498 + ], + [ + "▁Soo", + -13.599040985107422 + ], + [ + "▁не", + -13.599044799804688 + ], + [ + "264", + -13.59913444519043 + ], + [ + "▁infiltration", + -13.59920883178711 + ], + [ + "▁shawl", + -13.599220275878906 + ], + [ + "▁fil", + -13.599225044250488 + ], + [ + "▁1972,", + -13.599255561828612 + ], + [ + "▁Baum", + -13.599275588989258 + ], + [ + "▁Wearing", + -13.599276542663574 + ], + [ + "▁Solicitors", + -13.599283218383787 + ], + [ + "▁Vy", + -13.599287986755373 + ], + [ + "edged", + -13.59936237335205 + ], + [ + "▁punctual", + -13.59941577911377 + ], + [ + "lator", + -13.599454879760742 + ], + [ + "▁Rowan", + -13.599514961242676 + ], + [ + "▁constructs", + -13.599520683288574 + ], + [ + "omy", + -13.599543571472168 + ], + [ + "toned", + -13.5995512008667 + ], + [ + "▁Teenage", + -13.59956169128418 + ], + [ + "▁NOAA", + -13.59959316253662 + ], + [ + "/2011", + -13.599628448486328 + ], + [ + "Sculpt", + -13.59968376159668 + ], + [ + "▁Judiciary", + -13.599693298339844 + ], + [ + "▁McCormick", + -13.599693298339844 + ], + [ + "▁Syllabus", + -13.599693298339844 + ], + [ + "▁populist", + -13.599693298339844 + ], + [ + "▁vibrancy", + -13.599693298339844 + ], + [ + "▁Middlesex", + -13.599698066711426 + ], + [ + "▁biographies", + -13.599699020385742 + ], + [ + "▁Flats", + -13.599713325500488 + ], + [ + "▁Ogden", + -13.599719047546388 + ], + [ + "▁bracing", + -13.599737167358398 + ], + [ + "▁grader", + -13.599770545959473 + ], + [ + "3.7", + -13.599773406982422 + ], + [ + "▁stockpile", + -13.599777221679688 + ], + [ + "▁Kawa", + -13.599802017211914 + ], + [ + "▁nc", + -13.599809646606444 + ], + [ + "▁Pledge", + -13.59988498687744 + ], + [ + "Words", + -13.599897384643556 + ], + [ + "▁gleaming", + -13.59995174407959 + ], + [ + "▁nonlinear", + -13.59995460510254 + ], + [ + "▁diplomats", + -13.599994659423828 + ], + [ + "▁(27", + -13.60001277923584 + ], + [ + "Ian", + -13.600025177001951 + ], + [ + "▁Wasp", + -13.60004425048828 + ], + [ + "▁sighting", + -13.600133895874023 + ], + [ + "▁70’", + -13.600141525268556 + ], + [ + "▁5-8", + -13.600152015686035 + ], + [ + "ACH", + -13.60022258758545 + ], + [ + "▁48-", + -13.600269317626951 + ], + [ + "Alpha", + -13.60027313232422 + ], + [ + "▁Controlled", + -13.6002836227417 + ], + [ + "Freedom", + -13.60032844543457 + ], + [ + "▁phyto", + -13.60034465789795 + ], + [ + "▁automakers", + -13.600349426269531 + ], + [ + "aman", + -13.600502967834473 + ], + [ + "▁Zar", + -13.600540161132812 + ], + [ + "▁reassured", + -13.600560188293455 + ], + [ + "▁deteriorated", + -13.60056495666504 + ], + [ + "7-8", + -13.600582122802734 + ], + [ + "Mur", + -13.600587844848633 + ], + [ + "▁Chap", + -13.600610733032228 + ], + [ + "▁equates", + -13.600626945495604 + ], + [ + "▁Nun", + -13.600704193115234 + ], + [ + "hampton", + -13.600727081298828 + ], + [ + "▁Hurst", + -13.600774765014648 + ], + [ + "▁Tart", + -13.600810050964355 + ], + [ + "6-1", + -13.600942611694336 + ], + [ + "EIN", + -13.600956916809082 + ], + [ + "AAA", + -13.601069450378418 + ], + [ + "▁wil", + -13.601097106933594 + ], + [ + "▁Traveler", + -13.60116481781006 + ], + [ + "▁contentment", + -13.601181983947754 + ], + [ + "296", + -13.601202011108398 + ], + [ + "▁Showroom", + -13.601239204406738 + ], + [ + "derm", + -13.601292610168455 + ], + [ + "ROW", + -13.601301193237305 + ], + [ + "▁Josef", + -13.601326942443848 + ], + [ + "▁distressing", + -13.60133934020996 + ], + [ + "sounding", + -13.601351737976074 + ], + [ + "-3)", + -13.601438522338867 + ], + [ + "▁mayhem", + -13.601505279541016 + ], + [ + "▁3/8", + -13.601563453674316 + ], + [ + "▁ADC", + -13.601571083068848 + ], + [ + "▁2016).", + -13.601576805114746 + ], + [ + "hosting", + -13.601591110229492 + ], + [ + "▁Ruben", + -13.601606369018556 + ], + [ + "aaS", + -13.60163116455078 + ], + [ + "▁nach", + -13.601680755615234 + ], + [ + "LAR", + -13.601682662963867 + ], + [ + "▁burglar", + -13.601696014404297 + ], + [ + "▁capacitor", + -13.601716995239258 + ], + [ + "beach", + -13.601800918579102 + ], + [ + "▁shove", + -13.601871490478516 + ], + [ + "▁recreated", + -13.601874351501465 + ], + [ + "▁annotation", + -13.601948738098145 + ], + [ + "plot", + -13.601975440979004 + ], + [ + "364", + -13.602044105529783 + ], + [ + "CX", + -13.602057456970217 + ], + [ + "▁marshal", + -13.60218620300293 + ], + [ + "▁realtors", + -13.602261543273926 + ], + [ + "▁Longer", + -13.602280616760254 + ], + [ + "▁Oy", + -13.602313995361328 + ], + [ + "LEA", + -13.602333068847656 + ], + [ + "▁motorsport", + -13.602365493774414 + ], + [ + "fla", + -13.602375984191896 + ], + [ + "▁Versailles", + -13.602455139160156 + ], + [ + "▁elevating", + -13.602455139160156 + ], + [ + "▁recognisable", + -13.602455139160156 + ], + [ + "▁supremacy", + -13.602455139160156 + ], + [ + "▁unbearable", + -13.602455139160156 + ], + [ + "▁Librarian", + -13.602458000183104 + ], + [ + "▁muffler", + -13.602476119995115 + ], + [ + "▁Perfume", + -13.60251522064209 + ], + [ + "▁Billings", + -13.602532386779783 + ], + [ + "▁Catalonia", + -13.602548599243164 + ], + [ + "▁bogus", + -13.602572441101074 + ], + [ + "▁creme", + -13.60260009765625 + ], + [ + "▁Hits", + -13.602606773376465 + ], + [ + "▁sf", + -13.602633476257324 + ], + [ + "▁niches", + -13.60265064239502 + ], + [ + "Seal", + -13.602676391601562 + ], + [ + "▁Krakow", + -13.602701187133787 + ], + [ + "▁Kohl", + -13.602707862854004 + ], + [ + "▁mediated", + -13.602737426757812 + ], + [ + "▁blot", + -13.602795600891112 + ], + [ + "▁Complimentary", + -13.602871894836426 + ], + [ + "▁Preliminary", + -13.602871894836426 + ], + [ + "▁Lillian", + -13.602910041809082 + ], + [ + "sett", + -13.602944374084473 + ], + [ + "▁Palin", + -13.603026390075684 + ], + [ + "hie", + -13.603041648864746 + ], + [ + "Shield", + -13.60308074951172 + ], + [ + "Mountain", + -13.603092193603516 + ], + [ + "Church", + -13.603094100952148 + ], + [ + "female", + -13.603094100952148 + ], + [ + "▁CMOS", + -13.60310173034668 + ], + [ + "permanent", + -13.60312557220459 + ], + [ + "▁Packed", + -13.603163719177246 + ], + [ + "▁fastened", + -13.60316562652588 + ], + [ + "NDA", + -13.603187561035156 + ], + [ + "▁Cookbook", + -13.603232383728027 + ], + [ + "▁(2007).", + -13.603276252746582 + ], + [ + "▁patrols", + -13.60331916809082 + ], + [ + "10/", + -13.603331565856934 + ], + [ + "▁CFD", + -13.603339195251465 + ], + [ + "Production", + -13.603364944458008 + ], + [ + "▁executes", + -13.603381156921388 + ], + [ + "294", + -13.603384017944336 + ], + [ + "transfer", + -13.603386878967283 + ], + [ + "ination", + -13.60344696044922 + ], + [ + "▁Remind", + -13.603461265563965 + ], + [ + "▁1,700", + -13.603548049926758 + ], + [ + "▁Completion", + -13.60356616973877 + ], + [ + "▁Mirage", + -13.603678703308104 + ], + [ + "618", + -13.603683471679688 + ], + [ + "azz", + -13.60370922088623 + ], + [ + "civil", + -13.60374641418457 + ], + [ + "▁api", + -13.603864669799805 + ], + [ + "-62", + -13.603910446166992 + ], + [ + "▁DDS", + -13.603940963745115 + ], + [ + "▁Optic", + -13.603946685791016 + ], + [ + "▁Shank", + -13.603976249694824 + ], + [ + "▁Danger", + -13.604029655456545 + ], + [ + "Independent", + -13.604040145874023 + ], + [ + "7:30", + -13.604086875915527 + ], + [ + "usable", + -13.604166030883787 + ], + [ + "▁recounts", + -13.60418701171875 + ], + [ + "567", + -13.604248046875 + ], + [ + "▁Ironically", + -13.604266166687012 + ], + [ + "▁scooped", + -13.60427188873291 + ], + [ + "48.", + -13.604321479797363 + ], + [ + "▁Hound", + -13.604341506958008 + ], + [ + "▁0.05", + -13.604410171508787 + ], + [ + "▁Karan", + -13.604484558105469 + ], + [ + "▁bidders", + -13.60450267791748 + ], + [ + "▁Quant", + -13.604676246643066 + ], + [ + "▁parishioners", + -13.60470962524414 + ], + [ + "▁lily", + -13.604758262634276 + ], + [ + "▁Puma", + -13.604764938354492 + ], + [ + "chev", + -13.604802131652832 + ], + [ + "▁expectant", + -13.60483741760254 + ], + [ + "▁Convenient", + -13.60484790802002 + ], + [ + "straight", + -13.60486888885498 + ], + [ + "▁tx", + -13.604920387268066 + ], + [ + "chai", + -13.60492992401123 + ], + [ + "▁Rox", + -13.605009078979492 + ], + [ + "▁Survivor", + -13.605053901672363 + ], + [ + "ores", + -13.605154037475586 + ], + [ + "▁Kama", + -13.605164527893066 + ], + [ + "cult", + -13.605178833007812 + ], + [ + "▁martini", + -13.605209350585938 + ], + [ + "▁Telangana", + -13.605225563049316 + ], + [ + "▁officiating", + -13.605225563049316 + ], + [ + "▁pedagogy", + -13.605225563049316 + ], + [ + "▁probabilities", + -13.605226516723633 + ], + [ + "▁bunnies", + -13.605231285095217 + ], + [ + "▁futile", + -13.605237007141112 + ], + [ + "▁Microgaming", + -13.605238914489746 + ], + [ + "▁humidifier", + -13.605286598205566 + ], + [ + "▁defrost", + -13.60530948638916 + ], + [ + "▁(2019)", + -13.605326652526855 + ], + [ + "▁favorably", + -13.60534381866455 + ], + [ + "▁tarmac", + -13.60538387298584 + ], + [ + "▁hatchback", + -13.605384826660156 + ], + [ + "▁tins", + -13.60545825958252 + ], + [ + "▁validating", + -13.605474472045898 + ], + [ + "▁Adjustment", + -13.605485916137695 + ], + [ + "▁Organizing", + -13.605488777160645 + ], + [ + "▁Aruba", + -13.605517387390137 + ], + [ + "▁WIFI", + -13.605595588684082 + ], + [ + "ipe", + -13.605613708496094 + ], + [ + "▁Fibre", + -13.60562229156494 + ], + [ + "▁palsy", + -13.605657577514648 + ], + [ + "▁Pills", + -13.605660438537598 + ], + [ + "▁Groom", + -13.605670928955078 + ], + [ + "▁Nicky", + -13.605759620666504 + ], + [ + "Blend", + -13.605799674987791 + ], + [ + "▁complainant", + -13.605917930603027 + ], + [ + "Delete", + -13.605939865112305 + ], + [ + "iston", + -13.605944633483888 + ], + [ + "▁shone", + -13.606012344360352 + ], + [ + "Court", + -13.606043815612791 + ], + [ + "▁soggy", + -13.606134414672852 + ], + [ + "▁Nerd", + -13.606165885925291 + ], + [ + "▁exacting", + -13.606196403503418 + ], + [ + "▁flossing", + -13.606206893920898 + ], + [ + "lumin", + -13.606236457824709 + ], + [ + "▁Wig", + -13.606300354003906 + ], + [ + "▁spoilt", + -13.606307983398438 + ], + [ + "655", + -13.606308937072754 + ], + [ + "▁impairments", + -13.606367111206056 + ], + [ + "▁tinting", + -13.606409072875977 + ], + [ + "▁9.30", + -13.606433868408203 + ], + [ + "erne", + -13.606480598449709 + ], + [ + "Shopping", + -13.606494903564451 + ], + [ + "Miller", + -13.6065034866333 + ], + [ + "▁cafés", + -13.60653018951416 + ], + [ + "▁congratulated", + -13.60658836364746 + ], + [ + "▁Kappa", + -13.606643676757812 + ], + [ + "▁vests", + -13.606646537780762 + ], + [ + "Reviews", + -13.606672286987305 + ], + [ + "▁heighten", + -13.60669994354248 + ], + [ + "nest", + -13.606773376464844 + ], + [ + "▁XV", + -13.60677719116211 + ], + [ + "Increased", + -13.6068115234375 + ], + [ + "▁ETH", + -13.606928825378418 + ], + [ + "▁Amnesty", + -13.606978416442873 + ], + [ + "(6):", + -13.606992721557615 + ], + [ + "555", + -13.607012748718262 + ], + [ + "▁mai", + -13.60703945159912 + ], + [ + "SIC", + -13.607139587402344 + ], + [ + "▁Clubhouse", + -13.607150077819824 + ], + [ + "37.", + -13.60721492767334 + ], + [ + "▁Holistic", + -13.60731029510498 + ], + [ + "Ingredients", + -13.607375144958496 + ], + [ + "▁apologise", + -13.607401847839355 + ], + [ + "▁puzzled", + -13.607427597045898 + ], + [ + "▁rightfully", + -13.607427597045898 + ], + [ + "5-4", + -13.607441902160645 + ], + [ + "381", + -13.607479095458984 + ], + [ + "801", + -13.60752296447754 + ], + [ + "442", + -13.607544898986816 + ], + [ + "▁Educator", + -13.607561111450195 + ], + [ + "▁counsellor", + -13.607588768005373 + ], + [ + "ncia", + -13.607614517211914 + ], + [ + "▁Jas", + -13.607661247253418 + ], + [ + "▁Baked", + -13.607776641845703 + ], + [ + "▁Willy", + -13.607810020446776 + ], + [ + "▁terraced", + -13.607864379882812 + ], + [ + "atur", + -13.607881546020508 + ], + [ + "▁1893", + -13.607908248901367 + ], + [ + "▁Honest", + -13.60797882080078 + ], + [ + "▁Kalamazoo", + -13.608003616333008 + ], + [ + "▁Saratoga", + -13.608003616333008 + ], + [ + "▁jeopardy", + -13.608003616333008 + ], + [ + "▁sedentary", + -13.608003616333008 + ], + [ + "▁Chimney", + -13.608013153076172 + ], + [ + "▁Limerick", + -13.608016967773438 + ], + [ + "▁Maduro", + -13.608027458190918 + ], + [ + "▁Trilogy", + -13.60802936553955 + ], + [ + "▁Actors", + -13.608062744140623 + ], + [ + "▁zipped", + -13.608091354370115 + ], + [ + "▁Ascend", + -13.608107566833496 + ], + [ + "▁filthy", + -13.608107566833496 + ], + [ + "▁Eliza", + -13.608139991760254 + ], + [ + "IBLE", + -13.60820198059082 + ], + [ + "▁NRC", + -13.608210563659668 + ], + [ + "▁foregoing", + -13.60827350616455 + ], + [ + "▁Duffy", + -13.608366012573242 + ], + [ + "▁competes", + -13.608393669128418 + ], + [ + "▁Welding", + -13.608412742614746 + ], + [ + "▁timers", + -13.608482360839844 + ], + [ + "atric", + -13.608512878417969 + ], + [ + "▁Zika", + -13.60857105255127 + ], + [ + "▁exacerbated", + -13.60859203338623 + ], + [ + "ories", + -13.608596801757812 + ], + [ + "▁Lotion", + -13.608647346496582 + ], + [ + "▁leaned", + -13.608769416809082 + ], + [ + "restaurant", + -13.60877513885498 + ], + [ + "District", + -13.608784675598145 + ], + [ + "property", + -13.608819007873535 + ], + [ + "voltage", + -13.608824729919434 + ], + [ + "peace", + -13.608844757080078 + ], + [ + "eurs", + -13.608880996704102 + ], + [ + "▁BTW", + -13.608949661254885 + ], + [ + "▁Powerpoint", + -13.608968734741213 + ], + [ + "employee", + -13.60901927947998 + ], + [ + "APA", + -13.609065055847168 + ], + [ + "fjord", + -13.609068870544434 + ], + [ + "▁JW", + -13.609090805053713 + ], + [ + "▁300-", + -13.60910987854004 + ], + [ + "▁tireless", + -13.60914134979248 + ], + [ + "▁Concordia", + -13.609195709228516 + ], + [ + "▁Kron", + -13.609200477600098 + ], + [ + "▁Skilled", + -13.609302520751951 + ], + [ + "▁Staten", + -13.609315872192385 + ], + [ + "▁donkey", + -13.60933780670166 + ], + [ + "bras", + -13.609416007995604 + ], + [ + "polymer", + -13.609430313110352 + ], + [ + "▁inhaler", + -13.609471321105955 + ], + [ + "▁personas", + -13.609475135803224 + ], + [ + "▁abundantly", + -13.609540939331056 + ], + [ + "ени", + -13.609749794006348 + ], + [ + "▁blockages", + -13.609780311584473 + ], + [ + "398", + -13.60981273651123 + ], + [ + "hul", + -13.609844207763672 + ], + [ + "▁remit", + -13.609893798828123 + ], + [ + "▁Wanna", + -13.609936714172363 + ], + [ + "eko", + -13.609994888305664 + ], + [ + "▁dialogues", + -13.610051155090332 + ], + [ + "▁Mardi", + -13.610114097595217 + ], + [ + "▁Asbestos", + -13.610249519348145 + ], + [ + "pani", + -13.610307693481444 + ], + [ + "/08/", + -13.610365867614746 + ], + [ + "-2006", + -13.610366821289062 + ], + [ + "bourg", + -13.61046314239502 + ], + [ + "▁babe", + -13.61047077178955 + ], + [ + "▁Casinos", + -13.610508918762209 + ], + [ + "▁appraiser", + -13.610548973083496 + ], + [ + "▁headings", + -13.610594749450684 + ], + [ + "▁Seen", + -13.61066436767578 + ], + [ + "▁fetus", + -13.610671997070312 + ], + [ + "▁Mik", + -13.610676765441896 + ], + [ + "▁Este", + -13.61069679260254 + ], + [ + "▁Feeding", + -13.610724449157717 + ], + [ + "▁melee", + -13.610763549804688 + ], + [ + "▁curvature", + -13.610788345336914 + ], + [ + "▁lukewarm", + -13.610788345336914 + ], + [ + "▁refrigerant", + -13.610788345336914 + ], + [ + "▁WEBSITE", + -13.61078929901123 + ], + [ + "▁emptied", + -13.61078929901123 + ], + [ + "▁injuring", + -13.610795974731444 + ], + [ + "▁Refugee", + -13.610797882080078 + ], + [ + "▁Haryana", + -13.610800743103027 + ], + [ + "▁Talbot", + -13.61080837249756 + ], + [ + "▁gazing", + -13.610811233520508 + ], + [ + "▁Ulster", + -13.61082363128662 + ], + [ + "▁Finishing", + -13.610835075378418 + ], + [ + "▁Puget", + -13.610840797424316 + ], + [ + "▁SUNY", + -13.610849380493164 + ], + [ + "▁unplug", + -13.610867500305176 + ], + [ + "▁Palette", + -13.61087131500244 + ], + [ + "▁Recorded", + -13.610872268676758 + ], + [ + "▁payers", + -13.610906600952148 + ], + [ + "▁Heli", + -13.610921859741213 + ], + [ + "balls", + -13.610941886901855 + ], + [ + "▁remission", + -13.611016273498535 + ], + [ + "▁Bridgewater", + -13.611031532287598 + ], + [ + "dun", + -13.611130714416504 + ], + [ + "boost", + -13.611136436462402 + ], + [ + "▁Termite", + -13.611173629760742 + ], + [ + "▁wie", + -13.61117935180664 + ], + [ + "1\"", + -13.61118221282959 + ], + [ + "▁Chet", + -13.61127471923828 + ], + [ + "Drink", + -13.611297607421877 + ], + [ + "▁KIND", + -13.611297607421877 + ], + [ + "▁Difficult", + -13.611379623413086 + ], + [ + "▁Jacqueline", + -13.611394882202148 + ], + [ + "▁Attic", + -13.611553192138672 + ], + [ + "Factor", + -13.611571311950684 + ], + [ + "▁Fallout", + -13.611581802368164 + ], + [ + "Volume", + -13.611601829528809 + ], + [ + "0′′", + -13.611624717712402 + ], + [ + "▁Duff", + -13.611772537231444 + ], + [ + "▁PART", + -13.61178970336914 + ], + [ + "Colour", + -13.611812591552734 + ], + [ + "▁auch", + -13.61188507080078 + ], + [ + "▁demonstrators", + -13.611913681030272 + ], + [ + "▁kicker", + -13.611934661865234 + ], + [ + "▁classifieds", + -13.611961364746094 + ], + [ + "▁Received", + -13.611981391906738 + ], + [ + "▁Esp", + -13.61202335357666 + ], + [ + "▁Supervisors", + -13.612116813659668 + ], + [ + "painting", + -13.61212921142578 + ], + [ + "▁Lumia", + -13.61215591430664 + ], + [ + "▁Milano", + -13.612181663513184 + ], + [ + "▁1886", + -13.612204551696776 + ], + [ + "▁dell", + -13.612204551696776 + ], + [ + "▁Employ", + -13.61221981048584 + ], + [ + "▁21%", + -13.612229347229004 + ], + [ + "710", + -13.61227321624756 + ], + [ + "393", + -13.612347602844238 + ], + [ + "▁actuality", + -13.612406730651855 + ], + [ + "logging", + -13.612417221069336 + ], + [ + "▁skates", + -13.612432479858398 + ], + [ + "▁Baha", + -13.612435340881348 + ], + [ + "▁pla", + -13.612525939941406 + ], + [ + "DAS", + -13.612558364868164 + ], + [ + "▁Huddersfield", + -13.61256217956543 + ], + [ + "LON", + -13.612608909606934 + ], + [ + "▁chills", + -13.61262321472168 + ], + [ + "▁Leads", + -13.6126708984375 + ], + [ + "▁carvings", + -13.612715721130373 + ], + [ + "versa", + -13.612730026245115 + ], + [ + "▁seminary", + -13.612780570983888 + ], + [ + "▁ticked", + -13.612783432006836 + ], + [ + "posing", + -13.612808227539062 + ], + [ + "80.", + -13.612945556640623 + ], + [ + "▁mana", + -13.613134384155272 + ], + [ + "▁Aged", + -13.613234519958496 + ], + [ + "▁Fond", + -13.613250732421877 + ], + [ + "▁Roanoke", + -13.61326026916504 + ], + [ + "▁choreographer", + -13.613287925720217 + ], + [ + "Sur", + -13.613290786743164 + ], + [ + "▁ASU", + -13.613306045532228 + ], + [ + "▁Cong", + -13.613353729248049 + ], + [ + "Ye", + -13.61335563659668 + ], + [ + "▁Weapons", + -13.613370895385742 + ], + [ + "chino", + -13.613375663757324 + ], + [ + "birth", + -13.613409042358398 + ], + [ + "▁Blaze", + -13.613451957702637 + ], + [ + "▁Weir", + -13.613511085510254 + ], + [ + "▁Tops", + -13.613525390625 + ], + [ + "▁deforestation", + -13.613581657409668 + ], + [ + "▁discrepancies", + -13.613581657409668 + ], + [ + "▁dismantling", + -13.613581657409668 + ], + [ + "▁perpendicular", + -13.613581657409668 + ], + [ + "▁sergeant", + -13.613581657409668 + ], + [ + "▁irreversible", + -13.613582611083984 + ], + [ + "▁candidacy", + -13.613588333129885 + ], + [ + "▁hypnotic", + -13.613595008850098 + ], + [ + "▁infographics", + -13.613605499267578 + ], + [ + "▁consulate", + -13.61361312866211 + ], + [ + "▁aortic", + -13.613614082336426 + ], + [ + "▁fragmentation", + -13.613630294799805 + ], + [ + "▁Bourne", + -13.613637924194336 + ], + [ + "▁jammed", + -13.613649368286133 + ], + [ + "▁preferential", + -13.613688468933104 + ], + [ + "▁diaries", + -13.6137056350708 + ], + [ + "▁limelight", + -13.613729476928713 + ], + [ + "▁patronage", + -13.613729476928713 + ], + [ + "▁goofy", + -13.613775253295898 + ], + [ + "▁flammable", + -13.613804817199709 + ], + [ + "▁Fragrance", + -13.613805770874023 + ], + [ + "▁Bavarian", + -13.613848686218262 + ], + [ + "▁Tweed", + -13.613859176635742 + ], + [ + "0.7", + -13.61386775970459 + ], + [ + "▁shielding", + -13.613869667053224 + ], + [ + "740", + -13.613956451416016 + ], + [ + "▁Sailor", + -13.61400318145752 + ], + [ + "▁Athlete", + -13.61413288116455 + ], + [ + "▁initials", + -13.6141357421875 + ], + [ + "▁disagreed", + -13.614225387573242 + ], + [ + "245", + -13.6143217086792 + ], + [ + "OST", + -13.614325523376465 + ], + [ + "▁reckoned", + -13.614334106445312 + ], + [ + "iton", + -13.614335060119627 + ], + [ + "▁chancellor", + -13.614385604858398 + ], + [ + "▁$33", + -13.61442756652832 + ], + [ + "ioli", + -13.614453315734863 + ], + [ + "▁undergoes", + -13.614486694335938 + ], + [ + "traumatic", + -13.614506721496582 + ], + [ + "Crystal", + -13.614557266235352 + ], + [ + "▁Psychologist", + -13.6146240234375 + ], + [ + "Tube", + -13.614631652832031 + ], + [ + "-53", + -13.614643096923828 + ], + [ + "▁Gha", + -13.61468505859375 + ], + [ + "Doctor", + -13.614748001098633 + ], + [ + "▁moulded", + -13.614749908447266 + ], + [ + "▁outboard", + -13.614806175231934 + ], + [ + "▁tiling", + -13.614813804626465 + ], + [ + "LOS", + -13.615008354187012 + ], + [ + "▁petitioner", + -13.615066528320312 + ], + [ + "Grace", + -13.615078926086426 + ], + [ + "▁gout", + -13.615141868591309 + ], + [ + "▁Publish", + -13.615280151367188 + ], + [ + "Fed", + -13.615365028381348 + ], + [ + "▁autograph", + -13.615418434143066 + ], + [ + "▁Scot", + -13.615421295166016 + ], + [ + "▁Baptism", + -13.61548900604248 + ], + [ + "▁centimeters", + -13.615551948547363 + ], + [ + "allo", + -13.615631103515623 + ], + [ + "▁Robo", + -13.61563491821289 + ], + [ + "▁Wolverine", + -13.615735054016112 + ], + [ + "lease", + -13.615766525268556 + ], + [ + "▁evacuate", + -13.615782737731934 + ], + [ + "▁rupture", + -13.615782737731934 + ], + [ + "▁1885", + -13.61579132080078 + ], + [ + "▁teased", + -13.61581039428711 + ], + [ + "▁Discipline", + -13.615838050842283 + ], + [ + "▁inorganic", + -13.615938186645508 + ], + [ + "uris", + -13.615958213806152 + ], + [ + "820", + -13.615968704223633 + ], + [ + "▁lures", + -13.616023063659668 + ], + [ + "▁cyclical", + -13.616025924682615 + ], + [ + "seeing", + -13.616100311279297 + ], + [ + "▁Wyn", + -13.61634349822998 + ], + [ + "▁Alcatel", + -13.61638355255127 + ], + [ + "▁Tobago", + -13.61638355255127 + ], + [ + "▁rebellious", + -13.61638355255127 + ], + [ + "▁bullpen", + -13.616453170776367 + ], + [ + "azo", + -13.61651611328125 + ], + [ + "▁Chel", + -13.61652660369873 + ], + [ + "▁DAMAGES", + -13.616559982299805 + ], + [ + "▁boulders", + -13.616609573364258 + ], + [ + "▁ballpark", + -13.616621017456056 + ], + [ + "▁Acorn", + -13.616632461547852 + ], + [ + "▁Corbyn", + -13.616646766662598 + ], + [ + "▁Taxation", + -13.616790771484377 + ], + [ + "▁Haram", + -13.61680030822754 + ], + [ + "mh", + -13.61683464050293 + ], + [ + "1-6", + -13.616921424865724 + ], + [ + "ulp", + -13.616924285888672 + ], + [ + "▁BN", + -13.61693000793457 + ], + [ + "▁adopters", + -13.616960525512695 + ], + [ + "▁Autonomous", + -13.617036819458008 + ], + [ + "-43", + -13.617067337036133 + ], + [ + "/07/", + -13.617121696472168 + ], + [ + "▁overrun", + -13.617182731628418 + ], + [ + "KC", + -13.617217063903809 + ], + [ + ")—", + -13.617222785949709 + ], + [ + "▁Tears", + -13.617228507995604 + ], + [ + "▁overthrow", + -13.617287635803224 + ], + [ + "Catholic", + -13.617372512817385 + ], + [ + "protection", + -13.617401123046877 + ], + [ + "Chan", + -13.61744499206543 + ], + [ + "▁arresting", + -13.61746311187744 + ], + [ + "infused", + -13.617536544799805 + ], + [ + "182", + -13.617546081542969 + ], + [ + "▁Bayou", + -13.617570877075195 + ], + [ + "▁helium", + -13.617648124694824 + ], + [ + "▁bruises", + -13.617709159851074 + ], + [ + "▁logger", + -13.617932319641112 + ], + [ + "530", + -13.61803150177002 + ], + [ + "▁($4", + -13.618036270141602 + ], + [ + "▁illusions", + -13.618062019348145 + ], + [ + "▁concerted", + -13.618244171142578 + ], + [ + "▁overuse", + -13.61829948425293 + ], + [ + "feeding", + -13.618322372436523 + ], + [ + "insured", + -13.6183443069458 + ], + [ + "▁Ameri", + -13.618446350097656 + ], + [ + "▁Psy", + -13.618452072143556 + ], + [ + "▁Zin", + -13.618515014648438 + ], + [ + "▁$37", + -13.618566513061523 + ], + [ + "▁10+", + -13.618630409240724 + ], + [ + "▁reschedule", + -13.618684768676758 + ], + [ + "Brad", + -13.618770599365234 + ], + [ + "stre", + -13.618772506713867 + ], + [ + "Gray", + -13.618799209594728 + ], + [ + "▁chemist", + -13.618829727172852 + ], + [ + "▁parrot", + -13.618887901306152 + ], + [ + "▁Supports", + -13.618926048278809 + ], + [ + "thia", + -13.618968963623049 + ], + [ + "telli", + -13.618999481201172 + ], + [ + "▁resell", + -13.619009017944336 + ], + [ + "▁Moe", + -13.619020462036133 + ], + [ + "ULT", + -13.61907196044922 + ], + [ + "▁fuzz", + -13.619136810302734 + ], + [ + "▁Bucharest", + -13.619192123413086 + ], + [ + "▁mammoth", + -13.619192123413086 + ], + [ + "▁locator", + -13.619205474853516 + ], + [ + "▁chevy", + -13.619211196899414 + ], + [ + "▁floorplan", + -13.61928939819336 + ], + [ + "▁Lonely", + -13.619296073913574 + ], + [ + "Employees", + -13.619335174560549 + ], + [ + "cry", + -13.619345664978027 + ], + [ + "501", + -13.619382858276367 + ], + [ + "▁Gogh", + -13.61940097808838 + ], + [ + "▁fandom", + -13.619427680969238 + ], + [ + "▁typos", + -13.619452476501465 + ], + [ + "▁990", + -13.6195068359375 + ], + [ + "▁2015-16", + -13.619535446166992 + ], + [ + "▁printables", + -13.619537353515623 + ], + [ + "▁accuse", + -13.61954116821289 + ], + [ + "▁Reaction", + -13.619674682617188 + ], + [ + "▁kernels", + -13.619688034057615 + ], + [ + "▁endings", + -13.619688987731934 + ], + [ + "▁Natal", + -13.619745254516602 + ], + [ + "▁Invisible", + -13.619902610778809 + ], + [ + "▁Meets", + -13.619916915893556 + ], + [ + "▁figs", + -13.619924545288086 + ], + [ + "▁RAD", + -13.619928359985352 + ], + [ + "▁flashed", + -13.61999225616455 + ], + [ + "▁Waterproofing", + -13.620019912719728 + ], + [ + "▁crores", + -13.6200532913208 + ], + [ + "▁Colleen", + -13.620110511779783 + ], + [ + "▁Sequence", + -13.62012767791748 + ], + [ + "▁Maxi", + -13.62013053894043 + ], + [ + "▁franchisees", + -13.620172500610352 + ], + [ + "▁Sz", + -13.620197296142578 + ], + [ + "Exclusive", + -13.620258331298828 + ], + [ + "Purpose", + -13.620261192321776 + ], + [ + "husband", + -13.620267868041992 + ], + [ + "▁Cant", + -13.620332717895508 + ], + [ + "▁Younger", + -13.620333671569824 + ], + [ + "▁bouts", + -13.62034034729004 + ], + [ + "▁clocked", + -13.620433807373049 + ], + [ + "▁IEC", + -13.620442390441896 + ], + [ + "▁Newly", + -13.620476722717283 + ], + [ + "Dade", + -13.62051010131836 + ], + [ + "еа", + -13.620527267456056 + ], + [ + "Rub", + -13.620567321777344 + ], + [ + "▁Practitioners", + -13.62057876586914 + ], + [ + "▁Receiver", + -13.62077522277832 + ], + [ + "▁Freezer", + -13.620792388916016 + ], + [ + "expert", + -13.620829582214355 + ], + [ + "▁Courthouse", + -13.620875358581545 + ], + [ + "▁Raman", + -13.620911598205566 + ], + [ + "▁NX", + -13.620945930480955 + ], + [ + "▁Vaccine", + -13.620957374572754 + ], + [ + "▁newbies", + -13.620975494384766 + ], + [ + "▁Appreciation", + -13.621050834655762 + ], + [ + "▁Maiden", + -13.621084213256836 + ], + [ + "▁Vig", + -13.621099472045898 + ], + [ + "ede", + -13.621195793151855 + ], + [ + "▁restarted", + -13.621212005615234 + ], + [ + "agne", + -13.621319770812988 + ], + [ + "dp", + -13.621365547180176 + ], + [ + "▁energize", + -13.62138557434082 + ], + [ + "▁Glasses", + -13.621508598327637 + ], + [ + "▁Maga", + -13.621520042419434 + ], + [ + "▁Wh", + -13.621572494506836 + ], + [ + "▁Dyer", + -13.621628761291504 + ], + [ + "▁Horizontal", + -13.621648788452148 + ], + [ + "▁abolish", + -13.621648788452148 + ], + [ + "▁selfless", + -13.62166976928711 + ], + [ + "▁Lew", + -13.621702194213867 + ], + [ + "▁coloration", + -13.621718406677246 + ], + [ + "▁RU", + -13.621768951416016 + ], + [ + "▁beak", + -13.621960639953612 + ], + [ + "▁familial", + -13.62200927734375 + ], + [ + "▁reluctance", + -13.62200927734375 + ], + [ + "▁Evangelical", + -13.6220121383667 + ], + [ + "▁rheumatoid", + -13.622014045715332 + ], + [ + "▁vortex", + -13.622014045715332 + ], + [ + "▁ponies", + -13.62201976776123 + ], + [ + "▁Puppet", + -13.622021675109863 + ], + [ + "▁iterative", + -13.622021675109863 + ], + [ + "FIELD", + -13.622035026550291 + ], + [ + "raven", + -13.62203884124756 + ], + [ + "bowl", + -13.622042655944824 + ], + [ + "factory", + -13.622061729431152 + ], + [ + "▁carbide", + -13.62209129333496 + ], + [ + "▁Libby", + -13.622157096862791 + ], + [ + "▁taboo", + -13.622164726257324 + ], + [ + "opia", + -13.622177124023438 + ], + [ + "▁flue", + -13.622183799743652 + ], + [ + "▁venting", + -13.622214317321776 + ], + [ + "Beth", + -13.622224807739258 + ], + [ + "rella", + -13.622306823730469 + ], + [ + "mono", + -13.622332572937012 + ], + [ + "▁doorways", + -13.622364044189451 + ], + [ + "GX", + -13.622384071350098 + ], + [ + "▁Aw", + -13.622536659240724 + ], + [ + "▁radiators", + -13.622547149658203 + ], + [ + "▁Shad", + -13.62270450592041 + ], + [ + "▁thaw", + -13.62270736694336 + ], + [ + "▁Greenway", + -13.622756004333496 + ], + [ + "▁Dispute", + -13.622760772705078 + ], + [ + "▁Revit", + -13.622812271118164 + ], + [ + "▁161", + -13.622825622558594 + ], + [ + "▁Morse", + -13.62283706665039 + ], + [ + "CCC", + -13.622920989990234 + ], + [ + "tops", + -13.62297248840332 + ], + [ + "▁forage", + -13.622983932495115 + ], + [ + "EI", + -13.623008728027344 + ], + [ + "▁Chant", + -13.62301540374756 + ], + [ + "gum", + -13.62310028076172 + ], + [ + "Enterprise", + -13.62314510345459 + ], + [ + "Finance", + -13.623173713684082 + ], + [ + "▁affiliations", + -13.623218536376951 + ], + [ + "minster", + -13.623231887817385 + ], + [ + "▁179", + -13.623263359069824 + ], + [ + "▁infer", + -13.623353004455566 + ], + [ + "▁42%", + -13.623368263244627 + ], + [ + "1-1", + -13.623394012451172 + ], + [ + "Sharing", + -13.623446464538574 + ], + [ + "▁2017:", + -13.623498916625977 + ], + [ + "▁Yvonne", + -13.623509407043455 + ], + [ + "▁washroom", + -13.623509407043455 + ], + [ + "▁Marcia", + -13.623552322387695 + ], + [ + "▁momentous", + -13.623560905456545 + ], + [ + "▁Analysts", + -13.623604774475098 + ], + [ + "▁(90", + -13.623624801635742 + ], + [ + "▁Doctoral", + -13.62364101409912 + ], + [ + "▁emptying", + -13.623684883117676 + ], + [ + "Wake", + -13.623695373535156 + ], + [ + "Scroll", + -13.623700141906738 + ], + [ + "itan", + -13.623703956604004 + ], + [ + "▁Shame", + -13.623703956604004 + ], + [ + "▁eaters", + -13.6237211227417 + ], + [ + "gens", + -13.623799324035645 + ], + [ + "▁Stickers", + -13.62388801574707 + ], + [ + "▁beetles", + -13.624041557312012 + ], + [ + "732", + -13.624051094055176 + ], + [ + "▁departs", + -13.624255180358888 + ], + [ + "▁Ost", + -13.624308586120604 + ], + [ + "ROC", + -13.624312400817873 + ], + [ + "zzi", + -13.624381065368652 + ], + [ + "▁lizard", + -13.624576568603516 + ], + [ + "▁affectionate", + -13.62466049194336 + ], + [ + "▁etsy", + -13.624778747558594 + ], + [ + "/32", + -13.624802589416504 + ], + [ + "▁vengeance", + -13.624834060668944 + ], + [ + "▁Orthopedic", + -13.624835014343262 + ], + [ + "▁rinsing", + -13.624835014343262 + ], + [ + "▁alumnus", + -13.624837875366213 + ], + [ + "▁Orchid", + -13.624838829040527 + ], + [ + "▁clomid", + -13.624838829040527 + ], + [ + "▁Hadoop", + -13.62484359741211 + ], + [ + "▁babysitter", + -13.624873161315918 + ], + [ + "▁midsole", + -13.62491512298584 + ], + [ + "▁repression", + -13.624929428100586 + ], + [ + "▁clipped", + -13.624945640563965 + ], + [ + "▁QLD", + -13.624948501586914 + ], + [ + "▁soles", + -13.624951362609863 + ], + [ + "▁reorganization", + -13.625003814697266 + ], + [ + "▁Janice", + -13.625044822692873 + ], + [ + "ones", + -13.625066757202148 + ], + [ + "▁mummy", + -13.625077247619627 + ], + [ + "▁sms", + -13.625113487243652 + ], + [ + "▁adware", + -13.62514591217041 + ], + [ + "▁Takes", + -13.625165939331056 + ], + [ + "▁Ninth", + -13.625187873840332 + ], + [ + "▁jumpsuit", + -13.625203132629396 + ], + [ + "▁Quit", + -13.625216484069824 + ], + [ + "▁ramen", + -13.625255584716797 + ], + [ + "▁meld", + -13.625283241271973 + ], + [ + "ENG", + -13.625378608703612 + ], + [ + "▁preferring", + -13.625384330749512 + ], + [ + "▁challenger", + -13.625452995300291 + ], + [ + "▁eraser", + -13.62548542022705 + ], + [ + "quis", + -13.625598907470703 + ], + [ + "tags", + -13.62562084197998 + ], + [ + "▁govt", + -13.62563705444336 + ], + [ + "Id", + -13.6256685256958 + ], + [ + "▁ivy", + -13.625810623168944 + ], + [ + "investment", + -13.625916481018066 + ], + [ + "▁Ether", + -13.625986099243164 + ], + [ + "Hear", + -13.626030921936035 + ], + [ + "cine", + -13.62611198425293 + ], + [ + "Arc", + -13.626222610473633 + ], + [ + "▁Reflect", + -13.62623405456543 + ], + [ + "vitamin", + -13.626262664794922 + ], + [ + "", + -13.626270294189451 + ], + [ + "9-8", + -13.62633228302002 + ], + [ + "▁concerto", + -13.626334190368652 + ], + [ + "rry", + -13.626343727111816 + ], + [ + "6-8", + -13.626359939575195 + ], + [ + "▁nil", + -13.62636661529541 + ], + [ + "8:", + -13.626399040222168 + ], + [ + "▁Surg", + -13.626446723937988 + ], + [ + "▁Edo", + -13.62651824951172 + ], + [ + "seeking", + -13.626520156860352 + ], + [ + "Victoria", + -13.626529693603516 + ], + [ + "▁fielding", + -13.626575469970703 + ], + [ + "Laser", + -13.626703262329102 + ], + [ + "▁Extraction", + -13.626715660095217 + ], + [ + "327", + -13.626748085021973 + ], + [ + "join", + -13.626761436462402 + ], + [ + "525", + -13.626832962036133 + ], + [ + "robe", + -13.626864433288574 + ], + [ + "Hal", + -13.626893043518066 + ], + [ + "▁boulder", + -13.62692928314209 + ], + [ + "dj", + -13.627028465270996 + ], + [ + "▁exacerbate", + -13.627066612243652 + ], + [ + "▁meaty", + -13.627158164978027 + ], + [ + "▁Penta", + -13.627178192138672 + ], + [ + "6\"", + -13.62720012664795 + ], + [ + "▁chisel", + -13.627245903015137 + ], + [ + "quo", + -13.627286911010742 + ], + [ + "▁HARD", + -13.627375602722168 + ], + [ + "▁Tricks", + -13.627391815185549 + ], + [ + "Pol", + -13.627402305603027 + ], + [ + "▁hairdresser", + -13.627431869506836 + ], + [ + "▁alligator", + -13.627433776855469 + ], + [ + "▁avec", + -13.62744426727295 + ], + [ + "▁FAMILY", + -13.627479553222656 + ], + [ + "▁Squirrel", + -13.627479553222656 + ], + [ + "▁Malaga", + -13.62753200531006 + ], + [ + "▁breadcrumbs", + -13.627538681030272 + ], + [ + "▁Artwork", + -13.62754249572754 + ], + [ + "▁777", + -13.627620697021484 + ], + [ + "▁Cummins", + -13.627620697021484 + ], + [ + "▁Vuitton", + -13.627666473388672 + ], + [ + "▁horrendous", + -13.627666473388672 + ], + [ + "▁transducer", + -13.627666473388672 + ], + [ + "▁Cummings", + -13.627668380737305 + ], + [ + "▁fledgling", + -13.62766933441162 + ], + [ + "▁Hobbit", + -13.627687454223633 + ], + [ + "gles", + -13.62768840789795 + ], + [ + "▁SAFE", + -13.627692222595217 + ], + [ + "eval", + -13.627699851989746 + ], + [ + "▁infotainment", + -13.62770175933838 + ], + [ + "▁swimwear", + -13.627755165100098 + ], + [ + "▁sampler", + -13.627760887145996 + ], + [ + "▁Statements", + -13.627772331237791 + ], + [ + "▁Draper", + -13.62777328491211 + ], + [ + "▁Skinny", + -13.62782382965088 + ], + [ + "▁Tyre", + -13.62782859802246 + ], + [ + "▁subordinate", + -13.627842903137209 + ], + [ + "▁injectable", + -13.627900123596191 + ], + [ + "▁Harrow", + -13.627959251403809 + ], + [ + "▁Polly", + -13.62803840637207 + ], + [ + "▁Optimize", + -13.628144264221191 + ], + [ + "CIS", + -13.628190994262695 + ], + [ + "▁Rockford", + -13.628196716308594 + ], + [ + "KL", + -13.628241539001465 + ], + [ + "▁SDS", + -13.628273010253906 + ], + [ + "▁Eligibility", + -13.62830638885498 + ], + [ + "provide", + -13.628321647644045 + ], + [ + "▁critiques", + -13.628348350524902 + ], + [ + "▁unpacking", + -13.628361701965332 + ], + [ + "GMO", + -13.62836742401123 + ], + [ + "▁solos", + -13.628373146057127 + ], + [ + "Release", + -13.628375053405762 + ], + [ + "▁usher", + -13.62838077545166 + ], + [ + "roe", + -13.628421783447266 + ], + [ + "▁BYU", + -13.628425598144531 + ], + [ + "6/", + -13.628676414489746 + ], + [ + "▁benefitted", + -13.62873649597168 + ], + [ + "▁1888", + -13.628761291503906 + ], + [ + "compliance", + -13.628780364990234 + ], + [ + "orders", + -13.62887477874756 + ], + [ + "▁assertive", + -13.62888240814209 + ], + [ + "▁Royce", + -13.628920555114746 + ], + [ + "▁blinking", + -13.628942489624023 + ], + [ + "possibly", + -13.628957748413086 + ], + [ + "ube", + -13.628965377807615 + ], + [ + "▁fracking", + -13.629036903381348 + ], + [ + "▁CBT", + -13.629056930541992 + ], + [ + "atomic", + -13.629063606262209 + ], + [ + "Solution", + -13.629107475280762 + ], + [ + "Honor", + -13.629148483276367 + ], + [ + "▁Dresser", + -13.629250526428224 + ], + [ + "posts", + -13.629262924194336 + ], + [ + "cliffe", + -13.629348754882812 + ], + [ + "▁pg", + -13.629374504089355 + ], + [ + "▁Horizons", + -13.629515647888184 + ], + [ + "▁pamper", + -13.629603385925291 + ], + [ + "RIES", + -13.629630088806152 + ], + [ + "▁Foto", + -13.629632949829102 + ], + [ + "Transform", + -13.629634857177734 + ], + [ + "bg", + -13.629717826843262 + ], + [ + "▁nun", + -13.629727363586426 + ], + [ + "Included", + -13.62982177734375 + ], + [ + "▁Fitzpatrick", + -13.62989616394043 + ], + [ + "iOS", + -13.629907608032228 + ], + [ + "▁marketplaces", + -13.629918098449709 + ], + [ + "690", + -13.630047798156738 + ], + [ + "▁buyout", + -13.63018035888672 + ], + [ + "▁psychologically", + -13.630207061767578 + ], + [ + "])", + -13.630270957946776 + ], + [ + "▁alphabetical", + -13.630292892456056 + ], + [ + "qual", + -13.630293846130373 + ], + [ + "▁contradiction", + -13.630342483520508 + ], + [ + "▁equi", + -13.63034439086914 + ], + [ + "haha", + -13.63041877746582 + ], + [ + "▁downgrade", + -13.63047695159912 + ], + [ + "▁Riga", + -13.630477905273438 + ], + [ + "ROUND", + -13.630495071411133 + ], + [ + "0.9", + -13.63050365447998 + ], + [ + "▁fluorescence", + -13.630508422851562 + ], + [ + "▁oscillator", + -13.630510330200195 + ], + [ + "▁Reis", + -13.630517959594728 + ], + [ + "▁macroeconomic", + -13.630536079406738 + ], + [ + "▁Emory", + -13.630539894104004 + ], + [ + "ational", + -13.630558967590332 + ], + [ + "859", + -13.630590438842772 + ], + [ + "▁Merchandise", + -13.630603790283203 + ], + [ + "▁__", + -13.630677223205566 + ], + [ + "▁sliver", + -13.630678176879885 + ], + [ + "▁209", + -13.63072109222412 + ], + [ + "▁CIP", + -13.630735397338867 + ], + [ + "3-6", + -13.630749702453612 + ], + [ + "▁bloated", + -13.630772590637209 + ], + [ + "▁Cartier", + -13.63080596923828 + ], + [ + "▁blond", + -13.63085651397705 + ], + [ + "▁copious", + -13.631004333496094 + ], + [ + "lani", + -13.631013870239258 + ], + [ + "Marc", + -13.631101608276367 + ], + [ + "▁Bhd", + -13.631230354309082 + ], + [ + "▁glassware", + -13.631287574768066 + ], + [ + "▁NEO", + -13.631410598754885 + ], + [ + "Consumers", + -13.631549835205078 + ], + [ + "▁MVC", + -13.631592750549316 + ], + [ + "Ross", + -13.631689071655272 + ], + [ + "▁strainer", + -13.631693840026855 + ], + [ + "▁Processes", + -13.631754875183104 + ], + [ + "▁exertion", + -13.631765365600586 + ], + [ + "▁anticipates", + -13.631842613220217 + ], + [ + "individual", + -13.63186264038086 + ], + [ + "Foreign", + -13.631875991821287 + ], + [ + "▁Bulb", + -13.631887435913086 + ], + [ + "Colorado", + -13.631900787353516 + ], + [ + "faceted", + -13.631905555725098 + ], + [ + "catering", + -13.631964683532717 + ], + [ + "▁Producers", + -13.63197898864746 + ], + [ + "▁£12", + -13.63199234008789 + ], + [ + "chor", + -13.632081031799316 + ], + [ + "▁racket", + -13.63209629058838 + ], + [ + "▁Miya", + -13.6322021484375 + ], + [ + "▁peril", + -13.632257461547852 + ], + [ + "▁bangs", + -13.6322603225708 + ], + [ + "wc", + -13.632266998291016 + ], + [ + "ancing", + -13.632299423217772 + ], + [ + "offer", + -13.632307052612305 + ], + [ + "▁exchanger", + -13.63232135772705 + ], + [ + "oodle", + -13.632396697998049 + ], + [ + "DIY", + -13.632405281066896 + ], + [ + "▁Universit", + -13.632437705993652 + ], + [ + "▁devour", + -13.632445335388184 + ], + [ + "▁relays", + -13.63246726989746 + ], + [ + "Mostly", + -13.632471084594728 + ], + [ + "▁unisex", + -13.632513999938965 + ], + [ + "▁Paying", + -13.632527351379396 + ], + [ + "▁Uzbekistan", + -13.632529258728027 + ], + [ + "Years", + -13.632553100585938 + ], + [ + "▁takeaways", + -13.632554054260254 + ], + [ + "▁laces", + -13.632567405700684 + ], + [ + "wards", + -13.632575988769531 + ], + [ + "angan", + -13.63258171081543 + ], + [ + "▁Merc", + -13.632617950439451 + ], + [ + "Contract", + -13.632644653320312 + ], + [ + "▁Transformers", + -13.632649421691896 + ], + [ + "▁Lever", + -13.63274097442627 + ], + [ + "sensor", + -13.632762908935549 + ], + [ + "▁Clarity", + -13.632847785949709 + ], + [ + "▁9.0", + -13.632858276367188 + ], + [ + "▁amalgam", + -13.632896423339844 + ], + [ + "▁manifests", + -13.632925033569336 + ], + [ + "NBC", + -13.633086204528809 + ], + [ + "Linda", + -13.633146286010742 + ], + [ + "Upgrade", + -13.63315200805664 + ], + [ + "409", + -13.633158683776855 + ], + [ + "▁Cate", + -13.633186340332031 + ], + [ + "▁Rog", + -13.63319206237793 + ], + [ + "▁overtake", + -13.63332462310791 + ], + [ + "▁McMahon", + -13.633357048034668 + ], + [ + "▁acknowledgment", + -13.633357048034668 + ], + [ + "▁exuberant", + -13.633357048034668 + ], + [ + "▁prettiest", + -13.633357048034668 + ], + [ + "▁rejuvenating", + -13.633357048034668 + ], + [ + "▁utilitarian", + -13.633357048034668 + ], + [ + "▁isolating", + -13.633362770080566 + ], + [ + "▁Louvre", + -13.633366584777832 + ], + [ + "▁1971,", + -13.63336944580078 + ], + [ + "▁porridge", + -13.633378028869627 + ], + [ + "▁KI", + -13.63338851928711 + ], + [ + "▁squadron", + -13.633453369140623 + ], + [ + "▁STILL", + -13.63351058959961 + ], + [ + "▁Jumbo", + -13.633522033691406 + ], + [ + "▁Mecca", + -13.633540153503418 + ], + [ + "▁Whisky", + -13.633687019348145 + ], + [ + "▁Quaker", + -13.633715629577637 + ], + [ + "▁Margin", + -13.633783340454102 + ], + [ + "downs", + -13.633807182312012 + ], + [ + "▁Bryn", + -13.633809089660645 + ], + [ + "▁Shay", + -13.633852005004885 + ], + [ + "▁1,100", + -13.633866310119627 + ], + [ + "▁vibrate", + -13.633984565734863 + ], + [ + "aceae", + -13.63408374786377 + ], + [ + "▁undone", + -13.634166717529297 + ], + [ + "▁Heron", + -13.634343147277832 + ], + [ + "Corn", + -13.63435173034668 + ], + [ + "▁uv", + -13.634495735168455 + ], + [ + "860", + -13.63450813293457 + ], + [ + "▁removalists", + -13.634516716003418 + ], + [ + "▁apocalypse", + -13.63461685180664 + ], + [ + "ZO", + -13.634675979614258 + ], + [ + "ungs", + -13.634693145751951 + ], + [ + "jung", + -13.63469409942627 + ], + [ + "Vote", + -13.634702682495115 + ], + [ + "▁operatives", + -13.634836196899414 + ], + [ + "NED", + -13.634925842285156 + ], + [ + "▁Stations", + -13.634937286376951 + ], + [ + "▁Zam", + -13.63499355316162 + ], + [ + "▁1864", + -13.634995460510254 + ], + [ + "▁elites", + -13.635039329528809 + ], + [ + "ONS", + -13.635083198547363 + ], + [ + "Systems", + -13.635090827941896 + ], + [ + "▁Scala", + -13.635190963745115 + ], + [ + "▁Fundamentals", + -13.635202407836914 + ], + [ + "looks", + -13.63528060913086 + ], + [ + "Domain", + -13.635294914245604 + ], + [ + "▁baseman", + -13.6353178024292 + ], + [ + "▁Tron", + -13.635424613952637 + ], + [ + "▁mockup", + -13.63552951812744 + ], + [ + "gsm", + -13.635538101196287 + ], + [ + "▁grieve", + -13.63561725616455 + ], + [ + "bye", + -13.635643005371094 + ], + [ + "POL", + -13.635655403137209 + ], + [ + "zol", + -13.635665893554688 + ], + [ + "▁188", + -13.635677337646484 + ], + [ + "Mode", + -13.635679244995115 + ], + [ + "strand", + -13.635878562927246 + ], + [ + "▁vin", + -13.635963439941406 + ], + [ + "▁girly", + -13.636021614074709 + ], + [ + "exp", + -13.636029243469238 + ], + [ + "▁Gua", + -13.636189460754396 + ], + [ + "▁studded", + -13.636194229125977 + ], + [ + "▁CY", + -13.63620948791504 + ], + [ + "▁dispensary", + -13.63621425628662 + ], + [ + "▁endocrine", + -13.63621425628662 + ], + [ + "▁molasses", + -13.63621425628662 + ], + [ + "▁integrative", + -13.636216163635254 + ], + [ + "▁extravaganza", + -13.63621711730957 + ], + [ + "▁Fulbright", + -13.636218070983888 + ], + [ + "▁fluency", + -13.636234283447266 + ], + [ + "▁(1996)", + -13.636244773864746 + ], + [ + "▁Burbank", + -13.636258125305176 + ], + [ + "▁scrapped", + -13.636258125305176 + ], + [ + "▁Equally", + -13.636311531066896 + ], + [ + "▁Outcomes", + -13.636378288269045 + ], + [ + "▁resultant", + -13.636392593383787 + ], + [ + "01)", + -13.63640308380127 + ], + [ + "▁synonyms", + -13.636456489562988 + ], + [ + "▁hyperlinks", + -13.63650131225586 + ], + [ + "WIN", + -13.636509895324709 + ], + [ + "Ber", + -13.636512756347656 + ], + [ + "▁Seville", + -13.636528968811035 + ], + [ + "▁prophetic", + -13.636530876159668 + ], + [ + "▁ensued", + -13.636566162109377 + ], + [ + "optic", + -13.636568069458008 + ], + [ + "▁Drizzle", + -13.636587142944336 + ], + [ + "Pain", + -13.636621475219728 + ], + [ + "CJ", + -13.63671875 + ], + [ + "▁315", + -13.636744499206545 + ], + [ + "▁Comet", + -13.636763572692873 + ], + [ + "▁Hector", + -13.63676643371582 + ], + [ + "▁Gla", + -13.636780738830566 + ], + [ + "▁(8)", + -13.636784553527832 + ], + [ + "▁applauded", + -13.63679313659668 + ], + [ + "▁classmate", + -13.636796951293944 + ], + [ + "▁wiggle", + -13.636818885803224 + ], + [ + "stration", + -13.636921882629396 + ], + [ + "▁swan", + -13.636922836303713 + ], + [ + "▁Tera", + -13.636992454528809 + ], + [ + "▁Busch", + -13.63701057434082 + ], + [ + "heimer", + -13.63701629638672 + ], + [ + "▁stencils", + -13.6370267868042 + ], + [ + "▁Packard", + -13.637036323547363 + ], + [ + "▁Tamara", + -13.637046813964844 + ], + [ + "▁Slater", + -13.637078285217283 + ], + [ + "Twin", + -13.63709545135498 + ], + [ + "▁summons", + -13.637096405029297 + ], + [ + "▁degraded", + -13.637141227722168 + ], + [ + "lover", + -13.637207984924316 + ], + [ + "▁ingrained", + -13.637236595153809 + ], + [ + "▁Moreno", + -13.637282371520996 + ], + [ + "▁apiece", + -13.63730239868164 + ], + [ + "▁EI", + -13.637368202209473 + ], + [ + "▁fam", + -13.637377738952637 + ], + [ + "wipe", + -13.637393951416016 + ], + [ + "▁Static", + -13.637502670288086 + ], + [ + "ERP", + -13.63753890991211 + ], + [ + "▁zippered", + -13.637577056884766 + ], + [ + "ool", + -13.637592315673828 + ], + [ + "Flu", + -13.637632369995115 + ], + [ + "▁Obtain", + -13.6376371383667 + ], + [ + "▁eternally", + -13.637653350830078 + ], + [ + "▁mL", + -13.637653350830078 + ], + [ + "▁skewer", + -13.637721061706545 + ], + [ + "▁punishing", + -13.637735366821287 + ], + [ + "IMM", + -13.637773513793944 + ], + [ + "▁pri", + -13.637804985046388 + ], + [ + "▁unblock", + -13.63795280456543 + ], + [ + "wolf", + -13.637964248657228 + ], + [ + "-74", + -13.637978553771973 + ], + [ + "cies", + -13.637986183166504 + ], + [ + "0.8", + -13.638025283813477 + ], + [ + ":00", + -13.638039588928224 + ], + [ + "trace", + -13.638042449951172 + ], + [ + "▁2018).", + -13.638069152832031 + ], + [ + "Civil", + -13.638072967529297 + ], + [ + "▁Spirits", + -13.638094902038574 + ], + [ + "adu", + -13.63820457458496 + ], + [ + "ECO", + -13.63822078704834 + ], + [ + "▁McCa", + -13.638251304626465 + ], + [ + "AMI", + -13.638275146484377 + ], + [ + "bola", + -13.638335227966309 + ], + [ + "▁BRA", + -13.638426780700684 + ], + [ + "ledge", + -13.638442993164062 + ], + [ + "Aaron", + -13.638471603393556 + ], + [ + "BTC", + -13.63862133026123 + ], + [ + "▁Puff", + -13.638757705688477 + ], + [ + "▁Hungry", + -13.638765335083008 + ], + [ + "▁Yup", + -13.638812065124512 + ], + [ + "▁cloths", + -13.638838768005373 + ], + [ + "Ski", + -13.638968467712402 + ], + [ + "▁Merri", + -13.639062881469728 + ], + [ + "▁orthopaedic", + -13.639079093933104 + ], + [ + "▁propensity", + -13.639079093933104 + ], + [ + "▁spoof", + -13.639079093933104 + ], + [ + "▁unthinkable", + -13.639079093933104 + ], + [ + "▁Scrabble", + -13.639080047607422 + ], + [ + "Options", + -13.639081954956056 + ], + [ + "▁Knicks", + -13.639083862304688 + ], + [ + "▁(1995)", + -13.63911247253418 + ], + [ + "▁Lucknow", + -13.639114379882812 + ], + [ + "▁polarization", + -13.639172554016112 + ], + [ + "▁Mohawk", + -13.63917636871338 + ], + [ + "▁lather", + -13.63918113708496 + ], + [ + "▁fulfilment", + -13.639195442199709 + ], + [ + "▁Apk", + -13.639201164245604 + ], + [ + "▁handshake", + -13.639227867126465 + ], + [ + "▁Christy", + -13.639229774475098 + ], + [ + "▁folic", + -13.63924503326416 + ], + [ + "▁segregated", + -13.639286994934082 + ], + [ + "▁Convenience", + -13.639307022094728 + ], + [ + "▁unchecked", + -13.639309883117676 + ], + [ + "Links", + -13.639321327209473 + ], + [ + "▁Define", + -13.639331817626951 + ], + [ + "▁5.8", + -13.639349937438965 + ], + [ + "▁resins", + -13.639381408691406 + ], + [ + "▁Atkins", + -13.639387130737305 + ], + [ + "▁Chalet", + -13.63939380645752 + ], + [ + "▁uniformity", + -13.639409065246582 + ], + [ + "▁Sten", + -13.63941764831543 + ], + [ + "otte", + -13.639479637145996 + ], + [ + "▁Denim", + -13.63955020904541 + ], + [ + "▁Wins", + -13.639554023742676 + ], + [ + "strike", + -13.639610290527344 + ], + [ + "▁assays", + -13.63961124420166 + ], + [ + "▁broiler", + -13.639623641967772 + ], + [ + "▁Jury", + -13.639656066894531 + ], + [ + "ethyl", + -13.639657974243164 + ], + [ + "▁(80", + -13.639691352844238 + ], + [ + "urant", + -13.639714241027832 + ], + [ + "Teachers", + -13.639737129211426 + ], + [ + "VAL", + -13.639763832092283 + ], + [ + "▁Arrival", + -13.63987159729004 + ], + [ + "▁Pivot", + -13.639914512634276 + ], + [ + "▁cemented", + -13.639921188354492 + ], + [ + "▁humankind", + -13.640036582946776 + ], + [ + "▁Marino", + -13.64003849029541 + ], + [ + "▁Warhol", + -13.640043258666992 + ], + [ + "beth", + -13.640094757080078 + ], + [ + "▁Capri", + -13.640094757080078 + ], + [ + "▁Dine", + -13.640137672424316 + ], + [ + "▁Sens", + -13.640174865722656 + ], + [ + "349", + -13.640185356140137 + ], + [ + "▁underdog", + -13.640228271484377 + ], + [ + "60.", + -13.640243530273438 + ], + [ + "▁BTS", + -13.640280723571776 + ], + [ + "cook", + -13.640399932861328 + ], + [ + "5.4", + -13.64040470123291 + ], + [ + "▁ECM", + -13.64044952392578 + ], + [ + "▁rollover", + -13.64051914215088 + ], + [ + "▁Bent", + -13.64052677154541 + ], + [ + "▁borderline", + -13.640565872192385 + ], + [ + "▁Missions", + -13.640583992004396 + ], + [ + "motivated", + -13.640607833862305 + ], + [ + "▁Folks", + -13.640624046325684 + ], + [ + "Admission", + -13.640658378601074 + ], + [ + "Length", + -13.640668869018556 + ], + [ + "858", + -13.640750885009766 + ], + [ + "▁nonstop", + -13.640777587890623 + ], + [ + "bop", + -13.64084529876709 + ], + [ + "Bag", + -13.640868186950684 + ], + [ + "Communication", + -13.64087963104248 + ], + [ + "menu", + -13.64090633392334 + ], + [ + "▁parkland", + -13.640942573547363 + ], + [ + "partner", + -13.640948295593262 + ], + [ + "kart", + -13.64095687866211 + ], + [ + "catch", + -13.64100456237793 + ], + [ + "-99", + -13.64102268218994 + ], + [ + "Teaching", + -13.641030311584473 + ], + [ + "cad", + -13.641072273254396 + ], + [ + "▁Engineered", + -13.641093254089355 + ], + [ + "▁Farming", + -13.641228675842283 + ], + [ + "AHA", + -13.641263008117676 + ], + [ + "registered", + -13.64128589630127 + ], + [ + "▁Tw", + -13.64132595062256 + ], + [ + "25,000", + -13.64134120941162 + ], + [ + "▁bios", + -13.64136028289795 + ], + [ + "▁COME", + -13.641398429870604 + ], + [ + "▁Affect", + -13.64140796661377 + ], + [ + "LOC", + -13.641460418701172 + ], + [ + "▁dew", + -13.641517639160156 + ], + [ + "▁mixers", + -13.6415376663208 + ], + [ + "▁gloom", + -13.641719818115234 + ], + [ + "dive", + -13.641780853271484 + ], + [ + "▁legumes", + -13.641820907592772 + ], + [ + "▁WEST", + -13.641843795776367 + ], + [ + "roth", + -13.641873359680176 + ], + [ + "archive", + -13.641927719116213 + ], + [ + "▁IMPLIED", + -13.641952514648438 + ], + [ + "▁Zodiac", + -13.64195442199707 + ], + [ + "▁draught", + -13.641956329345703 + ], + [ + "▁rotates", + -13.641961097717283 + ], + [ + "▁WARRANTY", + -13.641962051391602 + ], + [ + "fell", + -13.64198112487793 + ], + [ + "▁solidly", + -13.641996383666992 + ], + [ + "pex", + -13.642027854919434 + ], + [ + "▁detachment", + -13.64203643798828 + ], + [ + "▁polarized", + -13.642047882080078 + ], + [ + "▁Distillery", + -13.642049789428713 + ], + [ + "mau", + -13.64206314086914 + ], + [ + "▁Wight", + -13.64207363128662 + ], + [ + "lew", + -13.642088890075684 + ], + [ + "capped", + -13.642105102539062 + ], + [ + "▁dollop", + -13.642171859741213 + ], + [ + "▁1812", + -13.642236709594728 + ], + [ + "▁Chipotle", + -13.642264366149902 + ], + [ + "▁eff", + -13.642295837402344 + ], + [ + "▁Lakh", + -13.642301559448242 + ], + [ + "▁toxin", + -13.642325401306152 + ], + [ + "bots", + -13.642348289489746 + ], + [ + "▁Makeover", + -13.64236831665039 + ], + [ + "▁catchment", + -13.64246654510498 + ], + [ + "▁agri", + -13.64247703552246 + ], + [ + "▁Rebels", + -13.642496109008787 + ], + [ + "Sony", + -13.64252471923828 + ], + [ + "▁agreeable", + -13.642560958862305 + ], + [ + "edited", + -13.642562866210938 + ], + [ + "▁Neb", + -13.642614364624023 + ], + [ + "▁enigmatic", + -13.642681121826172 + ], + [ + "▁$5.00", + -13.642694473266602 + ], + [ + "wheeler", + -13.642722129821776 + ], + [ + "GMT", + -13.642723083496094 + ], + [ + "-77", + -13.642727851867676 + ], + [ + "ryn", + -13.642743110656738 + ], + [ + "▁presided", + -13.642745018005373 + ], + [ + "▁barge", + -13.642802238464355 + ], + [ + "▁stag", + -13.64281177520752 + ], + [ + "gut", + -13.642914772033691 + ], + [ + "▁Dont", + -13.643004417419434 + ], + [ + "▁Colours", + -13.64303207397461 + ], + [ + "oise", + -13.643085479736328 + ], + [ + "folding", + -13.643141746520996 + ], + [ + "▁recon", + -13.643214225769045 + ], + [ + "cks", + -13.64326000213623 + ], + [ + "4.9", + -13.643288612365724 + ], + [ + "▁snowball", + -13.643291473388672 + ], + [ + "▁1889", + -13.643328666687012 + ], + [ + "▁orient", + -13.643516540527344 + ], + [ + "alcoholic", + -13.643571853637695 + ], + [ + "riz", + -13.643590927124023 + ], + [ + "25%", + -13.643593788146973 + ], + [ + "acious", + -13.643622398376465 + ], + [ + "behind", + -13.643651008605955 + ], + [ + "▁lull", + -13.643683433532717 + ], + [ + "▁sen", + -13.643742561340332 + ], + [ + "▁Entries", + -13.643766403198242 + ], + [ + "java", + -13.643768310546877 + ], + [ + "Horse", + -13.64378547668457 + ], + [ + "▁shampoos", + -13.643808364868164 + ], + [ + "▁adjectives", + -13.643813133239746 + ], + [ + "▁Riot", + -13.64386749267578 + ], + [ + "▁Snack", + -13.643877983093262 + ], + [ + "Integrated", + -13.64404582977295 + ], + [ + "-59", + -13.64415454864502 + ], + [ + "▁Bene", + -13.644176483154297 + ], + [ + "singer", + -13.644214630126951 + ], + [ + "rounder", + -13.644232749938965 + ], + [ + "▁dissipate", + -13.644232749938965 + ], + [ + "▁Lub", + -13.644234657287598 + ], + [ + "▁locales", + -13.644254684448242 + ], + [ + "BK", + -13.644320487976074 + ], + [ + "Investors", + -13.644350051879885 + ], + [ + "Planet", + -13.644454956054688 + ], + [ + "▁Sonia", + -13.64449405670166 + ], + [ + "▁Widget", + -13.644533157348633 + ], + [ + "cid", + -13.644536018371582 + ], + [ + "▁Revenge", + -13.644575119018556 + ], + [ + "▁habitual", + -13.644630432128906 + ], + [ + "TMt", + -13.644675254821776 + ], + [ + "799", + -13.644742965698242 + ], + [ + "collar", + -13.644814491271973 + ], + [ + "▁Accessibility", + -13.644814491271973 + ], + [ + "▁$38", + -13.64482307434082 + ], + [ + "▁exaggeration", + -13.644834518432615 + ], + [ + "▁illustrative", + -13.644834518432615 + ], + [ + "▁smuggling", + -13.644834518432615 + ], + [ + "▁unattractive", + -13.644847869873049 + ], + [ + "▁readability", + -13.644852638244627 + ], + [ + "▁garland", + -13.644856452941896 + ], + [ + "▁HAND", + -13.644859313964844 + ], + [ + "462", + -13.644875526428224 + ], + [ + "DEM", + -13.644908905029297 + ], + [ + "▁lagging", + -13.64492893218994 + ], + [ + "▁decrypt", + -13.64493465423584 + ], + [ + "2,500", + -13.64496612548828 + ], + [ + "▁Leighton", + -13.644973754882812 + ], + [ + "▁catwalk", + -13.644973754882812 + ], + [ + "▁LH", + -13.64500617980957 + ], + [ + "bek", + -13.645029067993164 + ], + [ + "▁Firewall", + -13.645071983337402 + ], + [ + "▁Leica", + -13.645075798034668 + ], + [ + "▁scavenger", + -13.645100593566896 + ], + [ + "▁caramelized", + -13.645119667053224 + ], + [ + "▁Maroon", + -13.645184516906738 + ], + [ + "492", + -13.645196914672852 + ], + [ + "fx", + -13.645204544067385 + ], + [ + "▁Duluth", + -13.645218849182127 + ], + [ + "▁BRAND", + -13.64524745941162 + ], + [ + "dhan", + -13.645256996154783 + ], + [ + "▁Sponsors", + -13.645299911499023 + ], + [ + "1996", + -13.645305633544922 + ], + [ + "rius", + -13.645341873168944 + ], + [ + "▁flanked", + -13.645344734191896 + ], + [ + "▁7.3", + -13.645413398742676 + ], + [ + "▁Ashland", + -13.645440101623535 + ], + [ + "Topic", + -13.645458221435549 + ], + [ + "▁Hippo", + -13.645463943481444 + ], + [ + "$5", + -13.645480155944824 + ], + [ + "eza", + -13.64553165435791 + ], + [ + "▁Reddy", + -13.645538330078123 + ], + [ + "▁Pineapple", + -13.645594596862791 + ], + [ + "▁creeks", + -13.645636558532717 + ], + [ + "Fund", + -13.64569854736328 + ], + [ + "030", + -13.64578628540039 + ], + [ + "▁zeal", + -13.645824432373049 + ], + [ + "▁Imported", + -13.64586067199707 + ], + [ + "▁mule", + -13.645862579345703 + ], + [ + "▁functionally", + -13.645977973937988 + ], + [ + "▁moths", + -13.645977973937988 + ], + [ + "▁milli", + -13.64602279663086 + ], + [ + "▁Rashid", + -13.646034240722656 + ], + [ + "Ob", + -13.646068572998049 + ], + [ + "Radi", + -13.64610767364502 + ], + [ + "678", + -13.64613151550293 + ], + [ + "▁CST", + -13.646163940429688 + ], + [ + "▁Ortho", + -13.646240234375 + ], + [ + "6.2", + -13.64627170562744 + ], + [ + "▁Responsive", + -13.64628791809082 + ], + [ + "gated", + -13.646302223205566 + ], + [ + "▁570", + -13.64637851715088 + ], + [ + "pig", + -13.64641284942627 + ], + [ + "378", + -13.646442413330078 + ], + [ + "▁parting", + -13.646470069885254 + ], + [ + "component", + -13.646562576293944 + ], + [ + "▁IIT", + -13.646573066711426 + ], + [ + "improvement", + -13.64660358428955 + ], + [ + "▁undertakes", + -13.64669132232666 + ], + [ + "▁Enhance", + -13.64671802520752 + ], + [ + "zig", + -13.646822929382324 + ], + [ + "▁Lana", + -13.64687728881836 + ], + [ + "▁£500", + -13.646949768066406 + ], + [ + "▁Genie", + -13.646963119506836 + ], + [ + "295", + -13.64698314666748 + ], + [ + "OSH", + -13.647119522094728 + ], + [ + "▁uniformly", + -13.647123336791992 + ], + [ + "RAD", + -13.647180557250977 + ], + [ + "▁shameful", + -13.647244453430176 + ], + [ + "iao", + -13.647310256958008 + ], + [ + "▁Highlight", + -13.647339820861816 + ], + [ + "itarian", + -13.64735507965088 + ], + [ + "426", + -13.647377014160156 + ], + [ + "▁qt", + -13.647431373596191 + ], + [ + "▁SAC", + -13.647445678710938 + ], + [ + "▁phoenix", + -13.647461891174316 + ], + [ + "▁182", + -13.647583961486816 + ], + [ + "4.7", + -13.64768409729004 + ], + [ + "▁netbook", + -13.647686958312988 + ], + [ + "▁uncanny", + -13.647725105285645 + ], + [ + "▁unmanned", + -13.647725105285645 + ], + [ + "▁Unilever", + -13.64772891998291 + ], + [ + "▁Antenna", + -13.647729873657228 + ], + [ + "▁ratchet", + -13.647729873657228 + ], + [ + "▁indicted", + -13.64773178100586 + ], + [ + "▁paranoid", + -13.647732734680176 + ], + [ + "▁untuk", + -13.647732734680176 + ], + [ + "▁cunning", + -13.647751808166504 + ], + [ + "▁(1997)", + -13.6477632522583 + ], + [ + "▁nat", + -13.647790908813477 + ], + [ + "▁pecan", + -13.647794723510742 + ], + [ + "▁Burgess", + -13.647820472717283 + ], + [ + "▁elves", + -13.647829055786133 + ], + [ + "▁stricter", + -13.647871017456056 + ], + [ + "▁222", + -13.64787483215332 + ], + [ + "▁structurally", + -13.64787483215332 + ], + [ + "▁Leasing", + -13.6478853225708 + ], + [ + "▁abortions", + -13.64789581298828 + ], + [ + ">>>", + -13.647945404052734 + ], + [ + "545", + -13.647984504699709 + ], + [ + "▁rift", + -13.64805030822754 + ], + [ + "▁Chevron", + -13.648117065429688 + ], + [ + "▁branching", + -13.648133277893066 + ], + [ + "▁badass", + -13.64815902709961 + ], + [ + "178", + -13.648234367370604 + ], + [ + "▁Univ", + -13.648244857788086 + ], + [ + "▁Jays", + -13.648249626159668 + ], + [ + "Initial", + -13.648283004760742 + ], + [ + "▁sind", + -13.648290634155272 + ], + [ + "▁Committees", + -13.648293495178224 + ], + [ + "jama", + -13.648359298706056 + ], + [ + "▁INT", + -13.648369789123535 + ], + [ + "▁signalling", + -13.648423194885254 + ], + [ + "▁towed", + -13.648432731628418 + ], + [ + "0).", + -13.648455619812012 + ], + [ + "▁Scent", + -13.648515701293944 + ], + [ + "▁CRO", + -13.648548126220703 + ], + [ + "▁foto", + -13.648627281188965 + ], + [ + "tix", + -13.648639678955078 + ], + [ + "10:", + -13.648710250854492 + ], + [ + "▁Malm", + -13.648722648620604 + ], + [ + "▁Fau", + -13.64873504638672 + ], + [ + "▁meander", + -13.648760795593262 + ], + [ + "▁Medication", + -13.64877986907959 + ], + [ + "790", + -13.648799896240234 + ], + [ + "▁Barnett", + -13.64886474609375 + ], + [ + "enge", + -13.64890480041504 + ], + [ + "▁noses", + -13.648932456970217 + ], + [ + "▁Rival", + -13.64899730682373 + ], + [ + "7:", + -13.649003982543944 + ], + [ + "▁lubricants", + -13.64903736114502 + ], + [ + "orb", + -13.649057388305664 + ], + [ + "▁Koo", + -13.649062156677246 + ], + [ + "▁stave", + -13.64910125732422 + ], + [ + "389", + -13.649145126342772 + ], + [ + "Descriptions", + -13.649165153503418 + ], + [ + "▁Adler", + -13.649178504943848 + ], + [ + "▁Tailor", + -13.64919662475586 + ], + [ + "▁Ec", + -13.649292945861816 + ], + [ + "▁wildfires", + -13.649343490600586 + ], + [ + "▁afield", + -13.64937686920166 + ], + [ + "dhu", + -13.649413108825684 + ], + [ + "▁Interviews", + -13.649456977844238 + ], + [ + "ahl", + -13.649523735046388 + ], + [ + "Internal", + -13.649584770202637 + ], + [ + "Helping", + -13.649621963500977 + ], + [ + "▁grievances", + -13.649663925170898 + ], + [ + "anticipated", + -13.64968490600586 + ], + [ + "quer", + -13.649691581726074 + ], + [ + "▁denture", + -13.64976978302002 + ], + [ + "▁Clinics", + -13.649774551391602 + ], + [ + "▁Peck", + -13.649866104125977 + ], + [ + "7-0", + -13.649880409240724 + ], + [ + "▁Talks", + -13.64990520477295 + ], + [ + "▁biz", + -13.649940490722656 + ], + [ + "4-8", + -13.64999294281006 + ], + [ + "▁fend", + -13.650218963623049 + ], + [ + "Pla", + -13.650230407714844 + ], + [ + "▁clockwise", + -13.650327682495115 + ], + [ + "Improved", + -13.65032958984375 + ], + [ + "▁Cooke", + -13.650384902954102 + ], + [ + "▁campgrounds", + -13.650453567504885 + ], + [ + "667", + -13.65049934387207 + ], + [ + "▁Quint", + -13.650522232055664 + ], + [ + "Hunter", + -13.650532722473145 + ], + [ + "0)", + -13.650537490844728 + ], + [ + "▁interceptions", + -13.650537490844728 + ], + [ + "hea", + -13.65054988861084 + ], + [ + "Older", + -13.650552749633787 + ], + [ + "▁racked", + -13.650609970092772 + ], + [ + "▁antidote", + -13.650623321533203 + ], + [ + "▁hereditary", + -13.650623321533203 + ], + [ + "▁ukulele", + -13.650623321533203 + ], + [ + "▁colossal", + -13.65062427520752 + ], + [ + "▁Paraguay", + -13.650625228881836 + ], + [ + "▁proxies", + -13.650625228881836 + ], + [ + "▁lousy", + -13.650630950927734 + ], + [ + "▁seeding", + -13.650662422180176 + ], + [ + "▁Blanket", + -13.65069580078125 + ], + [ + "▁Offered", + -13.650771141052246 + ], + [ + "▁Chairperson", + -13.650798797607422 + ], + [ + "▁foothold", + -13.650806427001951 + ], + [ + "▁Lag", + -13.650811195373535 + ], + [ + "▁Ames", + -13.650815963745115 + ], + [ + "Chip", + -13.65082550048828 + ], + [ + "▁SLS", + -13.650853157043455 + ], + [ + "▁Petty", + -13.650879859924316 + ], + [ + "▁Beaches", + -13.650938987731934 + ], + [ + "▁Immuno", + -13.650989532470703 + ], + [ + "▁Climbing", + -13.651066780090332 + ], + [ + "▁COR", + -13.651130676269531 + ], + [ + "▁Peyton", + -13.651155471801758 + ], + [ + "▁9000", + -13.651178359985352 + ], + [ + "▁Avocado", + -13.65130615234375 + ], + [ + "▁Lithuanian", + -13.651372909545898 + ], + [ + "▁dar", + -13.65139865875244 + ], + [ + "▁Calder", + -13.65145492553711 + ], + [ + "Trader", + -13.651494026184082 + ], + [ + "aldi", + -13.651544570922852 + ], + [ + "div", + -13.651548385620115 + ], + [ + "▁2012).", + -13.651564598083496 + ], + [ + "▁kiosks", + -13.65159797668457 + ], + [ + "9-7", + -13.651629447937012 + ], + [ + "enny", + -13.651650428771973 + ], + [ + "▁lifeline", + -13.651665687561035 + ], + [ + "▁Saxon", + -13.65176010131836 + ], + [ + "▁11.5", + -13.651778221130373 + ], + [ + "▁blistering", + -13.65181827545166 + ], + [ + "▁Wigan", + -13.651843070983888 + ], + [ + "▁rallying", + -13.651844024658203 + ], + [ + "▁joe", + -13.65187931060791 + ], + [ + "▁UNICEF", + -13.652024269104004 + ], + [ + "▁Monty", + -13.652043342590332 + ], + [ + "▁Upholstered", + -13.652106285095217 + ], + [ + "yun", + -13.652146339416504 + ], + [ + "oco", + -13.65216064453125 + ], + [ + "▁butler", + -13.652339935302734 + ], + [ + "▁Whoever", + -13.65234088897705 + ], + [ + "▁Parkland", + -13.652503967285156 + ], + [ + "Introducing", + -13.652510643005373 + ], + [ + "▁constructor", + -13.652589797973633 + ], + [ + "Austin", + -13.652596473693848 + ], + [ + "rrh", + -13.652676582336426 + ], + [ + "Restaurant", + -13.652745246887209 + ], + [ + "nature", + -13.652749061584473 + ], + [ + "▁Waist", + -13.65278148651123 + ], + [ + "Consumer", + -13.652883529663086 + ], + [ + "▁NPC", + -13.652918815612791 + ], + [ + "roo", + -13.652942657470703 + ], + [ + "▁emits", + -13.652958869934082 + ], + [ + "classified", + -13.652971267700195 + ], + [ + "cute", + -13.652993202209473 + ], + [ + "▁detach", + -13.653019905090332 + ], + [ + "▁Raised", + -13.65302848815918 + ], + [ + "EAT", + -13.65305519104004 + ], + [ + "regional", + -13.65308952331543 + ], + [ + "▁clueless", + -13.653106689453123 + ], + [ + "▁tak", + -13.653162956237791 + ], + [ + "▁lite", + -13.653252601623535 + ], + [ + "drift", + -13.65326690673828 + ], + [ + "848", + -13.653275489807127 + ], + [ + "▁queens", + -13.653311729431152 + ], + [ + "Connection", + -13.65340805053711 + ], + [ + "Egg", + -13.653419494628906 + ], + [ + "▁Gamb", + -13.653425216674805 + ], + [ + "▁inflicted", + -13.653444290161133 + ], + [ + "▁nanoparticles", + -13.653467178344728 + ], + [ + "▁Cheyenne", + -13.65353012084961 + ], + [ + "▁Hezbollah", + -13.65353012084961 + ], + [ + "▁Mississauga", + -13.65353012084961 + ], + [ + "▁Phentermine", + -13.65353012084961 + ], + [ + "▁Nightmare", + -13.653532028198242 + ], + [ + "▁holster", + -13.653533935546877 + ], + [ + "nip", + -13.65353775024414 + ], + [ + "▁Fayetteville", + -13.653554916381836 + ], + [ + "▁charting", + -13.653559684753418 + ], + [ + "pton", + -13.653599739074709 + ], + [ + "zek", + -13.6536226272583 + ], + [ + "FTA", + -13.6536283493042 + ], + [ + "ilia", + -13.6536283493042 + ], + [ + "▁Passive", + -13.653660774230955 + ], + [ + "▁JFK", + -13.653668403625488 + ], + [ + "▁Mushroom", + -13.65369987487793 + ], + [ + "▁Brochure", + -13.653700828552246 + ], + [ + "▁clippings", + -13.653708457946776 + ], + [ + "▁videographer", + -13.653728485107422 + ], + [ + "▁resent", + -13.653801918029783 + ], + [ + "▁mosques", + -13.653870582580566 + ], + [ + "▁macaroni", + -13.65389919281006 + ], + [ + "eers", + -13.65392017364502 + ], + [ + "▁keygen", + -13.65394401550293 + ], + [ + "▁patchwork", + -13.653949737548828 + ], + [ + "3′′", + -13.653950691223145 + ], + [ + "▁darkened", + -13.654004096984863 + ], + [ + "▁Lash", + -13.65404987335205 + ], + [ + "▁highlighter", + -13.654057502746582 + ], + [ + "tivo", + -13.654081344604492 + ], + [ + "448", + -13.6541166305542 + ], + [ + "▁airbag", + -13.654126167297363 + ], + [ + "▁emphasised", + -13.654159545898438 + ], + [ + "▁Vie", + -13.654165267944336 + ], + [ + "aven", + -13.654170989990234 + ], + [ + "dhi", + -13.654291152954102 + ], + [ + "Door", + -13.654326438903809 + ], + [ + "▁PCR", + -13.654341697692873 + ], + [ + "▁Favor", + -13.654385566711426 + ], + [ + "Slide", + -13.654438018798828 + ], + [ + "pont", + -13.654449462890623 + ], + [ + "▁Gl", + -13.654467582702637 + ], + [ + "▁hind", + -13.654540061950684 + ], + [ + "▁Appearance", + -13.654632568359377 + ], + [ + "▁someplace", + -13.65477466583252 + ], + [ + "bara", + -13.65480899810791 + ], + [ + "Operation", + -13.654855728149414 + ], + [ + "-69", + -13.654902458190918 + ], + [ + "▁Haute", + -13.654903411865234 + ], + [ + "▁Checkout", + -13.65493392944336 + ], + [ + "Sit", + -13.655047416687012 + ], + [ + "▁boasted", + -13.655071258544922 + ], + [ + "Higher", + -13.65507984161377 + ], + [ + "139", + -13.655094146728516 + ], + [ + "chris", + -13.655200958251951 + ], + [ + "▁tai", + -13.65522289276123 + ], + [ + "inted", + -13.655298233032228 + ], + [ + "Response", + -13.655417442321776 + ], + [ + "Positive", + -13.655447006225586 + ], + [ + "neur", + -13.655471801757812 + ], + [ + "inducing", + -13.655476570129396 + ], + [ + "Favorite", + -13.65548610687256 + ], + [ + "Sprinkle", + -13.65550136566162 + ], + [ + "▁enlighten", + -13.655510902404783 + ], + [ + "▁IDF", + -13.655513763427734 + ], + [ + "424", + -13.655516624450684 + ], + [ + "224", + -13.655576705932615 + ], + [ + "Funny", + -13.65559196472168 + ], + [ + "▁succumb", + -13.655594825744627 + ], + [ + "Status", + -13.65561580657959 + ], + [ + "▁Keynote", + -13.65561580657959 + ], + [ + "▁Nomad", + -13.65566062927246 + ], + [ + "4-0", + -13.655828475952148 + ], + [ + "▁Filing", + -13.655838966369627 + ], + [ + "▁baffle", + -13.655908584594728 + ], + [ + "▁renter", + -13.655921936035156 + ], + [ + "nant", + -13.655943870544434 + ], + [ + "▁standardization", + -13.656002044677734 + ], + [ + "▁Keen", + -13.656020164489746 + ], + [ + "▁jumpers", + -13.656035423278809 + ], + [ + "idea", + -13.656052589416504 + ], + [ + "▁curtail", + -13.656055450439451 + ], + [ + "▁cursed", + -13.656189918518066 + ], + [ + "▁Carole", + -13.656197547912598 + ], + [ + "rogen", + -13.656230926513672 + ], + [ + "Cute", + -13.65626335144043 + ], + [ + "Replace", + -13.656267166137695 + ], + [ + "1995", + -13.656268119812012 + ], + [ + "▁Libra", + -13.656274795532228 + ], + [ + "▁bas", + -13.65630340576172 + ], + [ + "▁Attribution", + -13.656445503234863 + ], + [ + "▁Hygiene", + -13.656445503234863 + ], + [ + "▁umpire", + -13.656445503234863 + ], + [ + "▁levied", + -13.656449317932127 + ], + [ + "▁References", + -13.65645980834961 + ], + [ + "▁Closure", + -13.656460762023926 + ], + [ + "▁Fairbanks", + -13.65646266937256 + ], + [ + "neurotransmitter", + -13.656472206115724 + ], + [ + "▁Peacock", + -13.65648365020752 + ], + [ + "▁Vila", + -13.656490325927734 + ], + [ + "▁arid", + -13.656502723693848 + ], + [ + "▁fintech", + -13.656509399414062 + ], + [ + "199", + -13.656526565551758 + ], + [ + "▁Moh", + -13.656542778015137 + ], + [ + "▁subtraction", + -13.656542778015137 + ], + [ + "▁herds", + -13.65654468536377 + ], + [ + "▁ledge", + -13.656571388244627 + ], + [ + "▁unintentionally", + -13.656661987304688 + ], + [ + "▁commentaries", + -13.656688690185549 + ], + [ + "orie", + -13.656708717346191 + ], + [ + "▁Commitment", + -13.656730651855469 + ], + [ + "▁214", + -13.65680694580078 + ], + [ + "chenko", + -13.65687370300293 + ], + [ + "▁Benny", + -13.656937599182127 + ], + [ + "▁Proto", + -13.656996726989746 + ], + [ + "▁guesswork", + -13.657063484191896 + ], + [ + "506", + -13.657064437866213 + ], + [ + "drama", + -13.65709114074707 + ], + [ + "rif", + -13.65711498260498 + ], + [ + "arte", + -13.657267570495604 + ], + [ + "Hell", + -13.65732479095459 + ], + [ + "▁Pill", + -13.65732479095459 + ], + [ + "▁STO", + -13.657386779785156 + ], + [ + "▁Acquire", + -13.657577514648438 + ], + [ + "rte", + -13.65767765045166 + ], + [ + "Temp", + -13.657716751098633 + ], + [ + "▁hernia", + -13.657788276672363 + ], + [ + "lais", + -13.65780544281006 + ], + [ + "▁($5", + -13.6578369140625 + ], + [ + "bait", + -13.65786361694336 + ], + [ + "alpha", + -13.65786838531494 + ], + [ + "moment", + -13.6578950881958 + ], + [ + "▁drifted", + -13.657896995544434 + ], + [ + "mala", + -13.657919883728027 + ], + [ + "▁Buff", + -13.657964706420898 + ], + [ + "▁Matsu", + -13.657999038696287 + ], + [ + "▁Pt", + -13.658025741577148 + ], + [ + "▁vitally", + -13.658039093017578 + ], + [ + "▁ken", + -13.65806484222412 + ], + [ + "▁contemplated", + -13.658066749572754 + ], + [ + "▁Sami", + -13.658114433288574 + ], + [ + "▁Lowest", + -13.658146858215332 + ], + [ + "▁droplets", + -13.658173561096191 + ], + [ + "▁comical", + -13.658217430114746 + ], + [ + "breath", + -13.658247947692873 + ], + [ + "Kat", + -13.658252716064451 + ], + [ + "MK", + -13.65825653076172 + ], + [ + "▁51%", + -13.658281326293944 + ], + [ + "▁overhang", + -13.658294677734377 + ], + [ + "▁distort", + -13.658425331115724 + ], + [ + "▁padlock", + -13.65846061706543 + ], + [ + "Query", + -13.658503532409668 + ], + [ + "ASA", + -13.658565521240234 + ], + [ + "▁Scorpio", + -13.65858554840088 + ], + [ + "▁Moisture", + -13.658587455749512 + ], + [ + "▁Uri", + -13.658614158630373 + ], + [ + "▁ACTION", + -13.658703804016112 + ], + [ + "tourism", + -13.658705711364746 + ], + [ + "evaluate", + -13.658716201782228 + ], + [ + "▁fitter", + -13.65882396697998 + ], + [ + "Needless", + -13.658825874328612 + ], + [ + "▁PAT", + -13.658827781677246 + ], + [ + "▁1973.", + -13.658894538879396 + ], + [ + "Soul", + -13.658896446228027 + ], + [ + "608", + -13.658906936645508 + ], + [ + "▁DPS", + -13.65893840789795 + ], + [ + "47.", + -13.659161567687988 + ], + [ + "Problem", + -13.659260749816896 + ], + [ + "▁Highest", + -13.659268379211426 + ], + [ + "▁Warrant", + -13.65928840637207 + ], + [ + "astic", + -13.659306526184082 + ], + [ + "▁cambogia", + -13.659369468688965 + ], + [ + "▁fibrosis", + -13.659369468688965 + ], + [ + "▁Margarita", + -13.659371376037598 + ], + [ + "▁meditating", + -13.659372329711914 + ], + [ + "▁Fertilizer", + -13.659374237060549 + ], + [ + "▁Goodreads", + -13.659375190734863 + ], + [ + "▁Gigabit", + -13.659388542175291 + ], + [ + "▁Recover", + -13.659431457519531 + ], + [ + "STEM", + -13.659525871276855 + ], + [ + "▁entrees", + -13.659561157226562 + ], + [ + "▁drivetrain", + -13.659683227539062 + ], + [ + "521", + -13.65971851348877 + ], + [ + "▁Outdoors", + -13.659725189208984 + ], + [ + "▁strung", + -13.659833908081056 + ], + [ + "▁Serra", + -13.65984058380127 + ], + [ + "▁Fell", + -13.659842491149902 + ], + [ + "▁notary", + -13.65990924835205 + ], + [ + "▁hampered", + -13.660018920898438 + ], + [ + "yrs", + -13.660101890563965 + ], + [ + "STRUCT", + -13.66010856628418 + ], + [ + "READ", + -13.660151481628418 + ], + [ + "Lean", + -13.660181045532228 + ], + [ + "▁Respondent", + -13.660208702087402 + ], + [ + "▁_____", + -13.660259246826172 + ], + [ + "tide", + -13.660268783569336 + ], + [ + "237", + -13.66028881072998 + ], + [ + "▁itch", + -13.66029930114746 + ], + [ + "▁Climb", + -13.660356521606444 + ], + [ + "shoulder", + -13.660401344299316 + ], + [ + "▁Ning", + -13.66046142578125 + ], + [ + "▁VER", + -13.660475730895996 + ], + [ + "▁grandpa", + -13.660521507263184 + ], + [ + "▁Bury", + -13.66053295135498 + ], + [ + "▁quant", + -13.660574913024902 + ], + [ + "Promote", + -13.660670280456545 + ], + [ + "Zo", + -13.6607027053833 + ], + [ + "▁fury", + -13.660853385925291 + ], + [ + "▁tongues", + -13.66086196899414 + ], + [ + "▁Hypo", + -13.66090488433838 + ], + [ + "AQ", + -13.660947799682615 + ], + [ + "▁Sno", + -13.66099452972412 + ], + [ + "▁Ramon", + -13.6610107421875 + ], + [ + "mona", + -13.661043167114258 + ], + [ + "▁Decisions", + -13.661080360412598 + ], + [ + "▁Nad", + -13.661083221435549 + ], + [ + "-71", + -13.661103248596191 + ], + [ + "▁scoreboard", + -13.661120414733888 + ], + [ + "Bull", + -13.661237716674805 + ], + [ + "Device", + -13.661299705505373 + ], + [ + "stretch", + -13.66130542755127 + ], + [ + "▁1/8\"", + -13.661327362060549 + ], + [ + "▁moody", + -13.661375045776367 + ], + [ + "▁ortho", + -13.661484718322754 + ], + [ + "newsletter", + -13.66150188446045 + ], + [ + "▁Shui", + -13.661502838134766 + ], + [ + "Wholesale", + -13.661511421203612 + ], + [ + "▁expansions", + -13.66151523590088 + ], + [ + "▁moles", + -13.66152000427246 + ], + [ + "▁chile", + -13.661537170410156 + ], + [ + "359", + -13.661553382873535 + ], + [ + "metallic", + -13.661561965942385 + ], + [ + "rath", + -13.66157054901123 + ], + [ + "Congress", + -13.661602020263672 + ], + [ + "Pur", + -13.66164207458496 + ], + [ + "wak", + -13.66172218322754 + ], + [ + "▁+44", + -13.66173267364502 + ], + [ + "315", + -13.661735534667969 + ], + [ + "MEA", + -13.66175937652588 + ], + [ + "-83", + -13.661788940429688 + ], + [ + "339", + -13.661797523498535 + ], + [ + "▁IDEA", + -13.661840438842772 + ], + [ + "▁shack", + -13.661904335021973 + ], + [ + "Cars", + -13.661919593811035 + ], + [ + "▁Estimate", + -13.661983489990234 + ], + [ + "7.2", + -13.661998748779297 + ], + [ + "Walker", + -13.66205596923828 + ], + [ + "ande", + -13.662090301513672 + ], + [ + "casting", + -13.66213321685791 + ], + [ + "▁Voters", + -13.66214656829834 + ], + [ + "geo", + -13.662274360656738 + ], + [ + "'", + -13.662302017211914 + ], + [ + "▁magistrate", + -13.662302017211914 + ], + [ + "▁phantom", + -13.662302017211914 + ], + [ + "▁procrastination", + -13.662302017211914 + ], + [ + "▁flannel", + -13.662303924560549 + ], + [ + "▁Lexmark", + -13.662317276000977 + ], + [ + "68.", + -13.662321090698242 + ], + [ + "▁Kannada", + -13.66232204437256 + ], + [ + "▁FTSE", + -13.662335395812988 + ], + [ + "▁irregularities", + -13.662338256835938 + ], + [ + "▁sneaking", + -13.66237735748291 + ], + [ + "▁mixtape", + -13.662384033203123 + ], + [ + "▁journalistic", + -13.66240406036377 + ], + [ + "▁flares", + -13.662407875061035 + ], + [ + "▁Walters", + -13.66242504119873 + ], + [ + "▁sucking", + -13.662474632263184 + ], + [ + "▁pebble", + -13.66248607635498 + ], + [ + "▁hitters", + -13.662537574768066 + ], + [ + "leather", + -13.662653923034668 + ], + [ + "distinguishable", + -13.662761688232422 + ], + [ + "▁wreaths", + -13.662772178649902 + ], + [ + "▁raving", + -13.662797927856444 + ], + [ + "issi", + -13.662813186645508 + ], + [ + "▁1967,", + -13.662816047668455 + ], + [ + "▁Appropriate", + -13.662818908691406 + ], + [ + "SEE", + -13.662840843200684 + ], + [ + "▁potting", + -13.662856101989746 + ], + [ + "▁briefed", + -13.662867546081545 + ], + [ + "▁Nonprofit", + -13.663070678710938 + ], + [ + "▁Madame", + -13.663118362426758 + ], + [ + "▁trolling", + -13.663158416748049 + ], + [ + "▁Athena", + -13.66322135925293 + ], + [ + "802", + -13.663294792175291 + ], + [ + "pointer", + -13.663304328918455 + ], + [ + "rul", + -13.663348197937012 + ], + [ + "▁gm", + -13.663369178771973 + ], + [ + "itos", + -13.663384437561035 + ], + [ + "▁Ferris", + -13.66345500946045 + ], + [ + "▁injecting", + -13.663498878479004 + ], + [ + "▁widened", + -13.663620948791504 + ], + [ + "383", + -13.663634300231934 + ], + [ + "PAR", + -13.663665771484377 + ], + [ + "EXAM", + -13.663681983947754 + ], + [ + "tite", + -13.663747787475586 + ], + [ + "▁Paz", + -13.663789749145508 + ], + [ + "▁Charging", + -13.663890838623049 + ], + [ + "wired", + -13.663934707641602 + ], + [ + "▁15\"", + -13.663952827453612 + ], + [ + "▁markedly", + -13.664010047912598 + ], + [ + "ylo", + -13.664015769958496 + ], + [ + "Jaw", + -13.664055824279783 + ], + [ + "Grow", + -13.664090156555176 + ], + [ + "▁PLACE", + -13.66413688659668 + ], + [ + "bf", + -13.664177894592283 + ], + [ + "stall", + -13.664258003234863 + ], + [ + "gaon", + -13.664273262023926 + ], + [ + "▁eleventh", + -13.66428279876709 + ], + [ + "▁rhetorical", + -13.664335250854492 + ], + [ + "eyes", + -13.664350509643556 + ], + [ + "mous", + -13.664361953735352 + ], + [ + "547", + -13.664389610290527 + ], + [ + "pag", + -13.66451644897461 + ], + [ + "Authorities", + -13.664563179016112 + ], + [ + "Guess", + -13.664575576782228 + ], + [ + "▁Hail", + -13.664617538452148 + ], + [ + "▁Astros", + -13.664631843566896 + ], + [ + "▁Clicking", + -13.664639472961426 + ], + [ + "nuclear", + -13.664644241333008 + ], + [ + "▁Dermatology", + -13.664755821228027 + ], + [ + "pixel", + -13.664807319641112 + ], + [ + "▁reshape", + -13.664867401123049 + ], + [ + "▁Galle", + -13.664875030517578 + ], + [ + "▁\"[", + -13.664924621582031 + ], + [ + "▁Ley", + -13.664926528930664 + ], + [ + "▁analyzer", + -13.664998054504396 + ], + [ + "dow", + -13.66502285003662 + ], + [ + "▁Elsevier", + -13.665051460266112 + ], + [ + "▁chromosome", + -13.665081024169922 + ], + [ + "xe", + -13.66523265838623 + ], + [ + "▁contiguous", + -13.665243148803713 + ], + [ + "▁inquisitive", + -13.665243148803713 + ], + [ + "▁risotto", + -13.665243148803713 + ], + [ + "▁hypoallergenic", + -13.665245056152344 + ], + [ + "▁plenary", + -13.665245056152344 + ], + [ + "▁Galactic", + -13.66525173187256 + ], + [ + "bas", + -13.66529941558838 + ], + [ + "▁unusable", + -13.66531753540039 + ], + [ + "▁AutoCAD", + -13.665325164794922 + ], + [ + "▁Drainage", + -13.665345191955566 + ], + [ + "Irish", + -13.66535472869873 + ], + [ + "▁$4,", + -13.665363311767578 + ], + [ + "▁Jolly", + -13.665406227111816 + ], + [ + "▁oppressive", + -13.665480613708496 + ], + [ + "render", + -13.665488243103027 + ], + [ + "▁oppressed", + -13.66554069519043 + ], + [ + "4.6", + -13.665541648864746 + ], + [ + "473", + -13.665553092956545 + ], + [ + "mitted", + -13.665569305419922 + ], + [ + "▁violinist", + -13.665579795837402 + ], + [ + "▁Ramp", + -13.6655855178833 + ], + [ + "ALT", + -13.665640830993652 + ], + [ + "▁(2004)", + -13.665690422058104 + ], + [ + "whole", + -13.665709495544434 + ], + [ + "▁pierced", + -13.66571044921875 + ], + [ + "▁survives", + -13.66579246520996 + ], + [ + "▁shifter", + -13.665830612182615 + ], + [ + "Ware", + -13.665853500366213 + ], + [ + "▁Pence", + -13.66586685180664 + ], + [ + "clinical", + -13.665871620178224 + ], + [ + "evaluation", + -13.665904998779297 + ], + [ + "▁Parrot", + -13.665929794311523 + ], + [ + "tat", + -13.666030883789062 + ], + [ + "▁1971.", + -13.666068077087402 + ], + [ + "▁Seaside", + -13.666086196899414 + ], + [ + "▁blissful", + -13.666171073913574 + ], + [ + "▁Westbrook", + -13.66625690460205 + ], + [ + "sick", + -13.66632843017578 + ], + [ + "▁venous", + -13.666451454162598 + ], + [ + "okay", + -13.66646957397461 + ], + [ + "▁majoring", + -13.666479110717772 + ], + [ + "▁jab", + -13.666550636291504 + ], + [ + "▁sores", + -13.666584014892578 + ], + [ + "▁Wenger", + -13.666637420654297 + ], + [ + "EAL", + -13.66670036315918 + ], + [ + "ought", + -13.666746139526367 + ], + [ + "▁datacenter", + -13.666826248168944 + ], + [ + "▁bask", + -13.666994094848633 + ], + [ + "ARM", + -13.667085647583008 + ], + [ + "hunt", + -13.667146682739258 + ], + [ + "▁Appendix", + -13.66716766357422 + ], + [ + "VING", + -13.66724681854248 + ], + [ + "BALL", + -13.667263984680176 + ], + [ + "▁SIZE", + -13.66728401184082 + ], + [ + "▁betray", + -13.66728973388672 + ], + [ + "▁Upstairs", + -13.66733169555664 + ], + [ + "▁6.7", + -13.667423248291016 + ], + [ + "463", + -13.667503356933594 + ], + [ + "▁closeness", + -13.667552947998049 + ], + [ + "-57", + -13.667564392089844 + ], + [ + "▁accrue", + -13.667593002319336 + ], + [ + "Craig", + -13.667595863342283 + ], + [ + "▁deceive", + -13.667695045471191 + ], + [ + "▁Literally", + -13.667710304260254 + ], + [ + "▁Flights", + -13.667848587036133 + ], + [ + "acha", + -13.66788101196289 + ], + [ + "▁dope", + -13.667914390563965 + ], + [ + "publishing", + -13.668002128601074 + ], + [ + "▁Customized", + -13.668010711669922 + ], + [ + "▁HMS", + -13.668012619018556 + ], + [ + "▁emergent", + -13.668041229248049 + ], + [ + "▁Tik", + -13.66815185546875 + ], + [ + "▁chuckle", + -13.668164253234863 + ], + [ + "▁DEN", + -13.668185234069824 + ], + [ + "▁anecdotal", + -13.668192863464355 + ], + [ + "▁depletion", + -13.668192863464355 + ], + [ + "▁gratifying", + -13.668192863464355 + ], + [ + "▁guacamole", + -13.668192863464355 + ], + [ + "▁presumption", + -13.668192863464355 + ], + [ + "▁conveyancing", + -13.668201446533203 + ], + [ + "▁quadrant", + -13.668204307556152 + ], + [ + "▁greek", + -13.66821002960205 + ], + [ + "▁bisexual", + -13.668211936950684 + ], + [ + "680", + -13.66822338104248 + ], + [ + "Pac", + -13.668224334716797 + ], + [ + "▁tulle", + -13.66822624206543 + ], + [ + "▁shrug", + -13.668227195739746 + ], + [ + "▁Suburban", + -13.668234825134276 + ], + [ + "▁charred", + -13.668237686157228 + ], + [ + "▁polio", + -13.668238639831545 + ], + [ + "▁northwestern", + -13.668261528015137 + ], + [ + "▁Ownership", + -13.66828155517578 + ], + [ + "Clients", + -13.668292999267578 + ], + [ + "▁Coordination", + -13.668316841125488 + ], + [ + "▁Releases", + -13.668334007263184 + ], + [ + "▁Blaine", + -13.668387413024902 + ], + [ + "152", + -13.668389320373535 + ], + [ + "▁accusation", + -13.668450355529783 + ], + [ + "▁Doctorate", + -13.66850471496582 + ], + [ + "▁pampered", + -13.66860580444336 + ], + [ + "▁ethno", + -13.668614387512209 + ], + [ + "wage", + -13.668623924255373 + ], + [ + "▁ingested", + -13.668633460998535 + ], + [ + "▁Presidents", + -13.668648719787598 + ], + [ + "▁rotational", + -13.668778419494627 + ], + [ + "▁prob", + -13.668814659118652 + ], + [ + "▁modernist", + -13.668867111206056 + ], + [ + "▁Chapters", + -13.668890953063965 + ], + [ + "▁Kub", + -13.66891860961914 + ], + [ + "footed", + -13.668977737426758 + ], + [ + "▁bison", + -13.668993949890137 + ], + [ + "▁Somali", + -13.669060707092283 + ], + [ + "▁proofing", + -13.66909408569336 + ], + [ + "▁analogous", + -13.669114112854004 + ], + [ + "rgan", + -13.6691312789917 + ], + [ + "yte", + -13.669172286987305 + ], + [ + "▁Empower", + -13.669201850891112 + ], + [ + "▁provoked", + -13.669219017028809 + ], + [ + "▁woodlands", + -13.669234275817873 + ], + [ + "meet", + -13.66924285888672 + ], + [ + "▁Festivals", + -13.669248580932615 + ], + [ + "▁bankroll", + -13.669381141662598 + ], + [ + "kow", + -13.669451713562012 + ], + [ + "362", + -13.669499397277832 + ], + [ + "▁Faces", + -13.66954517364502 + ], + [ + "▁ATL", + -13.669581413269045 + ], + [ + "ulus", + -13.66965675354004 + ], + [ + "▁USP", + -13.66968059539795 + ], + [ + "▁interlock", + -13.66969871520996 + ], + [ + "ии", + -13.669699668884276 + ], + [ + "3.9", + -13.669764518737791 + ], + [ + "▁Islanders", + -13.669803619384766 + ], + [ + "▁vanish", + -13.669842720031738 + ], + [ + "grained", + -13.669854164123535 + ], + [ + "▁retailing", + -13.669933319091797 + ], + [ + "siphon", + -13.66999053955078 + ], + [ + "IMA", + -13.66999340057373 + ], + [ + "arro", + -13.670034408569336 + ], + [ + "▁6.30", + -13.670127868652344 + ], + [ + "▁Contacts", + -13.670201301574709 + ], + [ + "▁sunday", + -13.670235633850098 + ], + [ + "▁lager", + -13.670368194580078 + ], + [ + "▁Plank", + -13.670419692993164 + ], + [ + "olla", + -13.670520782470703 + ], + [ + "facts", + -13.670543670654297 + ], + [ + "▁Genoa", + -13.670550346374512 + ], + [ + "Episode", + -13.67055606842041 + ], + [ + "▁1280", + -13.670588493347168 + ], + [ + "utz", + -13.670615196228027 + ], + [ + "▁sacrament", + -13.670654296875 + ], + [ + "▁bre", + -13.67065715789795 + ], + [ + "767", + -13.67067527770996 + ], + [ + "▁Tempe", + -13.670723915100098 + ], + [ + "▁dune", + -13.670724868774414 + ], + [ + "scientific", + -13.67072582244873 + ], + [ + "causing", + -13.670732498168944 + ], + [ + "▁SQ", + -13.67080783843994 + ], + [ + "YouTube", + -13.67087745666504 + ], + [ + "▁porta", + -13.670928001403809 + ], + [ + "▁adamant", + -13.670950889587402 + ], + [ + "▁blockers", + -13.670957565307615 + ], + [ + "▁restrain", + -13.671052932739258 + ], + [ + "morph", + -13.67105484008789 + ], + [ + "ANTA", + -13.67105770111084 + ], + [ + "CHE", + -13.671090126037598 + ], + [ + "▁confection", + -13.671140670776367 + ], + [ + "premise", + -13.671143531799316 + ], + [ + "▁PURPOSE", + -13.671152114868164 + ], + [ + "▁Sainsbury", + -13.671152114868164 + ], + [ + "▁cavalry", + -13.671152114868164 + ], + [ + "▁majesty", + -13.671152114868164 + ], + [ + "▁Wiltshire", + -13.671154022216797 + ], + [ + "▁Ithaca", + -13.671156883239746 + ], + [ + "▁eucalyptus", + -13.671157836914062 + ], + [ + "▁Saloon", + -13.671170234680176 + ], + [ + "▁slurry", + -13.671175003051758 + ], + [ + "▁Skirt", + -13.671194076538086 + ], + [ + "Method", + -13.671317100524902 + ], + [ + "rde", + -13.671404838562012 + ], + [ + "▁5-0", + -13.671411514282228 + ], + [ + "▁Gillian", + -13.671465873718262 + ], + [ + "▁Weapon", + -13.671468734741213 + ], + [ + "▁chestnut", + -13.671472549438477 + ], + [ + "▁splashing", + -13.67151927947998 + ], + [ + "ndo", + -13.671561241149902 + ], + [ + "276", + -13.671663284301758 + ], + [ + "▁Sweeney", + -13.671728134155272 + ], + [ + "interesting", + -13.67173671722412 + ], + [ + "▁JPG", + -13.671762466430664 + ], + [ + "▁Hitachi", + -13.671853065490724 + ], + [ + "▁blurb", + -13.671907424926758 + ], + [ + "azza", + -13.671955108642578 + ], + [ + "▁Extensive", + -13.671977996826172 + ], + [ + "▁Harsh", + -13.671978950500488 + ], + [ + "▁Rota", + -13.671992301940918 + ], + [ + "evil", + -13.672000885009766 + ], + [ + "rooted", + -13.67200756072998 + ], + [ + "9/", + -13.67211627960205 + ], + [ + "▁Arun", + -13.6721830368042 + ], + [ + "▁Facing", + -13.672183990478516 + ], + [ + "▁clover", + -13.672248840332031 + ], + [ + "▁SNAP", + -13.672298431396484 + ], + [ + "DAL", + -13.672317504882812 + ], + [ + "MMA", + -13.672350883483888 + ], + [ + "▁Interpretation", + -13.672359466552734 + ], + [ + "▁Kudos", + -13.672476768493652 + ], + [ + "▁floured", + -13.672574043273926 + ], + [ + "starter", + -13.672924041748049 + ], + [ + "▁animate", + -13.672926902770996 + ], + [ + "▁Billie", + -13.673120498657228 + ], + [ + "▁Candles", + -13.673130989074709 + ], + [ + "uid", + -13.67314624786377 + ], + [ + "▁slogans", + -13.673163414001465 + ], + [ + "Hour", + -13.673210144042969 + ], + [ + "▁bribe", + -13.67325496673584 + ], + [ + "▁laced", + -13.673315048217772 + ], + [ + "505", + -13.673428535461426 + ], + [ + "▁Inspections", + -13.673431396484377 + ], + [ + "Contains", + -13.67360019683838 + ], + [ + "▁Manga", + -13.673633575439451 + ], + [ + "▁Letting", + -13.673654556274414 + ], + [ + "▁4.9", + -13.673670768737791 + ], + [ + "sink", + -13.67367458343506 + ], + [ + "▁187", + -13.673677444458008 + ], + [ + "▁Harden", + -13.673723220825195 + ], + [ + "▁modelled", + -13.673772811889648 + ], + [ + "Reason", + -13.67380142211914 + ], + [ + "▁catfish", + -13.673837661743164 + ], + [ + "Smoke", + -13.67385959625244 + ], + [ + "▁correlate", + -13.67395305633545 + ], + [ + "▁FRA", + -13.674009323120115 + ], + [ + "▁indefinite", + -13.674029350280762 + ], + [ + "▁derail", + -13.674036979675291 + ], + [ + "▁discouraging", + -13.674118995666504 + ], + [ + "▁confetti", + -13.67412281036377 + ], + [ + "▁ireland", + -13.674127578735352 + ], + [ + "▁mattered", + -13.674131393432615 + ], + [ + "▁solenoid", + -13.674134254455566 + ], + [ + "▁Fulham", + -13.674152374267578 + ], + [ + "▁Maltese", + -13.674155235290527 + ], + [ + "▁refineries", + -13.674159049987791 + ], + [ + "▁Leroy", + -13.674184799194336 + ], + [ + "▁pairings", + -13.674213409423828 + ], + [ + "▁pliers", + -13.674213409423828 + ], + [ + "ngo", + -13.67421531677246 + ], + [ + "▁abbreviated", + -13.674232482910156 + ], + [ + "CNN", + -13.67426586151123 + ], + [ + "▁riveting", + -13.674296379089355 + ], + [ + "▁confiscated", + -13.674307823181152 + ], + [ + "0.4", + -13.67433261871338 + ], + [ + "Thread", + -13.674334526062012 + ], + [ + "Hum", + -13.674339294433594 + ], + [ + "▁hoodies", + -13.674415588378906 + ], + [ + "▁Annette", + -13.6744384765625 + ], + [ + "▁mismatch", + -13.674471855163574 + ], + [ + "785", + -13.674477577209473 + ], + [ + "227", + -13.674531936645508 + ], + [ + "▁cusp", + -13.674562454223633 + ], + [ + "Ac", + -13.674609184265137 + ], + [ + "▁Constructed", + -13.674654960632324 + ], + [ + "Dual", + -13.674702644348145 + ], + [ + "▁roost", + -13.674720764160156 + ], + [ + "mma", + -13.674739837646484 + ], + [ + "▁dared", + -13.67483615875244 + ], + [ + "▁bombings", + -13.674877166748049 + ], + [ + "▁Modules", + -13.674880027770996 + ], + [ + "▁5-1", + -13.674957275390623 + ], + [ + "▁Cattle", + -13.6749906539917 + ], + [ + "▁Tote", + -13.675041198730469 + ], + [ + "▁Lumin", + -13.675151824951172 + ], + [ + "▁LIGHT", + -13.675196647644045 + ], + [ + "909", + -13.675219535827637 + ], + [ + "cino", + -13.675259590148926 + ], + [ + "▁veer", + -13.67531394958496 + ], + [ + "▁1863", + -13.675329208374023 + ], + [ + "▁Milky", + -13.675457000732422 + ], + [ + "-2009", + -13.675464630126951 + ], + [ + "▁$750", + -13.675670623779297 + ], + [ + "▁Exo", + -13.675715446472168 + ], + [ + "▁hangar", + -13.67581844329834 + ], + [ + "▁Rhine", + -13.67592716217041 + ], + [ + "▁PAY", + -13.675995826721191 + ], + [ + "eze", + -13.676117897033691 + ], + [ + "▁Jing", + -13.676121711730955 + ], + [ + "output", + -13.67612648010254 + ], + [ + "TIS", + -13.67613124847412 + ], + [ + "mort", + -13.676188468933104 + ], + [ + "Conduct", + -13.6762113571167 + ], + [ + "▁aft", + -13.676368713378906 + ], + [ + "▁Ville", + -13.6763916015625 + ], + [ + "▁6.6", + -13.67643928527832 + ], + [ + "▁songwriters", + -13.676447868347168 + ], + [ + "partisan", + -13.67646026611328 + ], + [ + "▁hails", + -13.67658233642578 + ], + [ + "▁Nectar", + -13.676605224609377 + ], + [ + "Specifically", + -13.676675796508787 + ], + [ + "cube", + -13.676708221435549 + ], + [ + "▁Raid", + -13.676709175109863 + ], + [ + "Installation", + -13.676755905151367 + ], + [ + "fon", + -13.676994323730469 + ], + [ + "▁japanese", + -13.677053451538086 + ], + [ + "▁EDI", + -13.677084922790527 + ], + [ + "▁enclave", + -13.677095413208008 + ], + [ + "▁impedance", + -13.677095413208008 + ], + [ + "▁oblivious", + -13.677095413208008 + ], + [ + "▁orthodontist", + -13.677095413208008 + ], + [ + "▁remorse", + -13.677095413208008 + ], + [ + "▁savior", + -13.677095413208008 + ], + [ + "▁tinnitus", + -13.677095413208008 + ], + [ + "▁Shabbat", + -13.67709732055664 + ], + [ + "▁THINK", + -13.677099227905272 + ], + [ + "▁wacky", + -13.677102088928224 + ], + [ + "▁BOTH", + -13.67711353302002 + ], + [ + "▁Garrison", + -13.677124977111816 + ], + [ + "CRE", + -13.677169799804688 + ], + [ + "animal", + -13.67719554901123 + ], + [ + "▁twigs", + -13.677218437194824 + ], + [ + "trac", + -13.677226066589355 + ], + [ + "▁Dementia", + -13.677270889282228 + ], + [ + "▁ox", + -13.67728042602539 + ], + [ + "pointers", + -13.677295684814451 + ], + [ + "▁frown", + -13.677295684814451 + ], + [ + "ruff", + -13.677306175231934 + ], + [ + "▁Ankara", + -13.677353858947754 + ], + [ + "featured", + -13.677391052246094 + ], + [ + "▁pissed", + -13.677398681640623 + ], + [ + "▁caterpillar", + -13.677449226379396 + ], + [ + "▁Norma", + -13.677473068237305 + ], + [ + "7000", + -13.677481651306152 + ], + [ + "▁Herbs", + -13.677586555480955 + ], + [ + "▁IDC", + -13.677594184875488 + ], + [ + "▁circuitry", + -13.677627563476562 + ], + [ + "▁interlocking", + -13.677644729614258 + ], + [ + "▁Bigger", + -13.677650451660156 + ], + [ + "▁awakened", + -13.677762031555176 + ], + [ + "ggin", + -13.67778205871582 + ], + [ + "talking", + -13.677791595458984 + ], + [ + "▁Squeeze", + -13.67780590057373 + ], + [ + "steam", + -13.677830696105955 + ], + [ + "iated", + -13.677889823913574 + ], + [ + "thread", + -13.677895545959473 + ], + [ + "crib", + -13.677916526794434 + ], + [ + "▁403", + -13.677979469299316 + ], + [ + "▁Ancestry", + -13.678013801574709 + ], + [ + "▁Reeves", + -13.678041458129885 + ], + [ + "Iran", + -13.678058624267578 + ], + [ + "▁tiredness", + -13.678176879882812 + ], + [ + "etter", + -13.678202629089355 + ], + [ + "▁ASME", + -13.678258895874023 + ], + [ + "▁Routine", + -13.678303718566896 + ], + [ + "significant", + -13.67834186553955 + ], + [ + "▁sanded", + -13.67835807800293 + ], + [ + "▁Traverse", + -13.678359031677246 + ], + [ + "▁eyeing", + -13.678361892700195 + ], + [ + "▁secretion", + -13.678385734558104 + ], + [ + "▁wilt", + -13.67841625213623 + ], + [ + "▁approves", + -13.678447723388672 + ], + [ + "▁brewer", + -13.678482055664062 + ], + [ + "▁Tac", + -13.678483963012695 + ], + [ + "▁Nathaniel", + -13.678492546081545 + ], + [ + "▁fps", + -13.678524017333984 + ], + [ + "Guy", + -13.678555488586426 + ], + [ + "meric", + -13.678613662719728 + ], + [ + "▁Reconciliation", + -13.678618431091309 + ], + [ + "ROS", + -13.678668022155762 + ], + [ + "CSA", + -13.67868423461914 + ], + [ + "▁prospecting", + -13.67878532409668 + ], + [ + "828", + -13.678845405578612 + ], + [ + "▁endpoints", + -13.678892135620115 + ], + [ + "▁Crimea", + -13.678942680358888 + ], + [ + "▁Elton", + -13.678947448730469 + ], + [ + "VL", + -13.678994178771973 + ], + [ + "▁Gemma", + -13.67900848388672 + ], + [ + "143", + -13.679227828979492 + ], + [ + "▁juicer", + -13.679235458374023 + ], + [ + "▁skyscrapers", + -13.679353713989258 + ], + [ + "spiel", + -13.679357528686523 + ], + [ + "▁Goodwin", + -13.679366111755373 + ], + [ + "KEN", + -13.679378509521484 + ], + [ + "▁semifinals", + -13.6793851852417 + ], + [ + "▁fiancé", + -13.679400444030762 + ], + [ + "byte", + -13.679588317871094 + ], + [ + "▁(2006).", + -13.679614067077637 + ], + [ + "Primary", + -13.679728507995604 + ], + [ + "Battle", + -13.679813385009766 + ], + [ + "▁emphasise", + -13.67982006072998 + ], + [ + "calorie", + -13.679848670959473 + ], + [ + "▁Tul", + -13.679865837097168 + ], + [ + "▁WHERE", + -13.679891586303713 + ], + [ + "FY", + -13.679903984069824 + ], + [ + "rami", + -13.679965019226074 + ], + [ + "Carbon", + -13.679974555969238 + ], + [ + "▁Skid", + -13.679977416992188 + ], + [ + "Factory", + -13.68000316619873 + ], + [ + "▁astrologer", + -13.68008041381836 + ], + [ + "▁cinematography", + -13.68008041381836 + ], + [ + "▁feminism", + -13.68008041381836 + ], + [ + "▁inconsistencies", + -13.68008041381836 + ], + [ + "▁luxuries", + -13.68008041381836 + ], + [ + "▁quarantine", + -13.68008041381836 + ], + [ + "▁turbocharged", + -13.680086135864258 + ], + [ + "▁primaries", + -13.680089950561523 + ], + [ + "▁Redskins", + -13.68009090423584 + ], + [ + "▁Marquis", + -13.680112838745115 + ], + [ + "▁Pte", + -13.680133819580078 + ], + [ + "▁CENTER", + -13.680155754089355 + ], + [ + "opoulos", + -13.680180549621582 + ], + [ + "▁clones", + -13.680181503295898 + ], + [ + "▁Axe", + -13.680201530456545 + ], + [ + "▁md", + -13.68027687072754 + ], + [ + "▁diss", + -13.680426597595217 + ], + [ + "▁Faust", + -13.68045139312744 + ], + [ + "▁shipyard", + -13.680519104003906 + ], + [ + "▁217", + -13.68052864074707 + ], + [ + "▁probiotic", + -13.680530548095703 + ], + [ + "▁2005)", + -13.680545806884766 + ], + [ + "▁Middletown", + -13.680583000183104 + ], + [ + "▁alerting", + -13.680590629577637 + ], + [ + "▁tombs", + -13.68061637878418 + ], + [ + "Wonder", + -13.68070125579834 + ], + [ + "▁Knot", + -13.680709838867188 + ], + [ + "condition", + -13.680715560913086 + ], + [ + "▁Endo", + -13.68074893951416 + ], + [ + "▁orchards", + -13.680816650390623 + ], + [ + "▁grower", + -13.680855751037598 + ], + [ + "388", + -13.680902481079102 + ], + [ + "▁scrum", + -13.680935859680176 + ], + [ + "eden", + -13.68094253540039 + ], + [ + "role", + -13.680983543395996 + ], + [ + "▁Scatter", + -13.680996894836426 + ], + [ + "715", + -13.681093215942385 + ], + [ + "HRA", + -13.68111801147461 + ], + [ + "▁Clippers", + -13.68124008178711 + ], + [ + "▁ignited", + -13.681248664855955 + ], + [ + "▁voor", + -13.681291580200195 + ], + [ + "▁looping", + -13.681297302246094 + ], + [ + "▁sys", + -13.681313514709473 + ], + [ + "▁reigns", + -13.681325912475586 + ], + [ + "▁flavoured", + -13.681416511535645 + ], + [ + "▁OLD", + -13.68155574798584 + ], + [ + "▁Sensors", + -13.681563377380373 + ], + [ + "414", + -13.6815824508667 + ], + [ + "▁Tol", + -13.681641578674316 + ], + [ + "▁casters", + -13.681645393371582 + ], + [ + "Settings", + -13.681646347045898 + ], + [ + "MAG", + -13.681682586669922 + ], + [ + "▁moons", + -13.681748390197754 + ], + [ + "▁Brushed", + -13.681756019592283 + ], + [ + "▁armored", + -13.681777954101562 + ], + [ + "373", + -13.681790351867676 + ], + [ + "▁Zionist", + -13.68181324005127 + ], + [ + "ghan", + -13.681843757629396 + ], + [ + "▁bumpers", + -13.68191909790039 + ], + [ + "girls", + -13.682076454162598 + ], + [ + "▁NDA", + -13.682114601135254 + ], + [ + "Mas", + -13.682141304016112 + ], + [ + "▁VHS", + -13.68218994140625 + ], + [ + "Mis", + -13.682214736938477 + ], + [ + "might", + -13.68223476409912 + ], + [ + "catcher", + -13.682308197021484 + ], + [ + "▁Photographs", + -13.68235683441162 + ], + [ + "onga", + -13.68238353729248 + ], + [ + "ished", + -13.68244457244873 + ], + [ + "▁rooster", + -13.682479858398438 + ], + [ + "soon", + -13.68249225616455 + ], + [ + "VD", + -13.682538032531738 + ], + [ + "▁Comey", + -13.682580947875977 + ], + [ + "▁Conventional", + -13.682656288146973 + ], + [ + "▁Inclusive", + -13.682701110839844 + ], + [ + "70%", + -13.682740211486816 + ], + [ + "Position", + -13.682757377624512 + ], + [ + "inson", + -13.682780265808104 + ], + [ + "▁Pads", + -13.682785987854004 + ], + [ + "▁Fabrics", + -13.682806015014648 + ], + [ + "▁mowers", + -13.682830810546877 + ], + [ + "OOP", + -13.68294906616211 + ], + [ + "454", + -13.682988166809082 + ], + [ + "▁Casper", + -13.683001518249512 + ], + [ + "anes", + -13.68302059173584 + ], + [ + "▁Nepali", + -13.683037757873535 + ], + [ + "▁wildflowers", + -13.683050155639648 + ], + [ + "▁610", + -13.68307113647461 + ], + [ + "▁ferocious", + -13.683074951171877 + ], + [ + "▁Emeritus", + -13.683075904846191 + ], + [ + "▁Kendrick", + -13.683082580566406 + ], + [ + "▁stylized", + -13.683085441589355 + ], + [ + "▁stylus", + -13.683143615722656 + ], + [ + "▁rotting", + -13.683171272277832 + ], + [ + "▁Holders", + -13.68319320678711 + ], + [ + "▁Orr", + -13.683218002319336 + ], + [ + "▁Farmington", + -13.683250427246094 + ], + [ + "▁Somebody", + -13.683405876159668 + ], + [ + "magnetic", + -13.683419227600098 + ], + [ + "▁skewed", + -13.683435440063477 + ], + [ + "illus", + -13.683439254760742 + ], + [ + "▁musicals", + -13.683460235595703 + ], + [ + "▁concoction", + -13.683501243591309 + ], + [ + "▁preheated", + -13.68354606628418 + ], + [ + "309", + -13.683557510375977 + ], + [ + "▁synthesized", + -13.683585166931152 + ], + [ + "roma", + -13.683591842651367 + ], + [ + "▁inference", + -13.683594703674316 + ], + [ + "▁pajamas", + -13.683605194091797 + ], + [ + "Developed", + -13.683629989624023 + ], + [ + "▁Maa", + -13.683823585510254 + ], + [ + "▁Champs", + -13.683833122253418 + ], + [ + "▁fools", + -13.683856964111328 + ], + [ + "▁Elevation", + -13.683923721313477 + ], + [ + "np", + -13.683954238891602 + ], + [ + "▁synchronous", + -13.684037208557127 + ], + [ + "jak", + -13.68404483795166 + ], + [ + "▁downwards", + -13.684066772460938 + ], + [ + "▁refills", + -13.684078216552734 + ], + [ + "▁ATI", + -13.684086799621582 + ], + [ + "Led", + -13.684100151062012 + ], + [ + "▁Donuts", + -13.684106826782228 + ], + [ + "▁cubicle", + -13.684125900268556 + ], + [ + "▁buffs", + -13.684182167053224 + ], + [ + "▁ut", + -13.684191703796388 + ], + [ + "▁Baskets", + -13.68423843383789 + ], + [ + "▁firmness", + -13.684270858764648 + ], + [ + "▁reins", + -13.68434238433838 + ], + [ + "▁acoustics", + -13.684392929077148 + ], + [ + "▁Sag", + -13.684453964233398 + ], + [ + "▁ISPs", + -13.68448543548584 + ], + [ + "▁760", + -13.68449592590332 + ], + [ + "▁bile", + -13.684504508972168 + ], + [ + "▁Preferences", + -13.684574127197266 + ], + [ + "▁DOE", + -13.684577941894531 + ], + [ + "▁disclaims", + -13.684669494628906 + ], + [ + "▁DOI", + -13.684762954711914 + ], + [ + "▁detergents", + -13.684779167175291 + ], + [ + "▁layoffs", + -13.68500518798828 + ], + [ + "▁sweeps", + -13.685017585754396 + ], + [ + "rep", + -13.68502426147461 + ], + [ + "▁Melody", + -13.685062408447266 + ], + [ + "▁Poul", + -13.685081481933594 + ], + [ + "cep", + -13.685235023498535 + ], + [ + "▁hairline", + -13.685237884521484 + ], + [ + "▁dur", + -13.68525505065918 + ], + [ + "atus", + -13.68529224395752 + ], + [ + "▁Qaeda", + -13.68532943725586 + ], + [ + "-87", + -13.685391426086426 + ], + [ + "▁squared", + -13.685498237609863 + ], + [ + "▁governs", + -13.685503959655762 + ], + [ + "▁312", + -13.68553638458252 + ], + [ + "▁Ida", + -13.685558319091797 + ], + [ + "▁Proven", + -13.685662269592283 + ], + [ + "▁Anybody", + -13.685720443725586 + ], + [ + "▁Bras", + -13.685720443725586 + ], + [ + "pros", + -13.685768127441406 + ], + [ + "511", + -13.685772895812988 + ], + [ + "isan", + -13.685790061950684 + ], + [ + "Snap", + -13.685799598693848 + ], + [ + "▁erroneous", + -13.685834884643556 + ], + [ + "Instant", + -13.68605613708496 + ], + [ + "Responsibilities", + -13.686077117919922 + ], + [ + "▁Guernsey", + -13.686077117919922 + ], + [ + "▁apprehension", + -13.686077117919922 + ], + [ + "▁contemporaries", + -13.686077117919922 + ], + [ + "▁gondola", + -13.686077117919922 + ], + [ + "▁dilution", + -13.686091423034668 + ], + [ + "▁breathed", + -13.68610382080078 + ], + [ + "▁conferred", + -13.686104774475098 + ], + [ + "▁untold", + -13.686111450195312 + ], + [ + "▁Costello", + -13.686124801635742 + ], + [ + "nec", + -13.686138153076172 + ], + [ + "▁glossary", + -13.686147689819336 + ], + [ + "▁Buena", + -13.686148643493652 + ], + [ + "Divide", + -13.68615436553955 + ], + [ + "▁blob", + -13.686161041259766 + ], + [ + "▁Freddy", + -13.686184883117676 + ], + [ + "▁Fannie", + -13.686186790466309 + ], + [ + "▁skewers", + -13.686237335205078 + ], + [ + "▁choreographed", + -13.686238288879396 + ], + [ + "▁townhouses", + -13.686241149902344 + ], + [ + "Fran", + -13.68639850616455 + ], + [ + "▁hoard", + -13.686470985412598 + ], + [ + "▁Ecosystem", + -13.68647289276123 + ], + [ + "fie", + -13.686473846435549 + ], + [ + "▁undermining", + -13.68650245666504 + ], + [ + "▁marshmallow", + -13.686546325683594 + ], + [ + "▁subside", + -13.68659496307373 + ], + [ + "▁Suk", + -13.686607360839844 + ], + [ + "GET", + -13.68673324584961 + ], + [ + "▁Advocates", + -13.686752319335938 + ], + [ + "▁Sabrina", + -13.686779975891112 + ], + [ + "▁successors", + -13.686787605285645 + ], + [ + "nac", + -13.686817169189451 + ], + [ + "▁Augmented", + -13.686853408813477 + ], + [ + "▁Hitch", + -13.686859130859377 + ], + [ + "Robin", + -13.686982154846191 + ], + [ + "▁Serie", + -13.686984062194824 + ], + [ + "▁MASTER", + -13.68700885772705 + ], + [ + "▁TRE", + -13.687010765075684 + ], + [ + "249", + -13.687028884887695 + ], + [ + "▁Fas", + -13.687056541442873 + ], + [ + "▁deems", + -13.687064170837402 + ], + [ + "▁2).", + -13.687199592590332 + ], + [ + "izers", + -13.687223434448242 + ], + [ + "▁fanatic", + -13.687250137329102 + ], + [ + "▁3/8\"", + -13.687281608581545 + ], + [ + "▁clinging", + -13.687301635742188 + ], + [ + "▁Cambodian", + -13.68732452392578 + ], + [ + "nap", + -13.68744659423828 + ], + [ + "316", + -13.687448501586914 + ], + [ + "▁4-2", + -13.68748378753662 + ], + [ + "includes", + -13.68749713897705 + ], + [ + "ITE", + -13.687528610229492 + ], + [ + "lmer", + -13.68780517578125 + ], + [ + "▁stoppage", + -13.68781852722168 + ], + [ + "▁Digit", + -13.687829971313477 + ], + [ + "▁Adel", + -13.687989234924316 + ], + [ + "▁tanker", + -13.68801212310791 + ], + [ + "▁cartons", + -13.688053131103516 + ], + [ + "enni", + -13.688055038452148 + ], + [ + "ppel", + -13.688060760498049 + ], + [ + "▁colorway", + -13.688079833984377 + ], + [ + "▁fielder", + -13.688106536865234 + ], + [ + "▁suspicions", + -13.688175201416016 + ], + [ + "layered", + -13.688183784484863 + ], + [ + "603", + -13.68820571899414 + ], + [ + "▁stunts", + -13.688222885131836 + ], + [ + "▁Ethnic", + -13.688233375549316 + ], + [ + "Jobs", + -13.688265800476074 + ], + [ + "▁clove", + -13.68835735321045 + ], + [ + "DRA", + -13.688420295715332 + ], + [ + "▁carp", + -13.68842601776123 + ], + [ + "▁Jana", + -13.688546180725098 + ], + [ + "▁levers", + -13.688560485839844 + ], + [ + "▁knead", + -13.688581466674805 + ], + [ + "▁Schr", + -13.68863010406494 + ], + [ + "▁Lough", + -13.688636779785156 + ], + [ + "omba", + -13.68864917755127 + ], + [ + "▁thwart", + -13.68870735168457 + ], + [ + "▁WEEK", + -13.688721656799316 + ], + [ + "▁Sealing", + -13.688738822937012 + ], + [ + "ncies", + -13.688828468322754 + ], + [ + "▁smith", + -13.68883991241455 + ], + [ + "▁GAME", + -13.688888549804688 + ], + [ + "Ur", + -13.688892364501951 + ], + [ + "kyo", + -13.688912391662598 + ], + [ + "Vehicle", + -13.688932418823242 + ], + [ + "Conference", + -13.688942909240724 + ], + [ + "Cel", + -13.68894386291504 + ], + [ + "Brexit", + -13.688949584960938 + ], + [ + "AJ", + -13.68895149230957 + ], + [ + "▁charisma", + -13.689011573791504 + ], + [ + "Lion", + -13.68901252746582 + ], + [ + "▁cabaret", + -13.68908977508545 + ], + [ + "▁occult", + -13.689090728759766 + ], + [ + "tru", + -13.689091682434082 + ], + [ + "veld", + -13.689101219177246 + ], + [ + "▁papaya", + -13.689105033874512 + ], + [ + "grin", + -13.689108848571776 + ], + [ + "▁Zagreb", + -13.689111709594728 + ], + [ + "▁voila", + -13.689111709594728 + ], + [ + "▁NK", + -13.689122200012209 + ], + [ + "▁decomposition", + -13.689133644104004 + ], + [ + "▁Joaquin", + -13.689141273498535 + ], + [ + "▁baroque", + -13.689141273498535 + ], + [ + "▁microchip", + -13.689151763916016 + ], + [ + "▁Recession", + -13.689156532287598 + ], + [ + "▁tha", + -13.689164161682127 + ], + [ + "▁mimics", + -13.689170837402344 + ], + [ + "▁optionally", + -13.689181327819824 + ], + [ + "Justice", + -13.689187049865724 + ], + [ + "▁commendable", + -13.689196586608888 + ], + [ + "▁Filling", + -13.689233779907228 + ], + [ + "▁kph", + -13.689252853393556 + ], + [ + "▁Gallup", + -13.689278602600098 + ], + [ + "bile", + -13.689292907714844 + ], + [ + "hidden", + -13.689337730407717 + ], + [ + "CLC", + -13.689339637756348 + ], + [ + "eel", + -13.689410209655762 + ], + [ + "8.8", + -13.689465522766112 + ], + [ + "2.9", + -13.689467430114746 + ], + [ + "▁entrust", + -13.689493179321287 + ], + [ + "▁tampering", + -13.689566612243652 + ], + [ + "▁eLearning", + -13.6895751953125 + ], + [ + "▁hateful", + -13.689594268798828 + ], + [ + "▁overpowering", + -13.68960189819336 + ], + [ + "▁observes", + -13.689608573913574 + ], + [ + "Login", + -13.689621925354004 + ], + [ + "780", + -13.689705848693848 + ], + [ + "▁chicago", + -13.689892768859863 + ], + [ + "▁escalated", + -13.69003677368164 + ], + [ + "SCA", + -13.690038681030272 + ], + [ + "▁Lorraine", + -13.690093994140623 + ], + [ + "▁BAD", + -13.690203666687012 + ], + [ + "▁COLOR", + -13.690252304077148 + ], + [ + "▁Damn", + -13.69044303894043 + ], + [ + "enberger", + -13.69044589996338 + ], + [ + "ipa", + -13.690485000610352 + ], + [ + "rance", + -13.690521240234377 + ], + [ + "▁vigil", + -13.690521240234377 + ], + [ + "572", + -13.690542221069336 + ], + [ + "tir", + -13.690546035766602 + ], + [ + "▁Ey", + -13.69057559967041 + ], + [ + "▁Computational", + -13.690616607666016 + ], + [ + "▁$85", + -13.69071102142334 + ], + [ + "▁dislikes", + -13.690719604492188 + ], + [ + "▁wheeled", + -13.690728187561035 + ], + [ + "▁Pens", + -13.690735816955566 + ], + [ + "▁Apt", + -13.690771102905272 + ], + [ + "▁7.4", + -13.690825462341309 + ], + [ + "▁retract", + -13.690828323364258 + ], + [ + "egra", + -13.690892219543455 + ], + [ + "▁vegetarians", + -13.691007614135742 + ], + [ + "▁Vans", + -13.691014289855955 + ], + [ + "▁Biggest", + -13.691118240356444 + ], + [ + "▁Injuries", + -13.691146850585938 + ], + [ + "▁intuitively", + -13.691164016723633 + ], + [ + "elf", + -13.691316604614258 + ], + [ + "▁sie", + -13.69133472442627 + ], + [ + "Clinical", + -13.691386222839355 + ], + [ + "asser", + -13.691429138183594 + ], + [ + "Limit", + -13.691611289978027 + ], + [ + "verb", + -13.691645622253418 + ], + [ + "tenant", + -13.691676139831545 + ], + [ + "▁Rudolph", + -13.691685676574709 + ], + [ + "rium", + -13.691736221313477 + ], + [ + "▁Suggest", + -13.691781997680664 + ], + [ + "potential", + -13.691811561584473 + ], + [ + "arga", + -13.691856384277344 + ], + [ + "▁Resin", + -13.691856384277344 + ], + [ + "▁Kru", + -13.69185733795166 + ], + [ + "quire", + -13.691924095153809 + ], + [ + "bend", + -13.691999435424805 + ], + [ + "cycling", + -13.692008018493652 + ], + [ + "developer", + -13.692060470581056 + ], + [ + "835", + -13.692065238952637 + ], + [ + "noma", + -13.692093849182127 + ], + [ + "▁cayenne", + -13.692111015319824 + ], + [ + "▁extremism", + -13.69211769104004 + ], + [ + "▁Phelps", + -13.692118644714355 + ], + [ + "▁fodder", + -13.692127227783203 + ], + [ + "-68", + -13.692140579223633 + ], + [ + "▁rigged", + -13.692140579223633 + ], + [ + "▁Fedora", + -13.692161560058594 + ], + [ + "▁clogging", + -13.692163467407228 + ], + [ + "▁asymmetric", + -13.692172050476074 + ], + [ + "▁Pins", + -13.692183494567873 + ], + [ + "uous", + -13.692222595214844 + ], + [ + "▁heartwarming", + -13.692232131958008 + ], + [ + "received", + -13.692266464233398 + ], + [ + "▁TRUE", + -13.692277908325195 + ], + [ + "▁fol", + -13.692304611206056 + ], + [ + "▁bestow", + -13.692331314086914 + ], + [ + "▁Tons", + -13.69235134124756 + ], + [ + "▁416", + -13.692373275756836 + ], + [ + "▁Simi", + -13.692395210266112 + ], + [ + "TIA", + -13.69243049621582 + ], + [ + "▁beech", + -13.69243049621582 + ], + [ + "oplasty", + -13.692434310913086 + ], + [ + "det", + -13.6925048828125 + ], + [ + "smooth", + -13.69252586364746 + ], + [ + "▁fuelled", + -13.692586898803713 + ], + [ + "▁qualifier", + -13.692648887634276 + ], + [ + "▁ringtones", + -13.69268798828125 + ], + [ + "Volunteers", + -13.692693710327148 + ], + [ + "▁Dealing", + -13.692744255065918 + ], + [ + "7/", + -13.692870140075684 + ], + [ + "▁accelerates", + -13.69288158416748 + ], + [ + "Israeli", + -13.692910194396973 + ], + [ + "▁bagel", + -13.692999839782717 + ], + [ + "▁4-3", + -13.693042755126951 + ], + [ + "ischen", + -13.693063735961914 + ], + [ + "minutes", + -13.693202018737791 + ], + [ + "ivist", + -13.693325996398926 + ], + [ + "▁VAR", + -13.693359375 + ], + [ + "647", + -13.693439483642578 + ], + [ + "lova", + -13.693443298339844 + ], + [ + "▁dredge", + -13.693503379821776 + ], + [ + "651", + -13.693544387817385 + ], + [ + "▁SUB", + -13.69357681274414 + ], + [ + "474", + -13.693633079528809 + ], + [ + "Task", + -13.693733215332031 + ], + [ + "+2", + -13.693767547607422 + ], + [ + "orama", + -13.693840980529783 + ], + [ + "gian", + -13.69391632080078 + ], + [ + "▁Kry", + -13.693920135498049 + ], + [ + "▁Kab", + -13.693921089172363 + ], + [ + "Steal", + -13.69393253326416 + ], + [ + "▁Guil", + -13.693992614746094 + ], + [ + "▁Immediate", + -13.69399642944336 + ], + [ + "▁smartly", + -13.694000244140623 + ], + [ + "ologies", + -13.694169998168944 + ], + [ + "Zip", + -13.694208145141602 + ], + [ + "▁replying", + -13.694254875183104 + ], + [ + "▁onshore", + -13.694422721862791 + ], + [ + "▁Fy", + -13.69443416595459 + ], + [ + "▁encode", + -13.694534301757812 + ], + [ + "thos", + -13.694572448730469 + ], + [ + "Gene", + -13.694575309753418 + ], + [ + "▁pvc", + -13.694585800170898 + ], + [ + "▁Bona", + -13.694706916809082 + ], + [ + "▁legalized", + -13.69474983215332 + ], + [ + "▁Bam", + -13.694759368896484 + ], + [ + "262", + -13.694769859313965 + ], + [ + "▁Baa", + -13.694889068603516 + ], + [ + "Continuing", + -13.69513988494873 + ], + [ + "▁Bologna", + -13.695140838623049 + ], + [ + "▁Guthrie", + -13.695140838623049 + ], + [ + "▁monasteries", + -13.695140838623049 + ], + [ + "message", + -13.695147514343262 + ], + [ + "▁biochemistry", + -13.695167541503906 + ], + [ + "▁Paterson", + -13.695171356201172 + ], + [ + "▁jamming", + -13.695195198059082 + ], + [ + "▁Verona", + -13.69524383544922 + ], + [ + "▁Gilmore", + -13.695244789123535 + ], + [ + "▁Clipart", + -13.695250511169434 + ], + [ + "▁numbness", + -13.695253372192385 + ], + [ + "▁rumble", + -13.69526481628418 + ], + [ + "lach", + -13.695310592651367 + ], + [ + "▁1887", + -13.695324897766112 + ], + [ + "▁Gotham", + -13.695359230041504 + ], + [ + "▁EASY", + -13.695443153381348 + ], + [ + "▁teh", + -13.695451736450195 + ], + [ + "fle", + -13.695462226867676 + ], + [ + "▁menace", + -13.695569038391112 + ], + [ + "08.", + -13.695573806762695 + ], + [ + "▁PORT", + -13.695592880249023 + ], + [ + "▁briefcase", + -13.695650100708008 + ], + [ + "mei", + -13.69578456878662 + ], + [ + "▁princesses", + -13.69578742980957 + ], + [ + "▁Origins", + -13.695839881896973 + ], + [ + "astro", + -13.69587230682373 + ], + [ + "▁USSR", + -13.69587230682373 + ], + [ + "▁Denton", + -13.69588851928711 + ], + [ + "quet", + -13.69596004486084 + ], + [ + "▁inhaled", + -13.69598388671875 + ], + [ + "benefit", + -13.69602108001709 + ], + [ + "▁Arri", + -13.696122169494627 + ], + [ + "▁Bachelors", + -13.696124076843262 + ], + [ + "▁busier", + -13.69615077972412 + ], + [ + "labor", + -13.696174621582031 + ], + [ + "905", + -13.696189880371094 + ], + [ + "Native", + -13.696202278137209 + ], + [ + "chloro", + -13.696205139160156 + ], + [ + "▁transformers", + -13.696211814880373 + ], + [ + "▁Limits", + -13.696246147155762 + ], + [ + "▁issuers", + -13.696300506591797 + ], + [ + "▁sequins", + -13.696308135986328 + ], + [ + "▁encoder", + -13.696313858032228 + ], + [ + "cooled", + -13.696340560913086 + ], + [ + "ehl", + -13.696348190307615 + ], + [ + "▁JT", + -13.69636344909668 + ], + [ + "▁insurgents", + -13.696388244628906 + ], + [ + "gla", + -13.69646453857422 + ], + [ + "speaker", + -13.696490287780762 + ], + [ + "▁dampen", + -13.69649887084961 + ], + [ + "▁amazoncom", + -13.69658088684082 + ], + [ + "blend", + -13.696590423583984 + ], + [ + "GD", + -13.696647644042969 + ], + [ + "Dogs", + -13.6967191696167 + ], + [ + "▁Quan", + -13.696773529052734 + ], + [ + "▁Grades", + -13.696806907653809 + ], + [ + "Ser", + -13.696817398071287 + ], + [ + "▁Melvin", + -13.696856498718262 + ], + [ + "pore", + -13.696924209594728 + ], + [ + "Fourth", + -13.696990966796877 + ], + [ + "▁deadlock", + -13.69699764251709 + ], + [ + "spirit", + -13.697015762329102 + ], + [ + "▁Channels", + -13.697036743164062 + ], + [ + "▁Headboard", + -13.69704818725586 + ], + [ + "spread", + -13.69705295562744 + ], + [ + "▁Tired", + -13.69705295562744 + ], + [ + "gawa", + -13.69705867767334 + ], + [ + "ABS", + -13.697070121765137 + ], + [ + "aster", + -13.697211265563965 + ], + [ + "▁Tuna", + -13.697260856628418 + ], + [ + "▁herbicides", + -13.69728183746338 + ], + [ + "▁Ledger", + -13.69729995727539 + ], + [ + "734", + -13.697364807128906 + ], + [ + "andi", + -13.697394371032717 + ], + [ + "Yay", + -13.697418212890623 + ], + [ + "▁Carver", + -13.69746208190918 + ], + [ + "8.3", + -13.697556495666504 + ], + [ + "uge", + -13.697603225708008 + ], + [ + "fourth", + -13.697613716125488 + ], + [ + "▁wagons", + -13.697613716125488 + ], + [ + "▁inflate", + -13.697669982910156 + ], + [ + "▁Tableau", + -13.697684288024902 + ], + [ + "▁Clips", + -13.69770622253418 + ], + [ + "▁(2008).", + -13.69775390625 + ], + [ + "invent", + -13.697842597961426 + ], + [ + "▁PES", + -13.697872161865234 + ], + [ + "rosa", + -13.697911262512209 + ], + [ + "▁BEAUTIFUL", + -13.697978973388672 + ], + [ + "▁converters", + -13.698057174682615 + ], + [ + "▁claimants", + -13.69806671142578 + ], + [ + "loud", + -13.698118209838867 + ], + [ + "▁1-888-", + -13.698143005371094 + ], + [ + "▁chevron", + -13.698180198669434 + ], + [ + "▁horrifying", + -13.698180198669434 + ], + [ + "▁jacuzzi", + -13.698180198669434 + ], + [ + "▁liturgical", + -13.698180198669434 + ], + [ + "▁glimmer", + -13.698182106018066 + ], + [ + "▁Bugs", + -13.6981840133667 + ], + [ + "▁microcontroller", + -13.698190689086914 + ], + [ + "▁Isuzu", + -13.698209762573242 + ], + [ + "▁arisen", + -13.698212623596191 + ], + [ + "mL", + -13.698230743408203 + ], + [ + "▁homecoming", + -13.698234558105469 + ], + [ + "▁indigo", + -13.698235511779783 + ], + [ + "434", + -13.698243141174316 + ], + [ + "Possible", + -13.698249816894531 + ], + [ + "Corp", + -13.698259353637695 + ], + [ + "▁Reconstruction", + -13.698262214660645 + ], + [ + "Jessica", + -13.698266983032228 + ], + [ + "visible", + -13.698287963867188 + ], + [ + "****", + -13.698296546936035 + ], + [ + "Outstanding", + -13.698301315307615 + ], + [ + "▁Cyclone", + -13.69832706451416 + ], + [ + "NYC", + -13.69833278656006 + ], + [ + "▁feral", + -13.698384284973145 + ], + [ + "Christopher", + -13.698397636413574 + ], + [ + "▁frequented", + -13.698504447937012 + ], + [ + "▁dwellers", + -13.698528289794922 + ], + [ + "▁sensed", + -13.698529243469238 + ], + [ + "▁Breton", + -13.698541641235352 + ], + [ + "SEN", + -13.698543548583984 + ], + [ + "▁bruised", + -13.69858455657959 + ], + [ + "▁REG", + -13.698604583740234 + ], + [ + "▁insuring", + -13.69860553741455 + ], + [ + "▁Motorsports", + -13.698619842529297 + ], + [ + "▁Infiniti", + -13.698622703552246 + ], + [ + "▁Plc", + -13.698723793029783 + ], + [ + "Hire", + -13.69875144958496 + ], + [ + "▁skillset", + -13.69883918762207 + ], + [ + "▁fished", + -13.698884963989258 + ], + [ + "▁exudes", + -13.698901176452637 + ], + [ + "▁Jur", + -13.698914527893066 + ], + [ + "▁Downing", + -13.698942184448242 + ], + [ + "▁malfunctioning", + -13.699021339416504 + ], + [ + "▁Derry", + -13.699045181274414 + ], + [ + "ILL", + -13.69905948638916 + ], + [ + "▁Diner", + -13.699084281921388 + ], + [ + "RAGE", + -13.699121475219728 + ], + [ + "▁reluctantly", + -13.699122428894045 + ], + [ + "▁ADP", + -13.699139595031738 + ], + [ + "▁robustness", + -13.699159622192385 + ], + [ + "Offers", + -13.699177742004396 + ], + [ + "Ros", + -13.69918727874756 + ], + [ + "▁*******", + -13.69919204711914 + ], + [ + "▁NAR", + -13.699193000793455 + ], + [ + "307", + -13.699196815490724 + ], + [ + "▁Glover", + -13.699286460876465 + ], + [ + "▁Hoo", + -13.699333190917969 + ], + [ + "Dimensions", + -13.699346542358398 + ], + [ + "▁Klaus", + -13.69946002960205 + ], + [ + "▁bagels", + -13.699469566345217 + ], + [ + "PET", + -13.699548721313477 + ], + [ + "▁debtors", + -13.69967269897461 + ], + [ + "▁lesion", + -13.699682235717772 + ], + [ + "▁Remembrance", + -13.699736595153809 + ], + [ + "tures", + -13.699786186218262 + ], + [ + "▁Shifting", + -13.69979190826416 + ], + [ + "167", + -13.699798583984377 + ], + [ + "▁??????", + -13.6998291015625 + ], + [ + "▁cyclo", + -13.70007038116455 + ], + [ + "372", + -13.700080871582031 + ], + [ + "deb", + -13.70014190673828 + ], + [ + "▁WHITE", + -13.70032024383545 + ], + [ + "Util", + -13.700356483459473 + ], + [ + "07.", + -13.700387954711914 + ], + [ + "ogi", + -13.700450897216797 + ], + [ + "/60", + -13.70045280456543 + ], + [ + "▁fixation", + -13.700461387634276 + ], + [ + "▁LARGE", + -13.700477600097656 + ], + [ + "▁Spur", + -13.700496673583984 + ], + [ + "▁CDN", + -13.700641632080078 + ], + [ + "Boat", + -13.700663566589355 + ], + [ + "503", + -13.70069980621338 + ], + [ + "chrom", + -13.700807571411133 + ], + [ + "focal", + -13.700845718383787 + ], + [ + "Hours", + -13.700865745544434 + ], + [ + "▁Gam", + -13.700889587402344 + ], + [ + "Boot", + -13.700922966003418 + ], + [ + "▁undercut", + -13.700952529907228 + ], + [ + "golf", + -13.701004028320312 + ], + [ + "import", + -13.701022148132324 + ], + [ + "▁Cen", + -13.701054573059082 + ], + [ + "▁brooch", + -13.701099395751951 + ], + [ + "▁memorials", + -13.70114803314209 + ], + [ + "▁Pang", + -13.70115089416504 + ], + [ + "▁INTO", + -13.70115852355957 + ], + [ + "nunciation", + -13.701202392578123 + ], + [ + "tong", + -13.701211929321287 + ], + [ + "▁Territories", + -13.701229095458984 + ], + [ + "▁Tolkien", + -13.701229095458984 + ], + [ + "▁constituencies", + -13.701229095458984 + ], + [ + "▁venerable", + -13.701229095458984 + ], + [ + "▁McKinney", + -13.7012300491333 + ], + [ + "▁alpaca", + -13.701231002807615 + ], + [ + "▁gliding", + -13.701231002807615 + ], + [ + "▁Pontiac", + -13.701231956481934 + ], + [ + "▁Epsom", + -13.701234817504885 + ], + [ + "▁Tenant", + -13.701236724853516 + ], + [ + "▁rabies", + -13.701236724853516 + ], + [ + "▁unexplained", + -13.701251983642578 + ], + [ + "▁Frankenstein", + -13.701257705688477 + ], + [ + "▁insistence", + -13.70126247406006 + ], + [ + "▁Dewey", + -13.701264381408691 + ], + [ + "695", + -13.701269149780272 + ], + [ + "▁molten", + -13.701284408569336 + ], + [ + "▁Hillsborough", + -13.701292037963867 + ], + [ + "▁convoy", + -13.701324462890623 + ], + [ + "Albert", + -13.70133113861084 + ], + [ + "▁toffee", + -13.70135498046875 + ], + [ + "▁traceability", + -13.7013578414917 + ], + [ + "logists", + -13.701379776000977 + ], + [ + "Nonetheless", + -13.701383590698242 + ], + [ + "▁avocados", + -13.701394081115724 + ], + [ + "▁Cassandra", + -13.70148754119873 + ], + [ + "puri", + -13.701492309570312 + ], + [ + "cellular", + -13.701510429382324 + ], + [ + "tons", + -13.70156192779541 + ], + [ + "Dutch", + -13.70156478881836 + ], + [ + "RAC", + -13.701574325561523 + ], + [ + "▁Louie", + -13.701586723327637 + ], + [ + "▁doorbell", + -13.701610565185549 + ], + [ + "▁Honorable", + -13.701704978942873 + ], + [ + "Au", + -13.701788902282717 + ], + [ + "▁Keene", + -13.701821327209473 + ], + [ + "▁designations", + -13.701831817626951 + ], + [ + "ssing", + -13.701849937438965 + ], + [ + "DNS", + -13.701862335205078 + ], + [ + "▁ISD", + -13.701913833618164 + ], + [ + "/09/", + -13.701937675476074 + ], + [ + "▁ANA", + -13.701990127563477 + ], + [ + "▁Penang", + -13.702022552490234 + ], + [ + "▁embryos", + -13.70209503173828 + ], + [ + "▁Hutch", + -13.702095985412598 + ], + [ + "▁metaphors", + -13.702095985412598 + ], + [ + "▁BASE", + -13.702216148376465 + ], + [ + "▁Marley", + -13.70222282409668 + ], + [ + "Marine", + -13.702265739440918 + ], + [ + "▁basalt", + -13.70236587524414 + ], + [ + "▁asynchronous", + -13.70236873626709 + ], + [ + "▁hardcover", + -13.70246696472168 + ], + [ + "Ticket", + -13.702467918395996 + ], + [ + "cea", + -13.702482223510742 + ], + [ + "-78", + -13.702499389648438 + ], + [ + "▁Kami", + -13.70254135131836 + ], + [ + "Bruce", + -13.702580451965332 + ], + [ + "▁pulley", + -13.702618598937988 + ], + [ + "golden", + -13.702624320983888 + ], + [ + "▁OPEC", + -13.702666282653809 + ], + [ + "pri", + -13.702667236328123 + ], + [ + "▁Productivity", + -13.702682495117188 + ], + [ + "Carol", + -13.702780723571776 + ], + [ + "▁GOT", + -13.702799797058104 + ], + [ + "▁Od", + -13.7028226852417 + ], + [ + "449", + -13.702840805053713 + ], + [ + "▁broadening", + -13.702869415283203 + ], + [ + "▁Lover", + -13.702938079833984 + ], + [ + "linking", + -13.70295238494873 + ], + [ + "▁Reb", + -13.702958106994627 + ], + [ + "▁notched", + -13.703109741210938 + ], + [ + "labs", + -13.703117370605469 + ], + [ + "guitar", + -13.703168869018556 + ], + [ + "frag", + -13.703195571899414 + ], + [ + "736", + -13.70324993133545 + ], + [ + "xl", + -13.703255653381348 + ], + [ + "▁deflect", + -13.703282356262209 + ], + [ + "▁Divi", + -13.703349113464355 + ], + [ + "▁$42", + -13.703387260437012 + ], + [ + "▁Immortal", + -13.703399658203123 + ], + [ + "ELLO", + -13.703441619873049 + ], + [ + "439", + -13.703585624694824 + ], + [ + "▁spoonful", + -13.703661918640137 + ], + [ + "7,500", + -13.703680038452148 + ], + [ + "▁captivate", + -13.703686714172363 + ], + [ + "imba", + -13.703760147094728 + ], + [ + "▁persevere", + -13.70383071899414 + ], + [ + "bhi", + -13.7039155960083 + ], + [ + "705", + -13.703978538513184 + ], + [ + "▁jade", + -13.704092979431152 + ], + [ + "zak", + -13.704141616821287 + ], + [ + "▁synths", + -13.704150199890137 + ], + [ + "214", + -13.704183578491213 + ], + [ + "▁bono", + -13.704259872436523 + ], + [ + "▁retrospect", + -13.704270362854004 + ], + [ + "spira", + -13.70427703857422 + ], + [ + "▁Commodore", + -13.7042875289917 + ], + [ + "▁vehicular", + -13.7042875289917 + ], + [ + "▁mobilization", + -13.704288482666016 + ], + [ + "▁Hertfordshire", + -13.704289436340332 + ], + [ + "▁malnutrition", + -13.704289436340332 + ], + [ + "▁CONTENT", + -13.704290390014648 + ], + [ + "▁strife", + -13.704290390014648 + ], + [ + "▁appendix", + -13.704293251037598 + ], + [ + "▁slumber", + -13.704318046569824 + ], + [ + "▁timid", + -13.704349517822266 + ], + [ + "▁tallied", + -13.704386711120604 + ], + [ + "▁undead", + -13.704407691955566 + ], + [ + "▁Wreck", + -13.704421997070312 + ], + [ + "▁Allowance", + -13.704453468322754 + ], + [ + "Lunch", + -13.704519271850586 + ], + [ + "Whisk", + -13.704520225524902 + ], + [ + "Bathroom", + -13.704549789428713 + ], + [ + "holiday", + -13.70457363128662 + ], + [ + "▁ppt", + -13.704633712768556 + ], + [ + "▁BSc", + -13.704636573791504 + ], + [ + "▁esports", + -13.704704284667969 + ], + [ + "▁Favourite", + -13.704710006713867 + ], + [ + "▁Garry", + -13.70471477508545 + ], + [ + "▁Homework", + -13.70472812652588 + ], + [ + "▁denotes", + -13.704747200012209 + ], + [ + "▁Eliot", + -13.704794883728027 + ], + [ + "▁Paolo", + -13.70485019683838 + ], + [ + "rupt", + -13.70485782623291 + ], + [ + "brother", + -13.704867362976074 + ], + [ + "OY", + -13.704874992370604 + ], + [ + "▁EFT", + -13.704911231994627 + ], + [ + "▁sine", + -13.704944610595703 + ], + [ + "▁harnessing", + -13.704952239990234 + ], + [ + "▁classifications", + -13.70498275756836 + ], + [ + "graf", + -13.704983711242676 + ], + [ + "tronic", + -13.705000877380373 + ], + [ + "Dump", + -13.705001831054688 + ], + [ + "ppe", + -13.705029487609863 + ], + [ + "▁kindle", + -13.70509147644043 + ], + [ + "STON", + -13.705118179321287 + ], + [ + "▁Foul", + -13.705143928527832 + ], + [ + "171", + -13.70514965057373 + ], + [ + "▁topology", + -13.705244064331056 + ], + [ + "Cup", + -13.70540714263916 + ], + [ + "▁flared", + -13.705469131469728 + ], + [ + "broker", + -13.705507278442385 + ], + [ + "Patient", + -13.705533981323242 + ], + [ + "▁Heading", + -13.705551147460938 + ], + [ + "▁classically", + -13.705652236938477 + ], + [ + "▁intersect", + -13.705711364746094 + ], + [ + "▁sts", + -13.70574188232422 + ], + [ + "push", + -13.705904960632324 + ], + [ + "lini", + -13.70600700378418 + ], + [ + "Invest", + -13.706021308898926 + ], + [ + "ulis", + -13.706021308898926 + ], + [ + "oven", + -13.70603370666504 + ], + [ + "▁Mao", + -13.706035614013672 + ], + [ + "fighter", + -13.706068992614746 + ], + [ + "EEE", + -13.706151962280272 + ], + [ + "▁Swe", + -13.706184387207031 + ], + [ + "2500", + -13.706195831298828 + ], + [ + "cham", + -13.7062406539917 + ], + [ + "▁Ting", + -13.70627212524414 + ], + [ + "BRE", + -13.706320762634276 + ], + [ + "invest", + -13.706374168395996 + ], + [ + "Melt", + -13.706417083740234 + ], + [ + "▁Couldn", + -13.706440925598145 + ], + [ + "illard", + -13.706542015075684 + ], + [ + "▁Dei", + -13.706579208374023 + ], + [ + "▁breakouts", + -13.706586837768556 + ], + [ + "▁scoreless", + -13.7066068649292 + ], + [ + "▁Hod", + -13.706673622131348 + ], + [ + "▁Implant", + -13.70674991607666 + ], + [ + "utta", + -13.706847190856934 + ], + [ + "▁Salah", + -13.706897735595703 + ], + [ + "▁YO", + -13.706911087036133 + ], + [ + "371", + -13.706917762756348 + ], + [ + "▁STATE", + -13.706924438476562 + ], + [ + "▁tarnish", + -13.706964492797852 + ], + [ + "30%", + -13.70704746246338 + ], + [ + "thick", + -13.707049369812012 + ], + [ + "▁sped", + -13.707058906555176 + ], + [ + "▁milled", + -13.707197189331056 + ], + [ + "▁Annex", + -13.707201957702637 + ], + [ + "▁Magistrate", + -13.70722770690918 + ], + [ + "monitor", + -13.707252502441406 + ], + [ + "▁phentermine", + -13.707354545593262 + ], + [ + "▁neoprene", + -13.707356452941896 + ], + [ + "▁DREAM", + -13.707358360290527 + ], + [ + "▁Maestro", + -13.707362174987791 + ], + [ + "modal", + -13.707365036010742 + ], + [ + "▁erectile", + -13.707369804382324 + ], + [ + "▁distillation", + -13.70737648010254 + ], + [ + "▁Oahu", + -13.707475662231444 + ], + [ + "Dia", + -13.707481384277344 + ], + [ + "Rom", + -13.70754337310791 + ], + [ + "▁apostles", + -13.707562446594238 + ], + [ + "▁NAT", + -13.7075834274292 + ], + [ + "▁overcast", + -13.707594871520996 + ], + [ + "▁Eber", + -13.707619667053224 + ], + [ + "▁dependability", + -13.707649230957031 + ], + [ + "Remote", + -13.707691192626951 + ], + [ + "Retail", + -13.707691192626951 + ], + [ + "▁Colored", + -13.707723617553713 + ], + [ + "▁$1.6", + -13.707775115966797 + ], + [ + "Larry", + -13.707794189453123 + ], + [ + "▁Martian", + -13.70779800415039 + ], + [ + "▁Archery", + -13.70785427093506 + ], + [ + "-86", + -13.707894325256348 + ], + [ + "tane", + -13.707963943481444 + ], + [ + "▁Crunch", + -13.707964897155762 + ], + [ + "▁Québec", + -13.707993507385254 + ], + [ + "▁annoy", + -13.70804214477539 + ], + [ + "▁bedrock", + -13.708057403564451 + ], + [ + "depend", + -13.70815086364746 + ], + [ + "▁Poet", + -13.708187103271484 + ], + [ + "▁Petra", + -13.708227157592772 + ], + [ + "▁procured", + -13.708285331726074 + ], + [ + "gir", + -13.708317756652832 + ], + [ + "▁wp", + -13.708395957946776 + ], + [ + "703", + -13.708507537841797 + ], + [ + "▁keg", + -13.70852279663086 + ], + [ + "Artist", + -13.708539962768556 + ], + [ + "▁Consistent", + -13.708551406860352 + ], + [ + "hence", + -13.708632469177246 + ], + [ + "▁musk", + -13.708738327026367 + ], + [ + "pronounced", + -13.708741188049316 + ], + [ + "▁Gotta", + -13.708828926086426 + ], + [ + "▁treaties", + -13.70883846282959 + ], + [ + "▁Una", + -13.708847045898438 + ], + [ + "ELS", + -13.708885192871094 + ], + [ + "▁Heard", + -13.708999633789062 + ], + [ + "asu", + -13.70900058746338 + ], + [ + "Booking", + -13.709041595458984 + ], + [ + "▁sus", + -13.709047317504885 + ], + [ + "ASP", + -13.709086418151855 + ], + [ + "▁sax", + -13.709136962890623 + ], + [ + ".........", + -13.709195137023926 + ], + [ + "▁Socks", + -13.709283828735352 + ], + [ + "JE", + -13.709364891052246 + ], + [ + "▁XM", + -13.70946979522705 + ], + [ + "loy", + -13.70948886871338 + ], + [ + "▁Karim", + -13.709495544433594 + ], + [ + "8.2", + -13.70949649810791 + ], + [ + "▁marathons", + -13.70950984954834 + ], + [ + "▁232", + -13.709579467773438 + ], + [ + "▁Leh", + -13.70964813232422 + ], + [ + "TLE", + -13.709664344787598 + ], + [ + "bore", + -13.709768295288086 + ], + [ + "▁Performer", + -13.709779739379885 + ], + [ + "BOR", + -13.709824562072754 + ], + [ + "▁perpetuate", + -13.709829330444336 + ], + [ + "▁Mastery", + -13.709904670715332 + ], + [ + "▁premieres", + -13.709909439086914 + ], + [ + "upp", + -13.70994472503662 + ], + [ + "▁healthful", + -13.710017204284668 + ], + [ + "▁Achieve", + -13.710023880004885 + ], + [ + "▁endanger", + -13.710027694702148 + ], + [ + "▁Fife", + -13.710036277770996 + ], + [ + "▁FOOD", + -13.710075378417969 + ], + [ + "▁Initiatives", + -13.710100173950195 + ], + [ + "question", + -13.710164070129396 + ], + [ + "▁SLR", + -13.710174560546877 + ], + [ + "▁(200", + -13.710195541381836 + ], + [ + "▁Beige", + -13.71020221710205 + ], + [ + "FRA", + -13.71020793914795 + ], + [ + "▁positives", + -13.710265159606934 + ], + [ + "▁snip", + -13.710272789001465 + ], + [ + "▁FRONT", + -13.710285186767578 + ], + [ + "inner", + -13.71030044555664 + ], + [ + "▁zum", + -13.710352897644045 + ], + [ + "▁cemeteries", + -13.710432052612305 + ], + [ + "▁commemoration", + -13.710432052612305 + ], + [ + "▁Universidad", + -13.710434913635254 + ], + [ + "▁Grocery", + -13.71043586730957 + ], + [ + "▁sweepstakes", + -13.710436820983888 + ], + [ + "▁begged", + -13.710447311401367 + ], + [ + "▁Geometry", + -13.710453033447266 + ], + [ + "▁Culver", + -13.710491180419922 + ], + [ + "▁Doncaster", + -13.710522651672363 + ], + [ + "▁iodine", + -13.710552215576172 + ], + [ + "▁persecuted", + -13.7105712890625 + ], + [ + "▁ASC", + -13.710577011108398 + ], + [ + "rado", + -13.710589408874512 + ], + [ + "▁Bragg", + -13.710594177246094 + ], + [ + "▁semifinal", + -13.710601806640623 + ], + [ + "▁speck", + -13.710617065429688 + ], + [ + "fb", + -13.71061897277832 + ], + [ + "▁Siena", + -13.710647583007812 + ], + [ + "▁Anger", + -13.710692405700684 + ], + [ + "▁atrium", + -13.71076488494873 + ], + [ + "▁brute", + -13.71079158782959 + ], + [ + "▁bloating", + -13.710800170898438 + ], + [ + "Bachelor", + -13.710810661315918 + ], + [ + "Academic", + -13.710823059082031 + ], + [ + "▁\"...", + -13.710833549499512 + ], + [ + "▁catalysts", + -13.710838317871094 + ], + [ + "▁Disabled", + -13.710870742797852 + ], + [ + "▁nourished", + -13.710954666137695 + ], + [ + "-92", + -13.71096897125244 + ], + [ + "▁Cooker", + -13.710969924926758 + ], + [ + "▁comma", + -13.710996627807615 + ], + [ + "▁visor", + -13.711042404174805 + ], + [ + "243", + -13.711090087890623 + ], + [ + "▁Waco", + -13.711100578308104 + ], + [ + "▁coincides", + -13.711176872253418 + ], + [ + "▁churning", + -13.711199760437012 + ], + [ + "▁fillet", + -13.711244583129885 + ], + [ + "772", + -13.711249351501465 + ], + [ + "SEB", + -13.71127700805664 + ], + [ + "▁$1.4", + -13.711295127868652 + ], + [ + "tender", + -13.711318016052246 + ], + [ + "▁Boats", + -13.71133804321289 + ], + [ + "▁collages", + -13.711387634277344 + ], + [ + "windows", + -13.7114839553833 + ], + [ + "AKA", + -13.711527824401855 + ], + [ + "▁221", + -13.71156120300293 + ], + [ + "sah", + -13.711631774902344 + ], + [ + "9-6", + -13.711642265319824 + ], + [ + "OSS", + -13.71164608001709 + ], + [ + "schen", + -13.71169090270996 + ], + [ + "132", + -13.711695671081545 + ], + [ + "▁porches", + -13.71171760559082 + ], + [ + "▁Alain", + -13.711753845214844 + ], + [ + "▁macros", + -13.711773872375488 + ], + [ + "▁27%", + -13.711783409118652 + ], + [ + "▁Walla", + -13.711846351623535 + ], + [ + "▁Surveys", + -13.711889266967772 + ], + [ + "▁Droid", + -13.711932182312012 + ], + [ + "students", + -13.711992263793944 + ], + [ + "suke", + -13.712006568908691 + ], + [ + "▁Thatcher", + -13.712042808532717 + ], + [ + "▁Bite", + -13.712095260620115 + ], + [ + "Teacher", + -13.712113380432127 + ], + [ + "▁2010).", + -13.712115287780762 + ], + [ + "XI", + -13.71213150024414 + ], + [ + "176", + -13.712150573730469 + ], + [ + "▁secretive", + -13.712159156799316 + ], + [ + "▁DHA", + -13.712160110473633 + ], + [ + "nb", + -13.71230697631836 + ], + [ + "▁elf", + -13.712329864501951 + ], + [ + "▁KE", + -13.71237564086914 + ], + [ + "▁Entire", + -13.712517738342283 + ], + [ + "▁Mantra", + -13.7125244140625 + ], + [ + "Points", + -13.712533950805664 + ], + [ + "▁Lotto", + -13.71255588531494 + ], + [ + "Node", + -13.712574005126951 + ], + [ + "▁Camry", + -13.71257781982422 + ], + [ + "spam", + -13.712586402893066 + ], + [ + "▁SBS", + -13.71261501312256 + ], + [ + "▁Hmmm", + -13.71261978149414 + ], + [ + "▁REIT", + -13.712736129760742 + ], + [ + "▁Hurricanes", + -13.712779998779297 + ], + [ + "▁184", + -13.712825775146484 + ], + [ + "parents", + -13.712828636169434 + ], + [ + "ICC", + -13.712830543518066 + ], + [ + "▁betterment", + -13.712848663330078 + ], + [ + "▁propagate", + -13.712916374206545 + ], + [ + "▁STEP", + -13.712964057922363 + ], + [ + "▁McLaughlin", + -13.713006973266602 + ], + [ + "▁peptides", + -13.713022232055664 + ], + [ + "▁cinch", + -13.71306037902832 + ], + [ + "▁shielded", + -13.713094711303713 + ], + [ + "▁Scandinavia", + -13.713133811950684 + ], + [ + "zhi", + -13.713178634643556 + ], + [ + "solve", + -13.713260650634766 + ], + [ + "▁froze", + -13.71332550048828 + ], + [ + "EPS", + -13.713383674621582 + ], + [ + "▁ROAD", + -13.713407516479492 + ], + [ + "sheets", + -13.713417053222656 + ], + [ + "oire", + -13.713468551635742 + ], + [ + "▁undergrad", + -13.713494300842283 + ], + [ + "Pages", + -13.71349811553955 + ], + [ + "▁academies", + -13.713518142700195 + ], + [ + "▁amplification", + -13.713518142700195 + ], + [ + "▁assemblage", + -13.713518142700195 + ], + [ + "▁commemorating", + -13.713518142700195 + ], + [ + "▁obedient", + -13.713518142700195 + ], + [ + "▁sensibilities", + -13.713518142700195 + ], + [ + "▁synergies", + -13.713518142700195 + ], + [ + "2-6", + -13.713520050048828 + ], + [ + "▁Santorini", + -13.713520050048828 + ], + [ + "▁energizing", + -13.713522911071776 + ], + [ + "▁ArcGIS", + -13.71352481842041 + ], + [ + "▁Sausage", + -13.71352481842041 + ], + [ + "▁inhalation", + -13.713530540466309 + ], + [ + "▁Putnam", + -13.713552474975586 + ], + [ + "tral", + -13.713573455810549 + ], + [ + "▁Meth", + -13.713581085205078 + ], + [ + "▁2011)", + -13.713603019714355 + ], + [ + "▁PLLC", + -13.713644981384276 + ], + [ + "▁Vader", + -13.713736534118652 + ], + [ + "▁rejoin", + -13.713753700256348 + ], + [ + "▁Alternate", + -13.713756561279297 + ], + [ + "▁Tram", + -13.713834762573242 + ], + [ + "▁Conner", + -13.713852882385254 + ], + [ + "▁ger", + -13.713881492614746 + ], + [ + "▁Enfield", + -13.713955879211426 + ], + [ + "▁chairperson", + -13.713973999023438 + ], + [ + "Century", + -13.7139892578125 + ], + [ + "▁liberated", + -13.714008331298828 + ], + [ + "▁$15.", + -13.71401309967041 + ], + [ + "▁Maori", + -13.714116096496582 + ], + [ + "Loan", + -13.714296340942385 + ], + [ + "▁mike", + -13.714327812194824 + ], + [ + "▁kom", + -13.714329719543455 + ], + [ + "▁upstate", + -13.714345932006836 + ], + [ + "against", + -13.714349746704102 + ], + [ + "yce", + -13.714350700378418 + ], + [ + "075", + -13.714359283447266 + ], + [ + "Tiger", + -13.714462280273438 + ], + [ + "▁QUALITY", + -13.714547157287598 + ], + [ + "▁Lynne", + -13.714573860168455 + ], + [ + "Valid", + -13.7146577835083 + ], + [ + "▁Dino", + -13.71467113494873 + ], + [ + "vest", + -13.71469783782959 + ], + [ + "▁cashew", + -13.714746475219728 + ], + [ + "kki", + -13.714824676513672 + ], + [ + "Index", + -13.71489715576172 + ], + [ + "▁runaway", + -13.714966773986816 + ], + [ + "WU", + -13.71500301361084 + ], + [ + "645", + -13.715100288391112 + ], + [ + "▁openers", + -13.715137481689451 + ], + [ + "▁wasteful", + -13.71513843536377 + ], + [ + "▁tulips", + -13.715140342712402 + ], + [ + "▁TEST", + -13.715147018432615 + ], + [ + "▁Psalms", + -13.71517276763916 + ], + [ + "▁medalist", + -13.715181350708008 + ], + [ + "▁squarely", + -13.71524143218994 + ], + [ + "▁calmer", + -13.71524429321289 + ], + [ + "▁MER", + -13.715246200561523 + ], + [ + "▁latin", + -13.71525764465332 + ], + [ + "ERN", + -13.715259552001951 + ], + [ + "installation", + -13.715261459350586 + ], + [ + "▁flirt", + -13.715324401855469 + ], + [ + "Gbps", + -13.715332984924316 + ], + [ + "fear", + -13.715377807617188 + ], + [ + "▁cy", + -13.715411186218262 + ], + [ + "▁7.6", + -13.715444564819336 + ], + [ + "▁Endless", + -13.715473175048828 + ], + [ + "▁fryer", + -13.715492248535156 + ], + [ + "189", + -13.715503692626951 + ], + [ + "413", + -13.715503692626951 + ], + [ + "▁reliever", + -13.715665817260742 + ], + [ + "Sol", + -13.715691566467283 + ], + [ + "▁axial", + -13.715784072875977 + ], + [ + "▁quotas", + -13.715815544128418 + ], + [ + "pala", + -13.71599578857422 + ], + [ + "▁hugging", + -13.716024398803713 + ], + [ + "▁Laugh", + -13.71603298187256 + ], + [ + "609", + -13.716154098510742 + ], + [ + "▁DSM", + -13.716191291809082 + ], + [ + "▁Vance", + -13.71635627746582 + ], + [ + "▁Slope", + -13.716474533081056 + ], + [ + "Schools", + -13.716497421264648 + ], + [ + "▁preheat", + -13.71653938293457 + ], + [ + "verbal", + -13.716601371765137 + ], + [ + "▁navigator", + -13.71661376953125 + ], + [ + "▁prioritizing", + -13.71661376953125 + ], + [ + "▁susceptibility", + -13.71661376953125 + ], + [ + "▁sustenance", + -13.71661376953125 + ], + [ + "▁unfavorable", + -13.71661376953125 + ], + [ + "▁voicing", + -13.71661376953125 + ], + [ + "▁holographic", + -13.716623306274414 + ], + [ + "▁MONEY", + -13.71662425994873 + ], + [ + "▁ROS", + -13.716638565063477 + ], + [ + "▁Vero", + -13.716670989990234 + ], + [ + "bash", + -13.716678619384766 + ], + [ + "▁Cigar", + -13.716683387756348 + ], + [ + "tzel", + -13.71675968170166 + ], + [ + "▁TK", + -13.716856002807615 + ], + [ + "▁cocoon", + -13.71688747406006 + ], + [ + "kbps", + -13.716952323913574 + ], + [ + "▁repurposed", + -13.717005729675291 + ], + [ + "▁Kirsten", + -13.717039108276367 + ], + [ + "▁34-", + -13.717056274414062 + ], + [ + "assuming", + -13.717090606689451 + ], + [ + "00:1", + -13.717097282409668 + ], + [ + "▁Arthritis", + -13.7171049118042 + ], + [ + "348", + -13.71718406677246 + ], + [ + "▁TIP", + -13.717192649841309 + ], + [ + "favorite", + -13.71719741821289 + ], + [ + "▁clans", + -13.717241287231444 + ], + [ + "▁Greetings", + -13.71729564666748 + ], + [ + "▁Seo", + -13.717297554016112 + ], + [ + "shots", + -13.717330932617188 + ], + [ + "▁aux", + -13.7173490524292 + ], + [ + "▁biomarkers", + -13.717365264892578 + ], + [ + "▁thumbnails", + -13.717381477355955 + ], + [ + "Dining", + -13.71744155883789 + ], + [ + "IPP", + -13.717450141906738 + ], + [ + "EMS", + -13.717535018920898 + ], + [ + "Publication", + -13.717604637145996 + ], + [ + "▁Ghanaian", + -13.717698097229004 + ], + [ + "yuan", + -13.717719078063965 + ], + [ + "▁spawning", + -13.717720985412598 + ], + [ + "wor", + -13.717780113220217 + ], + [ + "voy", + -13.7178316116333 + ], + [ + "isin", + -13.71785831451416 + ], + [ + "▁Inlet", + -13.71796989440918 + ], + [ + "▁fray", + -13.717971801757812 + ], + [ + "ipp", + -13.718092918395996 + ], + [ + "▁ADT", + -13.718099594116213 + ], + [ + "▁cron", + -13.718111038208008 + ], + [ + "xy", + -13.718165397644045 + ], + [ + "imon", + -13.718239784240724 + ], + [ + "ondo", + -13.71830940246582 + ], + [ + "▁lengthen", + -13.718310356140137 + ], + [ + "ssian", + -13.718338012695312 + ], + [ + "▁laborious", + -13.718377113342283 + ], + [ + "▁sideboard", + -13.718413352966309 + ], + [ + "workout", + -13.71850872039795 + ], + [ + "▁homegrown", + -13.71859645843506 + ], + [ + "▁Offline", + -13.718636512756348 + ], + [ + "▁resembled", + -13.718704223632812 + ], + [ + "▁RBIs", + -13.718714714050291 + ], + [ + "KY", + -13.71884059906006 + ], + [ + "▁sunroom", + -13.718853950500488 + ], + [ + "▁Predict", + -13.718897819519045 + ], + [ + "369", + -13.718974113464355 + ], + [ + "Centre", + -13.718996047973633 + ], + [ + "▁Aries", + -13.719024658203123 + ], + [ + "ouch", + -13.719186782836914 + ], + [ + "▁beautify", + -13.71921157836914 + ], + [ + "Joining", + -13.7194185256958 + ], + [ + "266", + -13.719507217407228 + ], + [ + "▁Heal", + -13.719517707824709 + ], + [ + "▁Moth", + -13.71953010559082 + ], + [ + "▁Samoa", + -13.719595909118652 + ], + [ + "quir", + -13.719656944274902 + ], + [ + "walker", + -13.719711303710938 + ], + [ + "▁impulsive", + -13.719719886779783 + ], + [ + "▁migratory", + -13.719719886779783 + ], + [ + "▁pandemic", + -13.719719886779783 + ], + [ + "▁Swindon", + -13.719720840454102 + ], + [ + "▁untimely", + -13.719721794128418 + ], + [ + "▁Matilda", + -13.71972370147705 + ], + [ + "▁Clutch", + -13.719725608825684 + ], + [ + "▁Cranberry", + -13.719731330871582 + ], + [ + "▁(1994)", + -13.719745635986328 + ], + [ + "▁McQueen", + -13.719751358032228 + ], + [ + "-1/2", + -13.719755172729492 + ], + [ + "▁Prasad", + -13.719767570495604 + ], + [ + "▁franchisee", + -13.719781875610352 + ], + [ + "▁parsing", + -13.7197904586792 + ], + [ + "▁CME", + -13.719793319702148 + ], + [ + "▁incompetent", + -13.71979522705078 + ], + [ + "▁guestrooms", + -13.719802856445312 + ], + [ + "▁DSTV", + -13.71983814239502 + ], + [ + "▁unbalanced", + -13.719850540161133 + ], + [ + "▁Strauss", + -13.719852447509766 + ], + [ + "149", + -13.719861030578612 + ], + [ + "▁Relocation", + -13.71987247467041 + ], + [ + "461", + -13.719950675964355 + ], + [ + "▁grating", + -13.719980239868164 + ], + [ + "▁Awakening", + -13.720004081726074 + ], + [ + "▁Recruiting", + -13.720023155212402 + ], + [ + "▁fob", + -13.720029830932615 + ], + [ + "echo", + -13.72003173828125 + ], + [ + "ussi", + -13.720049858093262 + ], + [ + "▁carer", + -13.720054626464844 + ], + [ + "snow", + -13.72007179260254 + ], + [ + "▁Lesley", + -13.72008991241455 + ], + [ + "▁accountancy", + -13.720091819763184 + ], + [ + "▁Garda", + -13.720131874084473 + ], + [ + "Stress", + -13.720151901245115 + ], + [ + "▁ushered", + -13.72016716003418 + ], + [ + "Arab", + -13.720220565795898 + ], + [ + "▁protested", + -13.720239639282228 + ], + [ + "▁Archie", + -13.720271110534668 + ], + [ + "▁inhibits", + -13.720271110534668 + ], + [ + "vul", + -13.720284461975098 + ], + [ + "Spirit", + -13.720295906066896 + ], + [ + "bags", + -13.72029972076416 + ], + [ + "Function", + -13.72031593322754 + ], + [ + "Universal", + -13.720340728759766 + ], + [ + "military", + -13.720340728759766 + ], + [ + "Membership", + -13.72039031982422 + ], + [ + "amazing", + -13.720406532287598 + ], + [ + "▁Cuts", + -13.72040843963623 + ], + [ + "flavored", + -13.720458030700684 + ], + [ + "▁Zee", + -13.720466613769531 + ], + [ + "472", + -13.720510482788086 + ], + [ + "mall", + -13.720565795898438 + ], + [ + "163", + -13.720636367797852 + ], + [ + "signal", + -13.720653533935549 + ], + [ + "Been", + -13.720672607421877 + ], + [ + "▁Viewing", + -13.720680236816406 + ], + [ + "▁keepers", + -13.720681190490724 + ], + [ + "▁quirks", + -13.720695495605469 + ], + [ + "▁Reyes", + -13.720744132995604 + ], + [ + "IRS", + -13.720783233642578 + ], + [ + "▁Sab", + -13.720791816711426 + ], + [ + "Traditionally", + -13.720810890197754 + ], + [ + "XO", + -13.72083854675293 + ], + [ + "311", + -13.720877647399902 + ], + [ + "false", + -13.720942497253418 + ], + [ + "40%", + -13.720980644226074 + ], + [ + "▁airspace", + -13.721034049987791 + ], + [ + "▁kohler", + -13.721054077148438 + ], + [ + "▁McCall", + -13.72105884552002 + ], + [ + ":19", + -13.72109031677246 + ], + [ + "▁600,000", + -13.721214294433594 + ], + [ + "▁Dol", + -13.72130298614502 + ], + [ + "bob", + -13.721309661865234 + ], + [ + "670", + -13.721319198608398 + ], + [ + "▁unreal", + -13.72134017944336 + ], + [ + "uate", + -13.721358299255373 + ], + [ + "▁digress", + -13.72136402130127 + ], + [ + "▁Grimm", + -13.721385955810549 + ], + [ + "issued", + -13.721426010131836 + ], + [ + "kke", + -13.721476554870604 + ], + [ + "▁218", + -13.721492767333984 + ], + [ + "foam", + -13.721549987792969 + ], + [ + "5.2", + -13.721579551696776 + ], + [ + "▁firewalls", + -13.72162628173828 + ], + [ + "▁beetle", + -13.721644401550291 + ], + [ + "▁Sections", + -13.72169303894043 + ], + [ + "▁commandments", + -13.721710205078123 + ], + [ + "▁impressively", + -13.72178077697754 + ], + [ + "▁Mule", + -13.72185516357422 + ], + [ + "▁NCR", + -13.721879005432127 + ], + [ + "▁Trades", + -13.721918106079102 + ], + [ + "▁Mister", + -13.722015380859377 + ], + [ + "Context", + -13.722039222717283 + ], + [ + "Glen", + -13.722111701965332 + ], + [ + "uffle", + -13.722177505493164 + ], + [ + "▁97%", + -13.722264289855955 + ], + [ + "▁GMP", + -13.72232723236084 + ], + [ + "▁Seas", + -13.72232723236084 + ], + [ + "▁KK", + -13.72243595123291 + ], + [ + "▁cleanly", + -13.72243881225586 + ], + [ + "▁Zombies", + -13.722444534301758 + ], + [ + "▁fellowships", + -13.72247314453125 + ], + [ + "▁Vaughn", + -13.722552299499512 + ], + [ + "▁Poo", + -13.722600936889648 + ], + [ + "▁BFF", + -13.722612380981444 + ], + [ + "mov", + -13.722620964050291 + ], + [ + "adding", + -13.722626686096191 + ], + [ + "meister", + -13.722639083862305 + ], + [ + "pathetic", + -13.722657203674316 + ], + [ + "▁rite", + -13.722753524780272 + ], + [ + "▁carburetor", + -13.722834587097168 + ], + [ + "▁espionage", + -13.722834587097168 + ], + [ + "lte", + -13.722840309143066 + ], + [ + "▁liberating", + -13.7228422164917 + ], + [ + "▁earbuds", + -13.72284698486328 + ], + [ + "Rourke", + -13.722856521606444 + ], + [ + "▁CLUB", + -13.72286319732666 + ], + [ + "▁Friedrich", + -13.722867965698242 + ], + [ + "▁memento", + -13.722875595092772 + ], + [ + "▁sar", + -13.722888946533203 + ], + [ + "premises", + -13.72292709350586 + ], + [ + "▁Counselling", + -13.722935676574709 + ], + [ + "▁Kennel", + -13.72295379638672 + ], + [ + "represented", + -13.722963333129885 + ], + [ + "▁Wag", + -13.722996711730955 + ], + [ + "atum", + -13.723002433776855 + ], + [ + "tay", + -13.723072052001951 + ], + [ + "▁sowing", + -13.723164558410645 + ], + [ + "▁Californian", + -13.723185539245604 + ], + [ + "▁Josephine", + -13.72323989868164 + ], + [ + "▁cosmos", + -13.723283767700195 + ], + [ + "▁Trains", + -13.723358154296877 + ], + [ + "▁Bells", + -13.723400115966797 + ], + [ + "Dean", + -13.723423957824709 + ], + [ + "Political", + -13.723543167114258 + ], + [ + "tem", + -13.723544120788574 + ], + [ + "Sitting", + -13.723566055297852 + ], + [ + "▁focussing", + -13.723572731018066 + ], + [ + "▁ATC", + -13.7235746383667 + ], + [ + "Adjust", + -13.723583221435549 + ], + [ + "ulf", + -13.723589897155762 + ], + [ + "44.", + -13.723590850830078 + ], + [ + "23)", + -13.723672866821287 + ], + [ + "ured", + -13.723702430725098 + ], + [ + "▁rotations", + -13.723716735839844 + ], + [ + "▁Macron", + -13.723725318908691 + ], + [ + "▁transistor", + -13.7237548828125 + ], + [ + "▁herbicide", + -13.72376537322998 + ], + [ + "▁odour", + -13.723769187927246 + ], + [ + "▁pel", + -13.723807334899902 + ], + [ + "024", + -13.72380828857422 + ], + [ + "▁determinants", + -13.723810195922852 + ], + [ + "BIT", + -13.723884582519531 + ], + [ + "▁Tulip", + -13.723907470703123 + ], + [ + "hma", + -13.723918914794922 + ], + [ + "▁HMO", + -13.723936080932615 + ], + [ + "▁rejuvenated", + -13.72394847869873 + ], + [ + "cache", + -13.723958969116213 + ], + [ + "743", + -13.72396469116211 + ], + [ + "▁Tet", + -13.724039077758787 + ], + [ + "Quote", + -13.724138259887695 + ], + [ + "▁relic", + -13.724148750305176 + ], + [ + "-58", + -13.724149703979492 + ], + [ + "▁democrat", + -13.724156379699709 + ], + [ + "exam", + -13.724181175231934 + ], + [ + "▁26%", + -13.724218368530272 + ], + [ + "▁heats", + -13.724218368530272 + ], + [ + "▁189", + -13.724224090576172 + ], + [ + "hitting", + -13.72429370880127 + ], + [ + "▁Cari", + -13.724342346191406 + ], + [ + "▁Toxic", + -13.724401473999023 + ], + [ + "▁tilted", + -13.724474906921388 + ], + [ + "▁Skye", + -13.724529266357422 + ], + [ + "eastern", + -13.724627494812012 + ], + [ + "kus", + -13.724664688110352 + ], + [ + "▁Gong", + -13.724664688110352 + ], + [ + "▁Meng", + -13.724685668945312 + ], + [ + "nton", + -13.724713325500488 + ], + [ + "Trail", + -13.724724769592283 + ], + [ + "Rip", + -13.724769592285156 + ], + [ + "▁Fallon", + -13.72479248046875 + ], + [ + "▁Enlightenment", + -13.724833488464355 + ], + [ + "▁Troll", + -13.72484302520752 + ], + [ + "manage", + -13.724873542785645 + ], + [ + "hausen", + -13.724946022033691 + ], + [ + "▁WTO", + -13.724977493286133 + ], + [ + "rut", + -13.725017547607422 + ], + [ + "▁dilemmas", + -13.725057601928713 + ], + [ + "Strengthen", + -13.725154876708984 + ], + [ + "▁Slovak", + -13.72515869140625 + ], + [ + "acc", + -13.72520351409912 + ], + [ + "▁overturn", + -13.725298881530762 + ], + [ + "▁Grilled", + -13.725316047668455 + ], + [ + "▁scraper", + -13.725377082824709 + ], + [ + "▁HH", + -13.725380897521973 + ], + [ + "▁jurors", + -13.725399017333984 + ], + [ + "Andrea", + -13.725464820861816 + ], + [ + "kita", + -13.725479125976562 + ], + [ + "▁COST", + -13.72559928894043 + ], + [ + "lz", + -13.725664138793944 + ], + [ + "▁blister", + -13.725701332092283 + ], + [ + "▁Congregation", + -13.725726127624512 + ], + [ + "▁flushed", + -13.72572898864746 + ], + [ + "▁Hung", + -13.725794792175291 + ], + [ + "HOL", + -13.72590446472168 + ], + [ + "▁labyrinth", + -13.725937843322754 + ], + [ + "BON", + -13.725942611694336 + ], + [ + "▁Montenegro", + -13.725959777832031 + ], + [ + "▁Pueblo", + -13.725959777832031 + ], + [ + "▁Saskatoon", + -13.725959777832031 + ], + [ + "▁Vauxhall", + -13.725959777832031 + ], + [ + "▁clumsy", + -13.725959777832031 + ], + [ + "▁consummate", + -13.725959777832031 + ], + [ + "▁pendulum", + -13.725959777832031 + ], + [ + "▁vernacular", + -13.725959777832031 + ], + [ + "▁telephony", + -13.725961685180664 + ], + [ + "▁chiefly", + -13.725967407226562 + ], + [ + "▁rites", + -13.725976943969728 + ], + [ + "▁legality", + -13.725979804992676 + ], + [ + "▁Saf", + -13.725985527038574 + ], + [ + "▁gastronomic", + -13.726024627685549 + ], + [ + "STR", + -13.726030349731444 + ], + [ + "Launch", + -13.726045608520508 + ], + [ + "▁Cullen", + -13.72606372833252 + ], + [ + "liners", + -13.726082801818848 + ], + [ + "▁husk", + -13.72609043121338 + ], + [ + "equal", + -13.726151466369627 + ], + [ + "▁tornadoes", + -13.72624969482422 + ], + [ + "RIN", + -13.726253509521484 + ], + [ + "alism", + -13.726405143737791 + ], + [ + "▁calibre", + -13.72645664215088 + ], + [ + "▁Organized", + -13.726483345031738 + ], + [ + "▁LW", + -13.726518630981444 + ], + [ + "▁unifying", + -13.726543426513672 + ], + [ + "▁Eh", + -13.72657871246338 + ], + [ + "URA", + -13.72663116455078 + ], + [ + "▁pours", + -13.726669311523438 + ], + [ + "▁prong", + -13.726670265197754 + ], + [ + "awesome", + -13.726765632629396 + ], + [ + "Attention", + -13.726806640625 + ], + [ + "Employers", + -13.726808547973633 + ], + [ + "Range", + -13.72683048248291 + ], + [ + "▁nonstick", + -13.726887702941896 + ], + [ + "737", + -13.726899147033691 + ], + [ + "▁pigeon", + -13.72691249847412 + ], + [ + "Prevent", + -13.726975440979004 + ], + [ + "amar", + -13.726998329162598 + ], + [ + "▁Farr", + -13.727057456970217 + ], + [ + "Des", + -13.727096557617188 + ], + [ + "▁prism", + -13.727120399475098 + ], + [ + "▁Russo", + -13.727195739746094 + ], + [ + "fitted", + -13.727203369140623 + ], + [ + "▁Installations", + -13.727261543273926 + ], + [ + "lone", + -13.727302551269531 + ], + [ + "▁Marker", + -13.72744083404541 + ], + [ + "direction", + -13.727474212646484 + ], + [ + "▁Sung", + -13.727517127990724 + ], + [ + "ologie", + -13.727529525756836 + ], + [ + "earn", + -13.727652549743652 + ], + [ + "Terms", + -13.72767162322998 + ], + [ + "Mil", + -13.72776222229004 + ], + [ + "▁guesses", + -13.727856636047363 + ], + [ + "bbe", + -13.727932929992676 + ], + [ + "liberal", + -13.72799587249756 + ], + [ + "mira", + -13.728074073791504 + ], + [ + "▁freebie", + -13.72809600830078 + ], + [ + "▁Sofas", + -13.728222846984863 + ], + [ + "▁AMG", + -13.728243827819824 + ], + [ + "▁Jian", + -13.728289604187012 + ], + [ + "▁werden", + -13.728315353393556 + ], + [ + "▁BEA", + -13.72831916809082 + ], + [ + "▁Lob", + -13.72832489013672 + ], + [ + "▁1945.", + -13.728328704833984 + ], + [ + "▁sedans", + -13.728336334228516 + ], + [ + "thru", + -13.728349685668944 + ], + [ + "abu", + -13.728357315063477 + ], + [ + "▁stub", + -13.728371620178224 + ], + [ + "▁Fang", + -13.728418350219728 + ], + [ + "▁legitimately", + -13.72842788696289 + ], + [ + "▁retardant", + -13.728485107421877 + ], + [ + "45.", + -13.72866153717041 + ], + [ + "▁Solve", + -13.72867202758789 + ], + [ + "467", + -13.728697776794434 + ], + [ + "▁sever", + -13.72870922088623 + ], + [ + "0001", + -13.728742599487305 + ], + [ + "▁ashore", + -13.728751182556152 + ], + [ + "▁8.4", + -13.72876262664795 + ], + [ + "▁30-40", + -13.728766441345217 + ], + [ + "eiro", + -13.728827476501465 + ], + [ + "flo", + -13.728883743286133 + ], + [ + "▁4500", + -13.728959083557127 + ], + [ + "▁Sca", + -13.728965759277344 + ], + [ + "rge", + -13.72899341583252 + ], + [ + "xing", + -13.729080200195312 + ], + [ + "▁mannequin", + -13.72909450531006 + ], + [ + "▁mezzanine", + -13.72909450531006 + ], + [ + "▁obnoxious", + -13.72909450531006 + ], + [ + "▁Mallorca", + -13.729103088378906 + ], + [ + "▁paperless", + -13.729114532470703 + ], + [ + "▁Accenture", + -13.729116439819336 + ], + [ + "▁Hilary", + -13.729143142700195 + ], + [ + "023", + -13.729150772094728 + ], + [ + "▁evasion", + -13.729150772094728 + ], + [ + "▁Chopra", + -13.729162216186523 + ], + [ + "▁babysitting", + -13.72916316986084 + ], + [ + "said", + -13.7291841506958 + ], + [ + "▁neglecting", + -13.72920036315918 + ], + [ + "▁Dela", + -13.729203224182127 + ], + [ + "▁sparingly", + -13.72922134399414 + ], + [ + "▁Mustard", + -13.729233741760254 + ], + [ + "▁prequel", + -13.729278564453123 + ], + [ + "331", + -13.729310989379885 + ], + [ + "▁ICU", + -13.72931957244873 + ], + [ + "▁Pearce", + -13.729394912719728 + ], + [ + "▁Downey", + -13.729432106018066 + ], + [ + "▁AKA", + -13.729543685913086 + ], + [ + "▁hamster", + -13.729570388793944 + ], + [ + "▁rubric", + -13.729572296142578 + ], + [ + "Pod", + -13.729589462280272 + ], + [ + "▁syncing", + -13.72961711883545 + ], + [ + "▁Bounce", + -13.729618072509766 + ], + [ + "marks", + -13.729681968688965 + ], + [ + "template", + -13.729823112487791 + ], + [ + "▁sautéed", + -13.729853630065918 + ], + [ + "▁clutches", + -13.729859352111816 + ], + [ + "▁37%", + -13.729901313781738 + ], + [ + "▁Sever", + -13.72990608215332 + ], + [ + "builders", + -13.72990894317627 + ], + [ + "Canon", + -13.72993278503418 + ], + [ + "▁Banker", + -13.729997634887695 + ], + [ + "▁stallion", + -13.73000144958496 + ], + [ + "▁fathom", + -13.730024337768556 + ], + [ + "99)", + -13.730051040649414 + ], + [ + "▁Siva", + -13.73011875152588 + ], + [ + "▁orchid", + -13.73012351989746 + ], + [ + "▁grove", + -13.730216979980469 + ], + [ + "arti", + -13.730225563049316 + ], + [ + "▁mystic", + -13.730274200439451 + ], + [ + ".5′′", + -13.73029327392578 + ], + [ + "▁Abram", + -13.73029327392578 + ], + [ + "Impact", + -13.730299949645996 + ], + [ + "▁580", + -13.730316162109377 + ], + [ + "▁coincided", + -13.730423927307127 + ], + [ + "▁naturalist", + -13.730443954467772 + ], + [ + "▁earphones", + -13.730518341064451 + ], + [ + "▁Shim", + -13.730586051940918 + ], + [ + "Bath", + -13.73061466217041 + ], + [ + "▁Conclusion", + -13.730660438537598 + ], + [ + "▁DRIVE", + -13.730671882629396 + ], + [ + "bare", + -13.730724334716797 + ], + [ + "Fu", + -13.730745315551758 + ], + [ + "576", + -13.730756759643556 + ], + [ + "wrenching", + -13.730792045593262 + ], + [ + "▁Elect", + -13.73080348968506 + ], + [ + "shark", + -13.730932235717772 + ], + [ + "▁KP", + -13.730989456176758 + ], + [ + "sir", + -13.731061935424805 + ], + [ + "urb", + -13.731114387512209 + ], + [ + "▁transcends", + -13.731120109558104 + ], + [ + "▁COS", + -13.731135368347168 + ], + [ + "▁Parcel", + -13.731167793273926 + ], + [ + "loch", + -13.731233596801758 + ], + [ + "▁Governments", + -13.731247901916504 + ], + [ + "▁Kea", + -13.731298446655272 + ], + [ + "crew", + -13.731342315673828 + ], + [ + "Leo", + -13.73139762878418 + ], + [ + "▁Stout", + -13.731398582458496 + ], + [ + "▁Wishing", + -13.731405258178713 + ], + [ + "▁electrically", + -13.73142147064209 + ], + [ + "▁Void", + -13.731433868408203 + ], + [ + "▁Nicol", + -13.731475830078123 + ], + [ + "▁Outlaw", + -13.731477737426758 + ], + [ + "▁Hav", + -13.731485366821287 + ], + [ + "▁Erika", + -13.73149871826172 + ], + [ + "iary", + -13.731512069702148 + ], + [ + "▁Norm", + -13.731557846069336 + ], + [ + "Geek", + -13.731569290161133 + ], + [ + "cient", + -13.731590270996094 + ], + [ + "handedly", + -13.731611251831056 + ], + [ + "▁reactors", + -13.731658935546877 + ], + [ + "▁Maze", + -13.731682777404783 + ], + [ + "▁erode", + -13.73179817199707 + ], + [ + "▁transports", + -13.731823921203612 + ], + [ + "▁Riva", + -13.731922149658203 + ], + [ + "▁80-", + -13.73194408416748 + ], + [ + "▁anatomical", + -13.731996536254885 + ], + [ + "▁Picks", + -13.732013702392578 + ], + [ + "▁Cue", + -13.732067108154297 + ], + [ + "487", + -13.73211669921875 + ], + [ + "▁Converse", + -13.732148170471191 + ], + [ + "filling", + -13.732215881347656 + ], + [ + "▁Lazy", + -13.732215881347656 + ], + [ + "▁Tallahassee", + -13.732239723205566 + ], + [ + "▁radiance", + -13.732239723205566 + ], + [ + "▁lasagna", + -13.732242584228516 + ], + [ + "▁pedicure", + -13.73224639892578 + ], + [ + "▁(888)", + -13.732247352600098 + ], + [ + "▁Amtrak", + -13.73225212097168 + ], + [ + "▁Greyhound", + -13.73225212097168 + ], + [ + "▁forfeiture", + -13.732258796691896 + ], + [ + "▁Cybersecurity", + -13.732260704040527 + ], + [ + "▁Remington", + -13.732281684875488 + ], + [ + "▁PowerShell", + -13.732295036315918 + ], + [ + "Mayor", + -13.732317924499512 + ], + [ + "▁unstructured", + -13.732330322265623 + ], + [ + "▁erection", + -13.732404708862305 + ], + [ + "zione", + -13.732465744018556 + ], + [ + "▁Gabba", + -13.732468605041504 + ], + [ + "mr", + -13.732501983642578 + ], + [ + "▁Stony", + -13.7326021194458 + ], + [ + "▁Stall", + -13.732659339904783 + ], + [ + "-76", + -13.732715606689451 + ], + [ + "▁morals", + -13.732717514038086 + ], + [ + "▁aneurysm", + -13.732730865478516 + ], + [ + "▁jerky", + -13.73280906677246 + ], + [ + "▁ASE", + -13.732810974121094 + ], + [ + "handle", + -13.732818603515623 + ], + [ + "▁whispered", + -13.73293685913086 + ], + [ + "▁DLL", + -13.732951164245604 + ], + [ + "▁recieve", + -13.73298168182373 + ], + [ + "▁Bootstrap", + -13.732991218566896 + ], + [ + ".'\"", + -13.733024597167969 + ], + [ + "▁Nails", + -13.733038902282717 + ], + [ + "▁situational", + -13.733060836791992 + ], + [ + "Export", + -13.733068466186523 + ], + [ + "▁kWh", + -13.733159065246582 + ], + [ + "▁Sparkle", + -13.733169555664062 + ], + [ + "Disclosure", + -13.733173370361328 + ], + [ + "▁Crossword", + -13.73317527770996 + ], + [ + "academic", + -13.73317813873291 + ], + [ + "▁ppm", + -13.733202934265137 + ], + [ + "chairs", + -13.733220100402832 + ], + [ + "identified", + -13.733223915100098 + ], + [ + "▁perennials", + -13.733229637145996 + ], + [ + "▁1894", + -13.733232498168944 + ], + [ + "▁japan", + -13.733254432678224 + ], + [ + "Instagram", + -13.733261108398438 + ], + [ + "▁grievance", + -13.733281135559082 + ], + [ + "▁wafer", + -13.733295440673828 + ], + [ + "▁prick", + -13.733331680297852 + ], + [ + "▁waveform", + -13.733396530151367 + ], + [ + "▁Sadie", + -13.733407974243164 + ], + [ + "leman", + -13.733487129211426 + ], + [ + "▁kHz", + -13.733503341674805 + ], + [ + "▁gorilla", + -13.733514785766602 + ], + [ + "▁Accurate", + -13.733556747436523 + ], + [ + "▁coworker", + -13.733558654785156 + ], + [ + "▁Picking", + -13.733585357666016 + ], + [ + "json", + -13.733643531799316 + ], + [ + "▁hare", + -13.73367404937744 + ], + [ + "ssl", + -13.733683586120604 + ], + [ + "-79", + -13.733713150024414 + ], + [ + "▁Barcode", + -13.733718872070312 + ], + [ + "meeting", + -13.733746528625488 + ], + [ + "▁Supplements", + -13.73378849029541 + ], + [ + "▁kann", + -13.733840942382812 + ], + [ + "▁grantee", + -13.733863830566406 + ], + [ + "▁Peg", + -13.733881950378418 + ], + [ + "zilla", + -13.733929634094238 + ], + [ + "▁manic", + -13.7340087890625 + ], + [ + "▁checkpoints", + -13.734017372131348 + ], + [ + "▁homebuyers", + -13.73401927947998 + ], + [ + "Truck", + -13.734041213989258 + ], + [ + "gator", + -13.734145164489746 + ], + [ + "▁frontman", + -13.734148025512695 + ], + [ + "▁canvases", + -13.734160423278809 + ], + [ + "▁McDonalds", + -13.734169960021973 + ], + [ + "▁Dep", + -13.734188079833984 + ], + [ + "▁drenched", + -13.734230041503906 + ], + [ + "Were", + -13.734282493591309 + ], + [ + "▁2.0.", + -13.73430347442627 + ], + [ + "▁Impossible", + -13.734312057495115 + ], + [ + "▁reeling", + -13.73439121246338 + ], + [ + "▁pita", + -13.734448432922363 + ], + [ + "▁Kana", + -13.734455108642578 + ], + [ + "▁Courage", + -13.734469413757324 + ], + [ + "▁semantics", + -13.734533309936523 + ], + [ + "▁EJ", + -13.734597206115724 + ], + [ + "Agreed", + -13.734607696533203 + ], + [ + "▁Concierge", + -13.73463535308838 + ], + [ + "▁Tutor", + -13.734733581542969 + ], + [ + "gaz", + -13.734736442565918 + ], + [ + "▁castor", + -13.734766006469728 + ], + [ + "hash", + -13.73477268218994 + ], + [ + "▁Pere", + -13.734781265258787 + ], + [ + "▁fatally", + -13.734795570373535 + ], + [ + "▁Pisa", + -13.734796524047852 + ], + [ + "▁SIGN", + -13.73482608795166 + ], + [ + "phenyl", + -13.734906196594238 + ], + [ + "dorf", + -13.734926223754885 + ], + [ + "▁shootout", + -13.734966278076172 + ], + [ + "▁2030.", + -13.734989166259766 + ], + [ + "STE", + -13.735025405883787 + ], + [ + "▁pines", + -13.735039710998535 + ], + [ + "▁Advertisement", + -13.735047340393066 + ], + [ + "BJ", + -13.7350492477417 + ], + [ + "uar", + -13.73508071899414 + ], + [ + "Sri", + -13.735090255737305 + ], + [ + "▁LAS", + -13.735103607177734 + ], + [ + "▁Chas", + -13.735158920288086 + ], + [ + "LEX", + -13.735218048095703 + ], + [ + "▁forested", + -13.735222816467283 + ], + [ + "oxide", + -13.73523235321045 + ], + [ + "▁Anglia", + -13.735249519348145 + ], + [ + "338", + -13.735295295715332 + ], + [ + "▁bien", + -13.735321998596191 + ], + [ + "▁Guelph", + -13.735394477844238 + ], + [ + "▁PIXMA", + -13.735394477844238 + ], + [ + "▁Utrecht", + -13.735394477844238 + ], + [ + "▁alimony", + -13.735394477844238 + ], + [ + "▁sizzling", + -13.735394477844238 + ], + [ + "▁Dorchester", + -13.735397338867188 + ], + [ + "▁Hitchcock", + -13.735397338867188 + ], + [ + "▁SXSW", + -13.73539924621582 + ], + [ + "▁pictorial", + -13.73539924621582 + ], + [ + "▁loaves", + -13.735400199890137 + ], + [ + "▁metaphysical", + -13.7354097366333 + ], + [ + "▁Crossroads", + -13.73541259765625 + ], + [ + "▁Saviour", + -13.73541259765625 + ], + [ + "▁Sera", + -13.735414505004885 + ], + [ + "▁Rooney", + -13.7354154586792 + ], + [ + "▁ratified", + -13.735419273376465 + ], + [ + "379", + -13.735426902770996 + ], + [ + "▁Schwarz", + -13.735427856445312 + ], + [ + "▁Sharpe", + -13.735435485839844 + ], + [ + "▁snacking", + -13.73543643951416 + ], + [ + "▁mouthwatering", + -13.73545265197754 + ], + [ + "▁astonished", + -13.73545742034912 + ], + [ + "▁criticizing", + -13.735464096069336 + ], + [ + "▁whatsapp", + -13.735503196716309 + ], + [ + "▁Fabian", + -13.735532760620115 + ], + [ + "▁playroom", + -13.735559463500977 + ], + [ + "DIC", + -13.73558235168457 + ], + [ + "▁painstakingly", + -13.735586166381836 + ], + [ + "▁Biol", + -13.73567008972168 + ], + [ + "▁Recall", + -13.735697746276855 + ], + [ + "▁commanders", + -13.735750198364258 + ], + [ + "562", + -13.735830307006836 + ], + [ + "▁grinders", + -13.73586082458496 + ], + [ + "▁0.25", + -13.735878944396973 + ], + [ + "1994", + -13.735915184020996 + ], + [ + "▁printout", + -13.73595905303955 + ], + [ + "▁cancelling", + -13.73597240447998 + ], + [ + "▁FH", + -13.73598861694336 + ], + [ + "Deb", + -13.736007690429688 + ], + [ + "904", + -13.736098289489746 + ], + [ + "▁EMA", + -13.736122131347656 + ], + [ + "eny", + -13.736161231994627 + ], + [ + "Normal", + -13.736190795898438 + ], + [ + "228", + -13.736204147338867 + ], + [ + "▁recoil", + -13.736224174499512 + ], + [ + "Importer", + -13.736249923706056 + ], + [ + "uted", + -13.736255645751951 + ], + [ + "▁cheques", + -13.736297607421877 + ], + [ + "▁proofs", + -13.736312866210938 + ], + [ + "▁assassin", + -13.736336708068848 + ], + [ + "▁furthering", + -13.736368179321287 + ], + [ + "▁Maven", + -13.73642635345459 + ], + [ + "Amanda", + -13.73645305633545 + ], + [ + "▁ailment", + -13.736492156982422 + ], + [ + "▁sqm", + -13.736494064331056 + ], + [ + "branch", + -13.736580848693848 + ], + [ + "▁crumbled", + -13.736586570739746 + ], + [ + "pace", + -13.736676216125488 + ], + [ + "ebe", + -13.736735343933104 + ], + [ + "▁toppers", + -13.736770629882812 + ], + [ + "396", + -13.73677921295166 + ], + [ + "▁tracts", + -13.736791610717772 + ], + [ + "▁Mane", + -13.73681354522705 + ], + [ + "▁Fossil", + -13.736844062805176 + ], + [ + "itta", + -13.736984252929688 + ], + [ + "9.95", + -13.73699188232422 + ], + [ + "colonial", + -13.737058639526367 + ], + [ + "▁michael", + -13.737133026123049 + ], + [ + "mainly", + -13.737133979797363 + ], + [ + "▁Shall", + -13.737196922302246 + ], + [ + "seller", + -13.737297058105469 + ], + [ + "▁Lakeside", + -13.737306594848633 + ], + [ + "▁Chun", + -13.737312316894531 + ], + [ + "tuning", + -13.7374267578125 + ], + [ + "161", + -13.737470626831056 + ], + [ + "lington", + -13.737499237060549 + ], + [ + "prints", + -13.737508773803713 + ], + [ + "oooo", + -13.737584114074709 + ], + [ + "andra", + -13.73769474029541 + ], + [ + "Stars", + -13.737699508666992 + ], + [ + "▁Nd", + -13.737701416015623 + ], + [ + "▁sab", + -13.737719535827637 + ], + [ + "▁Staffing", + -13.737818717956545 + ], + [ + "Hor", + -13.737892150878906 + ], + [ + "▁scribe", + -13.737892150878906 + ], + [ + "▁watchers", + -13.737987518310549 + ], + [ + "▁Nets", + -13.737991333007812 + ], + [ + "▁Redemption", + -13.73803424835205 + ], + [ + "012", + -13.73808765411377 + ], + [ + "▁Wilhelm", + -13.73814868927002 + ], + [ + "▁romp", + -13.738201141357422 + ], + [ + "▁770", + -13.738221168518066 + ], + [ + "▁£200", + -13.738225936889648 + ], + [ + "▁MSRP", + -13.738248825073242 + ], + [ + "▁Trojans", + -13.738252639770508 + ], + [ + "▁numbering", + -13.738325119018556 + ], + [ + "▁Rit", + -13.738401412963867 + ], + [ + "-250", + -13.738428115844728 + ], + [ + "▁Embrace", + -13.73849105834961 + ], + [ + "Flip", + -13.738507270812988 + ], + [ + "▁homosexual", + -13.738524436950684 + ], + [ + "▁Oli", + -13.73854923248291 + ], + [ + "▁Aegean", + -13.738558769226074 + ], + [ + "▁Coliseum", + -13.738558769226074 + ], + [ + "▁ENERGY", + -13.738558769226074 + ], + [ + "▁badminton", + -13.738558769226074 + ], + [ + "▁horrified", + -13.738558769226074 + ], + [ + "▁vaginal", + -13.738558769226074 + ], + [ + "▁Physiology", + -13.73855972290039 + ], + [ + "▁regatta", + -13.738563537597656 + ], + [ + "▁Marquette", + -13.738581657409668 + ], + [ + "▁religiously", + -13.738592147827148 + ], + [ + "▁OpenStack", + -13.738622665405272 + ], + [ + "▁hallmarks", + -13.73864459991455 + ], + [ + "▁lingerie", + -13.738664627075195 + ], + [ + "▁Rachael", + -13.738665580749512 + ], + [ + "/2010", + -13.738697052001951 + ], + [ + "▁eras", + -13.738707542419434 + ], + [ + "▁Sys", + -13.738758087158203 + ], + [ + "▁MRT", + -13.738842010498049 + ], + [ + "▁Mig", + -13.73892307281494 + ], + [ + "▁enforceable", + -13.739008903503418 + ], + [ + "limit", + -13.739025115966797 + ], + [ + "▁Reducing", + -13.739026069641112 + ], + [ + "▁Suede", + -13.73905086517334 + ], + [ + "▁awoke", + -13.739058494567873 + ], + [ + "▁geeks", + -13.739089012145996 + ], + [ + "ghi", + -13.739168167114258 + ], + [ + "▁harms", + -13.739168167114258 + ], + [ + "▁teleport", + -13.739224433898926 + ], + [ + "elen", + -13.7392578125 + ], + [ + "▁Royalty", + -13.7392578125 + ], + [ + "▁Anders", + -13.739455223083496 + ], + [ + "970", + -13.739580154418944 + ], + [ + "magazine", + -13.739666938781738 + ], + [ + "Thousands", + -13.73967456817627 + ], + [ + "appear", + -13.739676475524902 + ], + [ + "Cambridge", + -13.739702224731444 + ], + [ + "▁excavations", + -13.739728927612305 + ], + [ + "▁Fighters", + -13.739761352539062 + ], + [ + "▁stun", + -13.739776611328123 + ], + [ + "wrong", + -13.73978042602539 + ], + [ + "Floor", + -13.7399320602417 + ], + [ + "residential", + -13.7399320602417 + ], + [ + "▁Teak", + -13.739940643310549 + ], + [ + "determined", + -13.73995876312256 + ], + [ + "354", + -13.739959716796877 + ], + [ + "▁napkin", + -13.739974975585938 + ], + [ + "▁ul", + -13.74000072479248 + ], + [ + "▁boomers", + -13.740069389343262 + ], + [ + "▁Dina", + -13.740117073059082 + ], + [ + "▁Proctor", + -13.740233421325684 + ], + [ + "arna", + -13.740276336669922 + ], + [ + "▁awfully", + -13.74030876159668 + ], + [ + "buzz", + -13.740631103515623 + ], + [ + "aden", + -13.740643501281738 + ], + [ + "vailing", + -13.740645408630373 + ], + [ + "▁tph", + -13.74065399169922 + ], + [ + "▁Upcoming", + -13.740817070007324 + ], + [ + "▁Rankings", + -13.740891456604004 + ], + [ + "Spending", + -13.74097728729248 + ], + [ + "▁consumables", + -13.740978240966797 + ], + [ + "▁brainchild", + -13.741056442260742 + ], + [ + "▁littered", + -13.741082191467283 + ], + [ + "▁nuclei", + -13.74109935760498 + ], + [ + "alan", + -13.741175651550291 + ], + [ + "▁appraisals", + -13.741287231445312 + ], + [ + "relli", + -13.74130630493164 + ], + [ + "402", + -13.741398811340332 + ], + [ + "1600", + -13.74146556854248 + ], + [ + "▁strikingly", + -13.74147605895996 + ], + [ + "▁Dissertation", + -13.741484642028809 + ], + [ + "Hundreds", + -13.741552352905272 + ], + [ + "▁wir", + -13.7415771484375 + ], + [ + "pres", + -13.74163818359375 + ], + [ + "▁linguistics", + -13.741643905639648 + ], + [ + "Exp", + -13.741655349731444 + ], + [ + "/50", + -13.741692543029783 + ], + [ + "▁Extend", + -13.74169635772705 + ], + [ + "▁Pattaya", + -13.74173355102539 + ], + [ + "▁centrifugal", + -13.74173355102539 + ], + [ + "▁emptiness", + -13.74173355102539 + ], + [ + "▁exemplifies", + -13.74173355102539 + ], + [ + "▁treacherous", + -13.74173355102539 + ], + [ + "▁Calvary", + -13.741739273071287 + ], + [ + "▁granny", + -13.741750717163086 + ], + [ + "▁morphology", + -13.741750717163086 + ], + [ + "▁Houghton", + -13.741768836975098 + ], + [ + "▁99.9%", + -13.741790771484377 + ], + [ + "▁radiology", + -13.741817474365234 + ], + [ + "▁ASIC", + -13.74183177947998 + ], + [ + "810", + -13.741918563842772 + ], + [ + "▁weeding", + -13.741929054260254 + ], + [ + "▁BEACH", + -13.741954803466797 + ], + [ + "SOFT", + -13.741969108581545 + ], + [ + "Tex", + -13.742032051086426 + ], + [ + "▁EMEA", + -13.74210262298584 + ], + [ + "▁Amit", + -13.742130279541016 + ], + [ + "▁Fundamental", + -13.742143630981444 + ], + [ + "▁unison", + -13.742164611816406 + ], + [ + "▁Calls", + -13.742167472839355 + ], + [ + "▁moulds", + -13.742207527160645 + ], + [ + "printing", + -13.74222183227539 + ], + [ + "▁Seg", + -13.742368698120115 + ], + [ + "▁spies", + -13.742375373840332 + ], + [ + "nuts", + -13.742414474487305 + ], + [ + "192", + -13.742451667785645 + ], + [ + "▁Processed", + -13.742465019226074 + ], + [ + "▁Alton", + -13.742501258850098 + ], + [ + "▁transplants", + -13.74263858795166 + ], + [ + "▁Whi", + -13.742742538452148 + ], + [ + "▁10-20", + -13.742751121520996 + ], + [ + "541", + -13.742777824401855 + ], + [ + "nke", + -13.742815017700195 + ], + [ + "tul", + -13.742840766906738 + ], + [ + "deo", + -13.742874145507812 + ], + [ + "Psalm", + -13.742897987365724 + ], + [ + "7-9", + -13.742902755737305 + ], + [ + "mirror", + -13.742910385131836 + ], + [ + "Encourage", + -13.742916107177734 + ], + [ + "recognized", + -13.742927551269531 + ], + [ + "▁Bits", + -13.742993354797363 + ], + [ + "▁1892", + -13.743000030517578 + ], + [ + "pai", + -13.743029594421388 + ], + [ + "▁1965,", + -13.743036270141602 + ], + [ + "pli", + -13.743086814880373 + ], + [ + "Essentially", + -13.743151664733888 + ], + [ + "_1", + -13.743227005004885 + ], + [ + "▁Situation", + -13.74325466156006 + ], + [ + "▁GX", + -13.743301391601562 + ], + [ + "PHP", + -13.743345260620115 + ], + [ + "▁adjective", + -13.743366241455078 + ], + [ + "Ger", + -13.74348258972168 + ], + [ + "▁Dies", + -13.743504524230955 + ], + [ + "Started", + -13.743542671203612 + ], + [ + "▁Aly", + -13.743597030639648 + ], + [ + "▁Luo", + -13.743599891662598 + ], + [ + "projects", + -13.743690490722656 + ], + [ + "▁wrappers", + -13.7437162399292 + ], + [ + "▁Mull", + -13.743809700012209 + ], + [ + "foundation", + -13.743839263916016 + ], + [ + "▁BSE", + -13.743891716003418 + ], + [ + "▁zenith", + -13.74392032623291 + ], + [ + "▁Ré", + -13.744056701660156 + ], + [ + "rane", + -13.744059562683104 + ], + [ + "▁Bison", + -13.744180679321287 + ], + [ + "Edited", + -13.744240760803224 + ], + [ + "▁insults", + -13.744255065917969 + ], + [ + "8.00", + -13.744256019592283 + ], + [ + "▁19%", + -13.74436092376709 + ], + [ + "cian", + -13.744379043579102 + ], + [ + "▁Vase", + -13.744389533996582 + ], + [ + "▁drool", + -13.744415283203123 + ], + [ + "▁Lars", + -13.744421005249023 + ], + [ + "▁RIP", + -13.74443531036377 + ], + [ + "▁Garr", + -13.74444580078125 + ], + [ + "▁fructose", + -13.744457244873049 + ], + [ + "Files", + -13.744470596313477 + ], + [ + "▁TOEFL", + -13.744548797607422 + ], + [ + "▁gunman", + -13.744551658630373 + ], + [ + "▁660", + -13.744563102722168 + ], + [ + "▁GPL", + -13.744589805603027 + ], + [ + "918", + -13.74460792541504 + ], + [ + "FACT", + -13.74463939666748 + ], + [ + "▁Tx", + -13.744698524475098 + ], + [ + "▁Attendance", + -13.74471378326416 + ], + [ + "Forget", + -13.74471950531006 + ], + [ + "▁snowflakes", + -13.74474048614502 + ], + [ + "oom", + -13.744741439819336 + ], + [ + "Hmmm", + -13.744750022888184 + ], + [ + "▁ceases", + -13.744769096374512 + ], + [ + "▁Antwerp", + -13.744917869567873 + ], + [ + "▁Mechanism", + -13.744917869567873 + ], + [ + "▁Montréal", + -13.744917869567873 + ], + [ + "▁arrogance", + -13.744917869567873 + ], + [ + "▁Walgreens", + -13.744918823242188 + ], + [ + "▁Capricorn", + -13.744921684265137 + ], + [ + "▁murky", + -13.744921684265137 + ], + [ + "▁Citadel", + -13.744924545288086 + ], + [ + "▁beeswax", + -13.744927406311035 + ], + [ + "▁Spielberg", + -13.744929313659668 + ], + [ + "▁Sephora", + -13.744930267333984 + ], + [ + "▁stabbing", + -13.744930267333984 + ], + [ + "▁slapped", + -13.74493408203125 + ], + [ + "▁surging", + -13.744946479797363 + ], + [ + "▁depressive", + -13.744973182678224 + ], + [ + "▁Brasil", + -13.74499797821045 + ], + [ + "▁Acne", + -13.74504280090332 + ], + [ + "▁Encore", + -13.745051383972168 + ], + [ + "▁ZERO", + -13.745088577270508 + ], + [ + "Las", + -13.745105743408203 + ], + [ + "▁unprofessional", + -13.745109558105469 + ], + [ + "glow", + -13.745123863220217 + ], + [ + "▁Bridgeport", + -13.745131492614746 + ], + [ + "▁shrinkage", + -13.745144844055176 + ], + [ + "dates", + -13.74515438079834 + ], + [ + "▁orchestration", + -13.745172500610352 + ], + [ + "▁Scores", + -13.745192527770996 + ], + [ + "▁Clown", + -13.745201110839844 + ], + [ + "3.8", + -13.745203971862791 + ], + [ + "▁prepped", + -13.745209693908691 + ], + [ + "Interest", + -13.745267868041992 + ], + [ + "▁Viktor", + -13.745298385620115 + ], + [ + "616", + -13.745327949523926 + ], + [ + "Semitic", + -13.74543285369873 + ], + [ + "cey", + -13.745457649230955 + ], + [ + "▁Spo", + -13.745463371276855 + ], + [ + "▁Dried", + -13.745468139648438 + ], + [ + "▁recount", + -13.745492935180664 + ], + [ + "guin", + -13.745495796203612 + ], + [ + "cogni", + -13.745562553405762 + ], + [ + "▁Alter", + -13.745615005493164 + ], + [ + "▁involuntary", + -13.745644569396973 + ], + [ + "611", + -13.745668411254885 + ], + [ + "▁grub", + -13.745676040649414 + ], + [ + "▁Manuscript", + -13.745684623718262 + ], + [ + "Advance", + -13.745699882507324 + ], + [ + "Thorough", + -13.745701789855955 + ], + [ + "▁Bridget", + -13.745719909667969 + ], + [ + "▁Hermann", + -13.745734214782717 + ], + [ + "Accept", + -13.745742797851562 + ], + [ + "▁Stellar", + -13.745745658874512 + ], + [ + "▁reachable", + -13.745777130126951 + ], + [ + "anny", + -13.7457914352417 + ], + [ + "▁Loren", + -13.745830535888672 + ], + [ + "610", + -13.745944023132324 + ], + [ + "▁polled", + -13.746052742004396 + ], + [ + "knowing", + -13.746066093444824 + ], + [ + "agen", + -13.746068954467772 + ], + [ + "▁wrecked", + -13.746091842651367 + ], + [ + "Brazil", + -13.746146202087402 + ], + [ + "▁ESC", + -13.74616527557373 + ], + [ + "▁smelly", + -13.74616813659668 + ], + [ + "▁handout", + -13.746171951293944 + ], + [ + "▁Bender", + -13.74620532989502 + ], + [ + "festival", + -13.746217727661133 + ], + [ + "ippy", + -13.746217727661133 + ], + [ + "▁CET", + -13.746235847473145 + ], + [ + "▁(1).", + -13.746251106262209 + ], + [ + "Wilson", + -13.746260643005373 + ], + [ + "Birth", + -13.746281623840332 + ], + [ + "▁refreshment", + -13.74630069732666 + ], + [ + "▁multiplying", + -13.746307373046877 + ], + [ + "468", + -13.746317863464355 + ], + [ + "▁coasts", + -13.746338844299316 + ], + [ + "▁MMO", + -13.746415138244627 + ], + [ + "highest", + -13.746471405029297 + ], + [ + "posted", + -13.746472358703612 + ], + [ + "Portable", + -13.746478080749512 + ], + [ + "Calling", + -13.746479988098145 + ], + [ + "cano", + -13.746520042419434 + ], + [ + "1993", + -13.746535301208496 + ], + [ + "matched", + -13.74655532836914 + ], + [ + "▁gurus", + -13.746567726135254 + ], + [ + "▁FIA", + -13.74658489227295 + ], + [ + "▁kingdoms", + -13.746634483337402 + ], + [ + "015", + -13.74673080444336 + ], + [ + "▁evangelist", + -13.74674129486084 + ], + [ + "▁reproductions", + -13.746745109558104 + ], + [ + "▁Molding", + -13.74676513671875 + ], + [ + "407", + -13.746856689453123 + ], + [ + "pair", + -13.746901512145996 + ], + [ + "Aqua", + -13.746935844421388 + ], + [ + "▁GPUs", + -13.746953010559082 + ], + [ + "▁Analytical", + -13.747082710266112 + ], + [ + "▁Urgent", + -13.747260093688965 + ], + [ + "▁6.8", + -13.747302055358888 + ], + [ + "Kid", + -13.747310638427734 + ], + [ + "▁Hmm", + -13.747386932373049 + ], + [ + "▁Miner", + -13.747485160827637 + ], + [ + "▁cancerous", + -13.747526168823242 + ], + [ + "▁nightclubs", + -13.74755859375 + ], + [ + "▁Brow", + -13.74757957458496 + ], + [ + "rze", + -13.747608184814451 + ], + [ + "mica", + -13.74770450592041 + ], + [ + "▁Barth", + -13.747757911682127 + ], + [ + "▁SAE", + -13.74779224395752 + ], + [ + "▁insulate", + -13.747803688049316 + ], + [ + "▁Queue", + -13.747867584228516 + ], + [ + "▁bounded", + -13.747910499572754 + ], + [ + "▁administers", + -13.74795150756836 + ], + [ + "nique", + -13.748016357421877 + ], + [ + "SPECT", + -13.7481050491333 + ], + [ + "▁Hercules", + -13.748112678527832 + ], + [ + "▁Rohingya", + -13.748112678527832 + ], + [ + "▁horticulture", + -13.748112678527832 + ], + [ + "▁nocturnal", + -13.748112678527832 + ], + [ + "▁optometrist", + -13.748112678527832 + ], + [ + "▁tuxedo", + -13.748112678527832 + ], + [ + "▁resonant", + -13.748113632202148 + ], + [ + "▁Merritt", + -13.748123168945312 + ], + [ + "▁Peabody", + -13.748126983642578 + ], + [ + "▁Durango", + -13.748149871826172 + ], + [ + "▁Ernie", + -13.748160362243652 + ], + [ + "▁mRNA", + -13.748207092285156 + ], + [ + "Tam", + -13.748298645019531 + ], + [ + "▁Shown", + -13.748330116271973 + ], + [ + "▁decoding", + -13.748332023620604 + ], + [ + "598", + -13.74834442138672 + ], + [ + "Var", + -13.74835968017578 + ], + [ + "▁excavated", + -13.748361587524414 + ], + [ + "▁taping", + -13.748371124267578 + ], + [ + "▁Rea", + -13.748406410217283 + ], + [ + "▁2017-2018", + -13.748414993286133 + ], + [ + "▁uncontrolled", + -13.748419761657717 + ], + [ + "▁Sonata", + -13.748448371887209 + ], + [ + "▁harassed", + -13.748477935791016 + ], + [ + "▁1876", + -13.74849796295166 + ], + [ + "▁salvaged", + -13.74850082397461 + ], + [ + "▁Colby", + -13.748533248901367 + ], + [ + "▁Dalai", + -13.748564720153809 + ], + [ + "▁germany", + -13.748590469360352 + ], + [ + "▁Sigh", + -13.74867820739746 + ], + [ + "udging", + -13.748713493347168 + ], + [ + "▁CLEAR", + -13.748785972595217 + ], + [ + "ican", + -13.74879550933838 + ], + [ + "382", + -13.74880313873291 + ], + [ + "▁Uptown", + -13.748808860778809 + ], + [ + "▁arctic", + -13.748854637145996 + ], + [ + "▁Solaris", + -13.748934745788574 + ], + [ + "meier", + -13.74893569946289 + ], + [ + "▁DBA", + -13.749003410339355 + ], + [ + "▁scrubs", + -13.749011993408203 + ], + [ + "nza", + -13.749021530151367 + ], + [ + "▁pooch", + -13.7490816116333 + ], + [ + "KEY", + -13.74919605255127 + ], + [ + "nian", + -13.749208450317385 + ], + [ + "▁311", + -13.74923038482666 + ], + [ + "mari", + -13.749252319335938 + ], + [ + "▁replicas", + -13.749303817749023 + ], + [ + "▁instalment", + -13.749349594116213 + ], + [ + "imper", + -13.749350547790527 + ], + [ + "▁entrant", + -13.749369621276855 + ], + [ + "▁1967.", + -13.749451637268066 + ], + [ + "fifth", + -13.74948024749756 + ], + [ + "479", + -13.749531745910645 + ], + [ + "faith", + -13.749563217163086 + ], + [ + "sig", + -13.749568939208984 + ], + [ + "Valley", + -13.749582290649414 + ], + [ + "wari", + -13.749600410461426 + ], + [ + "▁Applicant", + -13.749624252319336 + ], + [ + "▁disgust", + -13.749631881713867 + ], + [ + "▁commune", + -13.749733924865724 + ], + [ + "▁authoritarian", + -13.74977970123291 + ], + [ + "mineral", + -13.74989414215088 + ], + [ + "▁Scholastic", + -13.749897003173828 + ], + [ + "▁Tah", + -13.74990177154541 + ], + [ + "▁1871", + -13.750011444091797 + ], + [ + "Manual", + -13.75002384185791 + ], + [ + "▁hier", + -13.750039100646973 + ], + [ + "▁inversion", + -13.750039100646973 + ], + [ + "compete", + -13.750113487243652 + ], + [ + "▁cog", + -13.750120162963867 + ], + [ + "VIP", + -13.750182151794434 + ], + [ + "▁locomotives", + -13.750277519226074 + ], + [ + "▁orchids", + -13.750296592712402 + ], + [ + "▁Spinal", + -13.750311851501465 + ], + [ + "EMA", + -13.750314712524414 + ], + [ + "Progress", + -13.750356674194336 + ], + [ + "Pictures", + -13.75043487548828 + ], + [ + "▁Indicator", + -13.750473022460938 + ], + [ + "flies", + -13.750473976135254 + ], + [ + "▁Energ", + -13.750503540039062 + ], + [ + "▁Byrd", + -13.750523567199709 + ], + [ + "▁Verify", + -13.750636100769045 + ], + [ + "mori", + -13.750764846801758 + ], + [ + "▁Markle", + -13.750767707824709 + ], + [ + "mash", + -13.750797271728516 + ], + [ + "oles", + -13.7508544921875 + ], + [ + "▁nineteen", + -13.750981330871582 + ], + [ + "856", + -13.751116752624512 + ], + [ + "▁Boro", + -13.751193046569824 + ], + [ + "▁sporadic", + -13.75129222869873 + ], + [ + "▁anxieties", + -13.751317977905272 + ], + [ + "▁dyslexia", + -13.751317977905272 + ], + [ + "▁liturgy", + -13.751317977905272 + ], + [ + "▁midwives", + -13.751317977905272 + ], + [ + "▁barrister", + -13.75131893157959 + ], + [ + "▁communicative", + -13.751320838928224 + ], + [ + "▁Thunderbolt", + -13.751324653625488 + ], + [ + "▁disposing", + -13.751331329345703 + ], + [ + "▁beekeeping", + -13.751334190368652 + ], + [ + "▁Decatur", + -13.751340866088867 + ], + [ + "▁Presidency", + -13.751346588134766 + ], + [ + "foo", + -13.751348495483398 + ], + [ + "▁390", + -13.75136375427246 + ], + [ + "▁Lazarus", + -13.75136947631836 + ], + [ + "▁hazy", + -13.751373291015623 + ], + [ + "▁unwelcome", + -13.751373291015623 + ], + [ + "▁grandkids", + -13.751376152038574 + ], + [ + "▁Mafia", + -13.75137710571289 + ], + [ + "▁midsize", + -13.751378059387209 + ], + [ + "▁Hasbro", + -13.751391410827637 + ], + [ + "▁Playstation", + -13.751392364501951 + ], + [ + "▁invaders", + -13.751394271850586 + ], + [ + "▁meth", + -13.75145435333252 + ], + [ + "▁breezes", + -13.751471519470217 + ], + [ + "nada", + -13.75148582458496 + ], + [ + "Sue", + -13.751526832580566 + ], + [ + "▁Fairview", + -13.751550674438477 + ], + [ + "▁swatches", + -13.751562118530272 + ], + [ + "▁vigor", + -13.751564979553224 + ], + [ + "-89", + -13.751566886901855 + ], + [ + "founders", + -13.75161361694336 + ], + [ + "cuts", + -13.751631736755373 + ], + [ + "unde", + -13.751653671264648 + ], + [ + "▁LDL", + -13.751681327819824 + ], + [ + "▁Hewitt", + -13.751701354980469 + ], + [ + "▁Barrie", + -13.751704216003418 + ], + [ + "▁Decker", + -13.75174331665039 + ], + [ + "▁foodservice", + -13.751744270324709 + ], + [ + "vina", + -13.751775741577148 + ], + [ + "▁Blum", + -13.751776695251465 + ], + [ + "▁Jardin", + -13.751782417297363 + ], + [ + "buyer", + -13.75182056427002 + ], + [ + "▁Homecoming", + -13.75186538696289 + ], + [ + "187", + -13.751876831054688 + ], + [ + "▁orphaned", + -13.751877784729004 + ], + [ + "ikan", + -13.751893997192385 + ], + [ + "Listing", + -13.751965522766112 + ], + [ + "▁Rt", + -13.751982688903809 + ], + [ + "▁infested", + -13.752002716064451 + ], + [ + "valent", + -13.752119064331056 + ], + [ + "▁Pelican", + -13.752119064331056 + ], + [ + "iction", + -13.752158164978027 + ], + [ + "tial", + -13.752171516418455 + ], + [ + "▁postoperative", + -13.752302169799805 + ], + [ + "▁indifference", + -13.752324104309082 + ], + [ + "Inch", + -13.752363204956056 + ], + [ + "▁upholding", + -13.752405166625977 + ], + [ + "▁1963,", + -13.752459526062012 + ], + [ + "detect", + -13.75253200531006 + ], + [ + "▁reissue", + -13.752549171447754 + ], + [ + "▁cyan", + -13.752748489379885 + ], + [ + "tate", + -13.752764701843262 + ], + [ + "▁barring", + -13.752769470214844 + ], + [ + "▁blunders", + -13.75277328491211 + ], + [ + "nonsense", + -13.752784729003906 + ], + [ + "indi", + -13.752860069274902 + ], + [ + "▁picker", + -13.752948760986328 + ], + [ + "▁Quilts", + -13.752974510192873 + ], + [ + "rings", + -13.75301456451416 + ], + [ + "▁plunger", + -13.75305461883545 + ], + [ + "▁Conferences", + -13.753110885620115 + ], + [ + "▁Displays", + -13.753138542175291 + ], + [ + "Que", + -13.753162384033203 + ], + [ + "▁Lyle", + -13.753198623657228 + ], + [ + "▁stormed", + -13.753273010253906 + ], + [ + "▁moto", + -13.753311157226562 + ], + [ + "lips", + -13.753314018249512 + ], + [ + "rare", + -13.753321647644045 + ], + [ + "▁Experiences", + -13.753372192382812 + ], + [ + "▁prod", + -13.753424644470217 + ], + [ + "▁squads", + -13.753512382507324 + ], + [ + "IMO", + -13.753534317016602 + ], + [ + "▁mysteriously", + -13.7535400390625 + ], + [ + "▁234", + -13.753633499145508 + ], + [ + "▁Emilia", + -13.753667831420898 + ], + [ + "Lack", + -13.75376796722412 + ], + [ + "▁BFA", + -13.753817558288574 + ], + [ + "▁skylight", + -13.753820419311523 + ], + [ + "iPad", + -13.753828048706056 + ], + [ + "▁braids", + -13.753847122192385 + ], + [ + "▁millennia", + -13.753864288330078 + ], + [ + "▁bul", + -13.753904342651367 + ], + [ + "▁Tami", + -13.75394344329834 + ], + [ + "avon", + -13.753989219665527 + ], + [ + "jie", + -13.75399398803711 + ], + [ + "▁Agree", + -13.75402545928955 + ], + [ + "▁paddles", + -13.754067420959473 + ], + [ + "APS", + -13.754094123840332 + ], + [ + "▁780", + -13.754098892211914 + ], + [ + "▁33-", + -13.75418472290039 + ], + [ + "978", + -13.7542142868042 + ], + [ + "▁Merchants", + -13.75421905517578 + ], + [ + "DING", + -13.75422191619873 + ], + [ + "▁homogeneous", + -13.75424098968506 + ], + [ + "▁identifiers", + -13.754267692565918 + ], + [ + "▁mort", + -13.754283905029297 + ], + [ + "▁AGE", + -13.7543363571167 + ], + [ + "PW", + -13.75434112548828 + ], + [ + "▁Chor", + -13.754385948181152 + ], + [ + "mple", + -13.754387855529783 + ], + [ + "335", + -13.754456520080566 + ], + [ + "ident", + -13.754461288452148 + ], + [ + "▁grappling", + -13.754533767700195 + ], + [ + "▁gruesome", + -13.754533767700195 + ], + [ + "▁incubation", + -13.754533767700195 + ], + [ + "▁snatched", + -13.754533767700195 + ], + [ + "▁Phoebe", + -13.754535675048828 + ], + [ + "▁Pollution", + -13.75453758239746 + ], + [ + "▁Cosmic", + -13.75454330444336 + ], + [ + "▁bonfire", + -13.75454807281494 + ], + [ + "▁patriotism", + -13.75455379486084 + ], + [ + "▁lilac", + -13.754576683044434 + ], + [ + "▁Titus", + -13.754683494567873 + ], + [ + "▁magnifying", + -13.754812240600586 + ], + [ + "▁Boardwalk", + -13.754813194274902 + ], + [ + "▁blackberries", + -13.754816055297852 + ], + [ + "▁Gerber", + -13.75485610961914 + ], + [ + "▁Garbage", + -13.754884719848633 + ], + [ + "▁moisturiser", + -13.754886627197266 + ], + [ + "▁Scr", + -13.754923820495604 + ], + [ + "Salt", + -13.754944801330566 + ], + [ + "booking", + -13.754974365234377 + ], + [ + "Lan", + -13.755016326904297 + ], + [ + "▁horseshoe", + -13.755026817321776 + ], + [ + "ood", + -13.75507640838623 + ], + [ + "▁Georg", + -13.755084991455078 + ], + [ + "▁Patton", + -13.755127906799316 + ], + [ + "▁meandering", + -13.755135536193848 + ], + [ + "631", + -13.755279541015623 + ], + [ + "▁Stands", + -13.755284309387209 + ], + [ + "▁Hug", + -13.755367279052734 + ], + [ + "▁43%", + -13.755393028259276 + ], + [ + "▁Liber", + -13.755464553833008 + ], + [ + "▁Jamestown", + -13.755467414855955 + ], + [ + "▁Mood", + -13.755504608154297 + ], + [ + "EH", + -13.755532264709473 + ], + [ + "8-9", + -13.755553245544434 + ], + [ + "Hara", + -13.755558967590332 + ], + [ + "▁giggle", + -13.755562782287598 + ], + [ + "773", + -13.75556468963623 + ], + [ + "▁Steer", + -13.755574226379396 + ], + [ + "▁HAD", + -13.755602836608888 + ], + [ + "reich", + -13.755620002746582 + ], + [ + "thra", + -13.755651473999023 + ], + [ + "bari", + -13.755677223205566 + ], + [ + "4.8", + -13.755763053894045 + ], + [ + "▁warmest", + -13.755855560302734 + ], + [ + "Lou", + -13.755922317504885 + ], + [ + "▁AREA", + -13.755924224853516 + ], + [ + "▁2025.", + -13.755970001220703 + ], + [ + "IOUS", + -13.756011962890623 + ], + [ + "▁44%", + -13.756047248840332 + ], + [ + "albeit", + -13.756061553955078 + ], + [ + "dealer", + -13.75607681274414 + ], + [ + "▁fateful", + -13.756085395812988 + ], + [ + "▁Reflections", + -13.75611400604248 + ], + [ + "gone", + -13.756128311157228 + ], + [ + "218", + -13.756146430969238 + ], + [ + "Alongside", + -13.756180763244627 + ], + [ + "Sci", + -13.756217002868652 + ], + [ + "INT", + -13.7562894821167 + ], + [ + "▁Porta", + -13.756290435791016 + ], + [ + "Owned", + -13.756402969360352 + ], + [ + "▁transplanted", + -13.756447792053224 + ], + [ + "▁Newbury", + -13.756452560424805 + ], + [ + "▁Associations", + -13.756463050842283 + ], + [ + "▁RMS", + -13.756468772888184 + ], + [ + "623", + -13.756518363952637 + ], + [ + "culus", + -13.756518363952637 + ], + [ + ".75\"", + -13.756534576416016 + ], + [ + "▁Exciting", + -13.756566047668455 + ], + [ + "▁Bohemian", + -13.756685256958008 + ], + [ + "pieces", + -13.756780624389648 + ], + [ + "▁Amongst", + -13.756784439086914 + ], + [ + "CMA", + -13.756796836853027 + ], + [ + "▁Twice", + -13.756821632385254 + ], + [ + "Ran", + -13.756824493408203 + ], + [ + "Discovery", + -13.756874084472656 + ], + [ + "▁Confirm", + -13.756911277770996 + ], + [ + "-98", + -13.756914138793944 + ], + [ + "housing", + -13.756943702697754 + ], + [ + "▁470", + -13.757034301757812 + ], + [ + "monte", + -13.757184028625488 + ], + [ + "▁PASS", + -13.757207870483398 + ], + [ + "▁tamper", + -13.757220268249512 + ], + [ + "▁Sino", + -13.75723934173584 + ], + [ + "▁pastels", + -13.75723934173584 + ], + [ + "▁enclose", + -13.757277488708496 + ], + [ + "twist", + -13.757380485534668 + ], + [ + "feeling", + -13.757431030273438 + ], + [ + "▁synced", + -13.757476806640623 + ], + [ + "vite", + -13.757525444030762 + ], + [ + "▁sponsorships", + -13.757539749145508 + ], + [ + "iting", + -13.757554054260254 + ], + [ + "▁signaled", + -13.75755500793457 + ], + [ + "▁willpower", + -13.757564544677734 + ], + [ + "▁Paine", + -13.757573127746582 + ], + [ + "217", + -13.757608413696287 + ], + [ + "▁Landlord", + -13.757729530334473 + ], + [ + "Credential", + -13.75775909423828 + ], + [ + "▁CMYK", + -13.75775909423828 + ], + [ + "▁Lockheed", + -13.75775909423828 + ], + [ + "▁Macquarie", + -13.75775909423828 + ], + [ + "▁Memorandum", + -13.75775909423828 + ], + [ + "▁genealogical", + -13.75775909423828 + ], + [ + "▁grumpy", + -13.75775909423828 + ], + [ + "▁sensitivities", + -13.75775909423828 + ], + [ + "▁Burundi", + -13.75776481628418 + ], + [ + "▁daisy", + -13.757769584655762 + ], + [ + "▁tingling", + -13.757784843444824 + ], + [ + "▁unlicensed", + -13.757818222045898 + ], + [ + "▁detainees", + -13.757842063903809 + ], + [ + "▁centenary", + -13.757868766784668 + ], + [ + "▁nurseries", + -13.757883071899414 + ], + [ + "▁Railways", + -13.757925033569336 + ], + [ + "▁foresight", + -13.757929801940918 + ], + [ + "▁Vanities", + -13.7579984664917 + ], + [ + "▁Chakra", + -13.758041381835938 + ], + [ + "Listed", + -13.758044242858888 + ], + [ + "▁Massey", + -13.758105278015137 + ], + [ + "870", + -13.758108139038086 + ], + [ + "IAC", + -13.758138656616213 + ], + [ + "▁Cliffs", + -13.75814151763916 + ], + [ + "joint", + -13.758180618286133 + ], + [ + "Testing", + -13.758213996887209 + ], + [ + "▁Wicker", + -13.758217811584473 + ], + [ + "▁Treasures", + -13.758234024047852 + ], + [ + "▁caravans", + -13.758301734924316 + ], + [ + "▁Samson", + -13.758403778076172 + ], + [ + "▁frail", + -13.758417129516602 + ], + [ + "▁ven", + -13.758431434631348 + ], + [ + "▁ardent", + -13.75844383239746 + ], + [ + "557", + -13.7584867477417 + ], + [ + "▁Raz", + -13.758490562438965 + ], + [ + "▁Axel", + -13.758540153503418 + ], + [ + "▁Canoe", + -13.758549690246582 + ], + [ + "▁jolt", + -13.75861644744873 + ], + [ + "60%", + -13.758647918701172 + ], + [ + "▁hedging", + -13.758746147155762 + ], + [ + "▁Resistant", + -13.758758544921877 + ], + [ + "▁:-", + -13.758784294128418 + ], + [ + "▁sponges", + -13.75887680053711 + ], + [ + "▁Mechanic", + -13.758930206298828 + ], + [ + "▁Bl", + -13.758991241455078 + ], + [ + "▁Chee", + -13.759062767028809 + ], + [ + "186", + -13.759076118469238 + ], + [ + "muth", + -13.759078025817873 + ], + [ + "▁winemaking", + -13.759161949157717 + ], + [ + "Graph", + -13.759195327758787 + ], + [ + "▁HEAD", + -13.759224891662598 + ], + [ + "▁Buses", + -13.759307861328123 + ], + [ + "527", + -13.759328842163086 + ], + [ + "▁archaeologists", + -13.759336471557615 + ], + [ + "proclaimed", + -13.75936508178711 + ], + [ + "▁0.5%", + -13.759376525878906 + ], + [ + "concrete", + -13.759390830993652 + ], + [ + "▁Branded", + -13.759443283081056 + ], + [ + "▁Hess", + -13.759477615356444 + ], + [ + "▁Mein", + -13.759499549865724 + ], + [ + "▁Kok", + -13.759535789489746 + ], + [ + "▁NXT", + -13.759543418884276 + ], + [ + "▁Nestled", + -13.759560585021973 + ], + [ + "▁Paro", + -13.759651184082031 + ], + [ + "OLA", + -13.759666442871094 + ], + [ + "Orders", + -13.75968074798584 + ], + [ + "mony", + -13.759713172912598 + ], + [ + "Counsel", + -13.759796142578123 + ], + [ + "▁Mica", + -13.759828567504885 + ], + [ + "▁Specialized", + -13.75987720489502 + ], + [ + "▁esta", + -13.75995635986328 + ], + [ + "▁Luxurious", + -13.759964942932127 + ], + [ + "▁licensee", + -13.760025024414062 + ], + [ + "446", + -13.76007843017578 + ], + [ + "▁forensics", + -13.760210037231444 + ], + [ + "▁Graffiti", + -13.760220527648926 + ], + [ + "Hart", + -13.760238647460938 + ], + [ + "▁encapsulated", + -13.76024341583252 + ], + [ + "(2", + -13.760345458984377 + ], + [ + "vascular", + -13.76041316986084 + ], + [ + "▁restricts", + -13.760418891906738 + ], + [ + "▁tumbler", + -13.760421752929688 + ], + [ + "▁rearrange", + -13.760507583618164 + ], + [ + "uy", + -13.760513305664062 + ], + [ + "▁Spar", + -13.76052188873291 + ], + [ + "▁MIS", + -13.760557174682615 + ], + [ + "▁DOJ", + -13.760746955871582 + ], + [ + "▁conspicuous", + -13.760754585266112 + ], + [ + "gauge", + -13.76077938079834 + ], + [ + "▁Erdogan", + -13.760785102844238 + ], + [ + "▁Damian", + -13.760896682739258 + ], + [ + "hod", + -13.760913848876951 + ], + [ + "▁equator", + -13.760984420776367 + ], + [ + "▁crippling", + -13.760995864868164 + ], + [ + "▁emanating", + -13.76099681854248 + ], + [ + "159", + -13.761001586914062 + ], + [ + "▁disdain", + -13.76100254058838 + ], + [ + "▁thermoplastic", + -13.761004447937012 + ], + [ + "▁Paisley", + -13.761005401611328 + ], + [ + "▁whining", + -13.76100730895996 + ], + [ + "▁NYS", + -13.761012077331545 + ], + [ + "▁Alyssa", + -13.761016845703123 + ], + [ + "▁Brigham", + -13.76102066040039 + ], + [ + "▁caddy", + -13.761030197143556 + ], + [ + "▁foodies", + -13.761038780212402 + ], + [ + "▁Zachary", + -13.761046409606934 + ], + [ + "▁Maddie", + -13.76104736328125 + ], + [ + "▁spousal", + -13.7610502243042 + ], + [ + "▁Monmouth", + -13.76105785369873 + ], + [ + "▁Forsyth", + -13.761131286621094 + ], + [ + "▁Shepard", + -13.761181831359863 + ], + [ + "▁Snowden", + -13.761191368103027 + ], + [ + "▁appease", + -13.761201858520508 + ], + [ + "▁Rowling", + -13.76122760772705 + ], + [ + "▁WAV", + -13.761249542236328 + ], + [ + "GV", + -13.761281967163086 + ], + [ + "▁Potatoes", + -13.761282920837402 + ], + [ + "▁Merlot", + -13.761284828186035 + ], + [ + "lifetime", + -13.761343002319336 + ], + [ + "▁weaponry", + -13.761366844177246 + ], + [ + "Responding", + -13.76140022277832 + ], + [ + "▁Boul", + -13.761425971984863 + ], + [ + "▁chronically", + -13.761454582214355 + ], + [ + "▁Seminole", + -13.761502265930176 + ], + [ + "▁Exotic", + -13.761556625366213 + ], + [ + "▁sideline", + -13.76155948638916 + ], + [ + "▁Obesity", + -13.761577606201172 + ], + [ + "▁bmw", + -13.761581420898438 + ], + [ + "▁offsite", + -13.761610984802246 + ], + [ + "▁Courtyard", + -13.761614799499512 + ], + [ + "ament", + -13.761638641357422 + ], + [ + "lva", + -13.761679649353027 + ], + [ + "▁Tasmanian", + -13.761699676513672 + ], + [ + "iev", + -13.761740684509276 + ], + [ + "▁favours", + -13.76180648803711 + ], + [ + "GRA", + -13.761948585510254 + ], + [ + "respected", + -13.762033462524414 + ], + [ + "▁medial", + -13.762041091918944 + ], + [ + "▁naps", + -13.762089729309082 + ], + [ + "▁clots", + -13.762211799621582 + ], + [ + "▁dissertations", + -13.76225757598877 + ], + [ + "abo", + -13.762356758117676 + ], + [ + "▁rulings", + -13.762374877929688 + ], + [ + "▁Tort", + -13.762474060058594 + ], + [ + "▁soot", + -13.762548446655272 + ], + [ + "▁SHARE", + -13.762557983398438 + ], + [ + "▁Voluntary", + -13.76255989074707 + ], + [ + "Demonstrate", + -13.762643814086914 + ], + [ + "column", + -13.76267433166504 + ], + [ + "Numerous", + -13.762688636779783 + ], + [ + "Charlotte", + -13.762694358825684 + ], + [ + "Luxury", + -13.762699127197266 + ], + [ + "512", + -13.762741088867188 + ], + [ + "▁Schwab", + -13.762837409973145 + ], + [ + "portable", + -13.76286792755127 + ], + [ + "ayo", + -13.762887954711914 + ], + [ + "prov", + -13.762909889221191 + ], + [ + "▁underage", + -13.762925148010254 + ], + [ + "-56", + -13.76295280456543 + ], + [ + "(2),", + -13.763104438781738 + ], + [ + "5-8", + -13.763163566589355 + ], + [ + "▁timepiece", + -13.763166427612305 + ], + [ + "▁dizzy", + -13.763175010681152 + ], + [ + "▁Troop", + -13.763185501098633 + ], + [ + "Element", + -13.7632474899292 + ], + [ + "▁messes", + -13.76326847076416 + ], + [ + "▁Silhouette", + -13.763299942016602 + ], + [ + "▁IOC", + -13.763318061828612 + ], + [ + "▁jean", + -13.763325691223145 + ], + [ + "trix", + -13.763391494750977 + ], + [ + "▁Francois", + -13.763453483581545 + ], + [ + "ggie", + -13.763497352600098 + ], + [ + "▁lan", + -13.763631820678713 + ], + [ + "231", + -13.763663291931152 + ], + [ + "grapher", + -13.763686180114746 + ], + [ + "▁purify", + -13.763748168945312 + ], + [ + "▁Hermes", + -13.76376724243164 + ], + [ + "▁zippers", + -13.763854026794434 + ], + [ + "▁purport", + -13.76386547088623 + ], + [ + "▁dismay", + -13.763891220092772 + ], + [ + "dew", + -13.76389503479004 + ], + [ + "▁30\"", + -13.76396656036377 + ], + [ + "▁EPIC", + -13.763991355895996 + ], + [ + "▁Khu", + -13.7640962600708 + ], + [ + "ELA", + -13.76409912109375 + ], + [ + "▁inked", + -13.764113426208496 + ], + [ + "anything", + -13.764190673828123 + ], + [ + "▁overloaded", + -13.76421356201172 + ], + [ + "CSE", + -13.764240264892578 + ], + [ + "Semitism", + -13.764242172241213 + ], + [ + "▁dermatitis", + -13.764242172241213 + ], + [ + "▁hypocrisy", + -13.764242172241213 + ], + [ + "▁mischievous", + -13.764242172241213 + ], + [ + "▁observable", + -13.764242172241213 + ], + [ + "▁snooze", + -13.764242172241213 + ], + [ + "▁Somerville", + -13.764243125915527 + ], + [ + "▁Earthquake", + -13.764260292053224 + ], + [ + "▁OFFICE", + -13.76427173614502 + ], + [ + "▁moonlight", + -13.764272689819336 + ], + [ + "rog", + -13.764278411865234 + ], + [ + "▁astute", + -13.764294624328612 + ], + [ + "▁abduction", + -13.764305114746094 + ], + [ + "▁terminating", + -13.764327049255373 + ], + [ + "nex", + -13.764337539672852 + ], + [ + "tov", + -13.764349937438965 + ], + [ + "sqm", + -13.764400482177734 + ], + [ + "▁Kirkland", + -13.76445770263672 + ], + [ + "▁DBS", + -13.764459609985352 + ], + [ + "97.", + -13.764467239379885 + ], + [ + "▁Retailers", + -13.764525413513184 + ], + [ + "▁Curator", + -13.764607429504396 + ], + [ + "▁223", + -13.764683723449709 + ], + [ + "▁deg", + -13.764703750610352 + ], + [ + "▁Marta", + -13.76471710205078 + ], + [ + "▁notepad", + -13.764768600463867 + ], + [ + "▁broadest", + -13.764779090881348 + ], + [ + "boa", + -13.764795303344728 + ], + [ + "▁Aud", + -13.764810562133787 + ], + [ + "▁Fridge", + -13.764843940734863 + ], + [ + "Movie", + -13.764869689941406 + ], + [ + "▁joystick", + -13.76487922668457 + ], + [ + "QU", + -13.764914512634276 + ], + [ + "▁explorations", + -13.764923095703123 + ], + [ + "▁dismantled", + -13.765033721923828 + ], + [ + "▁conjure", + -13.765085220336914 + ], + [ + "Ap", + -13.76512050628662 + ], + [ + "▁david", + -13.765149116516112 + ], + [ + "Sys", + -13.76518726348877 + ], + [ + "eps", + -13.765219688415527 + ], + [ + "imus", + -13.765243530273438 + ], + [ + "tional", + -13.765292167663574 + ], + [ + "▁airways", + -13.765386581420898 + ], + [ + "PHI", + -13.765469551086426 + ], + [ + "▁rescues", + -13.765575408935549 + ], + [ + "RTC", + -13.765620231628418 + ], + [ + "▁Dude", + -13.765642166137695 + ], + [ + "▁censor", + -13.765765190124512 + ], + [ + "▁Ald", + -13.765809059143066 + ], + [ + "▁propeller", + -13.765820503234863 + ], + [ + "UFF", + -13.765894889831545 + ], + [ + "▁VIA", + -13.765915870666504 + ], + [ + "▁Moro", + -13.76601505279541 + ], + [ + "Traffic", + -13.766030311584473 + ], + [ + "▁climber", + -13.766075134277344 + ], + [ + "creator", + -13.766077995300291 + ], + [ + "Fight", + -13.766098022460938 + ], + [ + "▁skylights", + -13.7662353515625 + ], + [ + "▁Filipinos", + -13.766243934631348 + ], + [ + "▁Plano", + -13.766313552856444 + ], + [ + "▁pundits", + -13.766343116760254 + ], + [ + "▁chit", + -13.766432762145996 + ], + [ + "▁stunningly", + -13.766446113586426 + ], + [ + "▁Authentication", + -13.766552925109863 + ], + [ + "uen", + -13.766557693481444 + ], + [ + "▁Protecting", + -13.766584396362305 + ], + [ + "▁explanatory", + -13.76658821105957 + ], + [ + "Repair", + -13.766761779785156 + ], + [ + "▁Kiri", + -13.76677417755127 + ], + [ + "▁Fingers", + -13.766932487487791 + ], + [ + "▁Mainland", + -13.766935348510742 + ], + [ + "925", + -13.767111778259276 + ], + [ + "Pak", + -13.76711368560791 + ], + [ + "906", + -13.76712703704834 + ], + [ + "▁1881", + -13.767138481140137 + ], + [ + "▁2019:", + -13.76716136932373 + ], + [ + "mell", + -13.767233848571776 + ], + [ + "▁platters", + -13.7672758102417 + ], + [ + "▁Biennale", + -13.767499923706056 + ], + [ + "▁Enemy", + -13.767499923706056 + ], + [ + "▁Hickory", + -13.767499923706056 + ], + [ + "▁Jehovah", + -13.767499923706056 + ], + [ + "▁consonant", + -13.767499923706056 + ], + [ + "▁humiliation", + -13.767499923706056 + ], + [ + "▁stabilizing", + -13.767499923706056 + ], + [ + "▁Felipe", + -13.767501831054688 + ], + [ + "▁nexus", + -13.767501831054688 + ], + [ + "▁Dunedin", + -13.76750373840332 + ], + [ + "▁stucco", + -13.76750373840332 + ], + [ + "boggling", + -13.767565727233888 + ], + [ + "▁Depp", + -13.767566680908203 + ], + [ + "▁barista", + -13.767786026000977 + ], + [ + "▁copywriting", + -13.767805099487305 + ], + [ + "▁encore", + -13.767817497253418 + ], + [ + "Adult", + -13.76784324645996 + ], + [ + "▁conductive", + -13.76785659790039 + ], + [ + "▁modernized", + -13.76789665222168 + ], + [ + "▁slaw", + -13.767898559570312 + ], + [ + "▁2014-15", + -13.76791763305664 + ], + [ + "▁outlaw", + -13.767950057983398 + ], + [ + "▁rotors", + -13.767964363098145 + ], + [ + "▁unconditionally", + -13.767995834350586 + ], + [ + "▁dispel", + -13.76801586151123 + ], + [ + "Aw", + -13.768036842346191 + ], + [ + "▁Mathews", + -13.768041610717772 + ], + [ + "▁Simmer", + -13.768054008483888 + ], + [ + "Format", + -13.76809024810791 + ], + [ + "▁Mongolian", + -13.768099784851074 + ], + [ + "rau", + -13.768128395080566 + ], + [ + "552", + -13.768206596374512 + ], + [ + "▁Lak", + -13.768247604370115 + ], + [ + "▁sixties", + -13.768280029296877 + ], + [ + "241", + -13.76828670501709 + ], + [ + "▁Dirk", + -13.768291473388672 + ], + [ + "▁Primer", + -13.768335342407228 + ], + [ + "▁physicists", + -13.768336296081545 + ], + [ + "▁KIT", + -13.768360137939451 + ], + [ + "ramp", + -13.768380165100098 + ], + [ + "▁Gravel", + -13.76843547821045 + ], + [ + "▁Suppose", + -13.768484115600586 + ], + [ + "▁literate", + -13.768580436706545 + ], + [ + "stal", + -13.768583297729492 + ], + [ + "▁Woodlands", + -13.768726348876951 + ], + [ + "▁keel", + -13.768787384033203 + ], + [ + "▁priv", + -13.768866539001465 + ], + [ + "574", + -13.768935203552246 + ], + [ + "▁commences", + -13.768943786621094 + ], + [ + "alaya", + -13.768953323364258 + ], + [ + "Specific", + -13.769110679626465 + ], + [ + "▁Saha", + -13.769110679626465 + ], + [ + "▁Momentum", + -13.769120216369627 + ], + [ + "serious", + -13.769187927246094 + ], + [ + "▁Recycle", + -13.769189834594728 + ], + [ + "surgery", + -13.769371032714844 + ], + [ + "Leadership", + -13.769386291503906 + ], + [ + "Feedback", + -13.769399642944336 + ], + [ + "▁ops", + -13.769410133361816 + ], + [ + "▁finalised", + -13.769463539123535 + ], + [ + "kies", + -13.769501686096191 + ], + [ + "everyone", + -13.76951503753662 + ], + [ + "▁shortstop", + -13.769550323486328 + ], + [ + "snap", + -13.769564628601074 + ], + [ + "Chairman", + -13.76956558227539 + ], + [ + "scribed", + -13.76956558227539 + ], + [ + "▁8.3", + -13.769665718078612 + ], + [ + "▁apartheid", + -13.769665718078612 + ], + [ + "▁methyl", + -13.769668579101562 + ], + [ + "▁Confession", + -13.769683837890623 + ], + [ + "483", + -13.769685745239258 + ], + [ + "buster", + -13.769782066345217 + ], + [ + "789", + -13.76983642578125 + ], + [ + "▁ENG", + -13.769912719726562 + ], + [ + "▁Ruff", + -13.769957542419434 + ], + [ + "ите", + -13.7699613571167 + ], + [ + "▁Hussain", + -13.769983291625977 + ], + [ + "lr", + -13.77001953125 + ], + [ + "jump", + -13.770220756530762 + ], + [ + "▁shroud", + -13.770373344421388 + ], + [ + "login", + -13.770383834838867 + ], + [ + "unlike", + -13.7705078125 + ], + [ + "▁unintentional", + -13.770545959472656 + ], + [ + "▁Oceania", + -13.7705659866333 + ], + [ + "291", + -13.770587921142578 + ], + [ + "Mining", + -13.770617485046388 + ], + [ + "cheng", + -13.770685195922852 + ], + [ + "dice", + -13.770689964294434 + ], + [ + "▁tickle", + -13.77075481414795 + ], + [ + "Negotiation", + -13.770767211914062 + ], + [ + "▁Cheddar", + -13.770767211914062 + ], + [ + "▁Murdoch", + -13.770767211914062 + ], + [ + "▁clunky", + -13.770767211914062 + ], + [ + "▁kangaroo", + -13.770767211914062 + ], + [ + "▁crimson", + -13.77076816558838 + ], + [ + "▁Angular", + -13.77077293395996 + ], + [ + "▁menswear", + -13.770776748657228 + ], + [ + "▁untapped", + -13.77078342437744 + ], + [ + "▁unobtrusive", + -13.770788192749023 + ], + [ + "▁honeycomb", + -13.77080249786377 + ], + [ + "lind", + -13.7708101272583 + ], + [ + "▁tyranny", + -13.770818710327148 + ], + [ + "▁Harrington", + -13.770825386047363 + ], + [ + "▁Envy", + -13.770837783813477 + ], + [ + "▁redistribution", + -13.77084732055664 + ], + [ + "▁gif", + -13.770862579345703 + ], + [ + "▁poached", + -13.770899772644045 + ], + [ + "▁Yugoslavia", + -13.770915031433104 + ], + [ + "▁Brookfield", + -13.770915985107422 + ], + [ + "▁Susie", + -13.770918846130373 + ], + [ + "▁audiobooks", + -13.770995140075684 + ], + [ + "▁monday", + -13.771011352539062 + ], + [ + "▁emojis", + -13.771025657653809 + ], + [ + "302", + -13.771047592163086 + ], + [ + "nning", + -13.771089553833008 + ], + [ + "▁IBS", + -13.771153450012209 + ], + [ + "▁Lille", + -13.771193504333496 + ], + [ + "99%", + -13.771249771118164 + ], + [ + "▁ester", + -13.77126407623291 + ], + [ + "▁Fitted", + -13.77129364013672 + ], + [ + "pane", + -13.771333694458008 + ], + [ + "▁Graduates", + -13.771358489990234 + ], + [ + "SEM", + -13.771368026733398 + ], + [ + "▁sunken", + -13.771374702453612 + ], + [ + "ADE", + -13.771416664123535 + ], + [ + "erta", + -13.771434783935549 + ], + [ + "▁Spl", + -13.771441459655762 + ], + [ + "▁slashed", + -13.771530151367188 + ], + [ + "▁Baths", + -13.771565437316896 + ], + [ + "▁sparking", + -13.771604537963867 + ], + [ + "Pu", + -13.771662712097168 + ], + [ + "▁CHECK", + -13.771728515625 + ], + [ + "phor", + -13.771746635437012 + ], + [ + "▁scrapbooking", + -13.771761894226074 + ], + [ + "▁Myself", + -13.771770477294922 + ], + [ + "▁Handel", + -13.771778106689451 + ], + [ + "▁psychiatry", + -13.771857261657717 + ], + [ + "▁orchestras", + -13.771868705749512 + ], + [ + "Stra", + -13.77193832397461 + ], + [ + "PY", + -13.771947860717772 + ], + [ + "▁psychopath", + -13.77200412750244 + ], + [ + "enga", + -13.77207088470459 + ], + [ + "elu", + -13.772083282470703 + ], + [ + "IUM", + -13.772170066833496 + ], + [ + "▁Blas", + -13.77221965789795 + ], + [ + "▁aversion", + -13.77224063873291 + ], + [ + "▁Spade", + -13.77236557006836 + ], + [ + "locate", + -13.77242946624756 + ], + [ + "▁socialization", + -13.772459030151367 + ], + [ + "▁Chromebook", + -13.772490501403809 + ], + [ + "Comfort", + -13.772507667541504 + ], + [ + "posi", + -13.772550582885742 + ], + [ + "5:00", + -13.772648811340332 + ], + [ + "▁weep", + -13.772720336914062 + ], + [ + "Sullivan", + -13.772727966308594 + ], + [ + "Medium", + -13.772793769836426 + ], + [ + "gress", + -13.772826194763184 + ], + [ + "Copper", + -13.77286434173584 + ], + [ + "▁showering", + -13.772871017456056 + ], + [ + "▁RSI", + -13.772871971130373 + ], + [ + "▁RDA", + -13.772884368896484 + ], + [ + "ethnic", + -13.77288818359375 + ], + [ + "IED", + -13.773041725158691 + ], + [ + "9.7", + -13.773096084594728 + ], + [ + "▁AIA", + -13.773118019104004 + ], + [ + "operate", + -13.773138046264648 + ], + [ + "▁ITC", + -13.773219108581545 + ], + [ + "random", + -13.77322769165039 + ], + [ + "▁Earnings", + -13.773266792297363 + ], + [ + "▁Gio", + -13.773359298706056 + ], + [ + "▁Darth", + -13.773418426513672 + ], + [ + "▁Degrees", + -13.77343463897705 + ], + [ + "▁Doo", + -13.77347183227539 + ], + [ + "▁Tetra", + -13.773507118225098 + ], + [ + "ctic", + -13.773512840270996 + ], + [ + "rax", + -13.773518562316896 + ], + [ + "▁needn", + -13.773531913757324 + ], + [ + "TEK", + -13.773540496826172 + ], + [ + "▁BET", + -13.773602485656738 + ], + [ + "▁4,500", + -13.773612022399902 + ], + [ + "▁relinquish", + -13.77364730834961 + ], + [ + "▁URI", + -13.773655891418455 + ], + [ + "ANI", + -13.77369213104248 + ], + [ + "▁Flute", + -13.773719787597656 + ], + [ + "▁90'", + -13.773720741271973 + ], + [ + "▁Sanjay", + -13.773721694946287 + ], + [ + "TAC", + -13.77382755279541 + ], + [ + "▁Pok", + -13.773836135864258 + ], + [ + "▁SAL", + -13.773887634277344 + ], + [ + "▁Wand", + -13.773951530456545 + ], + [ + "▁Dracula", + -13.774045944213867 + ], + [ + "▁dwindling", + -13.774045944213867 + ], + [ + "▁hypotheses", + -13.774045944213867 + ], + [ + "▁intrepid", + -13.774045944213867 + ], + [ + "▁paternal", + -13.774045944213867 + ], + [ + "▁shenanigans", + -13.774045944213867 + ], + [ + "▁tumultuous", + -13.774045944213867 + ], + [ + "▁Moz", + -13.774093627929688 + ], + [ + "▁discontent", + -13.77409839630127 + ], + [ + "▁Robyn", + -13.774107933044434 + ], + [ + "▁unarmed", + -13.774109840393066 + ], + [ + "gence", + -13.774115562438965 + ], + [ + "▁seatbelt", + -13.77411937713623 + ], + [ + "▁grandchild", + -13.774124145507812 + ], + [ + "▁Burnley", + -13.774160385131836 + ], + [ + "▁Federer", + -13.774203300476074 + ], + [ + "Distinct", + -13.774216651916504 + ], + [ + "-120", + -13.774301528930664 + ], + [ + "▁Timer", + -13.774330139160156 + ], + [ + "▁invalidate", + -13.774425506591797 + ], + [ + "▁||", + -13.774507522583008 + ], + [ + "VF", + -13.774517059326172 + ], + [ + "nbsp", + -13.774544715881348 + ], + [ + "▁TIFF", + -13.774560928344728 + ], + [ + "cee", + -13.77460479736328 + ], + [ + "mmmm", + -13.774645805358888 + ], + [ + "▁coffees", + -13.774656295776367 + ], + [ + "▁Ruiz", + -13.774658203125 + ], + [ + "▁Sensing", + -13.774683952331545 + ], + [ + "LEN", + -13.77472686767578 + ], + [ + "▁rewriting", + -13.774768829345703 + ], + [ + "▁creed", + -13.774785041809082 + ], + [ + "▁snowman", + -13.774802207946776 + ], + [ + "▁laborers", + -13.774805068969728 + ], + [ + "▁booklets", + -13.774868965148926 + ], + [ + "Spi", + -13.774907112121582 + ], + [ + "▁Boon", + -13.774911880493164 + ], + [ + "▁sho", + -13.774981498718262 + ], + [ + "▁collided", + -13.775046348571776 + ], + [ + "▁ephemeral", + -13.77504825592041 + ], + [ + "▁contoured", + -13.775100708007812 + ], + [ + "ours", + -13.77511501312256 + ], + [ + "▁:(", + -13.77512550354004 + ], + [ + "checking", + -13.7752046585083 + ], + [ + "397", + -13.775338172912598 + ], + [ + "▁SBA", + -13.77543830871582 + ], + [ + "▁pegs", + -13.775453567504885 + ], + [ + "editing", + -13.775490760803224 + ], + [ + "▁Ripple", + -13.775609016418455 + ], + [ + "jj", + -13.775632858276367 + ], + [ + "esch", + -13.775647163391112 + ], + [ + "▁Zones", + -13.775668144226074 + ], + [ + "▁Det", + -13.775755882263184 + ], + [ + "▁buzzer", + -13.77577781677246 + ], + [ + "▁doxycycline", + -13.77580738067627 + ], + [ + "▁$47", + -13.775839805603027 + ], + [ + "▁Switching", + -13.775885581970217 + ], + [ + "Attach", + -13.775893211364746 + ], + [ + "844", + -13.77589988708496 + ], + [ + "4′′", + -13.775901794433594 + ], + [ + "▁exempted", + -13.775948524475098 + ], + [ + "▁swab", + -13.776001930236816 + ], + [ + "sister", + -13.77606201171875 + ], + [ + "Furniture", + -13.776101112365724 + ], + [ + "Michigan", + -13.776103019714355 + ], + [ + "Alexander", + -13.776108741760254 + ], + [ + "vintage", + -13.776108741760254 + ], + [ + "▁kart", + -13.77611255645752 + ], + [ + "▁Tres", + -13.776114463806152 + ], + [ + "323", + -13.776122093200684 + ], + [ + "itra", + -13.776124000549316 + ], + [ + "purple", + -13.776135444641112 + ], + [ + "password", + -13.776152610778809 + ], + [ + "Immediately", + -13.776175498962402 + ], + [ + "▁DSS", + -13.776251792907717 + ], + [ + "▁riser", + -13.776280403137209 + ], + [ + "▁AWD", + -13.776328086853027 + ], + [ + "277", + -13.776341438293455 + ], + [ + "▁Edmond", + -13.776349067687988 + ], + [ + "Straight", + -13.776365280151367 + ], + [ + "▁bazaar", + -13.776369094848633 + ], + [ + "▁Stamps", + -13.776448249816896 + ], + [ + "née", + -13.776616096496582 + ], + [ + "866", + -13.776620864868164 + ], + [ + "aton", + -13.776630401611328 + ], + [ + "lime", + -13.776631355285645 + ], + [ + "▁Reilly", + -13.776703834533691 + ], + [ + "monger", + -13.776865005493164 + ], + [ + "Rice", + -13.776898384094238 + ], + [ + "▁TRANS", + -13.776949882507324 + ], + [ + "▁Boko", + -13.777087211608888 + ], + [ + "tically", + -13.777111053466797 + ], + [ + "▁Crea", + -13.777111053466797 + ], + [ + "▁defenseman", + -13.777121543884276 + ], + [ + "Philip", + -13.77712631225586 + ], + [ + "eviating", + -13.777276039123535 + ], + [ + "Dy", + -13.77730655670166 + ], + [ + "▁moot", + -13.777328491210938 + ], + [ + "▁Monsanto", + -13.777336120605469 + ], + [ + "▁Pensacola", + -13.777336120605469 + ], + [ + "▁populace", + -13.777336120605469 + ], + [ + "▁circling", + -13.777337074279783 + ], + [ + "▁hindrance", + -13.777337074279783 + ], + [ + "▁McGrath", + -13.777338027954102 + ], + [ + "▁abatement", + -13.777338027954102 + ], + [ + "▁Rainforest", + -13.777347564697266 + ], + [ + "▁maturation", + -13.777351379394531 + ], + [ + "▁Tallinn", + -13.777358055114746 + ], + [ + "▁Blanchard", + -13.77735996246338 + ], + [ + "▁Bellingham", + -13.777383804321287 + ], + [ + "▁Cardiac", + -13.777403831481934 + ], + [ + "Lot", + -13.77742862701416 + ], + [ + "464", + -13.777435302734377 + ], + [ + "▁plough", + -13.777443885803224 + ], + [ + "▁primal", + -13.777460098266602 + ], + [ + "▁Coachella", + -13.777461051940918 + ], + [ + "▁Proposition", + -13.777524948120115 + ], + [ + "▁Hock", + -13.777579307556152 + ], + [ + "kovic", + -13.777585983276367 + ], + [ + "727", + -13.777643203735352 + ], + [ + "▁agro", + -13.777650833129885 + ], + [ + "Ky", + -13.777664184570312 + ], + [ + "ojo", + -13.777717590332031 + ], + [ + "8.0", + -13.777722358703612 + ], + [ + "▁resists", + -13.777734756469728 + ], + [ + "▁abolished", + -13.777799606323242 + ], + [ + "▁Evolve", + -13.777841567993164 + ], + [ + "▁Severe", + -13.777889251708984 + ], + [ + "▁AMS", + -13.778053283691406 + ], + [ + "wain", + -13.778056144714355 + ], + [ + "▁SPD", + -13.778178215026855 + ], + [ + "▁Aur", + -13.77822971343994 + ], + [ + "490", + -13.778284072875977 + ], + [ + "▁Judgment", + -13.778350830078123 + ], + [ + "▁inducing", + -13.77843952178955 + ], + [ + "▁Removals", + -13.778578758239746 + ], + [ + "537", + -13.778619766235352 + ], + [ + "tres", + -13.778647422790527 + ], + [ + "OME", + -13.778648376464844 + ], + [ + "▁skew", + -13.77867031097412 + ], + [ + "-001", + -13.778681755065918 + ], + [ + "▁Chamberlain", + -13.778697967529297 + ], + [ + "sack", + -13.778727531433104 + ], + [ + "OMA", + -13.778743743896484 + ], + [ + "▁Thou", + -13.778765678405762 + ], + [ + "ripper", + -13.778778076171877 + ], + [ + "dominated", + -13.77878761291504 + ], + [ + "▁Yards", + -13.778904914855955 + ], + [ + "Ooh", + -13.778918266296388 + ], + [ + "▁Scheduling", + -13.779007911682127 + ], + [ + "▁Atari", + -13.779024124145508 + ], + [ + "▁undermined", + -13.77904224395752 + ], + [ + "▁mb", + -13.779047966003418 + ], + [ + "pattern", + -13.779065132141112 + ], + [ + "ql", + -13.77914810180664 + ], + [ + "▁decorator", + -13.779157638549805 + ], + [ + "▁delegated", + -13.779163360595703 + ], + [ + "Essential", + -13.779216766357422 + ], + [ + "▁canadian", + -13.77927017211914 + ], + [ + "11,", + -13.779281616210938 + ], + [ + "EXE", + -13.779287338256836 + ], + [ + "▁Dali", + -13.77929973602295 + ], + [ + "▁benefitting", + -13.779443740844728 + ], + [ + "Leaving", + -13.779463768005373 + ], + [ + "External", + -13.77946949005127 + ], + [ + "Scotland", + -13.77947998046875 + ], + [ + "vali", + -13.779546737670898 + ], + [ + "▁SERP", + -13.779548645019531 + ], + [ + "1992", + -13.77956771850586 + ], + [ + "▁Boe", + -13.77959156036377 + ], + [ + "illian", + -13.779598236083984 + ], + [ + "versed", + -13.779600143432615 + ], + [ + "▁convex", + -13.779666900634766 + ], + [ + "▁Browning", + -13.779722213745115 + ], + [ + "▁Cyril", + -13.78007984161377 + ], + [ + "▁Ritchie", + -13.780091285705566 + ], + [ + "iye", + -13.78013038635254 + ], + [ + "▁defensively", + -13.780202865600586 + ], + [ + "Slice", + -13.780263900756836 + ], + [ + "▁restructure", + -13.780264854431152 + ], + [ + "vani", + -13.780290603637695 + ], + [ + "▁Bavaria", + -13.780324935913086 + ], + [ + "bei", + -13.780381202697754 + ], + [ + "▁payback", + -13.780387878417969 + ], + [ + "▁jot", + -13.78046989440918 + ], + [ + "▁zen", + -13.780474662780762 + ], + [ + "▁Croft", + -13.780558586120604 + ], + [ + "cant", + -13.78060245513916 + ], + [ + "▁thermostats", + -13.780604362487791 + ], + [ + "▁exe", + -13.78062343597412 + ], + [ + "▁Harrogate", + -13.780635833740234 + ], + [ + "▁Shenandoah", + -13.780635833740234 + ], + [ + "▁WOULD", + -13.780635833740234 + ], + [ + "▁cappuccino", + -13.780635833740234 + ], + [ + "▁tenacity", + -13.780635833740234 + ], + [ + "▁COUNTY", + -13.78063678741455 + ], + [ + "▁meridian", + -13.78063678741455 + ], + [ + "▁Informatics", + -13.7806396484375 + ], + [ + "▁Adriatic", + -13.780640602111816 + ], + [ + "▁appalling", + -13.780640602111816 + ], + [ + "▁Pathfinder", + -13.780646324157717 + ], + [ + "▁Saddam", + -13.780647277832031 + ], + [ + "▁Worcestershire", + -13.780649185180664 + ], + [ + "▁interspersed", + -13.78065586090088 + ], + [ + "▁Danube", + -13.78066349029541 + ], + [ + "▁McKenna", + -13.780667304992676 + ], + [ + "▁Shetland", + -13.780682563781738 + ], + [ + "umo", + -13.780692100524902 + ], + [ + "▁casket", + -13.7807035446167 + ], + [ + "▁Rolf", + -13.780739784240724 + ], + [ + "▁Khmer", + -13.780741691589355 + ], + [ + "mechanical", + -13.780743598937988 + ], + [ + "▁infill", + -13.78076171875 + ], + [ + "▁Illness", + -13.780810356140137 + ], + [ + "▁HW", + -13.780835151672363 + ], + [ + "▁Forgotten", + -13.780912399291992 + ], + [ + "▁Beads", + -13.780961036682127 + ], + [ + "egen", + -13.78096866607666 + ], + [ + "▁Trin", + -13.781012535095217 + ], + [ + "▁32%", + -13.781023979187012 + ], + [ + "▁Tobias", + -13.781035423278809 + ], + [ + "▁Kayla", + -13.781041145324709 + ], + [ + "▁succumbed", + -13.781085968017578 + ], + [ + "▁Unite", + -13.781102180480955 + ], + [ + "▁Pipes", + -13.781126976013184 + ], + [ + "▁tel", + -13.781133651733398 + ], + [ + "dara", + -13.781279563903809 + ], + [ + "▁redress", + -13.781320571899414 + ], + [ + "topping", + -13.781335830688477 + ], + [ + "▁Albanian", + -13.781380653381348 + ], + [ + "▁Eck", + -13.7814359664917 + ], + [ + "meri", + -13.781476020812988 + ], + [ + "▁13.5", + -13.781488418579102 + ], + [ + "142", + -13.781519889831545 + ], + [ + "▁Tae", + -13.781781196594238 + ], + [ + "▁Cau", + -13.781789779663086 + ], + [ + "▁coherence", + -13.781819343566896 + ], + [ + "229", + -13.78183650970459 + ], + [ + "▁calmness", + -13.781842231750488 + ], + [ + "▁Samba", + -13.781895637512209 + ], + [ + "▁Porte", + -13.781923294067385 + ], + [ + "NASA", + -13.781960487365724 + ], + [ + "▁OEMs", + -13.781964302062988 + ], + [ + "▁Nicki", + -13.781978607177734 + ], + [ + "▁Narrative", + -13.781987190246582 + ], + [ + "▁DATE", + -13.78200626373291 + ], + [ + "▁Trips", + -13.782034873962402 + ], + [ + "Typ", + -13.782036781311035 + ], + [ + "▁gimmick", + -13.782037734985352 + ], + [ + "nner", + -13.782074928283691 + ], + [ + "▁plantar", + -13.782194137573242 + ], + [ + "▁digested", + -13.782270431518556 + ], + [ + "▁appropriation", + -13.782305717468262 + ], + [ + "Officers", + -13.782393455505373 + ], + [ + "Kan", + -13.782410621643066 + ], + [ + "▁Tama", + -13.78242301940918 + ], + [ + "Eds", + -13.782567024230955 + ], + [ + "▁Homeless", + -13.782583236694336 + ], + [ + "▁Acu", + -13.782647132873535 + ], + [ + "▁Reduced", + -13.782684326171877 + ], + [ + "▁modal", + -13.78279972076416 + ], + [ + "5.9", + -13.782855987548828 + ], + [ + "Oxford", + -13.782883644104004 + ], + [ + "▁camo", + -13.782899856567385 + ], + [ + "▁Dortmund", + -13.782903671264648 + ], + [ + "▁endures", + -13.78293228149414 + ], + [ + "Minister", + -13.782968521118164 + ], + [ + "GDPR", + -13.782973289489746 + ], + [ + "HRC", + -13.78309440612793 + ], + [ + "▁MAIN", + -13.783214569091797 + ], + [ + "624", + -13.783226013183594 + ], + [ + "▁victor", + -13.783269882202148 + ], + [ + "▁Faber", + -13.783275604248049 + ], + [ + "▁Runners", + -13.783384323120115 + ], + [ + "9.1", + -13.78343391418457 + ], + [ + "cox", + -13.78348159790039 + ], + [ + "722", + -13.783541679382324 + ], + [ + "▁deductibles", + -13.783570289611816 + ], + [ + "▁960", + -13.783577919006348 + ], + [ + "pert", + -13.78369140625 + ], + [ + "Fabric", + -13.78378677368164 + ], + [ + "9:", + -13.783869743347168 + ], + [ + "bbi", + -13.783902168273926 + ], + [ + "▁Bungalow", + -13.783946990966797 + ], + [ + "▁Shrewsbury", + -13.783946990966797 + ], + [ + "▁controversies", + -13.783946990966797 + ], + [ + "▁dignified", + -13.783946990966797 + ], + [ + "▁ideologies", + -13.783946990966797 + ], + [ + "▁podiatrist", + -13.783946990966797 + ], + [ + "Explanation", + -13.783947944641112 + ], + [ + "▁8.2", + -13.78395175933838 + ], + [ + "▁adversary", + -13.783963203430176 + ], + [ + "▁Huskies", + -13.783967971801758 + ], + [ + "▁Stealth", + -13.783971786499023 + ], + [ + "cala", + -13.783997535705566 + ], + [ + "▁Xfinity", + -13.78402042388916 + ], + [ + "hali", + -13.784021377563477 + ], + [ + "▁Kroger", + -13.78403377532959 + ], + [ + "▁staggered", + -13.784090995788574 + ], + [ + "252", + -13.78415298461914 + ], + [ + "▁Jae", + -13.784154891967772 + ], + [ + "▁Acute", + -13.784249305725098 + ], + [ + "▁Norwood", + -13.784266471862791 + ], + [ + "428", + -13.784284591674805 + ], + [ + "▁Meyers", + -13.784432411193848 + ], + [ + "dyne", + -13.78443431854248 + ], + [ + "grip", + -13.78447437286377 + ], + [ + "▁Baz", + -13.784480094909668 + ], + [ + "▁Summers", + -13.784523963928224 + ], + [ + "911", + -13.78453254699707 + ], + [ + "▁(45", + -13.78458023071289 + ], + [ + "▁eroded", + -13.78458023071289 + ], + [ + "▁Swamp", + -13.784591674804688 + ], + [ + "PEX", + -13.784653663635254 + ], + [ + "▁Devo", + -13.784656524658203 + ], + [ + "▁pedagogical", + -13.78471851348877 + ], + [ + "▁LDS", + -13.784728050231934 + ], + [ + "Prayer", + -13.78479290008545 + ], + [ + "▁moisturize", + -13.784804344177246 + ], + [ + "Essay", + -13.78489589691162 + ], + [ + "jang", + -13.784944534301758 + ], + [ + "▁supra", + -13.784953117370604 + ], + [ + "▁anodized", + -13.784992218017578 + ], + [ + "013", + -13.785053253173828 + ], + [ + "Cleaning", + -13.785097122192385 + ], + [ + "▁hatched", + -13.785136222839355 + ], + [ + "▁hindered", + -13.785164833068848 + ], + [ + "▁perilous", + -13.7852144241333 + ], + [ + "▁Madeline", + -13.785238265991213 + ], + [ + "khi", + -13.785284042358398 + ], + [ + "▁bureaus", + -13.78533935546875 + ], + [ + "▁Lining", + -13.785407066345217 + ], + [ + "teri", + -13.785420417785645 + ], + [ + "▁Bishops", + -13.785433769226074 + ], + [ + "AFF", + -13.78552532196045 + ], + [ + "▁Ganga", + -13.785537719726562 + ], + [ + "bry", + -13.785567283630373 + ], + [ + "▁syndicate", + -13.785619735717772 + ], + [ + "▁colt", + -13.785653114318848 + ], + [ + "▁TNT", + -13.785656929016112 + ], + [ + "▁prosthetic", + -13.785656929016112 + ], + [ + "▁Carly", + -13.785698890686035 + ], + [ + "▁birthing", + -13.78573226928711 + ], + [ + "iar", + -13.785771369934082 + ], + [ + "▁finisher", + -13.785794258117676 + ], + [ + "▁overlays", + -13.78587532043457 + ], + [ + "▁easter", + -13.78602123260498 + ], + [ + "▁Bao", + -13.786044120788574 + ], + [ + "▁Partial", + -13.7860746383667 + ], + [ + "MEX", + -13.786126136779783 + ], + [ + "▁Soak", + -13.78612995147705 + ], + [ + "dela", + -13.78615379333496 + ], + [ + "▁Platt", + -13.786166191101074 + ], + [ + "▁seep", + -13.786174774169922 + ], + [ + "▁REM", + -13.786185264587402 + ], + [ + "scratch", + -13.78626537322998 + ], + [ + "despite", + -13.78628921508789 + ], + [ + "▁beaver", + -13.786304473876951 + ], + [ + "-2,", + -13.786322593688965 + ], + [ + "▁SERVPRO", + -13.786375999450684 + ], + [ + "▁Realm", + -13.786436080932615 + ], + [ + "▁PMI", + -13.786506652832031 + ], + [ + "▁tang", + -13.786516189575195 + ], + [ + "▁Forks", + -13.786548614501951 + ], + [ + "▁Kew", + -13.78654956817627 + ], + [ + "▁Molina", + -13.786591529846191 + ], + [ + "▁Prem", + -13.786645889282228 + ], + [ + "▁Tonga", + -13.78668212890625 + ], + [ + "segment", + -13.78668975830078 + ], + [ + "ALA", + -13.786828994750977 + ], + [ + "poo", + -13.786870002746582 + ], + [ + "evich", + -13.786884307861328 + ], + [ + "fig", + -13.786907196044922 + ], + [ + "▁timeliness", + -13.786907196044922 + ], + [ + "▁suffix", + -13.787127494812012 + ], + [ + "▁shaman", + -13.78713607788086 + ], + [ + "▁technologists", + -13.78718376159668 + ], + [ + "istan", + -13.78719997406006 + ], + [ + "▁dependents", + -13.787208557128906 + ], + [ + "▁serpent", + -13.787245750427246 + ], + [ + "628", + -13.787263870239258 + ], + [ + "▁Lacrosse", + -13.787269592285156 + ], + [ + "▁Turquoise", + -13.787269592285156 + ], + [ + "▁arrears", + -13.787269592285156 + ], + [ + "▁biennial", + -13.787269592285156 + ], + [ + "▁convoluted", + -13.787269592285156 + ], + [ + "▁licorice", + -13.787269592285156 + ], + [ + "▁densities", + -13.787270545959473 + ], + [ + "▁Kangaroo", + -13.787271499633787 + ], + [ + "▁CompTIA", + -13.787273406982422 + ], + [ + "▁Vishnu", + -13.787273406982422 + ], + [ + "▁Wardrobe", + -13.78727912902832 + ], + [ + "▁Enrique", + -13.787290573120115 + ], + [ + "▁Ezra", + -13.787307739257812 + ], + [ + "lty", + -13.787309646606444 + ], + [ + "dana", + -13.787324905395508 + ], + [ + "therm", + -13.787361145019531 + ], + [ + "▁objected", + -13.787370681762695 + ], + [ + "▁Validation", + -13.787391662597656 + ], + [ + "▁Governing", + -13.787395477294922 + ], + [ + "763", + -13.78740119934082 + ], + [ + "▁peripherals", + -13.78742218017578 + ], + [ + "▁PARTY", + -13.787426948547363 + ], + [ + "▁doping", + -13.787440299987791 + ], + [ + "▁encased", + -13.787446022033691 + ], + [ + "▁Koreans", + -13.78754711151123 + ], + [ + "▁hor", + -13.787557601928713 + ], + [ + "▁1964,", + -13.787620544433594 + ], + [ + "▁diminishes", + -13.787627220153809 + ], + [ + "▁Kors", + -13.787708282470703 + ], + [ + "▁5.30", + -13.787737846374512 + ], + [ + "EVER", + -13.787739753723145 + ], + [ + "▁arborist", + -13.78782844543457 + ], + [ + "▁Werner", + -13.787875175476074 + ], + [ + "▁winch", + -13.787914276123049 + ], + [ + "42.", + -13.787915229797363 + ], + [ + "▁boosters", + -13.787951469421388 + ], + [ + "▁CPAs", + -13.787999153137209 + ], + [ + "ismo", + -13.78803253173828 + ], + [ + "▁covert", + -13.788043975830078 + ], + [ + "▁propositions", + -13.788049697875977 + ], + [ + "hunting", + -13.788056373596191 + ], + [ + "864", + -13.7880859375 + ], + [ + "worthiness", + -13.788222312927246 + ], + [ + "▁Brut", + -13.78822422027588 + ], + [ + "▁CASE", + -13.788250923156738 + ], + [ + "▁Wizards", + -13.788288116455078 + ], + [ + "▁Estimated", + -13.788304328918455 + ], + [ + "▁Bess", + -13.788317680358888 + ], + [ + "▁barb", + -13.788416862487791 + ], + [ + "▁underscores", + -13.788455963134766 + ], + [ + "mba", + -13.78847599029541 + ], + [ + "▁negotiable", + -13.788507461547852 + ], + [ + "effer", + -13.78859519958496 + ], + [ + "▁Potts", + -13.788661003112791 + ], + [ + "▁Narayan", + -13.788711547851562 + ], + [ + "SMA", + -13.788848876953123 + ], + [ + "▁purifier", + -13.789024353027344 + ], + [ + "BBC", + -13.78908920288086 + ], + [ + "778", + -13.789113998413086 + ], + [ + "GEL", + -13.789118766784668 + ], + [ + "▁Bengals", + -13.789183616638184 + ], + [ + "▁surfer", + -13.789223670959473 + ], + [ + "172", + -13.789268493652344 + ], + [ + "306", + -13.78927993774414 + ], + [ + "▁wrestler", + -13.789299011230469 + ], + [ + "661", + -13.789359092712402 + ], + [ + "▁Lenders", + -13.78942584991455 + ], + [ + "▁mainframe", + -13.78946018218994 + ], + [ + "sighted", + -13.789568901062012 + ], + [ + "▁Igor", + -13.78959846496582 + ], + [ + "326", + -13.789624214172363 + ], + [ + "Saxon", + -13.789653778076172 + ], + [ + "288", + -13.789679527282717 + ], + [ + "twitter", + -13.78968334197998 + ], + [ + "▁Infection", + -13.789703369140623 + ], + [ + "Islamic", + -13.789729118347168 + ], + [ + "▁jute", + -13.789743423461914 + ], + [ + "duck", + -13.789803504943848 + ], + [ + "▁intestines", + -13.789813041687012 + ], + [ + "▁Rah", + -13.789860725402832 + ], + [ + "Push", + -13.789868354797363 + ], + [ + "209", + -13.78991985321045 + ], + [ + "▁toning", + -13.789950370788574 + ], + [ + "jia", + -13.789961814880373 + ], + [ + "▁atlas", + -13.789962768554688 + ], + [ + "▁Returning", + -13.7899808883667 + ], + [ + "▁Auctions", + -13.790011405944824 + ], + [ + "izen", + -13.790016174316406 + ], + [ + "▁Wedge", + -13.790042877197266 + ], + [ + "▁vacate", + -13.790047645568848 + ], + [ + "Rx", + -13.790160179138184 + ], + [ + "athon", + -13.790181159973145 + ], + [ + "▁Erasmus", + -13.790217399597168 + ], + [ + "▁tinker", + -13.79022979736328 + ], + [ + "▁burrow", + -13.790266036987305 + ], + [ + "622", + -13.790267944335938 + ], + [ + "▁telescopes", + -13.790276527404783 + ], + [ + "▁TEN", + -13.790298461914062 + ], + [ + "▁replaceable", + -13.790335655212402 + ], + [ + "▁alleys", + -13.790364265441896 + ], + [ + "ddington", + -13.79042625427246 + ], + [ + "▁beacons", + -13.79042911529541 + ], + [ + "▁scant", + -13.790477752685549 + ], + [ + "LIVE", + -13.790499687194824 + ], + [ + "▁Elisabeth", + -13.790501594543455 + ], + [ + "▁Cutler", + -13.7905912399292 + ], + [ + "Excerpt", + -13.790602684020996 + ], + [ + "▁Hemingway", + -13.790602684020996 + ], + [ + "▁periphery", + -13.790602684020996 + ], + [ + "▁confluence", + -13.790607452392578 + ], + [ + "▁McBride", + -13.790610313415527 + ], + [ + "▁Empowerment", + -13.790637969970703 + ], + [ + "▁Deployment", + -13.790655136108398 + ], + [ + "habit", + -13.790657043457031 + ], + [ + "86)", + -13.790661811828612 + ], + [ + "▁Skating", + -13.790663719177246 + ], + [ + "▁fanfare", + -13.79067611694336 + ], + [ + "▁autopsy", + -13.79069995880127 + ], + [ + "▁Geology", + -13.790716171264648 + ], + [ + "▁10000", + -13.790761947631836 + ], + [ + "544", + -13.79079818725586 + ], + [ + "▁slant", + -13.79080581665039 + ], + [ + "▁leftist", + -13.79084014892578 + ], + [ + "▁cadets", + -13.79085922241211 + ], + [ + "▁northbound", + -13.790900230407717 + ], + [ + "drill", + -13.79090976715088 + ], + [ + "▁Elgin", + -13.790916442871094 + ], + [ + "▁gust", + -13.790952682495115 + ], + [ + "▁38%", + -13.790959358215332 + ], + [ + "Publisher", + -13.79100227355957 + ], + [ + "▁Creme", + -13.791017532348633 + ], + [ + "▁Ariana", + -13.791033744812012 + ], + [ + "quit", + -13.791098594665527 + ], + [ + "▁Yam", + -13.79115867614746 + ], + [ + "INFO", + -13.791165351867676 + ], + [ + "▁hoarding", + -13.791165351867676 + ], + [ + "▁Freud", + -13.791186332702637 + ], + [ + "▁Shankar", + -13.791196823120115 + ], + [ + "▁2019?", + -13.791272163391112 + ], + [ + "roof", + -13.791361808776855 + ], + [ + "▁2011).", + -13.791418075561523 + ], + [ + "▁inset", + -13.791463851928713 + ], + [ + "Huge", + -13.791501998901367 + ], + [ + "▁paul", + -13.791638374328612 + ], + [ + "▁JL", + -13.791665077209473 + ], + [ + "Rome", + -13.791709899902344 + ], + [ + "▁DFW", + -13.79171371459961 + ], + [ + "▁CVE", + -13.791723251342772 + ], + [ + "▁Bowls", + -13.791747093200684 + ], + [ + "▁chai", + -13.79177951812744 + ], + [ + "▁Helix", + -13.791788101196287 + ], + [ + "▁Donkey", + -13.79185962677002 + ], + [ + "▁Stats", + -13.791969299316406 + ], + [ + "IEC", + -13.79200839996338 + ], + [ + "▁chillies", + -13.792091369628906 + ], + [ + "antha", + -13.792139053344728 + ], + [ + "voc", + -13.792143821716309 + ], + [ + "▁toasty", + -13.792213439941406 + ], + [ + "Possess", + -13.792278289794922 + ], + [ + "▁Hul", + -13.792353630065918 + ], + [ + "▁Hodge", + -13.792384147644045 + ], + [ + "▁preservative", + -13.792417526245115 + ], + [ + "▁pip", + -13.79245948791504 + ], + [ + "rude", + -13.792463302612305 + ], + [ + "▁Measurements", + -13.792518615722656 + ], + [ + "Meta", + -13.792583465576172 + ], + [ + "fail", + -13.792604446411133 + ], + [ + "▁MCU", + -13.792845726013184 + ], + [ + "▁RUN", + -13.792953491210938 + ], + [ + "▁ect", + -13.79296875 + ], + [ + "▁Poke", + -13.79301643371582 + ], + [ + "▁stormy", + -13.793025016784668 + ], + [ + "▁(2009).", + -13.793146133422852 + ], + [ + "Alright", + -13.793160438537598 + ], + [ + "Supply", + -13.793238639831545 + ], + [ + "gara", + -13.793241500854492 + ], + [ + "▁Tori", + -13.793245315551758 + ], + [ + "▁adventurers", + -13.793245315551758 + ], + [ + "Output", + -13.79328727722168 + ], + [ + "21)", + -13.793336868286133 + ], + [ + "▁deviate", + -13.79335117340088 + ], + [ + "rton", + -13.793353080749512 + ], + [ + "▁florals", + -13.793375015258787 + ], + [ + "payments", + -13.793500900268556 + ], + [ + "▁dusted", + -13.79375171661377 + ], + [ + "nack", + -13.793757438659668 + ], + [ + "▁Pau", + -13.793801307678224 + ], + [ + "▁Bye", + -13.793856620788574 + ], + [ + "▁authoring", + -13.79387664794922 + ], + [ + "butter", + -13.793890953063965 + ], + [ + "▁quarterbacks", + -13.793906211853027 + ], + [ + "▁sarcastic", + -13.79392147064209 + ], + [ + "Sin", + -13.79394245147705 + ], + [ + "▁2014–2018", + -13.793947219848633 + ], + [ + "▁Macmillan", + -13.793947219848633 + ], + [ + "▁evangelism", + -13.79394817352295 + ], + [ + "▁Karaoke", + -13.79395580291748 + ], + [ + "▁jolly", + -13.793963432312012 + ], + [ + "▁rebuke", + -13.793964385986328 + ], + [ + "▁ferries", + -13.793967247009276 + ], + [ + "▁Charlton", + -13.794001579284668 + ], + [ + "▁discernment", + -13.794017791748049 + ], + [ + "▁defraud", + -13.79403018951416 + ], + [ + "Standing", + -13.79405689239502 + ], + [ + "lua", + -13.79409408569336 + ], + [ + "lut", + -13.794106483459473 + ], + [ + "ambo", + -13.794111251831056 + ], + [ + "▁Woodworking", + -13.794127464294434 + ], + [ + "▁neurologist", + -13.7941312789917 + ], + [ + "▁Detector", + -13.79413890838623 + ], + [ + "▁Hornets", + -13.794267654418944 + ], + [ + "hak", + -13.794316291809082 + ], + [ + "pill", + -13.794316291809082 + ], + [ + "boe", + -13.794384956359863 + ], + [ + "▁nit", + -13.794405937194824 + ], + [ + "/#", + -13.794408798217772 + ], + [ + "CUR", + -13.794427871704102 + ], + [ + "heated", + -13.79448699951172 + ], + [ + "Whole", + -13.794520378112791 + ], + [ + "▁aficionados", + -13.79452419281006 + ], + [ + "yg", + -13.794598579406738 + ], + [ + "▁Mn", + -13.79461669921875 + ], + [ + "▁FSC", + -13.794652938842772 + ], + [ + "▁civilized", + -13.79465389251709 + ], + [ + "ROOF", + -13.794658660888672 + ], + [ + "▁EVENT", + -13.794673919677734 + ], + [ + "▁lakeside", + -13.794685363769531 + ], + [ + "▁typewriter", + -13.794730186462402 + ], + [ + "▁Rash", + -13.794794082641602 + ], + [ + "248", + -13.794798851013184 + ], + [ + "41.", + -13.794809341430664 + ], + [ + "Robot", + -13.794821739196776 + ], + [ + "▁Paws", + -13.79482364654541 + ], + [ + "Speaker", + -13.79483127593994 + ], + [ + "pate", + -13.794856071472168 + ], + [ + "▁Palms", + -13.794894218444824 + ], + [ + "▁stereotypical", + -13.794897079467772 + ], + [ + "000000", + -13.79494571685791 + ], + [ + "▁Density", + -13.795065879821776 + ], + [ + "▁prohibiting", + -13.79512882232666 + ], + [ + "▁36%", + -13.795212745666504 + ], + [ + "▁Ach", + -13.795217514038086 + ], + [ + "▁Crimes", + -13.79523468017578 + ], + [ + "paw", + -13.79527187347412 + ], + [ + "rij", + -13.795275688171388 + ], + [ + "Lesson", + -13.795297622680664 + ], + [ + "234", + -13.79531192779541 + ], + [ + "▁Routledge", + -13.795313835144045 + ], + [ + "▁gran", + -13.79531478881836 + ], + [ + "▁dissolves", + -13.79537296295166 + ], + [ + "▁skulls", + -13.795377731323242 + ], + [ + "▁Repository", + -13.79539680480957 + ], + [ + "▁outraged", + -13.795415878295898 + ], + [ + "arms", + -13.795432090759276 + ], + [ + "Award", + -13.795520782470703 + ], + [ + "ETS", + -13.7955322265625 + ], + [ + "466", + -13.795557975769045 + ], + [ + "▁Volk", + -13.79555892944336 + ], + [ + "▁asymmetrical", + -13.795574188232422 + ], + [ + "▁cheery", + -13.795610427856444 + ], + [ + "▁regroup", + -13.795645713806152 + ], + [ + "ieri", + -13.795669555664062 + ], + [ + "kull", + -13.795787811279297 + ], + [ + "Suggested", + -13.795831680297852 + ], + [ + "5.8", + -13.795843124389648 + ], + [ + "▁Encounter", + -13.795849800109863 + ], + [ + "▁carol", + -13.795870780944824 + ], + [ + "▁clams", + -13.795920372009276 + ], + [ + "nil", + -13.795933723449709 + ], + [ + "chang", + -13.795963287353516 + ], + [ + "▁2100", + -13.796034812927246 + ], + [ + "90%", + -13.796067237854004 + ], + [ + "ijn", + -13.79611587524414 + ], + [ + "liche", + -13.796164512634276 + ], + [ + "▁storyboard", + -13.796183586120604 + ], + [ + "▁refocus", + -13.796194076538086 + ], + [ + "▁Breathe", + -13.796239852905272 + ], + [ + "▁Peaks", + -13.796319007873535 + ], + [ + "▁248", + -13.796363830566406 + ], + [ + "▁1945,", + -13.79638385772705 + ], + [ + "▁7/8", + -13.796399116516112 + ], + [ + "hc", + -13.796442985534668 + ], + [ + "DMA", + -13.796494483947754 + ], + [ + "▁tadalafil", + -13.79649543762207 + ], + [ + "LTA", + -13.79651927947998 + ], + [ + "▁Cousins", + -13.796660423278809 + ], + [ + "bucket", + -13.796679496765137 + ], + [ + "lob", + -13.796689987182615 + ], + [ + "▁qualifiers", + -13.79670524597168 + ], + [ + "morphic", + -13.796746253967283 + ], + [ + "▁Resilience", + -13.796747207641602 + ], + [ + "▁Snacks", + -13.796761512756348 + ], + [ + "empty", + -13.79676628112793 + ], + [ + "▁Sak", + -13.79680061340332 + ], + [ + "▁convent", + -13.79687786102295 + ], + [ + "otter", + -13.797019958496094 + ], + [ + "JJ", + -13.797025680541992 + ], + [ + "Hat", + -13.797039985656738 + ], + [ + "▁Permalink", + -13.79708766937256 + ], + [ + "pump", + -13.797109603881836 + ], + [ + "Searching", + -13.797115325927734 + ], + [ + "awan", + -13.79714012145996 + ], + [ + "▁reminisce", + -13.797279357910156 + ], + [ + "▁swatch", + -13.797293663024902 + ], + [ + "▁eponymous", + -13.797303199768066 + ], + [ + "▁exfoliation", + -13.797303199768066 + ], + [ + "▁fertilization", + -13.797303199768066 + ], + [ + "▁Liaison", + -13.797306060791016 + ], + [ + "▁Ubisoft", + -13.797306060791016 + ], + [ + "▁menacing", + -13.797306060791016 + ], + [ + "▁Django", + -13.797307968139648 + ], + [ + "▁Biodiversity", + -13.797313690185549 + ], + [ + "▁uPVC", + -13.797320365905762 + ], + [ + "▁Metropolis", + -13.797334671020508 + ], + [ + "▁SPACE", + -13.797341346740724 + ], + [ + "▁transact", + -13.79734230041504 + ], + [ + "▁collusion", + -13.797346115112305 + ], + [ + "LOT", + -13.797385215759276 + ], + [ + "▁unmarked", + -13.797393798828123 + ], + [ + "▁Woven", + -13.797412872314451 + ], + [ + "▁Hebrews", + -13.79741382598877 + ], + [ + "▁Fullerton", + -13.79745101928711 + ], + [ + "▁Plush", + -13.797452926635742 + ], + [ + "▁Apocalypse", + -13.79755973815918 + ], + [ + "▁renewals", + -13.797564506530762 + ], + [ + "▁envious", + -13.797595024108888 + ], + [ + "prime", + -13.797619819641112 + ], + [ + "UU", + -13.797627449035645 + ], + [ + "▁hooded", + -13.79765796661377 + ], + [ + "▁Singers", + -13.797658920288086 + ], + [ + "▁Ankle", + -13.79766082763672 + ], + [ + "▁surveyor", + -13.797674179077148 + ], + [ + "▁sire", + -13.79768180847168 + ], + [ + "▁miraculously", + -13.797727584838867 + ], + [ + "▁Baku", + -13.797832489013672 + ], + [ + "ASC", + -13.797894477844238 + ], + [ + "▁Turtles", + -13.797933578491213 + ], + [ + "▁wildest", + -13.797940254211426 + ], + [ + "▁TAG", + -13.798020362854004 + ], + [ + "▁bodywork", + -13.798032760620115 + ], + [ + "▁kr", + -13.798032760620115 + ], + [ + "▁Fritz", + -13.798052787780762 + ], + [ + "▁instilled", + -13.798115730285645 + ], + [ + "ingen", + -13.798134803771973 + ], + [ + "handler", + -13.798154830932615 + ], + [ + "tones", + -13.79816722869873 + ], + [ + "▁downsides", + -13.798190116882324 + ], + [ + "ethane", + -13.798195838928224 + ], + [ + "563", + -13.79822063446045 + ], + [ + "▁angeles", + -13.798272132873535 + ], + [ + "▁Torre", + -13.79831314086914 + ], + [ + "OTS", + -13.798379898071287 + ], + [ + "▁anise", + -13.7983980178833 + ], + [ + "▁manicured", + -13.798409461975098 + ], + [ + "▁Arcadia", + -13.798412322998049 + ], + [ + "▁pigmented", + -13.798466682434082 + ], + [ + "6.9", + -13.798474311828612 + ], + [ + "Oak", + -13.798578262329102 + ], + [ + "▁suitcases", + -13.798579216003418 + ], + [ + "▁Mika", + -13.798580169677734 + ], + [ + "cada", + -13.798628807067873 + ], + [ + "▁eds", + -13.798660278320312 + ], + [ + "▁Gradually", + -13.798663139343262 + ], + [ + "▁tankless", + -13.798738479614258 + ], + [ + "668", + -13.79885196685791 + ], + [ + "▁deci", + -13.798870086669922 + ], + [ + "▁Viz", + -13.798914909362791 + ], + [ + "bars", + -13.798933029174805 + ], + [ + "uddy", + -13.798972129821776 + ], + [ + "lass", + -13.799041748046877 + ], + [ + "▁WPC", + -13.799043655395508 + ], + [ + "Roy", + -13.799055099487305 + ], + [ + "1100", + -13.799079895019531 + ], + [ + "▁BK", + -13.799222946166992 + ], + [ + "▁inactivity", + -13.799267768859863 + ], + [ + "▁Steiner", + -13.79928207397461 + ], + [ + "▁uncles", + -13.79928970336914 + ], + [ + "▁Arjun", + -13.799297332763672 + ], + [ + "rider", + -13.799307823181152 + ], + [ + "▁Gord", + -13.799413681030272 + ], + [ + "iji", + -13.799498558044434 + ], + [ + "▁weathering", + -13.799508094787598 + ], + [ + "▁Swi", + -13.799549102783203 + ], + [ + "enbach", + -13.79955005645752 + ], + [ + "▁interconnect", + -13.799631118774414 + ], + [ + "▁1867", + -13.799643516540527 + ], + [ + "▁COMP", + -13.799647331237791 + ], + [ + "▁Beloved", + -13.799657821655272 + ], + [ + "▁paris", + -13.79969596862793 + ], + [ + "▁weeknight", + -13.79970645904541 + ], + [ + "▁10:3", + -13.799715995788574 + ], + [ + "▁1882", + -13.799738883972168 + ], + [ + "▁pimples", + -13.799872398376465 + ], + [ + "lec", + -13.799921989440918 + ], + [ + "▁Atmospheric", + -13.799943923950195 + ], + [ + "▁Endurance", + -13.799944877624512 + ], + [ + "Smooth", + -13.799983024597168 + ], + [ + "society", + -13.79999542236328 + ], + [ + "▁Thru", + -13.799996376037598 + ], + [ + "▁Bora", + -13.800020217895508 + ], + [ + "619", + -13.800024032592772 + ], + [ + "Hospital", + -13.800095558166504 + ], + [ + "▁vented", + -13.800124168395996 + ], + [ + "▁Plaintiff", + -13.800145149230955 + ], + [ + "▁groves", + -13.800178527832031 + ], + [ + "▁thrived", + -13.80019474029541 + ], + [ + "▁Scouting", + -13.800213813781738 + ], + [ + "▁mala", + -13.800214767456056 + ], + [ + "▁Finest", + -13.800249099731444 + ], + [ + "▁Bea", + -13.800289154052734 + ], + [ + "▁taster", + -13.800301551818848 + ], + [ + "▁Treats", + -13.800323486328123 + ], + [ + "▁Wound", + -13.800337791442873 + ], + [ + "▁Residences", + -13.800375938415527 + ], + [ + "▁800,000", + -13.800533294677734 + ], + [ + "▁Calcutta", + -13.80066967010498 + ], + [ + "▁intermediaries", + -13.80066967010498 + ], + [ + "▁unknowingly", + -13.80066967010498 + ], + [ + "▁Kellogg", + -13.800670623779297 + ], + [ + "▁Saigon", + -13.80068588256836 + ], + [ + "▁dagger", + -13.80069065093994 + ], + [ + "FORM", + -13.800691604614258 + ], + [ + "mbo", + -13.800698280334473 + ], + [ + "-96", + -13.800721168518066 + ], + [ + "▁montage", + -13.800776481628418 + ], + [ + "▁Transplant", + -13.800799369812012 + ], + [ + "902", + -13.800814628601074 + ], + [ + "▁Lenny", + -13.80081558227539 + ], + [ + "688", + -13.800841331481934 + ], + [ + "▁vetting", + -13.800850868225098 + ], + [ + "▁Antiques", + -13.800864219665527 + ], + [ + "idy", + -13.800875663757324 + ], + [ + "▁1875", + -13.800893783569336 + ], + [ + "577", + -13.800902366638184 + ], + [ + "turning", + -13.800909996032717 + ], + [ + "▁Coyote", + -13.800912857055664 + ], + [ + "▁Whitman", + -13.800914764404297 + ], + [ + "complex", + -13.800923347473145 + ], + [ + "▁Dolce", + -13.800943374633787 + ], + [ + "▁minecraft", + -13.800952911376951 + ], + [ + "▁$1.8", + -13.800955772399902 + ], + [ + "▁siren", + -13.800965309143066 + ], + [ + "pets", + -13.80097770690918 + ], + [ + "▁differentiating", + -13.80100440979004 + ], + [ + "▁glacial", + -13.80102825164795 + ], + [ + "▁loopholes", + -13.80102825164795 + ], + [ + "ugg", + -13.801076889038086 + ], + [ + "▁228", + -13.801079750061035 + ], + [ + "ssy", + -13.801095008850098 + ], + [ + "▁allergen", + -13.80109691619873 + ], + [ + "este", + -13.801117897033691 + ], + [ + "▁Bookstore", + -13.801153182983398 + ], + [ + "▁recline", + -13.801170349121094 + ], + [ + "▁sportswear", + -13.801183700561523 + ], + [ + "▁Dough", + -13.801226615905762 + ], + [ + "392", + -13.801230430603027 + ], + [ + "▁Kabul", + -13.801249504089355 + ], + [ + "▁glut", + -13.801313400268556 + ], + [ + "▁COPD", + -13.801342010498049 + ], + [ + "771", + -13.801379203796388 + ], + [ + "▁layup", + -13.80140495300293 + ], + [ + "LIT", + -13.801480293273926 + ], + [ + "▁Smiles", + -13.801514625549316 + ], + [ + "▁Paintings", + -13.801518440246582 + ], + [ + "683", + -13.801542282104492 + ], + [ + "BEC", + -13.801586151123049 + ], + [ + "▁SMTP", + -13.801668167114258 + ], + [ + "▁Haul", + -13.801709175109863 + ], + [ + "Qui", + -13.80172634124756 + ], + [ + "rito", + -13.801798820495604 + ], + [ + "▁Zel", + -13.801824569702148 + ], + [ + "▁insecurities", + -13.80197525024414 + ], + [ + "▁XVI", + -13.802021026611328 + ], + [ + "▁ruffle", + -13.802069664001465 + ], + [ + "▁2019-20", + -13.802087783813477 + ], + [ + "ksha", + -13.802090644836426 + ], + [ + "▁OFFER", + -13.802132606506348 + ], + [ + "mbi", + -13.802199363708496 + ], + [ + "▁ocular", + -13.80223274230957 + ], + [ + "Materials", + -13.80228328704834 + ], + [ + "azine", + -13.802284240722656 + ], + [ + "ие", + -13.802292823791504 + ], + [ + "rough", + -13.802303314208984 + ], + [ + "▁backstory", + -13.802303314208984 + ], + [ + "$4", + -13.802308082580566 + ], + [ + "▁Bey", + -13.802370071411133 + ], + [ + "BUT", + -13.802397727966309 + ], + [ + "▁cipher", + -13.802423477172852 + ], + [ + "▁Establish", + -13.802530288696287 + ], + [ + "ESA", + -13.802592277526855 + ], + [ + "▁Themed", + -13.802610397338867 + ], + [ + "▁gable", + -13.802639961242676 + ], + [ + "RCC", + -13.80270767211914 + ], + [ + "▁championed", + -13.8027982711792 + ], + [ + "phyl", + -13.802838325500488 + ], + [ + "▁Wander", + -13.802997589111328 + ], + [ + "▁Bumble", + -13.803062438964844 + ], + [ + "▁shallots", + -13.803109169006348 + ], + [ + "▁Reign", + -13.80325412750244 + ], + [ + "▁1965.", + -13.803263664245604 + ], + [ + "▁Ov", + -13.80337142944336 + ], + [ + "7-6", + -13.80339527130127 + ], + [ + "▁stripper", + -13.803415298461914 + ], + [ + "Plenty", + -13.80344295501709 + ], + [ + "▁VF", + -13.803444862365724 + ], + [ + "kn", + -13.803511619567873 + ], + [ + "lens", + -13.803550720214844 + ], + [ + "Sad", + -13.80359172821045 + ], + [ + "▁Towing", + -13.803689002990724 + ], + [ + "▁doula", + -13.80368995666504 + ], + [ + "NAME", + -13.803690910339355 + ], + [ + "urus", + -13.803691864013672 + ], + [ + "▁Decorate", + -13.803781509399414 + ], + [ + "▁succinct", + -13.803805351257324 + ], + [ + "▁rockers", + -13.80381202697754 + ], + [ + "▁pebbles", + -13.803840637207031 + ], + [ + "arr", + -13.8038969039917 + ], + [ + "▁Equine", + -13.803915977478027 + ], + [ + "949", + -13.803924560546877 + ], + [ + "▁(35", + -13.803924560546877 + ], + [ + "heri", + -13.803946495056152 + ], + [ + "▁Estimates", + -13.803972244262695 + ], + [ + "▁Caitlin", + -13.803994178771973 + ], + [ + "184", + -13.803997993469238 + ], + [ + "▁$44", + -13.804014205932615 + ], + [ + "▁docked", + -13.804046630859377 + ], + [ + "▁chamomile", + -13.804048538208008 + ], + [ + "▁chiffon", + -13.804048538208008 + ], + [ + "▁frivolous", + -13.804048538208008 + ], + [ + "▁hospitable", + -13.804048538208008 + ], + [ + "▁intervening", + -13.804048538208008 + ], + [ + "▁libertarian", + -13.804048538208008 + ], + [ + "▁opacity", + -13.804048538208008 + ], + [ + "▁protracted", + -13.804048538208008 + ], + [ + "▁Alonso", + -13.804049491882324 + ], + [ + "▁Demonstration", + -13.80405044555664 + ], + [ + "▁Triathlon", + -13.804059028625488 + ], + [ + "▁Versace", + -13.804069519042969 + ], + [ + "▁Bites", + -13.80411148071289 + ], + [ + "▁Eduardo", + -13.804118156433104 + ], + [ + "▁Pistol", + -13.804123878479004 + ], + [ + "▁gastro", + -13.804136276245115 + ], + [ + "pence", + -13.80413818359375 + ], + [ + "▁slimmer", + -13.804154396057127 + ], + [ + "▁gilt", + -13.804181098937988 + ], + [ + "▁Wilkes", + -13.80418300628662 + ], + [ + "▁tragically", + -13.804207801818848 + ], + [ + "▁oceanfront", + -13.80423355102539 + ], + [ + "▁Chou", + -13.804241180419922 + ], + [ + "▁vouch", + -13.804275512695312 + ], + [ + "weak", + -13.804287910461426 + ], + [ + "9.6", + -13.804290771484377 + ], + [ + "▁rv", + -13.804313659667969 + ], + [ + "RAL", + -13.804407119750977 + ], + [ + "Recruiter", + -13.80444049835205 + ], + [ + "▁splatter", + -13.804468154907228 + ], + [ + "chur", + -13.804518699645996 + ], + [ + "▁monarchy", + -13.804539680480955 + ], + [ + "▁BMX", + -13.804545402526855 + ], + [ + "▁roofers", + -13.804570198059082 + ], + [ + "Crusher", + -13.804582595825195 + ], + [ + "▁bona", + -13.804585456848145 + ], + [ + "▁Hays", + -13.804593086242676 + ], + [ + "▁truss", + -13.804604530334473 + ], + [ + "▁Wad", + -13.804607391357422 + ], + [ + "▁Haf", + -13.804675102233888 + ], + [ + "▁Slightly", + -13.80469036102295 + ], + [ + "5.3", + -13.804709434509276 + ], + [ + "washed", + -13.804803848266602 + ], + [ + "bolic", + -13.804804801940918 + ], + [ + "▁viz", + -13.804829597473145 + ], + [ + "▁SOA", + -13.804862022399902 + ], + [ + "▁Verse", + -13.804876327514648 + ], + [ + "▁Assessments", + -13.80500602722168 + ], + [ + "▁authenticated", + -13.805143356323242 + ], + [ + "Sources", + -13.805176734924316 + ], + [ + "▁Redding", + -13.805197715759276 + ], + [ + "▁JOIN", + -13.805213928222656 + ], + [ + "▁paintball", + -13.80526638031006 + ], + [ + "▁NAME", + -13.805269241333008 + ], + [ + "▁MCC", + -13.805275917053224 + ], + [ + "▁Pulp", + -13.805342674255373 + ], + [ + "ols", + -13.805362701416016 + ], + [ + "tress", + -13.805408477783203 + ], + [ + "▁overdraft", + -13.805447578430176 + ], + [ + "▁sidelined", + -13.80549144744873 + ], + [ + "▁decode", + -13.805511474609377 + ], + [ + "▁Pow", + -13.80553150177002 + ], + [ + "bodies", + -13.80554485321045 + ], + [ + "igu", + -13.805582046508787 + ], + [ + "▁Ensur", + -13.805642127990724 + ], + [ + "arat", + -13.805648803710938 + ], + [ + "LAB", + -13.805686950683594 + ], + [ + "▁AVG", + -13.80575466156006 + ], + [ + "▁bothers", + -13.805784225463867 + ], + [ + "▁UD", + -13.805790901184082 + ], + [ + "Diet", + -13.805809020996094 + ], + [ + "▁Pioneers", + -13.805813789367676 + ], + [ + "▁Implementing", + -13.805832862854004 + ], + [ + "▁Rana", + -13.805850982666016 + ], + [ + "▁complains", + -13.805875778198242 + ], + [ + "paul", + -13.805928230285645 + ], + [ + "▁Rollins", + -13.80593490600586 + ], + [ + "▁Gypsy", + -13.805940628051758 + ], + [ + "▁8.30", + -13.805947303771973 + ], + [ + "▁correlations", + -13.805978775024414 + ], + [ + "▁remnant", + -13.806045532226562 + ], + [ + "rba", + -13.806097030639648 + ], + [ + "▁******", + -13.80609893798828 + ], + [ + "tower", + -13.806121826171877 + ], + [ + "▁pasted", + -13.806129455566406 + ], + [ + "measure", + -13.806187629699709 + ], + [ + "▁Genre", + -13.806241989135742 + ], + [ + "lena", + -13.806257247924805 + ], + [ + "QS", + -13.806281089782717 + ], + [ + "▁sprite", + -13.806302070617676 + ], + [ + "▁wavelengths", + -13.806317329406738 + ], + [ + "Nation", + -13.80635929107666 + ], + [ + "scaping", + -13.80635929107666 + ], + [ + "▁crepe", + -13.806360244750977 + ], + [ + "▁Peppermint", + -13.806363105773926 + ], + [ + "▁Remain", + -13.806368827819824 + ], + [ + "SYS", + -13.806394577026367 + ], + [ + "▁dents", + -13.806485176086426 + ], + [ + "▁dpi", + -13.80651569366455 + ], + [ + "VID", + -13.806707382202148 + ], + [ + "▁Vert", + -13.80678939819336 + ], + [ + "▁meditations", + -13.806843757629396 + ], + [ + "hei", + -13.806854248046877 + ], + [ + "▁generational", + -13.80688190460205 + ], + [ + "MODE", + -13.806914329528809 + ], + [ + "▁GG", + -13.806991577148438 + ], + [ + "Fin", + -13.807000160217283 + ], + [ + "Arrange", + -13.807043075561523 + ], + [ + "Watt", + -13.807049751281738 + ], + [ + "afi", + -13.807199478149414 + ], + [ + "▁arbor", + -13.807206153869627 + ], + [ + "▁inertia", + -13.80722427368164 + ], + [ + "enthal", + -13.807337760925291 + ], + [ + "▁pong", + -13.80735206604004 + ], + [ + "▁microbiome", + -13.807437896728516 + ], + [ + "▁inundated", + -13.807438850402832 + ], + [ + "▁frigid", + -13.807449340820312 + ], + [ + "▁cobblestone", + -13.80746364593506 + ], + [ + "▁Consulate", + -13.807466506958008 + ], + [ + "▁Duterte", + -13.807469367980955 + ], + [ + "▁frantically", + -13.80747890472412 + ], + [ + "▁Denali", + -13.807482719421388 + ], + [ + "▁ethernet", + -13.80748462677002 + ], + [ + "iler", + -13.807485580444336 + ], + [ + "▁amazement", + -13.80749225616455 + ], + [ + "▁revocation", + -13.807523727416992 + ], + [ + "▁compulsive", + -13.807591438293455 + ], + [ + "▁wealthiest", + -13.807631492614746 + ], + [ + "▁Beyonce", + -13.80764102935791 + ], + [ + "▁Premiership", + -13.80767822265625 + ], + [ + "hler", + -13.807744979858398 + ], + [ + "▁Kristina", + -13.807756423950195 + ], + [ + "▁(2005).", + -13.807759284973145 + ], + [ + "▁breathability", + -13.80777645111084 + ], + [ + "unta", + -13.807794570922852 + ], + [ + "▁digitized", + -13.807809829711914 + ], + [ + "ndra", + -13.807846069335938 + ], + [ + "▁HCA", + -13.80787181854248 + ], + [ + "▁Anyways", + -13.807916641235352 + ], + [ + "Educate", + -13.807924270629885 + ], + [ + "▁Pinch", + -13.807926177978516 + ], + [ + "▁Reformation", + -13.807944297790527 + ], + [ + "kine", + -13.807947158813477 + ], + [ + "▁nomadic", + -13.807950973510742 + ], + [ + "▁ascended", + -13.808059692382812 + ], + [ + "colo", + -13.808117866516112 + ], + [ + "rra", + -13.808170318603516 + ], + [ + "▁Expressway", + -13.808274269104004 + ], + [ + "▁homeopathic", + -13.80827522277832 + ], + [ + "flying", + -13.808320045471191 + ], + [ + "▁decoder", + -13.808428764343262 + ], + [ + "▁Scooter", + -13.80850601196289 + ], + [ + "aemia", + -13.808510780334473 + ], + [ + "▁$20.", + -13.808547019958496 + ], + [ + "▁GEM", + -13.808676719665527 + ], + [ + "883", + -13.808688163757324 + ], + [ + "Loc", + -13.808728218078612 + ], + [ + "▁Thermostat", + -13.808773040771484 + ], + [ + "Pray", + -13.808805465698242 + ], + [ + "▁HCG", + -13.808805465698242 + ], + [ + "▁Raphael", + -13.80888843536377 + ], + [ + "▁TOUR", + -13.808978080749512 + ], + [ + "▁Hr", + -13.80899429321289 + ], + [ + "▁Ain", + -13.809049606323242 + ], + [ + "▁CRS", + -13.809114456176758 + ], + [ + "▁surpassing", + -13.809125900268556 + ], + [ + "DAC", + -13.809163093566896 + ], + [ + "fici", + -13.809165000915527 + ], + [ + "ivism", + -13.80919361114502 + ], + [ + "months", + -13.809271812438965 + ], + [ + "▁Willem", + -13.809300422668455 + ], + [ + "469", + -13.809380531311035 + ], + [ + "tered", + -13.809419631958008 + ], + [ + "▁Paralympic", + -13.80946159362793 + ], + [ + "Allen", + -13.809529304504396 + ], + [ + "▁Astra", + -13.809572219848633 + ], + [ + "▁Allies", + -13.809584617614746 + ], + [ + "▁puddle", + -13.809621810913086 + ], + [ + "▁bran", + -13.809625625610352 + ], + [ + "uya", + -13.809711456298828 + ], + [ + "▁doughnuts", + -13.809712409973145 + ], + [ + "▁sequin", + -13.809727668762209 + ], + [ + "▁prank", + -13.809869766235352 + ], + [ + "▁SUR", + -13.80988883972168 + ], + [ + "cyl", + -13.809927940368652 + ], + [ + "▁Ives", + -13.809954643249512 + ], + [ + "▁Oilers", + -13.809969902038574 + ], + [ + "Java", + -13.809986114501951 + ], + [ + "zl", + -13.810044288635254 + ], + [ + "▁Petition", + -13.81008243560791 + ], + [ + "bella", + -13.810089111328123 + ], + [ + "▁materialize", + -13.810176849365234 + ], + [ + "fluor", + -13.810200691223145 + ], + [ + "YT", + -13.810251235961914 + ], + [ + "instrumentalist", + -13.810253143310549 + ], + [ + "Cop", + -13.810273170471191 + ], + [ + "▁Haw", + -13.810373306274414 + ], + [ + "▁920", + -13.810380935668944 + ], + [ + "Background", + -13.810391426086426 + ], + [ + "Brilliant", + -13.810401916503906 + ], + [ + "Crazy", + -13.810401916503906 + ], + [ + "▁Clamp", + -13.810416221618652 + ], + [ + "beauty", + -13.810425758361816 + ], + [ + "lovers", + -13.81042766571045 + ], + [ + "Balance", + -13.810450553894045 + ], + [ + "▁finishers", + -13.810468673706056 + ], + [ + "▁capitalized", + -13.81047248840332 + ], + [ + "▁Aman", + -13.810480117797852 + ], + [ + "▁dit", + -13.810571670532228 + ], + [ + "▁INTERNATIONAL", + -13.81061553955078 + ], + [ + "ief", + -13.810670852661133 + ], + [ + "▁LET", + -13.810674667358398 + ], + [ + "▁Carn", + -13.810699462890623 + ], + [ + "299", + -13.81080150604248 + ], + [ + "exist", + -13.810826301574709 + ], + [ + "▁Burmese", + -13.810839653015137 + ], + [ + "▁Inflatable", + -13.810839653015137 + ], + [ + "▁caricature", + -13.810839653015137 + ], + [ + "▁harrowing", + -13.810839653015137 + ], + [ + "▁sociable", + -13.81084156036377 + ], + [ + "Cause", + -13.810846328735352 + ], + [ + "▁fuselage", + -13.810851097106934 + ], + [ + "▁Loyalty", + -13.81085205078125 + ], + [ + "▁Trident", + -13.810895919799805 + ], + [ + "cats", + -13.810908317565918 + ], + [ + "▁unprotected", + -13.810941696166992 + ], + [ + "▁grunt", + -13.810942649841309 + ], + [ + "▁Provost", + -13.810988426208496 + ], + [ + "CER", + -13.811017990112305 + ], + [ + "▁Tir", + -13.811063766479492 + ], + [ + "atsu", + -13.811081886291504 + ], + [ + "▁orthodox", + -13.811117172241213 + ], + [ + "▁Imagination", + -13.811139106750488 + ], + [ + "▁Defendant", + -13.811165809631348 + ], + [ + "▁Journalists", + -13.811217308044434 + ], + [ + "▁SOUTH", + -13.811244010925291 + ], + [ + "▁Binding", + -13.811294555664062 + ], + [ + "atten", + -13.81134033203125 + ], + [ + "▁rashes", + -13.811363220214844 + ], + [ + "VISION", + -13.81138515472412 + ], + [ + "▁journeyman", + -13.81141185760498 + ], + [ + "▁Shandong", + -13.81154727935791 + ], + [ + "▁UAV", + -13.81157684326172 + ], + [ + "▁Corporations", + -13.8115816116333 + ], + [ + "▁shopped", + -13.811622619628906 + ], + [ + "agency", + -13.811654090881348 + ], + [ + "onian", + -13.811671257019045 + ], + [ + "Michel", + -13.81169891357422 + ], + [ + "▁USED", + -13.811717987060549 + ], + [ + "▁scraped", + -13.81177806854248 + ], + [ + "erating", + -13.811837196350098 + ], + [ + "711", + -13.811849594116213 + ], + [ + "000+", + -13.811859130859377 + ], + [ + "507", + -13.811872482299805 + ], + [ + "▁Brie", + -13.811901092529297 + ], + [ + "▁Westport", + -13.81198501586914 + ], + [ + "▁Drift", + -13.812049865722656 + ], + [ + "▁Nm", + -13.812127113342283 + ], + [ + "478", + -13.812145233154297 + ], + [ + "▁clustering", + -13.812174797058104 + ], + [ + "▁sorely", + -13.812252044677734 + ], + [ + "▁momentary", + -13.812294960021973 + ], + [ + "▁Changed", + -13.812307357788086 + ], + [ + "sama", + -13.812335014343262 + ], + [ + "▁321", + -13.812358856201172 + ], + [ + "▁2400", + -13.812422752380373 + ], + [ + "▁pretzels", + -13.812424659729004 + ], + [ + "wad", + -13.8124418258667 + ], + [ + "justice", + -13.81248378753662 + ], + [ + "▁PCS", + -13.812633514404297 + ], + [ + "▁Madeira", + -13.81272315979004 + ], + [ + "▁stow", + -13.81277847290039 + ], + [ + "▁Tutors", + -13.812808990478516 + ], + [ + "hren", + -13.81287956237793 + ], + [ + "▁Napoli", + -13.81287956237793 + ], + [ + "VOL", + -13.812911033630373 + ], + [ + "assembly", + -13.813084602355955 + ], + [ + "▁blowout", + -13.813102722167969 + ], + [ + "▁sewers", + -13.81318473815918 + ], + [ + "ACA", + -13.813261032104492 + ], + [ + "▁Particle", + -13.8133544921875 + ], + [ + "638", + -13.81337070465088 + ], + [ + "▁Honour", + -13.813373565673828 + ], + [ + "▁disrespectful", + -13.813380241394045 + ], + [ + "rome", + -13.81339168548584 + ], + [ + "▁2002)", + -13.813444137573242 + ], + [ + "Latin", + -13.813506126403809 + ], + [ + "▁Launched", + -13.813519477844238 + ], + [ + "▁bounces", + -13.813547134399414 + ], + [ + "Split", + -13.81354808807373 + ], + [ + "Changes", + -13.813568115234377 + ], + [ + "modo", + -13.813570022583008 + ], + [ + "▁potholes", + -13.813570022583008 + ], + [ + "crypt", + -13.813623428344728 + ], + [ + "▁dashed", + -13.813632011413574 + ], + [ + "▁codec", + -13.813660621643066 + ], + [ + "▁Gaz", + -13.813682556152344 + ], + [ + "▁VH", + -13.813693046569824 + ], + [ + "▁Kah", + -13.813711166381836 + ], + [ + "BOOK", + -13.813712120056152 + ], + [ + "153", + -13.813740730285645 + ], + [ + "▁GEO", + -13.813812255859377 + ], + [ + "bana", + -13.81381893157959 + ], + [ + "icate", + -13.813858032226562 + ], + [ + "▁banish", + -13.813886642456056 + ], + [ + "Operating", + -13.813916206359863 + ], + [ + "▁KDE", + -13.81391716003418 + ], + [ + "Manchester", + -13.813928604125977 + ], + [ + "ани", + -13.813983917236328 + ], + [ + "▁lumens", + -13.813983917236328 + ], + [ + "▁flops", + -13.814035415649414 + ], + [ + "rene", + -13.814095497131348 + ], + [ + "oux", + -13.814129829406738 + ], + [ + "8/", + -13.814183235168455 + ], + [ + "▁Rage", + -13.814191818237305 + ], + [ + "▁mishaps", + -13.814201354980469 + ], + [ + "▁GIFT", + -13.814207077026367 + ], + [ + "▁Kelvin", + -13.81423282623291 + ], + [ + "▁IND", + -13.81424617767334 + ], + [ + "▁Daimler", + -13.814251899719238 + ], + [ + "▁Nouveau", + -13.814252853393556 + ], + [ + "▁arugula", + -13.814252853393556 + ], + [ + "▁disobedience", + -13.814252853393556 + ], + [ + "▁singapore", + -13.814252853393556 + ], + [ + "▁Affinity", + -13.814254760742188 + ], + [ + "▁bronchitis", + -13.814254760742188 + ], + [ + "▁quarrel", + -13.814260482788086 + ], + [ + "▁Sedona", + -13.814263343811035 + ], + [ + "▁Adolescent", + -13.8142671585083 + ], + [ + "Fruit", + -13.814269065856934 + ], + [ + "▁jagged", + -13.814270973205566 + ], + [ + "▁brisket", + -13.814301490783691 + ], + [ + "▁modality", + -13.814309120178224 + ], + [ + "▁decedent", + -13.814311027526855 + ], + [ + "▁Cambridgeshire", + -13.814312934875488 + ], + [ + "▁Peas", + -13.814312934875488 + ], + [ + "▁senate", + -13.814326286315918 + ], + [ + "▁Bloomfield", + -13.814346313476562 + ], + [ + "▁Legs", + -13.814353942871094 + ], + [ + "Helen", + -13.814356803894045 + ], + [ + "▁Akin", + -13.81436824798584 + ], + [ + "bottle", + -13.81443977355957 + ], + [ + "▁fairway", + -13.814447402954102 + ], + [ + "▁Chrys", + -13.81446361541748 + ], + [ + "▁Shelly", + -13.814465522766112 + ], + [ + "packing", + -13.814473152160645 + ], + [ + "▁airbrush", + -13.814542770385742 + ], + [ + "▁CCD", + -13.814545631408691 + ], + [ + "lur", + -13.81456184387207 + ], + [ + "gno", + -13.814619064331056 + ], + [ + "▁leach", + -13.81466579437256 + ], + [ + "!!)", + -13.814695358276367 + ], + [ + "▁1970,", + -13.814729690551758 + ], + [ + "919", + -13.81479835510254 + ], + [ + "494", + -13.814855575561523 + ], + [ + "▁tangle", + -13.814864158630373 + ], + [ + "▁yu", + -13.814901351928713 + ], + [ + "539", + -13.81497573852539 + ], + [ + "kana", + -13.81504249572754 + ], + [ + "▁rescheduled", + -13.815078735351562 + ], + [ + "▁patching", + -13.815130233764648 + ], + [ + "▁Wellbeing", + -13.815176963806152 + ], + [ + "▁Gia", + -13.815228462219238 + ], + [ + "▁BANK", + -13.815253257751465 + ], + [ + "ovsky", + -13.81525421142578 + ], + [ + "haz", + -13.815299987792969 + ], + [ + "▁capitalise", + -13.815316200256348 + ], + [ + "▁hexagon", + -13.815360069274902 + ], + [ + "0/", + -13.815418243408203 + ], + [ + "rsquo", + -13.815423011779783 + ], + [ + "▁Jamal", + -13.815442085266112 + ], + [ + "▁Contributions", + -13.81548309326172 + ], + [ + "COP", + -13.815555572509766 + ], + [ + "▁Choi", + -13.81557273864746 + ], + [ + "▁marches", + -13.815574645996094 + ], + [ + "▁Overhead", + -13.8156099319458 + ], + [ + "minating", + -13.8156156539917 + ], + [ + "▁Honours", + -13.81567096710205 + ], + [ + "DOC", + -13.815751075744627 + ], + [ + "enz", + -13.815752983093262 + ], + [ + "916", + -13.815811157226562 + ], + [ + "▁grasping", + -13.815817832946776 + ], + [ + "▁cleric", + -13.815919876098633 + ], + [ + "▁Outsourcing", + -13.815922737121582 + ], + [ + "DOR", + -13.815958023071287 + ], + [ + "rrington", + -13.81600570678711 + ], + [ + "replace", + -13.816035270690918 + ], + [ + "24)", + -13.816088676452637 + ], + [ + "▁CPAP", + -13.816088676452637 + ], + [ + "▁Reformed", + -13.816097259521484 + ], + [ + "708", + -13.816283226013184 + ], + [ + "▁1970’", + -13.816298484802246 + ], + [ + "▁Editions", + -13.816354751586914 + ], + [ + "ULA", + -13.816407203674316 + ], + [ + "▁Eastwood", + -13.816511154174805 + ], + [ + "rden", + -13.816575050354004 + ], + [ + "▁Kunst", + -13.816733360290527 + ], + [ + "▁Beyoncé", + -13.816853523254396 + ], + [ + "Islam", + -13.816875457763672 + ], + [ + "▁Photographers", + -13.816949844360352 + ], + [ + "Hydro", + -13.817026138305664 + ], + [ + "▁Replacing", + -13.81710433959961 + ], + [ + "▁Coding", + -13.817140579223633 + ], + [ + "▁Addis", + -13.817270278930664 + ], + [ + "▁Archi", + -13.817270278930664 + ], + [ + "▁Symantec", + -13.817280769348145 + ], + [ + "resistance", + -13.817428588867188 + ], + [ + "▁Presently", + -13.817453384399414 + ], + [ + "▁Copa", + -13.817516326904297 + ], + [ + "▁Glas", + -13.817543029785156 + ], + [ + "vre", + -13.817569732666016 + ], + [ + "▁Cli", + -13.817608833312988 + ], + [ + "▁boulevard", + -13.81767749786377 + ], + [ + "▁cornstarch", + -13.81767749786377 + ], + [ + "▁definately", + -13.81767749786377 + ], + [ + "▁irritable", + -13.81767749786377 + ], + [ + "▁Nazareth", + -13.817681312561035 + ], + [ + "Ana", + -13.817694664001465 + ], + [ + "▁maroon", + -13.81769847869873 + ], + [ + "cpp", + -13.81770133972168 + ], + [ + "▁Perception", + -13.817703247070312 + ], + [ + "▁Veggie", + -13.817719459533691 + ], + [ + "Hiring", + -13.817757606506348 + ], + [ + "▁RMB", + -13.817793846130373 + ], + [ + "▁underprivileged", + -13.817797660827637 + ], + [ + "LATE", + -13.81780242919922 + ], + [ + "▁Garner", + -13.817838668823242 + ], + [ + "▁purported", + -13.817853927612305 + ], + [ + "▁substandard", + -13.817855834960938 + ], + [ + "▁Sou", + -13.817980766296388 + ], + [ + "▁remixes", + -13.818060874938965 + ], + [ + "▁Acre", + -13.818102836608888 + ], + [ + "Finder", + -13.818109512329102 + ], + [ + "edo", + -13.818124771118164 + ], + [ + "Sho", + -13.818254470825195 + ], + [ + "▁vacated", + -13.818310737609863 + ], + [ + "ecki", + -13.818325996398926 + ], + [ + "boats", + -13.818360328674316 + ], + [ + "▁IIS", + -13.81838035583496 + ], + [ + "iyah", + -13.818397521972656 + ], + [ + "▁skateboarding", + -13.81847095489502 + ], + [ + "cialis", + -13.81851863861084 + ], + [ + "zawa", + -13.81851863861084 + ], + [ + "▁Drums", + -13.81857204437256 + ], + [ + "genetic", + -13.81860065460205 + ], + [ + "▁Nel", + -13.81861972808838 + ], + [ + "▁BAL", + -13.818650245666504 + ], + [ + "▁Sphere", + -13.818655014038086 + ], + [ + "eres", + -13.818666458129885 + ], + [ + "▁Gim", + -13.818758010864258 + ], + [ + "▁Bleach", + -13.818764686584473 + ], + [ + "▁inquiring", + -13.81877613067627 + ], + [ + "▁407", + -13.8187837600708 + ], + [ + "▁beau", + -13.81879711151123 + ], + [ + "▁Sati", + -13.81884765625 + ], + [ + "UNI", + -13.81887435913086 + ], + [ + "▁mustache", + -13.818984985351562 + ], + [ + "▁Mentoring", + -13.818997383117676 + ], + [ + "▁Korn", + -13.819034576416016 + ], + [ + "▁Flor", + -13.81904125213623 + ], + [ + "▁$31", + -13.819064140319824 + ], + [ + "Ep", + -13.819099426269531 + ], + [ + "▁gusts", + -13.819159507751465 + ], + [ + "▁lobbyists", + -13.81917667388916 + ], + [ + "erer", + -13.819199562072754 + ], + [ + "▁0.04", + -13.819221496582031 + ], + [ + "437", + -13.819252014160156 + ], + [ + "▁clogs", + -13.819331169128418 + ], + [ + "Bas", + -13.819465637207031 + ], + [ + "▁relieves", + -13.819467544555664 + ], + [ + "▁Cigarette", + -13.819473266601562 + ], + [ + "UNE", + -13.819488525390623 + ], + [ + "▁Julien", + -13.81949234008789 + ], + [ + "▁dermal", + -13.819503784179688 + ], + [ + "▁tolerances", + -13.819528579711914 + ], + [ + "demo", + -13.819572448730469 + ], + [ + "Terra", + -13.819576263427734 + ], + [ + "▁retake", + -13.819589614868164 + ], + [ + "fford", + -13.819659233093262 + ], + [ + "▁QT", + -13.81980037689209 + ], + [ + "▁Camo", + -13.81984806060791 + ], + [ + "▁proponent", + -13.819857597351074 + ], + [ + "452", + -13.820106506347656 + ], + [ + "▁Wondering", + -13.820125579833984 + ], + [ + "▁$25.", + -13.82020378112793 + ], + [ + "▁cashews", + -13.82022190093994 + ], + [ + "▁alarmed", + -13.820231437683104 + ], + [ + "▁classifier", + -13.820239067077637 + ], + [ + "mey", + -13.820359230041504 + ], + [ + "▁Tint", + -13.820383071899414 + ], + [ + "▁Samui", + -13.820420265197754 + ], + [ + "▁nip", + -13.820509910583496 + ], + [ + "▁infiltrate", + -13.820511817932127 + ], + [ + "▁collaborates", + -13.82054328918457 + ], + [ + "itating", + -13.82065486907959 + ], + [ + "oline", + -13.820663452148438 + ], + [ + "▁Swa", + -13.820701599121094 + ], + [ + "▁355", + -13.82071304321289 + ], + [ + "3-7", + -13.820775032043455 + ], + [ + "▁36\"", + -13.82077980041504 + ], + [ + "Regional", + -13.820874214172363 + ], + [ + "ometry", + -13.820937156677246 + ], + [ + "Knight", + -13.82094383239746 + ], + [ + "▁Deacon", + -13.82095718383789 + ], + [ + "▁gasp", + -13.8211030960083 + ], + [ + "▁chromium", + -13.82111358642578 + ], + [ + "▁dexterity", + -13.82111358642578 + ], + [ + "▁estimator", + -13.82111358642578 + ], + [ + "▁infringing", + -13.82111358642578 + ], + [ + "▁monetization", + -13.82111358642578 + ], + [ + "▁Archaeological", + -13.821114540100098 + ], + [ + "▁Equifax", + -13.82111644744873 + ], + [ + "documented", + -13.821117401123049 + ], + [ + "▁Neurology", + -13.821125984191896 + ], + [ + "▁2010)", + -13.82112979888916 + ], + [ + "▁Boundary", + -13.82114028930664 + ], + [ + "▁Damien", + -13.821141242980955 + ], + [ + "▁McKay", + -13.821151733398438 + ], + [ + "▁Popcorn", + -13.821151733398438 + ], + [ + "▁Inverness", + -13.821161270141602 + ], + [ + "▁Peng", + -13.82116985321045 + ], + [ + "▁rosy", + -13.821170806884766 + ], + [ + "▁ovation", + -13.821174621582031 + ], + [ + "▁mooring", + -13.82117748260498 + ], + [ + "▁monolithic", + -13.821202278137209 + ], + [ + "▁audiovisual", + -13.821215629577637 + ], + [ + "▁Angelina", + -13.821233749389648 + ], + [ + "pom", + -13.82123851776123 + ], + [ + "▁regretted", + -13.821249008178713 + ], + [ + "Um", + -13.82126522064209 + ], + [ + "▁Minimal", + -13.821290969848633 + ], + [ + "▁interconnection", + -13.821308135986328 + ], + [ + "▁meteorite", + -13.821337699890137 + ], + [ + "▁mushy", + -13.821361541748049 + ], + [ + "▁Cradle", + -13.82138442993164 + ], + [ + "wie", + -13.821406364440918 + ], + [ + "▁theorem", + -13.821407318115234 + ], + [ + "▁alma", + -13.821413040161133 + ], + [ + "▁Eighth", + -13.821414947509766 + ], + [ + "▁civilisation", + -13.82146453857422 + ], + [ + "▁Conveniently", + -13.821507453918455 + ], + [ + "▁Milestone", + -13.821528434753418 + ], + [ + "▁CAA", + -13.82153034210205 + ], + [ + "▁Civilization", + -13.821540832519531 + ], + [ + "pea", + -13.82155418395996 + ], + [ + "▁paver", + -13.821568489074709 + ], + [ + "▁Aquarius", + -13.82158088684082 + ], + [ + "▁Fior", + -13.821602821350098 + ], + [ + "▁evaporated", + -13.821640014648438 + ], + [ + "ooo", + -13.821678161621094 + ], + [ + "▁multifamily", + -13.821681022644045 + ], + [ + "▁Signing", + -13.821786880493164 + ], + [ + "▁Bookcase", + -13.82186508178711 + ], + [ + "Alice", + -13.821907043457031 + ], + [ + "rse", + -13.821945190429688 + ], + [ + "loft", + -13.821955680847168 + ], + [ + "▁recorders", + -13.8219575881958 + ], + [ + "(7)", + -13.8219633102417 + ], + [ + "▁griddle", + -13.821969032287598 + ], + [ + "Cab", + -13.821999549865724 + ], + [ + "▁yellowish", + -13.822017669677734 + ], + [ + "▁CHF", + -13.822068214416504 + ], + [ + "▁totality", + -13.82206916809082 + ], + [ + "▁GATE", + -13.822114944458008 + ], + [ + "▁bowed", + -13.822178840637209 + ], + [ + "▁Spatial", + -13.822195053100586 + ], + [ + "▁Cosmos", + -13.822203636169434 + ], + [ + "akka", + -13.82227611541748 + ], + [ + "zag", + -13.822279930114746 + ], + [ + "▁Sedan", + -13.822280883789062 + ], + [ + "▁MOV", + -13.82229995727539 + ], + [ + "▁PRINT", + -13.82233715057373 + ], + [ + "affe", + -13.822340965270996 + ], + [ + "rear", + -13.82236671447754 + ], + [ + "▁bowlers", + -13.82236671447754 + ], + [ + "▁PARA", + -13.822405815124512 + ], + [ + "▁entre", + -13.822432518005373 + ], + [ + "1;", + -13.822492599487305 + ], + [ + "▁Dolls", + -13.82249355316162 + ], + [ + "▁LOCATION", + -13.822528839111328 + ], + [ + "▁Bono", + -13.82256031036377 + ], + [ + "cking", + -13.822571754455566 + ], + [ + "▁timestamp", + -13.822587966918944 + ], + [ + "▁reopening", + -13.822590827941896 + ], + [ + "▁revisited", + -13.822649002075195 + ], + [ + "-1990", + -13.822673797607422 + ], + [ + "009", + -13.822673797607422 + ], + [ + "633", + -13.822696685791016 + ], + [ + "▁Phen", + -13.822720527648926 + ], + [ + "dinner", + -13.82277011871338 + ], + [ + "▁Ironman", + -13.822783470153809 + ], + [ + "▁intel", + -13.82278823852539 + ], + [ + "▁Blessings", + -13.82280731201172 + ], + [ + "mada", + -13.822893142700195 + ], + [ + "568", + -13.822895050048828 + ], + [ + "Examples", + -13.822979927062988 + ], + [ + "▁mixtures", + -13.82309341430664 + ], + [ + "Plans", + -13.823094367980955 + ], + [ + "▁Rees", + -13.823115348815918 + ], + [ + "1001", + -13.823163032531738 + ], + [ + "▁hardening", + -13.823209762573242 + ], + [ + "▁pamphlet", + -13.823335647583008 + ], + [ + "▁Faye", + -13.82335376739502 + ], + [ + "▁underscore", + -13.823382377624512 + ], + [ + "▁Hoi", + -13.823404312133787 + ], + [ + "AMS", + -13.823436737060549 + ], + [ + "▁spiked", + -13.823436737060549 + ], + [ + "▁adventurer", + -13.823488235473633 + ], + [ + "▁Aidan", + -13.823610305786133 + ], + [ + "▁Sherri", + -13.823617935180664 + ], + [ + "▁Sensitive", + -13.823637008666992 + ], + [ + "Done", + -13.823647499084473 + ], + [ + "▁rabbi", + -13.823676109313965 + ], + [ + "▁560", + -13.823712348937988 + ], + [ + "▁Handicap", + -13.823726654052734 + ], + [ + "REM", + -13.823832511901855 + ], + [ + "▁Terrier", + -13.823833465576172 + ], + [ + "▁2003)", + -13.823843955993652 + ], + [ + "▁cartoonist", + -13.823872566223145 + ], + [ + "▁WT", + -13.823897361755373 + ], + [ + "doctor", + -13.823919296264648 + ], + [ + "▁fanatics", + -13.823935508728027 + ], + [ + "▁diameters", + -13.823970794677734 + ], + [ + "▁Consent", + -13.82404327392578 + ], + [ + "▁acrobatic", + -13.82404613494873 + ], + [ + "▁Wynn", + -13.824151039123535 + ], + [ + "▁Galileo", + -13.824163436889648 + ], + [ + "▁Dubbed", + -13.824178695678713 + ], + [ + "▁Squash", + -13.82421588897705 + ], + [ + "aglia", + -13.824235916137695 + ], + [ + "▁Siberia", + -13.82430648803711 + ], + [ + "▁#12", + -13.824326515197754 + ], + [ + "ocytes", + -13.824334144592283 + ], + [ + "▁Bois", + -13.824342727661133 + ], + [ + "Elsewhere", + -13.824419021606444 + ], + [ + "cited", + -13.824444770812988 + ], + [ + "803", + -13.824445724487305 + ], + [ + "Stunning", + -13.824466705322266 + ], + [ + "enhancing", + -13.824468612670898 + ], + [ + "IRA", + -13.824482917785645 + ], + [ + "Ven", + -13.824496269226074 + ], + [ + "▁slay", + -13.824535369873049 + ], + [ + "▁interestingly", + -13.824542045593262 + ], + [ + "▁Heidelberg", + -13.824562072753906 + ], + [ + "▁Tenerife", + -13.824562072753906 + ], + [ + "▁grueling", + -13.824562072753906 + ], + [ + "▁sedative", + -13.824563026428224 + ], + [ + "▁Neighbourhood", + -13.824565887451172 + ], + [ + "▁Respiratory", + -13.824565887451172 + ], + [ + "▁PROGRAM", + -13.824566841125488 + ], + [ + "▁veritable", + -13.82456874847412 + ], + [ + "▁THEN", + -13.824572563171388 + ], + [ + "▁Cricut", + -13.824580192565918 + ], + [ + "▁chives", + -13.824584007263184 + ], + [ + "Eleven", + -13.824586868286133 + ], + [ + "▁AdSense", + -13.824588775634766 + ], + [ + "▁subcommittee", + -13.824589729309082 + ], + [ + "▁unmet", + -13.824590682983398 + ], + [ + "harvest", + -13.82459545135498 + ], + [ + "▁Telstra", + -13.82460594177246 + ], + [ + "▁vandal", + -13.82461643218994 + ], + [ + "▁unresponsive", + -13.82462215423584 + ], + [ + "▁outerwear", + -13.824661254882812 + ], + [ + "maniac", + -13.824665069580078 + ], + [ + "394", + -13.824667930603027 + ], + [ + "WORK", + -13.824668884277344 + ], + [ + "▁tartar", + -13.82466983795166 + ], + [ + "imposed", + -13.824673652648926 + ], + [ + "Bryan", + -13.824681282043455 + ], + [ + "▁Helpful", + -13.82469367980957 + ], + [ + "BIA", + -13.824758529663086 + ], + [ + "▁marshes", + -13.824779510498049 + ], + [ + "▁volley", + -13.824779510498049 + ], + [ + "▁Stri", + -13.824798583984377 + ], + [ + "▁UH", + -13.824798583984377 + ], + [ + "▁VLAN", + -13.824813842773438 + ], + [ + "Delta", + -13.824841499328612 + ], + [ + "▁Zuma", + -13.824902534484863 + ], + [ + "▁PAGE", + -13.825030326843262 + ], + [ + "▁Kindly", + -13.82507038116455 + ], + [ + "▁unwise", + -13.825075149536133 + ], + [ + "saurus", + -13.825108528137209 + ], + [ + "▁PwC", + -13.825196266174316 + ], + [ + "▁Nev", + -13.825270652770996 + ], + [ + "▁middleware", + -13.825321197509766 + ], + [ + "▁miniatures", + -13.825323104858398 + ], + [ + "tastic", + -13.825364112854004 + ], + [ + "▁standoff", + -13.825383186340332 + ], + [ + "▁Examine", + -13.825390815734863 + ], + [ + "▁waistline", + -13.825489044189451 + ], + [ + "▁proton", + -13.82550811767578 + ], + [ + "▁playtime", + -13.825554847717283 + ], + [ + "▁VISA", + -13.825636863708496 + ], + [ + "▁Bara", + -13.825726509094238 + ], + [ + "▁asserting", + -13.825782775878906 + ], + [ + "rolled", + -13.825798034667969 + ], + [ + "▁Terrain", + -13.825822830200195 + ], + [ + "▁$48", + -13.825864791870115 + ], + [ + "▁contradict", + -13.8258695602417 + ], + [ + "▁CLEAN", + -13.825934410095217 + ], + [ + "▁unwell", + -13.825940132141112 + ], + [ + "titu", + -13.825953483581545 + ], + [ + "▁struts", + -13.825960159301758 + ], + [ + "▁addon", + -13.826037406921388 + ], + [ + "от", + -13.826043128967283 + ], + [ + "Away", + -13.826067924499512 + ], + [ + "▁Freshman", + -13.82607364654541 + ], + [ + "▁Brod", + -13.826144218444824 + ], + [ + "oiled", + -13.826420783996582 + ], + [ + "▁Posting", + -13.826457023620604 + ], + [ + "stories", + -13.826473236083984 + ], + [ + "▁funerals", + -13.82653522491455 + ], + [ + "▁Commentary", + -13.826558113098145 + ], + [ + "▁duplicates", + -13.826570510864258 + ], + [ + "▁mer", + -13.826595306396484 + ], + [ + "XY", + -13.826610565185549 + ], + [ + "▁Boxer", + -13.82664680480957 + ], + [ + "BRI", + -13.826689720153809 + ], + [ + "▁10.30", + -13.826711654663086 + ], + [ + "642", + -13.826743125915527 + ], + [ + "handling", + -13.826812744140623 + ], + [ + "788", + -13.826845169067385 + ], + [ + "-63", + -13.826910018920898 + ], + [ + "internal", + -13.82706356048584 + ], + [ + "▁Pathway", + -13.827065467834473 + ], + [ + "▁figurines", + -13.827101707458496 + ], + [ + "lug", + -13.82716464996338 + ], + [ + "▁Recommend", + -13.827256202697754 + ], + [ + "▁bumping", + -13.827272415161133 + ], + [ + "mber", + -13.82728099822998 + ], + [ + "1991", + -13.82741355895996 + ], + [ + "▁wade", + -13.82742977142334 + ], + [ + "SAM", + -13.82750129699707 + ], + [ + "▁HAPPY", + -13.82761001586914 + ], + [ + "▁KN", + -13.827763557434082 + ], + [ + "▁Rau", + -13.827765464782717 + ], + [ + "izi", + -13.827873229980469 + ], + [ + "▁CAF", + -13.827889442443848 + ], + [ + "▁medi", + -13.827920913696287 + ], + [ + "rpm", + -13.827960968017578 + ], + [ + "criminal", + -13.827980041503906 + ], + [ + "agar", + -13.82798194885254 + ], + [ + "746", + -13.827999114990234 + ], + [ + "▁estranged", + -13.828022003173828 + ], + [ + "▁hygienist", + -13.828022003173828 + ], + [ + "▁selenium", + -13.828022003173828 + ], + [ + "▁sterilization", + -13.828022003173828 + ], + [ + "▁twelfth", + -13.828022003173828 + ], + [ + "▁dreary", + -13.828022956848145 + ], + [ + "▁methamphetamine", + -13.828022956848145 + ], + [ + "▁Rebellion", + -13.828025817871094 + ], + [ + "▁estuary", + -13.82802677154541 + ], + [ + "▁Balinese", + -13.828027725219728 + ], + [ + "▁Gingerbread", + -13.828027725219728 + ], + [ + "▁nascent", + -13.828028678894045 + ], + [ + "▁Domingo", + -13.82802963256836 + ], + [ + "▁aquaculture", + -13.828030586242676 + ], + [ + "▁FLOOR", + -13.828032493591309 + ], + [ + "▁Sunglasses", + -13.82803440093994 + ], + [ + "▁Hurley", + -13.828083038330078 + ], + [ + "▁Reggie", + -13.828094482421877 + ], + [ + "collectively", + -13.828102111816406 + ], + [ + "Jamie", + -13.828106880187988 + ], + [ + "tasting", + -13.828109741210938 + ], + [ + "▁Pedal", + -13.828225135803224 + ], + [ + "▁Presley", + -13.828235626220703 + ], + [ + "▁Sergei", + -13.828239440917969 + ], + [ + "▁Shut", + -13.828243255615234 + ], + [ + "817", + -13.828245162963867 + ], + [ + "▁Morales", + -13.828254699707031 + ], + [ + "497", + -13.828275680541992 + ], + [ + "▁newsroom", + -13.828328132629396 + ], + [ + "▁Goodbye", + -13.828359603881836 + ], + [ + "▁apprenticeships", + -13.828392028808594 + ], + [ + "▁campaigned", + -13.82843780517578 + ], + [ + "▁docket", + -13.828450202941896 + ], + [ + "▁fisher", + -13.828479766845703 + ], + [ + "▁Trem", + -13.82855224609375 + ], + [ + "▁Weld", + -13.82855987548828 + ], + [ + "wright", + -13.828654289245604 + ], + [ + "▁rayon", + -13.828657150268556 + ], + [ + "▁hutch", + -13.82866096496582 + ], + [ + "▁ADR", + -13.828682899475098 + ], + [ + "/0", + -13.82869815826416 + ], + [ + "KG", + -13.82874870300293 + ], + [ + "▁Sunflower", + -13.828755378723145 + ], + [ + "warming", + -13.828774452209473 + ], + [ + "▁Organisations", + -13.828868865966797 + ], + [ + "▁Burner", + -13.828911781311035 + ], + [ + "444", + -13.828961372375488 + ], + [ + "▁Gives", + -13.8291015625 + ], + [ + "lose", + -13.82911491394043 + ], + [ + "▁yay", + -13.829134941101074 + ], + [ + "JPY", + -13.829157829284668 + ], + [ + "▁surfboard", + -13.829168319702148 + ], + [ + "▁Transitional", + -13.829188346862791 + ], + [ + "▁Pag", + -13.829246520996094 + ], + [ + "tails", + -13.829254150390623 + ], + [ + "▁predictor", + -13.829312324523926 + ], + [ + "tresses", + -13.829315185546877 + ], + [ + "▁75-", + -13.82936668395996 + ], + [ + "argo", + -13.82948112487793 + ], + [ + "▁Lush", + -13.829565048217772 + ], + [ + "▁Merck", + -13.829569816589355 + ], + [ + "isle", + -13.829612731933594 + ], + [ + "flag", + -13.829614639282228 + ], + [ + "Seller", + -13.829645156860352 + ], + [ + "breed", + -13.82966423034668 + ], + [ + "▁Submitted", + -13.829731941223145 + ], + [ + "▁Hoe", + -13.829747200012209 + ], + [ + "▁caterers", + -13.829771041870115 + ], + [ + "UCK", + -13.829815864562988 + ], + [ + "LH", + -13.82983684539795 + ], + [ + "ocean", + -13.829885482788086 + ], + [ + "▁2015;", + -13.829903602600098 + ], + [ + "▁clumps", + -13.829928398132324 + ], + [ + "Baker", + -13.829948425292969 + ], + [ + "▁2200", + -13.82998275756836 + ], + [ + "eson", + -13.830077171325684 + ], + [ + "▁restorations", + -13.830111503601074 + ], + [ + "▁ulcer", + -13.830246925354004 + ], + [ + "▁maximizes", + -13.830280303955078 + ], + [ + "▁EEA", + -13.83030891418457 + ], + [ + "Jen", + -13.830350875854492 + ], + [ + "▁maneuvers", + -13.83044147491455 + ], + [ + "▁POW", + -13.830451965332031 + ], + [ + "▁Identifying", + -13.830472946166992 + ], + [ + "▁resolves", + -13.830472946166992 + ], + [ + "▁reformed", + -13.830485343933104 + ], + [ + "▁godly", + -13.830544471740724 + ], + [ + "▁handover", + -13.830558776855469 + ], + [ + "geni", + -13.830570220947266 + ], + [ + "▁Marlborough", + -13.830574035644531 + ], + [ + "Xi", + -13.830589294433594 + ], + [ + "▁Pullman", + -13.83059024810791 + ], + [ + "pants", + -13.830591201782228 + ], + [ + "709", + -13.830618858337402 + ], + [ + "▁obscured", + -13.830642700195312 + ], + [ + "▁projectile", + -13.830647468566896 + ], + [ + "ZI", + -13.830676078796388 + ], + [ + "▁Recommendation", + -13.830729484558104 + ], + [ + "▁MISS", + -13.830937385559082 + ], + [ + "▁skater", + -13.83098030090332 + ], + [ + "▁leeks", + -13.830988883972168 + ], + [ + "▁213", + -13.830989837646484 + ], + [ + "▁reverb", + -13.831000328063965 + ], + [ + "▁nutritionist", + -13.831012725830078 + ], + [ + "742", + -13.831018447875977 + ], + [ + "▁catalogues", + -13.831035614013672 + ], + [ + "judge", + -13.831171989440918 + ], + [ + "hane", + -13.831274032592772 + ], + [ + "▁obstetric", + -13.831284523010254 + ], + [ + "▁squeak", + -13.831284523010254 + ], + [ + "ampa", + -13.831289291381836 + ], + [ + "▁Allowing", + -13.831334114074709 + ], + [ + "▁Petrol", + -13.831357955932615 + ], + [ + "▁insole", + -13.831372261047363 + ], + [ + "▁Optics", + -13.831469535827637 + ], + [ + "▁vulgar", + -13.831473350524902 + ], + [ + "▁Calhoun", + -13.831494331359863 + ], + [ + "▁Himachal", + -13.831494331359863 + ], + [ + "▁dispensaries", + -13.831494331359863 + ], + [ + "▁apprehensive", + -13.83149528503418 + ], + [ + "▁arsenic", + -13.831498146057127 + ], + [ + "▁oblique", + -13.831498146057127 + ], + [ + "▁(1992)", + -13.83152675628662 + ], + [ + "▁ballerina", + -13.83152675628662 + ], + [ + "▁Bayesian", + -13.831531524658203 + ], + [ + "▁Fleece", + -13.831534385681152 + ], + [ + "▁jaunt", + -13.831534385681152 + ], + [ + "oul", + -13.83155345916748 + ], + [ + "▁foggy", + -13.83155345916748 + ], + [ + "▁disbursement", + -13.83155918121338 + ], + [ + "▁dutch", + -13.831572532653809 + ], + [ + "Flexible", + -13.831573486328123 + ], + [ + "▁Jarrett", + -13.831585884094238 + ], + [ + "Dallas", + -13.831586837768556 + ], + [ + "▁NULL", + -13.831588745117188 + ], + [ + "▁unearned", + -13.831631660461426 + ], + [ + "Jimmy", + -13.831652641296388 + ], + [ + "▁Decree", + -13.831655502319336 + ], + [ + "▁ploy", + -13.83166790008545 + ], + [ + "▁abyss", + -13.83168125152588 + ], + [ + "▁Franciscan", + -13.83168601989746 + ], + [ + "▁Wesleyan", + -13.83169937133789 + ], + [ + "▁Prediction", + -13.831705093383787 + ], + [ + "▁interpretive", + -13.831743240356444 + ], + [ + "▁harass", + -13.831750869750977 + ], + [ + "489", + -13.831753730773926 + ], + [ + "▁Dist", + -13.831761360168455 + ], + [ + "▁rainforests", + -13.831804275512695 + ], + [ + "▁resurrected", + -13.83182430267334 + ], + [ + "▁doggie", + -13.831849098205566 + ], + [ + "nado", + -13.83187198638916 + ], + [ + "jur", + -13.831917762756348 + ], + [ + "▁AAP", + -13.83191967010498 + ], + [ + "▁quench", + -13.831950187683104 + ], + [ + "▁sleeveless", + -13.831954002380373 + ], + [ + "▁Ugly", + -13.83196258544922 + ], + [ + "▁debuts", + -13.8319730758667 + ], + [ + "recipe", + -13.832050323486328 + ], + [ + "614", + -13.832086563110352 + ], + [ + "▁syndicated", + -13.832124710083008 + ], + [ + "738", + -13.83217430114746 + ], + [ + "▁baffled", + -13.832209587097168 + ], + [ + "77.", + -13.832233428955078 + ], + [ + "▁Bhag", + -13.832258224487305 + ], + [ + "PhD", + -13.832283973693848 + ], + [ + "▁sauteed", + -13.8323335647583 + ], + [ + "IBM", + -13.832352638244627 + ], + [ + "▁PADI", + -13.832379341125488 + ], + [ + "▁17,000", + -13.832391738891602 + ], + [ + "WARD", + -13.83247184753418 + ], + [ + "ieren", + -13.832537651062012 + ], + [ + "kei", + -13.832602500915527 + ], + [ + "▁DISH", + -13.83260726928711 + ], + [ + "▁Liner", + -13.832674980163574 + ], + [ + "riff", + -13.832718849182127 + ], + [ + "asan", + -13.83275318145752 + ], + [ + "▁$0.00", + -13.8328275680542 + ], + [ + "query", + -13.83286476135254 + ], + [ + "▁Hir", + -13.83290195465088 + ], + [ + "▁Sinks", + -13.832950592041016 + ], + [ + "▁Yao", + -13.833003044128418 + ], + [ + "ooh", + -13.833089828491213 + ], + [ + "#3", + -13.833122253417969 + ], + [ + "dahl", + -13.8331880569458 + ], + [ + "▁bodybuilding", + -13.833240509033203 + ], + [ + "▁Hof", + -13.833284378051758 + ], + [ + "graphs", + -13.833374977111816 + ], + [ + "▁policemen", + -13.833422660827637 + ], + [ + "▁Pharisees", + -13.8334321975708 + ], + [ + "▁Chao", + -13.833456039428713 + ], + [ + "▁34%", + -13.833545684814451 + ], + [ + "erly", + -13.833568572998049 + ], + [ + "▁checkup", + -13.83359146118164 + ], + [ + "ontology", + -13.833653450012209 + ], + [ + "▁NCC", + -13.833700180053713 + ], + [ + "topped", + -13.833723068237305 + ], + [ + "quil", + -13.83376693725586 + ], + [ + "704", + -13.833807945251465 + ], + [ + "▁Waterway", + -13.833807945251465 + ], + [ + "▁tilting", + -13.833847045898438 + ], + [ + "----------------", + -13.833879470825195 + ], + [ + "▁clot", + -13.833882331848145 + ], + [ + "▁carriages", + -13.83392333984375 + ], + [ + "▁Boer", + -13.833974838256836 + ], + [ + "gating", + -13.833998680114746 + ], + [ + "▁Gali", + -13.834013938903809 + ], + [ + "▁swearing", + -13.83415412902832 + ], + [ + "▁Sass", + -13.834237098693848 + ], + [ + "Rule", + -13.83424186706543 + ], + [ + "Parts", + -13.834253311157228 + ], + [ + "codes", + -13.834258079528809 + ], + [ + "rena", + -13.834270477294922 + ], + [ + "▁Macon", + -13.834295272827148 + ], + [ + "▁Adhesive", + -13.834314346313477 + ], + [ + "▁cleansed", + -13.834325790405272 + ], + [ + "imate", + -13.834328651428224 + ], + [ + "Haven", + -13.834343910217283 + ], + [ + "dressed", + -13.834344863891602 + ], + [ + "▁Frenchman", + -13.834380149841309 + ], + [ + "lique", + -13.834407806396484 + ], + [ + "▁“[", + -13.834425926208496 + ], + [ + "orium", + -13.834439277648926 + ], + [ + "CHI", + -13.834519386291504 + ], + [ + "▁Arrive", + -13.834562301635742 + ], + [ + "▁Balanced", + -13.834593772888184 + ], + [ + "016", + -13.83461570739746 + ], + [ + "witz", + -13.834689140319824 + ], + [ + "▁tether", + -13.834711074829102 + ], + [ + "Island", + -13.834742546081545 + ], + [ + "oose", + -13.83476448059082 + ], + [ + "▁Surya", + -13.834792137145996 + ], + [ + "PUB", + -13.834842681884766 + ], + [ + "▁ADS", + -13.83486557006836 + ], + [ + "Teen", + -13.834867477416992 + ], + [ + "Doug", + -13.834871292114258 + ], + [ + "Alternative", + -13.834881782531738 + ], + [ + "▁contr", + -13.834940910339355 + ], + [ + "▁Distributors", + -13.834968566894531 + ], + [ + "821", + -13.834972381591797 + ], + [ + "▁flimsy", + -13.834979057312012 + ], + [ + "▁freelancing", + -13.834979057312012 + ], + [ + "▁manipulative", + -13.834979057312012 + ], + [ + "▁notoriety", + -13.834979057312012 + ], + [ + "▁Equinox", + -13.834980964660645 + ], + [ + "▁aqueous", + -13.83498191833496 + ], + [ + "▁antiseptic", + -13.835006713867188 + ], + [ + "▁Fujitsu", + -13.83500862121582 + ], + [ + "▁(1993)", + -13.835009574890137 + ], + [ + "▁MSNBC", + -13.83501148223877 + ], + [ + "RESULT", + -13.83501434326172 + ], + [ + "▁adobe", + -13.835044860839844 + ], + [ + "▁Scarlett", + -13.83505153656006 + ], + [ + "▁Marathi", + -13.835061073303224 + ], + [ + "▁raster", + -13.835079193115234 + ], + [ + "▁Donegal", + -13.83508014678955 + ], + [ + "▁glorified", + -13.835094451904297 + ], + [ + "▁RCMP", + -13.835121154785156 + ], + [ + "Advisor", + -13.835123062133787 + ], + [ + "▁concur", + -13.83515739440918 + ], + [ + "Miami", + -13.835165977478027 + ], + [ + "▁Winnie", + -13.835177421569824 + ], + [ + "▁Compton", + -13.835192680358888 + ], + [ + "▁Crowe", + -13.835200309753418 + ], + [ + "ATH", + -13.835225105285645 + ], + [ + "052", + -13.83523178100586 + ], + [ + "quan", + -13.835243225097656 + ], + [ + "▁Parc", + -13.835251808166504 + ], + [ + "▁macular", + -13.835264205932615 + ], + [ + "▁cobbled", + -13.83534049987793 + ], + [ + "538", + -13.835378646850586 + ], + [ + "▁recounted", + -13.83541202545166 + ], + [ + "▁booties", + -13.835529327392578 + ], + [ + "▁NPS", + -13.835579872131348 + ], + [ + "eez", + -13.835623741149902 + ], + [ + "▁Seri", + -13.835659980773926 + ], + [ + "villa", + -13.83570671081543 + ], + [ + "mish", + -13.835707664489746 + ], + [ + "Role", + -13.835844993591309 + ], + [ + "▁Aesthetic", + -13.835853576660156 + ], + [ + "▁Bj", + -13.83586311340332 + ], + [ + "▁oiled", + -13.835887908935549 + ], + [ + "▁Advertiser", + -13.835901260375977 + ], + [ + "▁mocking", + -13.835969924926758 + ], + [ + "6.8", + -13.835992813110352 + ], + [ + "▁holo", + -13.836134910583496 + ], + [ + "▁straightening", + -13.836151123046877 + ], + [ + "▁Shia", + -13.836188316345217 + ], + [ + "▁inert", + -13.836227416992188 + ], + [ + "▁imprinted", + -13.836237907409668 + ], + [ + "▁191", + -13.8362455368042 + ], + [ + "▁chiefs", + -13.836246490478516 + ], + [ + "▁Vue", + -13.83625030517578 + ], + [ + "▁bolstered", + -13.836255073547363 + ], + [ + "▁ripen", + -13.836371421813965 + ], + [ + "▁Connectivity", + -13.836437225341797 + ], + [ + "▁KTM", + -13.836459159851074 + ], + [ + "RZ", + -13.836533546447754 + ], + [ + "status", + -13.83653450012207 + ], + [ + "ehn", + -13.83657169342041 + ], + [ + "7.4", + -13.836592674255373 + ], + [ + "igma", + -13.836605072021484 + ], + [ + "Stat", + -13.83670711517334 + ], + [ + "keepers", + -13.836708068847656 + ], + [ + "749", + -13.836724281311035 + ], + [ + "▁CLASS", + -13.836899757385254 + ], + [ + "▁Strings", + -13.836943626403809 + ], + [ + "▁Mano", + -13.8369779586792 + ], + [ + "▁exquisitely", + -13.83698558807373 + ], + [ + "▁echoing", + -13.83702278137207 + ], + [ + "▁lat", + -13.837122917175291 + ], + [ + "▁lectured", + -13.837122917175291 + ], + [ + "▁billet", + -13.83716106414795 + ], + [ + "▁Placing", + -13.837180137634276 + ], + [ + "ext", + -13.837217330932615 + ], + [ + "rrie", + -13.837242126464844 + ], + [ + "▁810", + -13.837246894836426 + ], + [ + "▁Formerly", + -13.83728313446045 + ], + [ + "▁brightening", + -13.837289810180664 + ], + [ + "▁Zag", + -13.837400436401367 + ], + [ + "▁Norse", + -13.837479591369627 + ], + [ + "042", + -13.837549209594728 + ], + [ + "▁Galvanized", + -13.83755874633789 + ], + [ + "Arch", + -13.837603569030762 + ], + [ + "heel", + -13.83761978149414 + ], + [ + "▁Waltz", + -13.837665557861328 + ], + [ + "DEX", + -13.83771800994873 + ], + [ + "▁NOTICE", + -13.837727546691896 + ], + [ + "▁groin", + -13.837730407714844 + ], + [ + "esca", + -13.837733268737791 + ], + [ + "▁gravitate", + -13.837872505187988 + ], + [ + "▁jeopardize", + -13.837872505187988 + ], + [ + "▁boundless", + -13.838129043579102 + ], + [ + "▁conf", + -13.838129043579102 + ], + [ + "igger", + -13.838178634643556 + ], + [ + "▁saucer", + -13.838186264038086 + ], + [ + "▁visualizations", + -13.838265419006348 + ], + [ + "Pot", + -13.838322639465332 + ], + [ + "▁Fifteen", + -13.83839511871338 + ], + [ + "▁wishlist", + -13.838454246520996 + ], + [ + "▁Hendrix", + -13.838475227355955 + ], + [ + "▁aggregator", + -13.838475227355955 + ], + [ + "▁applicability", + -13.838475227355955 + ], + [ + "▁exfoliating", + -13.838475227355955 + ], + [ + "▁guerrilla", + -13.838475227355955 + ], + [ + "▁undisturbed", + -13.838475227355955 + ], + [ + "▁Condominium", + -13.838476181030272 + ], + [ + "▁Gonzales", + -13.838476181030272 + ], + [ + "▁Palermo", + -13.838476181030272 + ], + [ + "▁esoteric", + -13.838476181030272 + ], + [ + "▁reviving", + -13.83847713470459 + ], + [ + "▁Sichuan", + -13.838478088378906 + ], + [ + "▁sourdough", + -13.83847999572754 + ], + [ + "▁Gettysburg", + -13.838482856750488 + ], + [ + "▁Awning", + -13.838488578796388 + ], + [ + "▁Humanitarian", + -13.838507652282717 + ], + [ + "▁Neural", + -13.838534355163574 + ], + [ + "▁astronomers", + -13.838545799255373 + ], + [ + "▁Mower", + -13.838562965393066 + ], + [ + "▁mandolin", + -13.838573455810549 + ], + [ + "▁jawbone", + -13.83858585357666 + ], + [ + "▁VCE", + -13.838634490966797 + ], + [ + "github", + -13.838675498962402 + ], + [ + "▁stemmed", + -13.83869171142578 + ], + [ + "Shadow", + -13.838716506958008 + ], + [ + "Doctors", + -13.83872127532959 + ], + [ + "relevant", + -13.83873176574707 + ], + [ + "▁HID", + -13.83873176574707 + ], + [ + "agin", + -13.83873462677002 + ], + [ + "decision", + -13.838747024536133 + ], + [ + "▁plotted", + -13.838778495788574 + ], + [ + "torn", + -13.838892936706545 + ], + [ + "▁Hirsch", + -13.838953971862791 + ], + [ + "Nancy", + -13.838964462280272 + ], + [ + "239", + -13.839025497436523 + ], + [ + "▁Render", + -13.839131355285645 + ], + [ + "▁sherry", + -13.839151382446287 + ], + [ + "▁Sib", + -13.839214324951172 + ], + [ + "offers", + -13.839273452758787 + ], + [ + "▁Petal", + -13.839310646057127 + ], + [ + "venture", + -13.83936882019043 + ], + [ + "hira", + -13.839430809020996 + ], + [ + "ORG", + -13.839522361755373 + ], + [ + "756", + -13.839533805847168 + ], + [ + "242", + -13.839534759521484 + ], + [ + "listen", + -13.839559555053713 + ], + [ + "uci", + -13.839600563049316 + ], + [ + "tological", + -13.839634895324709 + ], + [ + "▁Motown", + -13.839682579040527 + ], + [ + "swing", + -13.839683532714844 + ], + [ + "▁Glide", + -13.83970832824707 + ], + [ + "▁improvise", + -13.839750289916992 + ], + [ + "▁repeatable", + -13.83984661102295 + ], + [ + "cini", + -13.839863777160645 + ], + [ + "kami", + -13.839900016784668 + ], + [ + "metic", + -13.83991527557373 + ], + [ + "▁Sonos", + -13.83994960784912 + ], + [ + "▁DSC", + -13.839977264404297 + ], + [ + "lifting", + -13.839994430541992 + ], + [ + "▁Seb", + -13.839998245239258 + ], + [ + "▁Dunes", + -13.840048789978027 + ], + [ + "Hang", + -13.84008502960205 + ], + [ + "BIC", + -13.840224266052246 + ], + [ + "915", + -13.84028434753418 + ], + [ + "60)", + -13.84034252166748 + ], + [ + "▁Cour", + -13.840357780456545 + ], + [ + "▁ky", + -13.840391159057615 + ], + [ + "▁fantastical", + -13.840415954589844 + ], + [ + "empt", + -13.84043312072754 + ], + [ + "▁uptick", + -13.840476036071776 + ], + [ + "Labs", + -13.84048557281494 + ], + [ + "▁excise", + -13.84048557281494 + ], + [ + "quote", + -13.840536117553713 + ], + [ + "▁illuminates", + -13.840546607971191 + ], + [ + "▁Gratis", + -13.840583801269531 + ], + [ + "832", + -13.84059238433838 + ], + [ + "▁Acceptance", + -13.840716361999512 + ], + [ + "▁Constantine", + -13.840819358825684 + ], + [ + "Watching", + -13.840882301330566 + ], + [ + "▁5-2", + -13.840913772583008 + ], + [ + "bora", + -13.840919494628906 + ], + [ + "▁555", + -13.840933799743652 + ], + [ + "▁Departments", + -13.84096336364746 + ], + [ + "REL", + -13.841020584106444 + ], + [ + "▁bookcases", + -13.841036796569824 + ], + [ + "▁Liza", + -13.841068267822266 + ], + [ + "▁preorder", + -13.841115951538086 + ], + [ + "173", + -13.841118812561035 + ], + [ + "▁ASD", + -13.84113597869873 + ], + [ + "▁Decals", + -13.84116554260254 + ], + [ + "▁Mav", + -13.841216087341309 + ], + [ + "▁Pembroke", + -13.841222763061523 + ], + [ + "477", + -13.841266632080078 + ], + [ + "▁CNS", + -13.841349601745604 + ], + [ + "▁Passing", + -13.841350555419922 + ], + [ + "▁fiance", + -13.84147834777832 + ], + [ + "▁winemaker", + -13.841500282287598 + ], + [ + "YD", + -13.841512680053713 + ], + [ + "▁kiddie", + -13.841516494750977 + ], + [ + "Establish", + -13.84160614013672 + ], + [ + "▁solver", + -13.841611862182615 + ], + [ + "enjoy", + -13.841619491577148 + ], + [ + "▁sediments", + -13.841723442077637 + ], + [ + "484", + -13.841748237609863 + ], + [ + "▁REVIEW", + -13.841784477233888 + ], + [ + "▁regularity", + -13.841800689697266 + ], + [ + "chter", + -13.841836929321287 + ], + [ + "▁blemish", + -13.841843605041504 + ], + [ + "Penn", + -13.841917991638184 + ], + [ + "▁Aron", + -13.841949462890623 + ], + [ + "▁Legislation", + -13.841983795166016 + ], + [ + "▁Raccoon", + -13.841983795166016 + ], + [ + "▁inseparable", + -13.841983795166016 + ], + [ + "▁phenotype", + -13.841983795166016 + ], + [ + "▁puzzling", + -13.841983795166016 + ], + [ + "▁Gatsby", + -13.841984748840332 + ], + [ + "▁Aleppo", + -13.84198760986328 + ], + [ + "▁squirt", + -13.841988563537598 + ], + [ + "▁Astrology", + -13.841989517211914 + ], + [ + "▁paraphrase", + -13.84199047088623 + ], + [ + "▁Assessor", + -13.841991424560549 + ], + [ + "▁brawl", + -13.841998100280762 + ], + [ + "▁GN", + -13.842010498046877 + ], + [ + "▁unmarried", + -13.842020988464355 + ], + [ + "▁intercultural", + -13.842058181762695 + ], + [ + "▁17\"", + -13.842061042785645 + ], + [ + "▁Softball", + -13.84210968017578 + ], + [ + "▁Larsen", + -13.842123985290527 + ], + [ + "▁Muscat", + -13.842129707336426 + ], + [ + "▁fondant", + -13.842169761657717 + ], + [ + "propos", + -13.842201232910156 + ], + [ + "▁runways", + -13.842229843139648 + ], + [ + "▁Km", + -13.842232704162598 + ], + [ + "▁repurchase", + -13.842241287231444 + ], + [ + "▁Sakura", + -13.842245101928713 + ], + [ + "▁Albums", + -13.842248916625977 + ], + [ + "▁shipbuilding", + -13.842329978942873 + ], + [ + "Genesis", + -13.84233283996582 + ], + [ + "Theme", + -13.84233283996582 + ], + [ + "▁ICS", + -13.842336654663086 + ], + [ + "dogs", + -13.842351913452148 + ], + [ + "Pulse", + -13.842363357543944 + ], + [ + "▁foreigner", + -13.842374801635742 + ], + [ + "Senator", + -13.84239387512207 + ], + [ + "▁methodical", + -13.84241771697998 + ], + [ + "▁feats", + -13.842427253723145 + ], + [ + "▁reinstated", + -13.842500686645508 + ], + [ + "621", + -13.842517852783203 + ], + [ + "▁($6", + -13.842528343200684 + ], + [ + "proc", + -13.842534065246582 + ], + [ + "▁clinched", + -13.842541694641112 + ], + [ + "▁Pf", + -13.84254264831543 + ], + [ + "▁$1.00", + -13.842573165893556 + ], + [ + "▁Macs", + -13.84260082244873 + ], + [ + "▁Rusty", + -13.84261703491211 + ], + [ + "▁Consumption", + -13.842629432678224 + ], + [ + "▁Recycled", + -13.842641830444336 + ], + [ + "Aim", + -13.842650413513184 + ], + [ + "▁Munro", + -13.84265422821045 + ], + [ + "61.", + -13.842658042907717 + ], + [ + "▁52%", + -13.842695236206056 + ], + [ + "▁pyramids", + -13.842737197875977 + ], + [ + "▁shoved", + -13.842751502990724 + ], + [ + "▁Corre", + -13.842758178710938 + ], + [ + "не", + -13.842764854431152 + ], + [ + "▁Ghosts", + -13.84278964996338 + ], + [ + "▁MPS", + -13.84282112121582 + ], + [ + "▁Forrester", + -13.842891693115234 + ], + [ + "▁pls", + -13.842927932739258 + ], + [ + "▁Masonic", + -13.843017578125 + ], + [ + "▁hookup", + -13.843087196350098 + ], + [ + "1989", + -13.843122482299805 + ], + [ + "782", + -13.843144416809082 + ], + [ + "▁lapel", + -13.843256950378418 + ], + [ + "▁millimeters", + -13.843374252319336 + ], + [ + "▁cubs", + -13.8433837890625 + ], + [ + "dense", + -13.843475341796877 + ], + [ + "mutation", + -13.843576431274414 + ], + [ + "STONE", + -13.843599319458008 + ], + [ + "▁dovetail", + -13.843602180480955 + ], + [ + "▁MMS", + -13.843713760375977 + ], + [ + "▁Nutri", + -13.84371852874756 + ], + [ + "ONY", + -13.84372329711914 + ], + [ + "▁Boomers", + -13.843743324279783 + ], + [ + "▁Ollie", + -13.843757629394531 + ], + [ + "▁fide", + -13.843789100646973 + ], + [ + "FIT", + -13.843817710876465 + ], + [ + "▁Lightly", + -13.84386920928955 + ], + [ + "▁#11", + -13.843918800354004 + ], + [ + "▁Blink", + -13.84414291381836 + ], + [ + "▁comrades", + -13.844155311584473 + ], + [ + "▁genesis", + -13.844165802001951 + ], + [ + "559", + -13.844168663024902 + ], + [ + "▁Withdrawal", + -13.844198226928713 + ], + [ + "▁PRIVATE", + -13.844220161437988 + ], + [ + "▁Luz", + -13.844313621520996 + ], + [ + "▁Kli", + -13.844388961791992 + ], + [ + "▁Greenfield", + -13.844401359558104 + ], + [ + "▁shouts", + -13.844463348388672 + ], + [ + "▁EBITDA", + -13.84447193145752 + ], + [ + "▁Georges", + -13.844518661499023 + ], + [ + "▁penetrates", + -13.84455108642578 + ], + [ + "▁Pug", + -13.844575881958008 + ], + [ + "▁avoidable", + -13.844688415527344 + ], + [ + "ishing", + -13.844718933105469 + ], + [ + "jim", + -13.844775199890137 + ], + [ + "▁Asher", + -13.844799995422363 + ], + [ + "▁Regents", + -13.844823837280272 + ], + [ + "▁abstain", + -13.844825744628906 + ], + [ + "▁Receipt", + -13.844837188720703 + ], + [ + "▁Warden", + -13.844907760620115 + ], + [ + "bron", + -13.844908714294434 + ], + [ + "▁WATCH", + -13.844910621643066 + ], + [ + "▁Mahindra", + -13.84492301940918 + ], + [ + "▁CAC", + -13.845023155212402 + ], + [ + "▁twitch", + -13.845088005065918 + ], + [ + "▁335", + -13.845138549804688 + ], + [ + "QUA", + -13.845221519470217 + ], + [ + "▁anew", + -13.845438957214355 + ], + [ + "▁Eisenhower", + -13.845504760742188 + ], + [ + "▁geriatric", + -13.845504760742188 + ], + [ + "▁laziness", + -13.845504760742188 + ], + [ + "▁Detached", + -13.845508575439451 + ], + [ + "▁Shapiro", + -13.845508575439451 + ], + [ + "▁DuPont", + -13.845511436462402 + ], + [ + "▁Catalina", + -13.845521926879885 + ], + [ + "▁OTT", + -13.845523834228516 + ], + [ + "Historian", + -13.84553050994873 + ], + [ + "▁steampunk", + -13.845541000366213 + ], + [ + "▁Paving", + -13.845553398132324 + ], + [ + "▁mickey", + -13.84555435180664 + ], + [ + "hila", + -13.845562934875488 + ], + [ + "▁restitution", + -13.845579147338867 + ], + [ + "▁2019)", + -13.845582962036133 + ], + [ + "▁Granny", + -13.84559154510498 + ], + [ + "▁Crowley", + -13.845613479614258 + ], + [ + "SAC", + -13.845621109008787 + ], + [ + "▁Shout", + -13.845657348632812 + ], + [ + "554", + -13.845687866210938 + ], + [ + "▁instinctively", + -13.845704078674316 + ], + [ + "▁Reliability", + -13.84572410583496 + ], + [ + "▁Virgo", + -13.84575653076172 + ], + [ + "▁504", + -13.845819473266602 + ], + [ + "▁coexist", + -13.845884323120115 + ], + [ + "▁Elevator", + -13.8458890914917 + ], + [ + "▁implicitly", + -13.845913887023926 + ], + [ + "advisor", + -13.845929145812988 + ], + [ + "artificial", + -13.84593105316162 + ], + [ + "Lincoln", + -13.84593677520752 + ], + [ + "▁overcrowded", + -13.845947265625 + ], + [ + "▁Sdn", + -13.845951080322266 + ], + [ + "▁roadblocks", + -13.845951080322266 + ], + [ + "▁Jumper", + -13.845985412597656 + ], + [ + "▁tinkering", + -13.84604263305664 + ], + [ + "▁Shiite", + -13.846096992492676 + ], + [ + "Flowers", + -13.846166610717772 + ], + [ + "Morgan", + -13.846196174621582 + ], + [ + "▁Cottages", + -13.846236228942873 + ], + [ + "▁loin", + -13.846236228942873 + ], + [ + "personally", + -13.846258163452148 + ], + [ + "▁capacitors", + -13.84628200531006 + ], + [ + "▁Ars", + -13.846356391906738 + ], + [ + "▁Trenton", + -13.8463716506958 + ], + [ + "BRA", + -13.846400260925291 + ], + [ + "▁snapper", + -13.846441268920898 + ], + [ + "nti", + -13.846442222595217 + ], + [ + "alternative", + -13.8464994430542 + ], + [ + "▁Balkan", + -13.84650421142578 + ], + [ + "▁cartel", + -13.846534729003906 + ], + [ + "▁Ellison", + -13.846566200256348 + ], + [ + "▁carpeted", + -13.846571922302246 + ], + [ + "▁breathes", + -13.846660614013672 + ], + [ + "Roof", + -13.8466796875 + ], + [ + "patri", + -13.846725463867188 + ], + [ + "///", + -13.84674835205078 + ], + [ + "dura", + -13.846759796142578 + ], + [ + "tini", + -13.84677505493164 + ], + [ + "otype", + -13.846864700317385 + ], + [ + "▁expend", + -13.846872329711914 + ], + [ + "▁rangers", + -13.846901893615724 + ], + [ + "▁als", + -13.847047805786133 + ], + [ + "▁raided", + -13.847049713134766 + ], + [ + "cities", + -13.847070693969728 + ], + [ + "▁whispers", + -13.847082138061523 + ], + [ + "▁fantastically", + -13.8472261428833 + ], + [ + "523", + -13.847253799438477 + ], + [ + "▁Spit", + -13.847285270690918 + ], + [ + "▁Ying", + -13.847308158874512 + ], + [ + "498", + -13.847329139709473 + ], + [ + "gau", + -13.847366333007812 + ], + [ + "▁novices", + -13.847397804260254 + ], + [ + "riv", + -13.847417831420898 + ], + [ + "Pie", + -13.847421646118164 + ], + [ + "DEC", + -13.84744930267334 + ], + [ + "uran", + -13.847456932067873 + ], + [ + "▁reasoned", + -13.847497940063477 + ], + [ + "▁micron", + -13.847545623779297 + ], + [ + "reen", + -13.8475980758667 + ], + [ + "▁altitudes", + -13.847686767578123 + ], + [ + "tium", + -13.84768772125244 + ], + [ + "▁265", + -13.847695350646973 + ], + [ + "▁Oldham", + -13.847750663757324 + ], + [ + "▁hyped", + -13.84776210784912 + ], + [ + "4.5%", + -13.847789764404297 + ], + [ + "enc", + -13.84781265258789 + ], + [ + "▁perish", + -13.84784698486328 + ], + [ + "▁Cosmo", + -13.847963333129885 + ], + [ + "▁synthesize", + -13.847966194152832 + ], + [ + "▁Vela", + -13.847994804382324 + ], + [ + "Mixed", + -13.848028182983398 + ], + [ + "thermal", + -13.84805393218994 + ], + [ + "▁bearer", + -13.848102569580078 + ], + [ + "racing", + -13.848281860351562 + ], + [ + "amble", + -13.848424911499023 + ], + [ + "▁lactic", + -13.848438262939451 + ], + [ + "▁Traveller", + -13.848454475402832 + ], + [ + "▁stomp", + -13.848562240600586 + ], + [ + "Esc", + -13.848600387573242 + ], + [ + "▁Tories", + -13.848647117614746 + ], + [ + "GST", + -13.848660469055176 + ], + [ + "▁doodle", + -13.848663330078123 + ], + [ + "▁Exact", + -13.848676681518556 + ], + [ + "GAL", + -13.848745346069336 + ], + [ + "▁194", + -13.848814010620115 + ], + [ + "▁Glam", + -13.84884548187256 + ], + [ + "▁USCIS", + -13.848896980285645 + ], + [ + "▁Compassion", + -13.848921775817873 + ], + [ + "▁Guggenheim", + -13.849039077758787 + ], + [ + "▁juxtaposition", + -13.849039077758787 + ], + [ + "▁obituary", + -13.849039077758787 + ], + [ + "▁plunging", + -13.849039077758787 + ], + [ + "▁incontinence", + -13.849040031433104 + ], + [ + "7.5%", + -13.849044799804688 + ], + [ + "▁Bezos", + -13.84904670715332 + ], + [ + "▁Colchester", + -13.849050521850586 + ], + [ + "▁Riyadh", + -13.849050521850586 + ], + [ + "▁Turnbull", + -13.849063873291016 + ], + [ + "▁Consciousness", + -13.849084854125977 + ], + [ + "pile", + -13.849088668823242 + ], + [ + "▁Establishment", + -13.84914779663086 + ], + [ + "▁Genome", + -13.849149703979492 + ], + [ + "▁LDAP", + -13.849157333374023 + ], + [ + "cookies", + -13.849178314208984 + ], + [ + "▁devout", + -13.849187850952148 + ], + [ + "▁$4,000", + -13.849238395690918 + ], + [ + "atar", + -13.849247932434082 + ], + [ + "▁Wid", + -13.84931755065918 + ], + [ + "▁VMs", + -13.849326133728027 + ], + [ + "▁Zulu", + -13.849342346191406 + ], + [ + "▁imposes", + -13.849392890930176 + ], + [ + "Sar", + -13.849403381347656 + ], + [ + "aqua", + -13.849424362182615 + ], + [ + "▁extinguish", + -13.849492073059082 + ], + [ + "Toronto", + -13.84955883026123 + ], + [ + "Sydney", + -13.84956169128418 + ], + [ + "▁Utopia", + -13.849624633789062 + ], + [ + "Including", + -13.849642753601074 + ], + [ + "▁Nin", + -13.849644660949709 + ], + [ + "▁conforms", + -13.849663734436035 + ], + [ + "usive", + -13.849684715270996 + ], + [ + "▁Conversations", + -13.849692344665527 + ], + [ + "▁hordes", + -13.84970474243164 + ], + [ + "▁???????", + -13.84971046447754 + ], + [ + "▁puffy", + -13.8497314453125 + ], + [ + "▁Fruits", + -13.849740982055664 + ], + [ + "56.", + -13.849749565124512 + ], + [ + "66.", + -13.84976863861084 + ], + [ + "▁probing", + -13.849785804748535 + ], + [ + "▁Wishes", + -13.849831581115724 + ], + [ + "▁Julio", + -13.84985637664795 + ], + [ + "▁Goff", + -13.849875450134276 + ], + [ + "▁origination", + -13.849905967712402 + ], + [ + "▁Xtreme", + -13.849937438964844 + ], + [ + "▁Yea", + -13.849942207336426 + ], + [ + "Merry", + -13.84994888305664 + ], + [ + "▁NORTH", + -13.84996223449707 + ], + [ + "zee", + -13.849967956542969 + ], + [ + "Py", + -13.850001335144045 + ], + [ + "▁gl", + -13.850065231323242 + ], + [ + "oor", + -13.850176811218262 + ], + [ + "▁Organize", + -13.850282669067385 + ], + [ + "itate", + -13.85029411315918 + ], + [ + "▁Destin", + -13.850299835205078 + ], + [ + "▁CMO", + -13.85033130645752 + ], + [ + "▁Forte", + -13.850358963012695 + ], + [ + "▁nj", + -13.85036563873291 + ], + [ + "IONS", + -13.85037612915039 + ], + [ + "833", + -13.850414276123049 + ], + [ + "▁genders", + -13.850414276123049 + ], + [ + "queen", + -13.85054874420166 + ], + [ + "▁intricately", + -13.850594520568848 + ], + [ + "▁Learners", + -13.85068416595459 + ], + [ + "remove", + -13.850708961486816 + ], + [ + "kash", + -13.850727081298828 + ], + [ + "▁Promoter", + -13.850752830505373 + ], + [ + "NAC", + -13.850857734680176 + ], + [ + "▁quail", + -13.850919723510742 + ], + [ + "▁murderous", + -13.850996971130373 + ], + [ + "▁burdened", + -13.851025581359863 + ], + [ + "Neal", + -13.851032257080078 + ], + [ + "▁317", + -13.851037979125977 + ], + [ + "▁Screens", + -13.851043701171877 + ], + [ + "▁Ez", + -13.85106372833252 + ], + [ + "▁WOOD", + -13.851120948791504 + ], + [ + "▁Hereford", + -13.851215362548828 + ], + [ + "▁Stre", + -13.851288795471191 + ], + [ + "geek", + -13.851310729980469 + ], + [ + "Whereas", + -13.851340293884276 + ], + [ + "▁Allie", + -13.8513765335083 + ], + [ + "▁kilometre", + -13.851385116577148 + ], + [ + "543", + -13.851414680480955 + ], + [ + "246", + -13.851421356201172 + ], + [ + "▁Recreational", + -13.851470947265623 + ], + [ + "▁333", + -13.851521492004396 + ], + [ + "▁Kool", + -13.851547241210938 + ], + [ + "▁dropout", + -13.851672172546388 + ], + [ + "▁UBC", + -13.85171127319336 + ], + [ + "idia", + -13.85174560546875 + ], + [ + "▁Potassium", + -13.851820945739746 + ], + [ + "▁FIND", + -13.85182762145996 + ], + [ + "▁dangle", + -13.851899147033691 + ], + [ + "Slow", + -13.851945877075195 + ], + [ + "▁Wald", + -13.851981163024902 + ], + [ + "▁Whichever", + -13.852008819580078 + ], + [ + "471", + -13.85202693939209 + ], + [ + "Lip", + -13.852217674255373 + ], + [ + "▁overgrown", + -13.852217674255373 + ], + [ + "technic", + -13.85231590270996 + ], + [ + "▁ZTE", + -13.852336883544922 + ], + [ + "neau", + -13.852340698242188 + ], + [ + "▁Vape", + -13.852359771728516 + ], + [ + "▁induces", + -13.852365493774414 + ], + [ + "▁BART", + -13.85236930847168 + ], + [ + "▁Tester", + -13.852476119995115 + ], + [ + "536", + -13.852497100830078 + ], + [ + "▁Serenity", + -13.852543830871582 + ], + [ + "Correct", + -13.852572441101074 + ], + [ + "▁Connolly", + -13.852584838867188 + ], + [ + "▁Vanuatu", + -13.852584838867188 + ], + [ + "▁dandruff", + -13.852584838867188 + ], + [ + "▁denominator", + -13.852584838867188 + ], + [ + "▁margarine", + -13.852584838867188 + ], + [ + "▁pseudonym", + -13.852584838867188 + ], + [ + "▁rescuing", + -13.852584838867188 + ], + [ + "▁urethane", + -13.852588653564451 + ], + [ + "▁undecided", + -13.852602005004885 + ], + [ + "▁legion", + -13.852604866027832 + ], + [ + "▁Erickson", + -13.85260772705078 + ], + [ + "▁Cardi", + -13.852609634399414 + ], + [ + "▁Compression", + -13.85261344909668 + ], + [ + "▁Kinect", + -13.852633476257324 + ], + [ + "▁deadliest", + -13.852641105651855 + ], + [ + "▁Jem", + -13.852702140808104 + ], + [ + "▁shuts", + -13.852710723876951 + ], + [ + "▁Nowhere", + -13.852745056152344 + ], + [ + "Thought", + -13.852752685546877 + ], + [ + "▁formaldehyde", + -13.852755546569824 + ], + [ + "▁Entity", + -13.85276222229004 + ], + [ + "▁mistress", + -13.852802276611328 + ], + [ + "▁misled", + -13.852835655212402 + ], + [ + "Div", + -13.852846145629885 + ], + [ + "▁InDesign", + -13.852880477905272 + ], + [ + "▁'80", + -13.852900505065918 + ], + [ + "▁shortbread", + -13.852919578552246 + ], + [ + "Harris", + -13.85300636291504 + ], + [ + "few", + -13.85300636291504 + ], + [ + "writers", + -13.853031158447266 + ], + [ + "▁autographs", + -13.853090286254885 + ], + [ + "▁Stripes", + -13.853099822998049 + ], + [ + "▁McCann", + -13.853106498718262 + ], + [ + "▁Tripp", + -13.853111267089844 + ], + [ + "▁Kwa", + -13.85317039489746 + ], + [ + "Privacy", + -13.853194236755373 + ], + [ + "Premier", + -13.85320281982422 + ], + [ + "primary", + -13.85321044921875 + ], + [ + "Battery", + -13.85322093963623 + ], + [ + "▁reworked", + -13.853227615356444 + ], + [ + "▁Curb", + -13.85325050354004 + ], + [ + "▁Lizzie", + -13.85325050354004 + ], + [ + "▁Haze", + -13.853350639343262 + ], + [ + "▁ре", + -13.85337257385254 + ], + [ + "▁slaughtered", + -13.85342025756836 + ], + [ + "▁Orbit", + -13.853431701660156 + ], + [ + "▁spurt", + -13.853521347045898 + ], + [ + "Anderson", + -13.853525161743164 + ], + [ + "selves", + -13.853557586669922 + ], + [ + "▁Webber", + -13.853632926940918 + ], + [ + "hopper", + -13.853633880615234 + ], + [ + "respond", + -13.853718757629396 + ], + [ + "Moore", + -13.853779792785645 + ], + [ + "▁liens", + -13.853796005249023 + ], + [ + "▁1963.", + -13.853797912597656 + ], + [ + "Apps", + -13.853859901428224 + ], + [ + "▁easel", + -13.853867530822754 + ], + [ + "Chem", + -13.853958129882812 + ], + [ + "▁$95", + -13.853970527648926 + ], + [ + "021", + -13.854016304016112 + ], + [ + "shall", + -13.854095458984377 + ], + [ + "▁Frey", + -13.85416030883789 + ], + [ + "▁angelic", + -13.854228973388672 + ], + [ + "▁Intent", + -13.854289054870604 + ], + [ + "▁Remarkable", + -13.854300498962402 + ], + [ + "▁wrestlers", + -13.85431671142578 + ], + [ + "▁DRC", + -13.854325294494627 + ], + [ + "▁deities", + -13.854354858398438 + ], + [ + "▁Markus", + -13.854378700256348 + ], + [ + "▁Zhi", + -13.854437828063965 + ], + [ + "▁superpower", + -13.854490280151367 + ], + [ + "▁Ora", + -13.854491233825684 + ], + [ + "▁anxiously", + -13.854516983032228 + ], + [ + "shown", + -13.854531288146973 + ], + [ + "▁Utilize", + -13.854547500610352 + ], + [ + "▁Bashar", + -13.85456371307373 + ], + [ + "solv", + -13.85459327697754 + ], + [ + "Visiting", + -13.854604721069336 + ], + [ + "▁eyed", + -13.854729652404783 + ], + [ + "gree", + -13.854735374450684 + ], + [ + "▁enabler", + -13.854769706726074 + ], + [ + "▁REI", + -13.85478687286377 + ], + [ + "▁hors", + -13.854788780212402 + ], + [ + "▁MOVE", + -13.854838371276855 + ], + [ + "▁6-9", + -13.85488510131836 + ], + [ + "manual", + -13.85490894317627 + ], + [ + "NEY", + -13.85500717163086 + ], + [ + "loom", + -13.855161666870115 + ], + [ + "▁Perfectly", + -13.855183601379396 + ], + [ + "▁nozzles", + -13.85521411895752 + ], + [ + "▁reptile", + -13.855281829833984 + ], + [ + "▁outflow", + -13.8552827835083 + ], + [ + "UCC", + -13.85533332824707 + ], + [ + "▁1883", + -13.855485916137695 + ], + [ + "Workshop", + -13.855491638183594 + ], + [ + "ferring", + -13.855494499206545 + ], + [ + "▁7-9", + -13.855504989624023 + ], + [ + "▁narrate", + -13.85555362701416 + ], + [ + "▁Puck", + -13.855558395385742 + ], + [ + "▁boho", + -13.85557746887207 + ], + [ + "3:00", + -13.85560417175293 + ], + [ + "▁MID", + -13.85563850402832 + ], + [ + "15%", + -13.855642318725586 + ], + [ + "▁Quentin", + -13.855643272399902 + ], + [ + "▁stretcher", + -13.855667114257812 + ], + [ + "▁SOC", + -13.855679512023926 + ], + [ + "▁flutter", + -13.855688095092772 + ], + [ + "▁arcs", + -13.855732917785645 + ], + [ + "pear", + -13.855734825134276 + ], + [ + "▁squats", + -13.855740547180176 + ], + [ + "▁Riv", + -13.855952262878418 + ], + [ + "▁fastener", + -13.856001853942873 + ], + [ + "806", + -13.856036186218262 + ], + [ + "▁cordial", + -13.856063842773438 + ], + [ + "▁Academies", + -13.856143951416016 + ], + [ + "▁Leipzig", + -13.856143951416016 + ], + [ + "▁Solstice", + -13.856143951416016 + ], + [ + "▁auspices", + -13.856143951416016 + ], + [ + "▁collapsible", + -13.856143951416016 + ], + [ + "▁deciduous", + -13.856143951416016 + ], + [ + "▁exemplified", + -13.856143951416016 + ], + [ + "▁minimising", + -13.856143951416016 + ], + [ + "▁prosecuting", + -13.856143951416016 + ], + [ + "▁trundle", + -13.856143951416016 + ], + [ + "▁Angkor", + -13.856148719787598 + ], + [ + "▁magenta", + -13.856149673461914 + ], + [ + "▁arbitrator", + -13.856156349182127 + ], + [ + "▁cloning", + -13.856157302856444 + ], + [ + "▁allocating", + -13.856162071228027 + ], + [ + "▁Marietta", + -13.856196403503418 + ], + [ + "▁dangling", + -13.856209754943848 + ], + [ + "▁antagonist", + -13.85622501373291 + ], + [ + "▁Nath", + -13.856263160705566 + ], + [ + "▁Cortex", + -13.856350898742676 + ], + [ + "▁depositing", + -13.856350898742676 + ], + [ + "▁Vogel", + -13.856410026550291 + ], + [ + "526", + -13.856416702270508 + ], + [ + "Victor", + -13.856423377990724 + ], + [ + "▁Chaise", + -13.856430053710938 + ], + [ + "Vis", + -13.856439590454102 + ], + [ + "▁scalloped", + -13.856443405151367 + ], + [ + "▁Showtime", + -13.856475830078123 + ], + [ + "▁Railing", + -13.856492042541504 + ], + [ + "ried", + -13.856573104858398 + ], + [ + "▁mow", + -13.856826782226562 + ], + [ + "rubber", + -13.85692310333252 + ], + [ + "▁pulpit", + -13.85694980621338 + ], + [ + "district", + -13.856998443603516 + ], + [ + "EON", + -13.85702896118164 + ], + [ + "804", + -13.85703468322754 + ], + [ + "ETH", + -13.857096672058104 + ], + [ + "Claim", + -13.85710906982422 + ], + [ + "dragon", + -13.857129096984863 + ], + [ + "▁Bianca", + -13.85715389251709 + ], + [ + "▁Pickle", + -13.857227325439451 + ], + [ + "ongo", + -13.85723114013672 + ], + [ + "underrepresented", + -13.857237815856934 + ], + [ + "438", + -13.85731601715088 + ], + [ + "Via", + -13.857352256774902 + ], + [ + "▁Planter", + -13.857378959655762 + ], + [ + "▁Proceed", + -13.85743236541748 + ], + [ + "▁Recommendations", + -13.857497215270996 + ], + [ + "▁pala", + -13.857501983642578 + ], + [ + "kaya", + -13.85754680633545 + ], + [ + "▁fairies", + -13.857623100280762 + ], + [ + "▁algorithmic", + -13.857684135437012 + ], + [ + "▁mindless", + -13.857695579528809 + ], + [ + "▁dengan", + -13.857715606689451 + ], + [ + "▁surveyors", + -13.857831001281738 + ], + [ + "▁homely", + -13.857867240905762 + ], + [ + "▁zig", + -13.857909202575684 + ], + [ + "▁WIRE", + -13.857962608337402 + ], + [ + "stands", + -13.858040809631348 + ], + [ + "▁Henrik", + -13.858047485351562 + ], + [ + "▁appointing", + -13.85804843902588 + ], + [ + "▁Stump", + -13.85805892944336 + ], + [ + "▁Cin", + -13.858060836791992 + ], + [ + "▁petal", + -13.858061790466309 + ], + [ + "Didn", + -13.858064651489258 + ], + [ + "▁Gage", + -13.858099937438965 + ], + [ + "▁rushes", + -13.858114242553713 + ], + [ + "alta", + -13.85816764831543 + ], + [ + "▁Robots", + -13.858177185058594 + ], + [ + "▁Spill", + -13.858192443847656 + ], + [ + "0\"", + -13.858205795288086 + ], + [ + "inating", + -13.858238220214844 + ], + [ + "▁crusade", + -13.85823917388916 + ], + [ + "▁Veri", + -13.85831069946289 + ], + [ + "tou", + -13.858407020568848 + ], + [ + "▁1966.", + -13.858485221862791 + ], + [ + "▁Installed", + -13.858509063720703 + ], + [ + "tari", + -13.85856819152832 + ], + [ + "▁Jia", + -13.858585357666016 + ], + [ + "Yup", + -13.858607292175291 + ], + [ + "▁Foundations", + -13.858619689941406 + ], + [ + "QC", + -13.85870361328125 + ], + [ + "▁Thrill", + -13.858741760253906 + ], + [ + "▁Nino", + -13.85886573791504 + ], + [ + "▁numerals", + -13.858949661254885 + ], + [ + "▁exude", + -13.858960151672363 + ], + [ + "▁chatbot", + -13.8590087890625 + ], + [ + "▁Andover", + -13.859081268310549 + ], + [ + "▁silenced", + -13.859081268310549 + ], + [ + "▁gals", + -13.859148979187012 + ], + [ + "▁Owls", + -13.85923194885254 + ], + [ + "NUS", + -13.859280586242676 + ], + [ + "▁zoned", + -13.859383583068848 + ], + [ + "WELL", + -13.859394073486328 + ], + [ + "▁gnome", + -13.859420776367188 + ], + [ + "▁Colorful", + -13.859424591064451 + ], + [ + "▁grocer", + -13.859430313110352 + ], + [ + "heal", + -13.859456062316896 + ], + [ + "▁Speedy", + -13.859485626220703 + ], + [ + "PCC", + -13.859515190124512 + ], + [ + "shon", + -13.859540939331056 + ], + [ + "▁booted", + -13.85955047607422 + ], + [ + "-67", + -13.85959243774414 + ], + [ + "▁overdrive", + -13.859596252441406 + ], + [ + "sung", + -13.859627723693848 + ], + [ + "▁localities", + -13.859651565551758 + ], + [ + "ently", + -13.85969352722168 + ], + [ + "BIS", + -13.859702110290527 + ], + [ + "▁catamaran", + -13.85971450805664 + ], + [ + "▁indemnity", + -13.85971450805664 + ], + [ + "▁sturdiness", + -13.85971450805664 + ], + [ + "▁moratorium", + -13.859715461730955 + ], + [ + "▁scrimmage", + -13.859716415405272 + ], + [ + "▁Sheraton", + -13.859718322753906 + ], + [ + "▁rosé", + -13.85972499847412 + ], + [ + "▁Rochelle", + -13.859725952148438 + ], + [ + "▁Summon", + -13.859740257263184 + ], + [ + "▁Mekong", + -13.8597412109375 + ], + [ + "▁humming", + -13.859745025634766 + ], + [ + "▁Valuation", + -13.859752655029297 + ], + [ + "▁piecing", + -13.859756469726562 + ], + [ + "▁Ascension", + -13.859784126281738 + ], + [ + "▁Parma", + -13.8597993850708 + ], + [ + "▁Cleansing", + -13.859800338745115 + ], + [ + "▁Flanders", + -13.85980224609375 + ], + [ + "677", + -13.859813690185549 + ], + [ + "flam", + -13.859819412231444 + ], + [ + "▁CCI", + -13.859821319580078 + ], + [ + "▁Vick", + -13.85982894897461 + ], + [ + "▁granules", + -13.859848022460938 + ], + [ + "▁hasten", + -13.85987663269043 + ], + [ + "▁Brakes", + -13.859891891479492 + ], + [ + "▁Roundtable", + -13.859891891479492 + ], + [ + "▁rife", + -13.859917640686035 + ], + [ + "Virginia", + -13.859920501708984 + ], + [ + "▁Ori", + -13.859926223754885 + ], + [ + "▁sander", + -13.859959602355955 + ], + [ + "▁Grimes", + -13.859997749328612 + ], + [ + "▁affixed", + -13.860024452209473 + ], + [ + "CAC", + -13.860060691833496 + ], + [ + "▁predatory", + -13.86011028289795 + ], + [ + "▁Keeper", + -13.860207557678224 + ], + [ + "▁acc", + -13.860251426696776 + ], + [ + "▁harassing", + -13.860313415527344 + ], + [ + "ATIVE", + -13.860326766967772 + ], + [ + "▁swine", + -13.860356330871582 + ], + [ + "▁Tried", + -13.860371589660645 + ], + [ + "agic", + -13.86041259765625 + ], + [ + "Culture", + -13.860454559326172 + ], + [ + "▁verticals", + -13.860491752624512 + ], + [ + "ember", + -13.860496520996094 + ], + [ + "policy", + -13.86052703857422 + ], + [ + "▁elaborated", + -13.860604286193848 + ], + [ + "pable", + -13.860787391662598 + ], + [ + "$20", + -13.860796928405762 + ], + [ + "circ", + -13.860879898071287 + ], + [ + "CIO", + -13.860954284667969 + ], + [ + "violent", + -13.86097240447998 + ], + [ + "sina", + -13.86101245880127 + ], + [ + "Weekly", + -13.861054420471191 + ], + [ + "olite", + -13.861069679260254 + ], + [ + "▁fern", + -13.861218452453612 + ], + [ + "▁1964.", + -13.861310005187988 + ], + [ + "takes", + -13.861345291137695 + ], + [ + "Easter", + -13.861350059509276 + ], + [ + "ARCH", + -13.86135482788086 + ], + [ + "vore", + -13.861409187316896 + ], + [ + "whose", + -13.861421585083008 + ], + [ + "▁Ultrasound", + -13.86142921447754 + ], + [ + "Maintaining", + -13.861433029174805 + ], + [ + "generational", + -13.861449241638184 + ], + [ + "40)", + -13.861472129821776 + ], + [ + "216", + -13.861617088317873 + ], + [ + "▁slain", + -13.861647605895996 + ], + [ + "kool", + -13.861652374267578 + ], + [ + "▁caterer", + -13.86165714263916 + ], + [ + "clav", + -13.861873626708984 + ], + [ + "▁mosaics", + -13.862000465393066 + ], + [ + "▁FYI", + -13.86201286315918 + ], + [ + "▁inclusions", + -13.86205005645752 + ], + [ + "▁Parr", + -13.862085342407228 + ], + [ + "▁Shir", + -13.86209201812744 + ], + [ + "tard", + -13.862095832824709 + ], + [ + "980", + -13.862123489379885 + ], + [ + "hud", + -13.862183570861816 + ], + [ + "09)", + -13.862212181091309 + ], + [ + "Bone", + -13.862213134765623 + ], + [ + "AAS", + -13.862238883972168 + ], + [ + "▁Krista", + -13.86224365234375 + ], + [ + "▁steered", + -13.862255096435549 + ], + [ + "▁offside", + -13.862263679504396 + ], + [ + "amos", + -13.862295150756836 + ], + [ + "▁Cata", + -13.862322807312012 + ], + [ + "▁Accepted", + -13.862333297729492 + ], + [ + "▁Spears", + -13.862340927124023 + ], + [ + "656", + -13.862401008605955 + ], + [ + "reward", + -13.862452507019045 + ], + [ + "▁legislator", + -13.862499237060549 + ], + [ + "▁Bulldog", + -13.86253261566162 + ], + [ + "▁splinter", + -13.86265468597412 + ], + [ + "▁Attraction", + -13.862677574157717 + ], + [ + "▁Cracker", + -13.862712860107422 + ], + [ + "Leary", + -13.862785339355469 + ], + [ + "679", + -13.862822532653809 + ], + [ + "▁affectionately", + -13.862844467163086 + ], + [ + "lipid", + -13.862874984741213 + ], + [ + "▁Ethel", + -13.862885475158691 + ], + [ + "▁yea", + -13.86289882659912 + ], + [ + "▁dowel", + -13.862929344177246 + ], + [ + "▁(29", + -13.862944602966309 + ], + [ + "FSA", + -13.863077163696287 + ], + [ + "▁Priced", + -13.863080978393556 + ], + [ + "nv", + -13.863121032714844 + ], + [ + "▁Corners", + -13.863122940063477 + ], + [ + "ecker", + -13.863144874572754 + ], + [ + "ety", + -13.86317253112793 + ], + [ + "▁Excavator", + -13.863299369812012 + ], + [ + "▁McKinsey", + -13.863299369812012 + ], + [ + "▁Mykonos", + -13.863299369812012 + ], + [ + "▁subwoofer", + -13.863299369812012 + ], + [ + "▁Samurai", + -13.863300323486328 + ], + [ + "▁dribble", + -13.863301277160645 + ], + [ + "▁Turbine", + -13.863304138183594 + ], + [ + "▁Grenada", + -13.863308906555176 + ], + [ + "phr", + -13.863310813903809 + ], + [ + "▁Jarvis", + -13.863330841064451 + ], + [ + "▁Eurovision", + -13.863350868225098 + ], + [ + "▁Sermon", + -13.86335563659668 + ], + [ + "▁lifter", + -13.863409996032717 + ], + [ + "▁voltages", + -13.863430976867676 + ], + [ + "▁tainted", + -13.8634672164917 + ], + [ + "▁Belleville", + -13.863503456115724 + ], + [ + "▁abducted", + -13.863517761230469 + ], + [ + "▁Wilcox", + -13.863530158996582 + ], + [ + "▁Framed", + -13.86354923248291 + ], + [ + "▁Tomatoes", + -13.863587379455566 + ], + [ + "UNG", + -13.863603591918944 + ], + [ + "oman", + -13.863656997680664 + ], + [ + "▁nourishes", + -13.86366844177246 + ], + [ + "Organ", + -13.863670349121094 + ], + [ + "▁JEE", + -13.863677978515623 + ], + [ + "chio", + -13.863704681396484 + ], + [ + "stated", + -13.863707542419434 + ], + [ + "▁wading", + -13.863714218139648 + ], + [ + "dak", + -13.863736152648926 + ], + [ + "▁Unable", + -13.863832473754885 + ], + [ + "▁Cote", + -13.863840103149414 + ], + [ + "▁COOL", + -13.863873481750488 + ], + [ + "▁conveyors", + -13.863937377929688 + ], + [ + "notice", + -13.864022254943848 + ], + [ + "▁Cardiovascular", + -13.864048957824709 + ], + [ + "▁sleepless", + -13.864102363586426 + ], + [ + "Character", + -13.864154815673828 + ], + [ + "Marriage", + -13.864178657531738 + ], + [ + "▁inhibited", + -13.864184379577637 + ], + [ + "Assistant", + -13.86422061920166 + ], + [ + "▁Spiel", + -13.864248275756836 + ], + [ + "587", + -13.864272117614746 + ], + [ + "▁bodyguard", + -13.864274978637695 + ], + [ + "Activities", + -13.86428165435791 + ], + [ + "676", + -13.864339828491213 + ], + [ + "▁Failing", + -13.86434841156006 + ], + [ + "▁uniting", + -13.864356994628906 + ], + [ + "▁puffed", + -13.86435890197754 + ], + [ + "▁Mural", + -13.86439609527588 + ], + [ + "Ace", + -13.864402770996094 + ], + [ + "▁Segment", + -13.864511489868164 + ], + [ + "▁inlay", + -13.864590644836426 + ], + [ + "▁tween", + -13.86463737487793 + ], + [ + "▁triumphs", + -13.864670753479004 + ], + [ + "▁£1,", + -13.864680290222168 + ], + [ + "▁Ugh", + -13.864701271057127 + ], + [ + "ANN", + -13.864705085754396 + ], + [ + "▁Played", + -13.86471939086914 + ], + [ + "▁contouring", + -13.864771842956545 + ], + [ + "549", + -13.864912033081056 + ], + [ + "MTM", + -13.864946365356444 + ], + [ + "475", + -13.86495876312256 + ], + [ + "▁Nemo", + -13.864970207214355 + ], + [ + "▁Subjects", + -13.864991188049316 + ], + [ + "▁paneling", + -13.864995956420898 + ], + [ + "▁trailed", + -13.865042686462402 + ], + [ + "▁Tem", + -13.865081787109377 + ], + [ + "▁parted", + -13.865161895751951 + ], + [ + "wings", + -13.865224838256836 + ], + [ + "▁22\"", + -13.8652925491333 + ], + [ + "Rising", + -13.86544418334961 + ], + [ + "▁CSP", + -13.865445137023926 + ], + [ + "▁telegraph", + -13.865445137023926 + ], + [ + "▁Orb", + -13.865492820739746 + ], + [ + "▁acutely", + -13.865548133850098 + ], + [ + "▁Execution", + -13.865571975708008 + ], + [ + "▁Aloha", + -13.865602493286133 + ], + [ + "▁wick", + -13.865623474121094 + ], + [ + "▁2013;", + -13.865635871887209 + ], + [ + "Peel", + -13.865660667419434 + ], + [ + "RID", + -13.865677833557127 + ], + [ + "▁Seals", + -13.865740776062012 + ], + [ + "blower", + -13.865768432617188 + ], + [ + "▁pathogen", + -13.865777969360352 + ], + [ + "nese", + -13.865824699401855 + ], + [ + "▁Hau", + -13.86589241027832 + ], + [ + "▁backlight", + -13.865937232971191 + ], + [ + "▁Sponsorship", + -13.865939140319824 + ], + [ + "712", + -13.865973472595217 + ], + [ + "▁splitter", + -13.866039276123049 + ], + [ + "Kam", + -13.866065979003906 + ], + [ + "8:30", + -13.866071701049805 + ], + [ + "▁$1.7", + -13.866084098815918 + ], + [ + "▁outlay", + -13.866148948669434 + ], + [ + "▁Fixture", + -13.8661527633667 + ], + [ + "▁afterlife", + -13.86616039276123 + ], + [ + "nim", + -13.866205215454102 + ], + [ + "armed", + -13.866209030151367 + ], + [ + "269", + -13.86630630493164 + ], + [ + "nei", + -13.866310119628906 + ], + [ + "▁reheat", + -13.866389274597168 + ], + [ + "▁deactivate", + -13.866413116455078 + ], + [ + "▁hound", + -13.866442680358888 + ], + [ + "feng", + -13.866497039794922 + ], + [ + "179", + -13.866548538208008 + ], + [ + "▁LONDON", + -13.866557121276855 + ], + [ + "▁Lys", + -13.866583824157717 + ], + [ + "▁Medic", + -13.866601943969728 + ], + [ + "▁Shiv", + -13.866689682006836 + ], + [ + "▁Spence", + -13.86671257019043 + ], + [ + "▁diseased", + -13.866716384887695 + ], + [ + "▁briefs", + -13.866738319396973 + ], + [ + "▁Appointments", + -13.866868019104004 + ], + [ + "▁Barbecue", + -13.866896629333496 + ], + [ + "▁McGuire", + -13.866896629333496 + ], + [ + "▁dedicating", + -13.866896629333496 + ], + [ + "▁hydroponic", + -13.866896629333496 + ], + [ + "Collaborate", + -13.866898536682127 + ], + [ + "▁stagnation", + -13.866900444030762 + ], + [ + "▁palatable", + -13.866907119750977 + ], + [ + "▁astrological", + -13.86691188812256 + ], + [ + "▁psychosis", + -13.866912841796877 + ], + [ + "▁Kauai", + -13.866913795471191 + ], + [ + "▁lackluster", + -13.866934776306152 + ], + [ + "▁unspecified", + -13.866942405700684 + ], + [ + "▁Unicode", + -13.866948127746582 + ], + [ + "▁Cardio", + -13.866952896118164 + ], + [ + "▁Ridley", + -13.866960525512695 + ], + [ + "▁Scream", + -13.867035865783691 + ], + [ + "Tank", + -13.867048263549805 + ], + [ + "▁intruders", + -13.867057800292969 + ], + [ + "▁vertebrae", + -13.867070198059082 + ], + [ + "▁Jolla", + -13.86712646484375 + ], + [ + "axton", + -13.867148399353027 + ], + [ + "▁Durga", + -13.867149353027344 + ], + [ + "▁dearest", + -13.867149353027344 + ], + [ + "kap", + -13.867170333862305 + ], + [ + "▁Shy", + -13.86717128753662 + ], + [ + "Own", + -13.867173194885254 + ], + [ + "▁pleated", + -13.867194175720217 + ], + [ + "▁Sirius", + -13.86720085144043 + ], + [ + "▁Puffy", + -13.867230415344238 + ], + [ + "▁herring", + -13.867263793945312 + ], + [ + "▁relaxes", + -13.867264747619627 + ], + [ + "▁Ezekiel", + -13.867287635803224 + ], + [ + "▁820", + -13.867295265197754 + ], + [ + "▁capitalists", + -13.867362022399902 + ], + [ + "enough", + -13.867387771606444 + ], + [ + "LIE", + -13.86744213104248 + ], + [ + "▁Chlor", + -13.867576599121094 + ], + [ + "obe", + -13.867613792419434 + ], + [ + "▁Aba", + -13.8677396774292 + ], + [ + "gable", + -13.86778736114502 + ], + [ + "▁Moves", + -13.867799758911133 + ], + [ + "Alcohol", + -13.86782932281494 + ], + [ + "▁Xero", + -13.86785125732422 + ], + [ + "circuit", + -13.867854118347168 + ], + [ + "Elegant", + -13.86787223815918 + ], + [ + "Chrome", + -13.867878913879396 + ], + [ + "Football", + -13.867891311645508 + ], + [ + "▁Freeway", + -13.867891311645508 + ], + [ + "70)", + -13.867894172668455 + ], + [ + "▁FSA", + -13.867895126342772 + ], + [ + "9,900", + -13.867907524108888 + ], + [ + "Katie", + -13.86797046661377 + ], + [ + "Lucky", + -13.868014335632324 + ], + [ + "665", + -13.868037223815918 + ], + [ + "wha", + -13.868063926696776 + ], + [ + "▁bru", + -13.868133544921877 + ], + [ + "▁Croc", + -13.86816692352295 + ], + [ + "rks", + -13.868215560913086 + ], + [ + "▁Beckett", + -13.868219375610352 + ], + [ + "▁Cana", + -13.868230819702148 + ], + [ + "▁hoof", + -13.868243217468262 + ], + [ + "▁2600", + -13.868245124816896 + ], + [ + "455", + -13.868294715881348 + ], + [ + "▁interrupting", + -13.868313789367676 + ], + [ + "▁glanced", + -13.86834716796875 + ], + [ + "opolis", + -13.868363380432127 + ], + [ + "Growth", + -13.868393898010254 + ], + [ + "▁#0", + -13.868395805358888 + ], + [ + "▁Garc", + -13.868401527404783 + ], + [ + "▁poisoned", + -13.868409156799316 + ], + [ + "▁bathed", + -13.868420600891112 + ], + [ + "sip", + -13.868430137634276 + ], + [ + "osity", + -13.868431091308594 + ], + [ + "Throw", + -13.868440628051758 + ], + [ + "090", + -13.86844539642334 + ], + [ + "▁tableware", + -13.868464469909668 + ], + [ + "sounds", + -13.868467330932615 + ], + [ + "▁branched", + -13.86854648590088 + ], + [ + "/23", + -13.86856460571289 + ], + [ + "▁Pyr", + -13.868603706359863 + ], + [ + "▁Sponge", + -13.868607521057127 + ], + [ + "UGH", + -13.868806838989258 + ], + [ + "▁1851", + -13.868812561035156 + ], + [ + "▁earners", + -13.868856430053713 + ], + [ + "▁PEP", + -13.868929862976074 + ], + [ + "amino", + -13.86893367767334 + ], + [ + "XT", + -13.868940353393556 + ], + [ + "▁GPs", + -13.868951797485352 + ], + [ + "▁factored", + -13.869006156921388 + ], + [ + "▁amputation", + -13.869041442871094 + ], + [ + "328", + -13.869068145751951 + ], + [ + "▁Capp", + -13.869105339050291 + ], + [ + "▁skips", + -13.86910629272461 + ], + [ + "▁Rockstar", + -13.869189262390137 + ], + [ + "▁carcinogen", + -13.869195938110352 + ], + [ + "681", + -13.869218826293944 + ], + [ + "irs", + -13.86922550201416 + ], + [ + "▁swiss", + -13.869257926940918 + ], + [ + ",750", + -13.86927318572998 + ], + [ + "▁opposes", + -13.869318008422852 + ], + [ + "ogy", + -13.869324684143066 + ], + [ + "▁Cort", + -13.86935329437256 + ], + [ + "▁fieldwork", + -13.869379043579102 + ], + [ + "▁CARD", + -13.86938190460205 + ], + [ + "resources", + -13.869465827941896 + ], + [ + "▁bunkers", + -13.86952304840088 + ], + [ + "▁Faucets", + -13.869543075561523 + ], + [ + "hog", + -13.869668960571287 + ], + [ + "Bri", + -13.869807243347168 + ], + [ + "95.", + -13.86981201171875 + ], + [ + "rese", + -13.869813919067385 + ], + [ + "▁frustrate", + -13.869906425476074 + ], + [ + "▁hardwoods", + -13.86993408203125 + ], + [ + "▁CIT", + -13.869967460632324 + ], + [ + "▁putter", + -13.870027542114258 + ], + [ + "▁1820", + -13.870039939880373 + ], + [ + "lson", + -13.870071411132812 + ], + [ + "SPORT", + -13.870155334472656 + ], + [ + "▁ISSN", + -13.870156288146973 + ], + [ + "bahn", + -13.870162010192873 + ], + [ + "QR", + -13.870238304138184 + ], + [ + "▁castings", + -13.870241165161133 + ], + [ + "▁staunch", + -13.870265007019045 + ], + [ + "▁blacklist", + -13.87027072906494 + ], + [ + "▁cornerback", + -13.870343208312988 + ], + [ + "▁navigated", + -13.87037467956543 + ], + [ + "▁Lehman", + -13.870415687561035 + ], + [ + "arri", + -13.870427131652832 + ], + [ + "▁Constellation", + -13.870506286621094 + ], + [ + "▁bigotry", + -13.870506286621094 + ], + [ + "▁conundrum", + -13.870506286621094 + ], + [ + "▁juniper", + -13.870506286621094 + ], + [ + "▁observatory", + -13.870506286621094 + ], + [ + "▁fictitious", + -13.870511054992676 + ], + [ + "▁kudos", + -13.870518684387209 + ], + [ + "▁feces", + -13.870519638061523 + ], + [ + "▁shipwreck", + -13.870525360107422 + ], + [ + "▁Epstein", + -13.870526313781738 + ], + [ + "▁Hove", + -13.870537757873535 + ], + [ + "▁Imran", + -13.87055778503418 + ], + [ + "▁Jinping", + -13.87055778503418 + ], + [ + "▁amounting", + -13.870583534240724 + ], + [ + "▁Behaviour", + -13.870619773864746 + ], + [ + "▁Diaries", + -13.87062644958496 + ], + [ + "▁unimportant", + -13.870668411254885 + ], + [ + "▁Bodies", + -13.870675086975098 + ], + [ + "▁bakeries", + -13.870682716369627 + ], + [ + "cour", + -13.870685577392578 + ], + [ + "▁Hinduism", + -13.87070083618164 + ], + [ + "icus", + -13.870758056640623 + ], + [ + "▁milder", + -13.870858192443848 + ], + [ + "▁retelling", + -13.870889663696287 + ], + [ + "▁==", + -13.870894432067873 + ], + [ + "▁scum", + -13.871000289916992 + ], + [ + "▁Whisper", + -13.871027946472168 + ], + [ + "▁Gayle", + -13.871028900146484 + ], + [ + "gami", + -13.8710355758667 + ], + [ + "▁Mort", + -13.871094703674316 + ], + [ + "fd", + -13.87112522125244 + ], + [ + "baugh", + -13.871136665344238 + ], + [ + "▁MTB", + -13.871222496032717 + ], + [ + "▁Koe", + -13.871243476867676 + ], + [ + "▁proclaiming", + -13.87126922607422 + ], + [ + "traction", + -13.871272087097168 + ], + [ + "▁Anil", + -13.871308326721191 + ], + [ + "▁Davey", + -13.871345520019531 + ], + [ + "▁Alfredo", + -13.87135410308838 + ], + [ + "▁rigor", + -13.87137222290039 + ], + [ + "bust", + -13.871377944946287 + ], + [ + "requisite", + -13.87143611907959 + ], + [ + "▁diabetics", + -13.871451377868652 + ], + [ + "▁ESR", + -13.871487617492676 + ], + [ + "▁MTS", + -13.871501922607422 + ], + [ + "▁MULTI", + -13.8715238571167 + ], + [ + "Certificate", + -13.871564865112305 + ], + [ + "Families", + -13.871573448181152 + ], + [ + "Loving", + -13.87158203125 + ], + [ + "Memory", + -13.871591567993164 + ], + [ + "591", + -13.871599197387695 + ], + [ + "antes", + -13.871623992919922 + ], + [ + "lke", + -13.871646881103516 + ], + [ + "schaft", + -13.87165641784668 + ], + [ + "deen", + -13.871699333190918 + ], + [ + "7.3", + -13.871707916259766 + ], + [ + "▁canyons", + -13.87187957763672 + ], + [ + "shing", + -13.872002601623535 + ], + [ + "▁hailing", + -13.872031211853027 + ], + [ + "generally", + -13.872078895568848 + ], + [ + "▁bungalows", + -13.87210464477539 + ], + [ + "▁Andres", + -13.872152328491213 + ], + [ + "▁7.8", + -13.872177124023438 + ], + [ + "▁Camper", + -13.872199058532717 + ], + [ + "hw", + -13.872201919555664 + ], + [ + "corporate", + -13.87220859527588 + ], + [ + "isy", + -13.872276306152344 + ], + [ + "▁Coles", + -13.872291564941406 + ], + [ + "▁pips", + -13.87231159210205 + ], + [ + "▁Penh", + -13.872340202331545 + ], + [ + "Doesn", + -13.872376441955566 + ], + [ + "374", + -13.87238311767578 + ], + [ + "rzy", + -13.872462272644045 + ], + [ + "Hare", + -13.872472763061523 + ], + [ + "Jar", + -13.872477531433104 + ], + [ + "▁kor", + -13.87252140045166 + ], + [ + "▁inbuilt", + -13.872522354125977 + ], + [ + "buch", + -13.872536659240724 + ], + [ + "▁letterhead", + -13.872640609741213 + ], + [ + "▁Koz", + -13.872642517089844 + ], + [ + "▁Lips", + -13.872747421264648 + ], + [ + "agua", + -13.87281322479248 + ], + [ + "kho", + -13.872842788696287 + ], + [ + "cakes", + -13.872870445251465 + ], + [ + "Oriented", + -13.872886657714844 + ], + [ + "▁conquering", + -13.87298583984375 + ], + [ + "▁Assemble", + -13.872998237609863 + ], + [ + "▁10:1", + -13.873126029968262 + ], + [ + "▁1960’", + -13.873132705688477 + ], + [ + "migo", + -13.873241424560549 + ], + [ + "▁Buffer", + -13.873265266418455 + ], + [ + "hotmail", + -13.873306274414062 + ], + [ + "bz", + -13.873376846313477 + ], + [ + "gender", + -13.873383522033691 + ], + [ + "▁Dab", + -13.873406410217283 + ], + [ + "▁Chim", + -13.873407363891602 + ], + [ + "▁Koi", + -13.87342357635498 + ], + [ + "uwa", + -13.873427391052246 + ], + [ + "▁Poets", + -13.873449325561523 + ], + [ + "▁sighted", + -13.873468399047852 + ], + [ + "▁burr", + -13.873485565185549 + ], + [ + "▁unfit", + -13.873501777648926 + ], + [ + "Electro", + -13.873517036437988 + ], + [ + "sticks", + -13.873523712158203 + ], + [ + "▁dazzle", + -13.873539924621582 + ], + [ + "▁despise", + -13.873555183410645 + ], + [ + "▁Antoine", + -13.87360382080078 + ], + [ + "apache", + -13.87373161315918 + ], + [ + "▁Influencer", + -13.873766899108888 + ], + [ + "▁warden", + -13.873777389526367 + ], + [ + "ADD", + -13.873778343200684 + ], + [ + "▁Vendors", + -13.87388515472412 + ], + [ + "▁paediatric", + -13.87390422821045 + ], + [ + "▁physio", + -13.873995780944824 + ], + [ + "822", + -13.874004364013672 + ], + [ + "iglia", + -13.874075889587402 + ], + [ + "▁Gymnastics", + -13.87412929534912 + ], + [ + "▁Khalifa", + -13.87412929534912 + ], + [ + "▁virtuous", + -13.87412929534912 + ], + [ + "▁Mubarak", + -13.874130249023438 + ], + [ + "▁Nutcracker", + -13.874130249023438 + ], + [ + "▁Okanagan", + -13.874130249023438 + ], + [ + "▁Wreath", + -13.874130249023438 + ], + [ + "▁Frazier", + -13.874134063720703 + ], + [ + "▁paternity", + -13.874134063720703 + ], + [ + "▁underpinned", + -13.874138832092283 + ], + [ + "▁symptomatic", + -13.87414264678955 + ], + [ + "▁Falmouth", + -13.874144554138184 + ], + [ + "▁dimming", + -13.874155044555664 + ], + [ + "▁spandex", + -13.874157905578612 + ], + [ + "ORY", + -13.87416172027588 + ], + [ + "▁manoeuvre", + -13.874167442321776 + ], + [ + "▁Covington", + -13.874175071716309 + ], + [ + "▁Contour", + -13.874191284179688 + ], + [ + "▁Lago", + -13.87419605255127 + ], + [ + "▁gelato", + -13.874202728271484 + ], + [ + "▁Lipstick", + -13.8742036819458 + ], + [ + "▁cardiologist", + -13.874267578125 + ], + [ + "▁consultative", + -13.874268531799316 + ], + [ + "▁radiotherapy", + -13.874275207519531 + ], + [ + "▁Fitch", + -13.874276161193848 + ], + [ + "▁dystopian", + -13.874289512634276 + ], + [ + "▁Foo", + -13.874296188354492 + ], + [ + "▁blight", + -13.874302864074709 + ], + [ + "▁Hayley", + -13.874324798583984 + ], + [ + "lary", + -13.874350547790527 + ], + [ + "▁engulfed", + -13.87436580657959 + ], + [ + "▁scour", + -13.87436580657959 + ], + [ + "▁Happens", + -13.874390602111816 + ], + [ + "reviews", + -13.874393463134766 + ], + [ + "▁drab", + -13.874411582946776 + ], + [ + "▁Cellar", + -13.874431610107422 + ], + [ + "259", + -13.874467849731444 + ], + [ + "▁infestations", + -13.874553680419922 + ], + [ + "adam", + -13.874614715576172 + ], + [ + "▁webbing", + -13.874703407287598 + ], + [ + "Attend", + -13.874730110168455 + ], + [ + "▁1970.", + -13.874732971191406 + ], + [ + "yc", + -13.874866485595703 + ], + [ + "▁lax", + -13.874881744384766 + ], + [ + "▁unclean", + -13.874910354614258 + ], + [ + "▁PCA", + -13.874924659729004 + ], + [ + "▁minimalism", + -13.874985694885254 + ], + [ + "▁Nach", + -13.875045776367188 + ], + [ + "athlete", + -13.875160217285156 + ], + [ + "▁sweeten", + -13.875174522399902 + ], + [ + "Lets", + -13.875195503234863 + ], + [ + "▁splashes", + -13.875266075134276 + ], + [ + "▁Vai", + -13.87529182434082 + ], + [ + "Arizona", + -13.87529754638672 + ], + [ + "Swiss", + -13.875300407409668 + ], + [ + "jas", + -13.875336647033691 + ], + [ + "xes", + -13.87533950805664 + ], + [ + "▁Pallet", + -13.875386238098145 + ], + [ + "Investment", + -13.87542724609375 + ], + [ + "lford", + -13.875441551208496 + ], + [ + "▁calmed", + -13.875463485717772 + ], + [ + "▁RIM", + -13.875494003295898 + ], + [ + "▁thi", + -13.875508308410645 + ], + [ + "lapping", + -13.875618934631348 + ], + [ + "truction", + -13.875629425048828 + ], + [ + "▁traitor", + -13.87563705444336 + ], + [ + "▁FICO", + -13.875686645507812 + ], + [ + "gid", + -13.875794410705566 + ], + [ + "▁Pellet", + -13.875804901123049 + ], + [ + "▁70'", + -13.875855445861816 + ], + [ + "▁DEV", + -13.875855445861816 + ], + [ + "▁bathtubs", + -13.875860214233398 + ], + [ + "▁booting", + -13.875950813293455 + ], + [ + "▁UDP", + -13.875988006591797 + ], + [ + "▁Kira", + -13.87605094909668 + ], + [ + "CEP", + -13.876069068908691 + ], + [ + "-101", + -13.876138687133787 + ], + [ + "▁revisiting", + -13.876181602478027 + ], + [ + "ween", + -13.876192092895508 + ], + [ + "hhhh", + -13.876258850097656 + ], + [ + "consider", + -13.876418113708496 + ], + [ + "▁Refrigerate", + -13.876425743103027 + ], + [ + "▁Quo", + -13.876479148864746 + ], + [ + "▁Jumping", + -13.876522064208984 + ], + [ + "mega", + -13.876739501953123 + ], + [ + "▁Wally", + -13.87677001953125 + ], + [ + "▁Dietary", + -13.876801490783691 + ], + [ + "DIR", + -13.87686252593994 + ], + [ + "▁Smell", + -13.876871109008787 + ], + [ + "017", + -13.876893043518066 + ], + [ + "▁Cog", + -13.876911163330078 + ], + [ + "▁motoring", + -13.876933097839355 + ], + [ + "▁Daley", + -13.876935005187988 + ], + [ + "▁preface", + -13.87700080871582 + ], + [ + "iru", + -13.877063751220703 + ], + [ + "▁Anastasia", + -13.87707805633545 + ], + [ + "▁availed", + -13.87708854675293 + ], + [ + "▁AIS", + -13.877127647399902 + ], + [ + "▁constrain", + -13.877154350280762 + ], + [ + "▁KX", + -13.87736701965332 + ], + [ + "▁ringtone", + -13.87740421295166 + ], + [ + "acho", + -13.877461433410645 + ], + [ + "enger", + -13.877482414245604 + ], + [ + "ubbing", + -13.87748908996582 + ], + [ + "▁Clar", + -13.87751293182373 + ], + [ + "drome", + -13.877516746520996 + ], + [ + "BV", + -13.87763214111328 + ], + [ + "▁Tasty", + -13.877730369567873 + ], + [ + "▁Olympian", + -13.8777437210083 + ], + [ + "▁Asylum", + -13.877765655517578 + ], + [ + "▁Vodka", + -13.877765655517578 + ], + [ + "▁contemplative", + -13.877765655517578 + ], + [ + "▁desiring", + -13.877765655517578 + ], + [ + "▁resiliency", + -13.877765655517578 + ], + [ + "▁Laureate", + -13.877766609191896 + ], + [ + "▁mandarin", + -13.877769470214844 + ], + [ + "▁monastic", + -13.87777042388916 + ], + [ + "491", + -13.877775192260742 + ], + [ + "▁Vedic", + -13.877781867980955 + ], + [ + "▁Retriever", + -13.877782821655272 + ], + [ + "tp", + -13.87778663635254 + ], + [ + "dang", + -13.877790451049805 + ], + [ + "rmi", + -13.877851486206056 + ], + [ + "▁Forester", + -13.87786102294922 + ], + [ + "▁Colbert", + -13.877872467041016 + ], + [ + "alam", + -13.87790584564209 + ], + [ + "-2007", + -13.87790870666504 + ], + [ + "▁instructive", + -13.87791347503662 + ], + [ + "▁repeater", + -13.877915382385254 + ], + [ + "▁punishable", + -13.877965927124023 + ], + [ + "▁bullies", + -13.877967834472656 + ], + [ + "▁Kimball", + -13.877969741821287 + ], + [ + "▁spe", + -13.878073692321776 + ], + [ + "▁Blueberry", + -13.878084182739258 + ], + [ + "▁Capitals", + -13.87810516357422 + ], + [ + "▁Hartley", + -13.87810516357422 + ], + [ + "▁plucked", + -13.878125190734863 + ], + [ + "▁415", + -13.878188133239746 + ], + [ + "hman", + -13.878239631652832 + ], + [ + "▁foxes", + -13.878293991088867 + ], + [ + "169", + -13.87833309173584 + ], + [ + "Nav", + -13.87834644317627 + ], + [ + "Gem", + -13.878366470336914 + ], + [ + "challenge", + -13.878413200378418 + ], + [ + "607", + -13.878422737121582 + ], + [ + "Experienced", + -13.878429412841797 + ], + [ + "▁Vibration", + -13.87843418121338 + ], + [ + "▁mailboxes", + -13.878435134887695 + ], + [ + "▁takeoff", + -13.878478050231934 + ], + [ + "▁Soundtrack", + -13.8784818649292 + ], + [ + "▁Daryl", + -13.878521919250488 + ], + [ + "▁Zumba", + -13.87852668762207 + ], + [ + "▁Perfection", + -13.878592491149902 + ], + [ + "▁Bankers", + -13.878697395324709 + ], + [ + "culo", + -13.878790855407717 + ], + [ + "▁Signals", + -13.878811836242676 + ], + [ + "awn", + -13.87881565093994 + ], + [ + "▁281", + -13.878870964050291 + ], + [ + "$100", + -13.87891674041748 + ], + [ + "Liquid", + -13.878985404968262 + ], + [ + "bent", + -13.879010200500488 + ], + [ + "Combining", + -13.879014015197754 + ], + [ + "detached", + -13.879023551940918 + ], + [ + "Failure", + -13.87902545928955 + ], + [ + "molecular", + -13.87902545928955 + ], + [ + "corruption", + -13.87903881072998 + ], + [ + "Graham", + -13.879042625427246 + ], + [ + "iw", + -13.87906551361084 + ], + [ + "▁creases", + -13.879072189331056 + ], + [ + "pix", + -13.879084587097168 + ], + [ + "▁Hume", + -13.879094123840332 + ], + [ + "▁Schle", + -13.879100799560549 + ], + [ + "▁Scheduled", + -13.879111289978027 + ], + [ + "▁skier", + -13.87913417816162 + ], + [ + "recommended", + -13.879170417785645 + ], + [ + "Historically", + -13.879172325134276 + ], + [ + "▁$6,000", + -13.879258155822754 + ], + [ + "▁Lep", + -13.879260063171388 + ], + [ + "copper", + -13.879342079162598 + ], + [ + "▁BCE", + -13.87937068939209 + ], + [ + "▁clamping", + -13.879372596740724 + ], + [ + "▁judgements", + -13.879395484924316 + ], + [ + "▁hammers", + -13.879396438598633 + ], + [ + "▁thoracic", + -13.879402160644531 + ], + [ + "packaged", + -13.879412651062012 + ], + [ + "gina", + -13.879426956176758 + ], + [ + "▁collapses", + -13.87950325012207 + ], + [ + "▁Racer", + -13.879508972167969 + ], + [ + "▁aunts", + -13.879534721374512 + ], + [ + "▁neonatal", + -13.87956714630127 + ], + [ + "▁Loader", + -13.879602432250977 + ], + [ + "▁NGC", + -13.879652976989746 + ], + [ + "▁SAY", + -13.879698753356934 + ], + [ + "▁THAN", + -13.879752159118652 + ], + [ + "▁soundtracks", + -13.879813194274902 + ], + [ + "transport", + -13.879868507385254 + ], + [ + "▁SAME", + -13.87989616394043 + ], + [ + "▁ETC", + -13.879901885986328 + ], + [ + "Breaking", + -13.879948616027832 + ], + [ + "▁Aki", + -13.879975318908691 + ], + [ + "▁electrolyte", + -13.879976272583008 + ], + [ + "▁whitepaper", + -13.87997817993164 + ], + [ + "▁Vive", + -13.880016326904297 + ], + [ + "▁oracle", + -13.880032539367676 + ], + [ + "shita", + -13.88016414642334 + ], + [ + "▁redesigning", + -13.880203247070312 + ], + [ + "▁greets", + -13.880316734313965 + ], + [ + "Romans", + -13.880331993103027 + ], + [ + "wav", + -13.880365371704102 + ], + [ + "▁Lec", + -13.880488395690918 + ], + [ + "▁2009)", + -13.880522727966309 + ], + [ + "planet", + -13.880542755126951 + ], + [ + "accessible", + -13.880650520324709 + ], + [ + "Authors", + -13.88065242767334 + ], + [ + "csv", + -13.880659103393556 + ], + [ + "▁Vall", + -13.880661010742188 + ], + [ + "▁Nay", + -13.8807373046875 + ], + [ + "lama", + -13.880752563476562 + ], + [ + "sica", + -13.880756378173828 + ], + [ + "▁comforters", + -13.880823135375977 + ], + [ + "▁LIST", + -13.880925178527832 + ], + [ + "unity", + -13.881103515625 + ], + [ + "▁226", + -13.881118774414062 + ], + [ + "7′′", + -13.881166458129885 + ], + [ + "▁eloquent", + -13.881173133850098 + ], + [ + "▁Kaufman", + -13.881190299987791 + ], + [ + "▁Edmonds", + -13.881329536437988 + ], + [ + "icious", + -13.881336212158203 + ], + [ + "▁Wren", + -13.881392478942873 + ], + [ + "NEL", + -13.881402015686035 + ], + [ + "731", + -13.88140869140625 + ], + [ + "▁embargo", + -13.881413459777832 + ], + [ + "▁Chihuahua", + -13.881415367126465 + ], + [ + "▁dainty", + -13.881415367126465 + ], + [ + "▁Pyongyang", + -13.88141632080078 + ], + [ + "▁Nifty", + -13.881421089172363 + ], + [ + "▁centric", + -13.88142204284668 + ], + [ + "▁valuing", + -13.881425857543944 + ], + [ + "▁Kimberley", + -13.881430625915527 + ], + [ + "▁giddy", + -13.88143253326416 + ], + [ + "▁polluting", + -13.88143253326416 + ], + [ + "▁emulation", + -13.881440162658691 + ], + [ + "▁imposition", + -13.881454467773438 + ], + [ + "▁Vortex", + -13.881471633911133 + ], + [ + "▁$59", + -13.881481170654297 + ], + [ + "▁EVEN", + -13.881525993347168 + ], + [ + "▁Waffle", + -13.88153839111328 + ], + [ + "▁Armani", + -13.881548881530762 + ], + [ + "▁curio", + -13.881548881530762 + ], + [ + "rust", + -13.881609916687012 + ], + [ + "▁Doodle", + -13.881689071655272 + ], + [ + "cce", + -13.8817138671875 + ], + [ + "aque", + -13.88171672821045 + ], + [ + "▁lizards", + -13.881749153137209 + ], + [ + "▁mexico", + -13.881784439086914 + ], + [ + "▁233", + -13.881818771362305 + ], + [ + "▁heyday", + -13.881857872009276 + ], + [ + "▁silverware", + -13.881879806518556 + ], + [ + "▁cryptic", + -13.881887435913086 + ], + [ + "elon", + -13.88197422027588 + ], + [ + "▁Coul", + -13.882004737854004 + ], + [ + "▁Diagnostics", + -13.88200569152832 + ], + [ + "Reader", + -13.882018089294434 + ], + [ + "1,500", + -13.882022857666016 + ], + [ + "▁keenly", + -13.88202953338623 + ], + [ + "hearing", + -13.88204574584961 + ], + [ + "▁swirls", + -13.882070541381836 + ], + [ + "7.50", + -13.882076263427734 + ], + [ + "418", + -13.88211727142334 + ], + [ + "-1/2\"", + -13.882184982299805 + ], + [ + "azar", + -13.88221836090088 + ], + [ + "▁Considered", + -13.88222885131836 + ], + [ + "▁proto", + -13.882238388061523 + ], + [ + "▁deviations", + -13.882304191589355 + ], + [ + "▁Kamal", + -13.882314682006836 + ], + [ + "▁46%", + -13.882331848144531 + ], + [ + "▁Syl", + -13.882376670837402 + ], + [ + "▁5-4", + -13.882378578186035 + ], + [ + "states", + -13.882389068603516 + ], + [ + "Leg", + -13.882418632507324 + ], + [ + "ODA", + -13.882463455200195 + ], + [ + "▁Freeport", + -13.88251495361328 + ], + [ + "QL", + -13.882516860961914 + ], + [ + "▁888-3", + -13.882582664489746 + ], + [ + "bab", + -13.882586479187012 + ], + [ + "▁Swanson", + -13.88260269165039 + ], + [ + "Bass", + -13.882634162902832 + ], + [ + "▁Bunch", + -13.882665634155272 + ], + [ + "Analyse", + -13.882684707641602 + ], + [ + "▁rung", + -13.882741928100586 + ], + [ + "Columbia", + -13.882772445678713 + ], + [ + "▁minibar", + -13.882852554321287 + ], + [ + "▁Grout", + -13.882866859436035 + ], + [ + "ummer", + -13.882867813110352 + ], + [ + "crack", + -13.882895469665527 + ], + [ + "scr", + -13.883037567138672 + ], + [ + "AWS", + -13.88306713104248 + ], + [ + "▁reunions", + -13.88310432434082 + ], + [ + "58.", + -13.883123397827148 + ], + [ + "▁fenders", + -13.883123397827148 + ], + [ + "university", + -13.883126258850098 + ], + [ + "▁Proceeds", + -13.88312816619873 + ], + [ + "▁Guer", + -13.883179664611816 + ], + [ + "▁bobs", + -13.883193969726562 + ], + [ + "▁multifunctional", + -13.883195877075195 + ], + [ + "teaching", + -13.883209228515623 + ], + [ + "▁Shal", + -13.883326530456545 + ], + [ + "▁Bok", + -13.88332748413086 + ], + [ + "VDC", + -13.883338928222656 + ], + [ + "Liz", + -13.88336181640625 + ], + [ + "▁Thirteen", + -13.883374214172363 + ], + [ + "▁precast", + -13.883381843566896 + ], + [ + "bbie", + -13.883482933044434 + ], + [ + "▁$43", + -13.883520126342772 + ], + [ + "▁Coop", + -13.883533477783203 + ], + [ + "NBA", + -13.883622169494627 + ], + [ + "▁SIL", + -13.883644104003906 + ], + [ + "▁2.5%", + -13.883688926696776 + ], + [ + "tika", + -13.88377571105957 + ], + [ + "▁Pouch", + -13.883888244628906 + ], + [ + "cw", + -13.883951187133787 + ], + [ + "▁contactless", + -13.88396167755127 + ], + [ + "▁Bloggers", + -13.8839693069458 + ], + [ + "▁transistors", + -13.883997917175291 + ], + [ + ".............", + -13.884000778198242 + ], + [ + "atology", + -13.884040832519531 + ], + [ + "raki", + -13.88410758972168 + ], + [ + "▁embellish", + -13.884137153625488 + ], + [ + "fina", + -13.884322166442873 + ], + [ + "6,500", + -13.884339332580566 + ], + [ + "vation", + -13.884385108947754 + ], + [ + "▁Dancers", + -13.884403228759766 + ], + [ + "Rad", + -13.88442611694336 + ], + [ + "937", + -13.884446144104004 + ], + [ + "nach", + -13.8844575881958 + ], + [ + "▁oblige", + -13.884481430053713 + ], + [ + "▁ridicule", + -13.88448429107666 + ], + [ + "Shirts", + -13.884506225585938 + ], + [ + "laid", + -13.884507179260254 + ], + [ + "▁1961,", + -13.884631156921388 + ], + [ + "▁stimulant", + -13.884675979614258 + ], + [ + "Draft", + -13.88469696044922 + ], + [ + "▁wikipedia", + -13.884703636169434 + ], + [ + "▁bodied", + -13.884706497192385 + ], + [ + "▁bowler", + -13.884756088256836 + ], + [ + "403", + -13.88476276397705 + ], + [ + "NIT", + -13.884766578674316 + ], + [ + "▁unilateral", + -13.884840965270996 + ], + [ + "▁samba", + -13.884872436523438 + ], + [ + "▁Cubic", + -13.884920120239258 + ], + [ + "▁leaping", + -13.88492202758789 + ], + [ + "forget", + -13.884930610656738 + ], + [ + "bala", + -13.885035514831545 + ], + [ + "▁Ponte", + -13.88504123687744 + ], + [ + "▁Linguistics", + -13.88507843017578 + ], + [ + "▁Wolverhampton", + -13.88507843017578 + ], + [ + "▁bountiful", + -13.88507843017578 + ], + [ + "▁fluctuating", + -13.88507843017578 + ], + [ + "▁guarantor", + -13.88507843017578 + ], + [ + "▁paranoia", + -13.88507843017578 + ], + [ + "autobiographical", + -13.885079383850098 + ], + [ + "▁mogul", + -13.885088920593262 + ], + [ + "▁refractive", + -13.885089874267578 + ], + [ + "▁Seuss", + -13.88509464263916 + ], + [ + "Seat", + -13.88510799407959 + ], + [ + "▁aboriginal", + -13.88511562347412 + ], + [ + "▁BAS", + -13.88523769378662 + ], + [ + "▁exclaimed", + -13.88530158996582 + ], + [ + "ambu", + -13.885332107543944 + ], + [ + "▁pinball", + -13.88533878326416 + ], + [ + "▁Cochrane", + -13.885340690612791 + ], + [ + "▁overshadowed", + -13.885357856750488 + ], + [ + "▁RISK", + -13.88537311553955 + ], + [ + "▁storylines", + -13.885379791259766 + ], + [ + "fection", + -13.885393142700195 + ], + [ + "▁Micah", + -13.885395050048828 + ], + [ + "▁PCM", + -13.885395050048828 + ], + [ + "bogged", + -13.885408401489258 + ], + [ + "▁Hors", + -13.885415077209473 + ], + [ + "sofa", + -13.88542366027832 + ], + [ + "▁surpasses", + -13.88542366027832 + ], + [ + "ographer", + -13.885428428649902 + ], + [ + "▁jan", + -13.885497093200684 + ], + [ + "protect", + -13.885571479797363 + ], + [ + "▁sectarian", + -13.885573387145996 + ], + [ + "▁Worry", + -13.885621070861816 + ], + [ + "Route", + -13.885708808898926 + ], + [ + "▁Nutritional", + -13.885744094848633 + ], + [ + "▁conserved", + -13.885797500610352 + ], + [ + "▁tacky", + -13.885807037353516 + ], + [ + "▁Utica", + -13.885825157165527 + ], + [ + "9\"", + -13.88596248626709 + ], + [ + "▁Hydrogen", + -13.885976791381836 + ], + [ + "▁pathological", + -13.88602352142334 + ], + [ + "▁Transparent", + -13.886218070983888 + ], + [ + "▁assistive", + -13.886244773864746 + ], + [ + "▁Johannes", + -13.886259078979492 + ], + [ + "▁TAR", + -13.88632869720459 + ], + [ + "taste", + -13.886384963989258 + ], + [ + "▁sketchbook", + -13.886385917663574 + ], + [ + "▁uttered", + -13.886396408081056 + ], + [ + "30)", + -13.8864164352417 + ], + [ + "oran", + -13.886465072631836 + ], + [ + "▁Mila", + -13.886489868164062 + ], + [ + "Assuming", + -13.886507034301758 + ], + [ + "approval", + -13.886510848999023 + ], + [ + "▁Hotline", + -13.886523246765137 + ], + [ + "mino", + -13.886567115783691 + ], + [ + "▁Lyric", + -13.886590003967283 + ], + [ + "▁hippo", + -13.886659622192385 + ], + [ + "▁outfielder", + -13.88667106628418 + ], + [ + "Winning", + -13.886688232421877 + ], + [ + "▁Shear", + -13.886690139770508 + ], + [ + "▁cached", + -13.886723518371582 + ], + [ + "uzzi", + -13.886812210083008 + ], + [ + "▁251", + -13.886826515197754 + ], + [ + "▁2016:", + -13.88687515258789 + ], + [ + "Dinner", + -13.88691234588623 + ], + [ + "▁Francesca", + -13.88691234588623 + ], + [ + "▁UNITED", + -13.887060165405272 + ], + [ + "Vice", + -13.887076377868652 + ], + [ + "▁680", + -13.887093544006348 + ], + [ + "▁drizzled", + -13.887115478515623 + ], + [ + "▁970", + -13.887120246887209 + ], + [ + "anc", + -13.88716983795166 + ], + [ + "965", + -13.887178421020508 + ], + [ + "▁nouns", + -13.88718032836914 + ], + [ + "someone", + -13.887181282043455 + ], + [ + "KF", + -13.887242317199709 + ], + [ + "spend", + -13.88730812072754 + ], + [ + "▁Checker", + -13.88731575012207 + ], + [ + "▁prejudices", + -13.887321472167969 + ], + [ + "▁undertones", + -13.887346267700195 + ], + [ + "vish", + -13.887351989746094 + ], + [ + "▁EACH", + -13.887369155883787 + ], + [ + "▁invert", + -13.887417793273926 + ], + [ + "▁normalized", + -13.887418746948242 + ], + [ + "tram", + -13.887494087219238 + ], + [ + "hout", + -13.887547492980955 + ], + [ + "▁42-", + -13.887617111206056 + ], + [ + "blanc", + -13.887639999389648 + ], + [ + "▁biologists", + -13.887739181518556 + ], + [ + "▁Blades", + -13.887884140014648 + ], + [ + "yong", + -13.887919425964355 + ], + [ + "ент", + -13.887924194335938 + ], + [ + "ideal", + -13.887927055358888 + ], + [ + "Vista", + -13.887934684753418 + ], + [ + "genesis", + -13.887939453125 + ], + [ + "▁refinish", + -13.888044357299805 + ], + [ + "nami", + -13.88804817199707 + ], + [ + "▁Eph", + -13.888189315795898 + ], + [ + "▁keychain", + -13.888421058654783 + ], + [ + "Howard", + -13.888471603393556 + ], + [ + "isto", + -13.888472557067873 + ], + [ + "▁reappear", + -13.888504028320312 + ], + [ + "▁Latinos", + -13.888587951660156 + ], + [ + "hz", + -13.888593673706056 + ], + [ + "▁NIGHT", + -13.888620376586914 + ], + [ + "▁Doe", + -13.888632774353027 + ], + [ + "▁Turmeric", + -13.888689994812012 + ], + [ + "▁Carriage", + -13.888754844665527 + ], + [ + "▁divulge", + -13.888754844665527 + ], + [ + "▁WHICH", + -13.88875675201416 + ], + [ + "▁Mounting", + -13.888761520385742 + ], + [ + "▁EVERYONE", + -13.888763427734377 + ], + [ + "▁alfresco", + -13.88876724243164 + ], + [ + "▁Claremont", + -13.888782501220703 + ], + [ + "▁delving", + -13.88880443572998 + ], + [ + "▁Mughal", + -13.888813018798828 + ], + [ + "▁neuronal", + -13.8888521194458 + ], + [ + "▁autofocus", + -13.88886547088623 + ], + [ + "▁Edible", + -13.888886451721191 + ], + [ + "▁Mackay", + -13.888951301574709 + ], + [ + "▁reapply", + -13.88898754119873 + ], + [ + "▁Siberian", + -13.889030456542969 + ], + [ + "▁pianos", + -13.889056205749512 + ], + [ + "▁cru", + -13.88905906677246 + ], + [ + "▁darken", + -13.88905906677246 + ], + [ + "▁penalized", + -13.889090538024902 + ], + [ + "▁scrolls", + -13.88912868499756 + ], + [ + "▁Sweatshirt", + -13.889142990112305 + ], + [ + "▁Empress", + -13.889161109924316 + ], + [ + "▁Currie", + -13.889169692993164 + ], + [ + "CNA", + -13.889219284057615 + ], + [ + "umming", + -13.889223098754885 + ], + [ + "▁chants", + -13.889242172241213 + ], + [ + "▁Richter", + -13.889254570007324 + ], + [ + "▁Trained", + -13.889259338378906 + ], + [ + "erf", + -13.889283180236816 + ], + [ + "▁Pacers", + -13.889283180236816 + ], + [ + "▁Kyiv", + -13.889296531677246 + ], + [ + "▁leaching", + -13.889302253723145 + ], + [ + "▁authentically", + -13.88932991027832 + ], + [ + "▁weeping", + -13.889373779296877 + ], + [ + "▁Refresh", + -13.88937759399414 + ], + [ + "▁Frag", + -13.889525413513184 + ], + [ + "finance", + -13.889569282531738 + ], + [ + "▁5/8\"", + -13.889592170715332 + ], + [ + "▁JH", + -13.889602661132812 + ], + [ + "▁sustains", + -13.8896484375 + ], + [ + "▁Performed", + -13.889718055725098 + ], + [ + "▁CDI", + -13.889779090881348 + ], + [ + "▁landowner", + -13.889785766601562 + ], + [ + "Conclusion", + -13.889904022216797 + ], + [ + "928", + -13.88991355895996 + ], + [ + "▁Researcher", + -13.889970779418944 + ], + [ + "expect", + -13.889976501464844 + ], + [ + "▁Moonlight", + -13.890028953552246 + ], + [ + "tali", + -13.890044212341309 + ], + [ + "materials", + -13.890141487121582 + ], + [ + "env", + -13.890151023864746 + ], + [ + "/2009", + -13.89017105102539 + ], + [ + "▁canola", + -13.890175819396973 + ], + [ + "▁48%", + -13.890251159667969 + ], + [ + "Availability", + -13.890288352966309 + ], + [ + "Eagle", + -13.890292167663574 + ], + [ + "immigrant", + -13.89029312133789 + ], + [ + "▁Rector", + -13.890302658081056 + ], + [ + "Jeremy", + -13.890303611755373 + ], + [ + "Contemporary", + -13.890310287475586 + ], + [ + "Ladies", + -13.890344619750977 + ], + [ + "▁Resolve", + -13.890348434448242 + ], + [ + "▁Webmaster", + -13.890382766723633 + ], + [ + "▁Hacker", + -13.89041805267334 + ], + [ + "ghe", + -13.890443801879885 + ], + [ + "minimum", + -13.890484809875488 + ], + [ + "fleet", + -13.89055061340332 + ], + [ + "casino", + -13.8905668258667 + ], + [ + "Eng", + -13.89060115814209 + ], + [ + "imento", + -13.89064884185791 + ], + [ + "Morris", + -13.890650749206545 + ], + [ + "▁KPIs", + -13.890663146972656 + ], + [ + "INK", + -13.890697479248049 + ], + [ + "drawing", + -13.890722274780272 + ], + [ + "esti", + -13.89073657989502 + ], + [ + "stitch", + -13.890750885009766 + ], + [ + "ayan", + -13.890827178955078 + ], + [ + "▁binders", + -13.89085578918457 + ], + [ + "maps", + -13.890984535217283 + ], + [ + "bine", + -13.89106273651123 + ], + [ + "avia", + -13.891119956970217 + ], + [ + "▁Decorators", + -13.891170501708984 + ], + [ + "yin", + -13.89117431640625 + ], + [ + "▁specialities", + -13.891178131103516 + ], + [ + "▁Crater", + -13.89124870300293 + ], + [ + "272", + -13.89125156402588 + ], + [ + "▁crusty", + -13.891277313232422 + ], + [ + "odon", + -13.891300201416016 + ], + [ + "▁spotlights", + -13.891345977783203 + ], + [ + "NCH", + -13.89137077331543 + ], + [ + "▁cutie", + -13.891488075256348 + ], + [ + "▁Retired", + -13.891547203063965 + ], + [ + "cgi", + -13.891592025756836 + ], + [ + "▁PMS", + -13.891620635986328 + ], + [ + "▁bras", + -13.89170265197754 + ], + [ + "▁Grun", + -13.891732215881348 + ], + [ + "▁Canine", + -13.891786575317385 + ], + [ + "crystal", + -13.891827583312988 + ], + [ + "▁deprive", + -13.891844749450684 + ], + [ + "▁Nap", + -13.89184856414795 + ], + [ + "▁watercolors", + -13.891879081726074 + ], + [ + "▁Baden", + -13.891888618469238 + ], + [ + "▁craps", + -13.891940116882324 + ], + [ + "▁Buckeye", + -13.89198875427246 + ], + [ + "▁Eb", + -13.892078399658203 + ], + [ + "▁Motorsport", + -13.892088890075684 + ], + [ + "▁cask", + -13.89219093322754 + ], + [ + "648", + -13.89219856262207 + ], + [ + "▁Deva", + -13.89222526550293 + ], + [ + "sou", + -13.892324447631836 + ], + [ + "Rat", + -13.89234447479248 + ], + [ + "▁BSA", + -13.892383575439451 + ], + [ + "▁crucified", + -13.892444610595703 + ], + [ + "▁grotesque", + -13.892444610595703 + ], + [ + "▁hyaluronic", + -13.892444610595703 + ], + [ + "▁incompetence", + -13.892444610595703 + ], + [ + "▁sympathize", + -13.892444610595703 + ], + [ + "▁NUMBER", + -13.892446517944336 + ], + [ + "▁Patreon", + -13.892449378967283 + ], + [ + "▁Chengdu", + -13.892457962036133 + ], + [ + "▁Ritual", + -13.892462730407717 + ], + [ + "▁gourd", + -13.892471313476562 + ], + [ + "▁MacArthur", + -13.892477989196776 + ], + [ + "▁epoch", + -13.892498016357422 + ], + [ + "▁Grandfather", + -13.892502784729004 + ], + [ + "TRI", + -13.89250373840332 + ], + [ + "▁rousing", + -13.892511367797852 + ], + [ + "▁Accidents", + -13.892516136169434 + ], + [ + "▁intrinsically", + -13.892522811889648 + ], + [ + "▁Millionaire", + -13.892523765563965 + ], + [ + "▁bloke", + -13.892537117004396 + ], + [ + "▁discord", + -13.892550468444824 + ], + [ + "▁wattage", + -13.892589569091797 + ], + [ + "▁massaging", + -13.892651557922363 + ], + [ + "▁hoods", + -13.89266872406006 + ], + [ + "▁Hamm", + -13.892677307128906 + ], + [ + "▁Gigi", + -13.892682075500488 + ], + [ + "enable", + -13.892688751220703 + ], + [ + "▁agitated", + -13.892690658569336 + ], + [ + "▁saree", + -13.892694473266602 + ], + [ + "▁Sargent", + -13.892725944519045 + ], + [ + "▁befriend", + -13.892739295959473 + ], + [ + "▁0.02", + -13.892752647399902 + ], + [ + "▁Goldstein", + -13.89277172088623 + ], + [ + "▁1878", + -13.89281940460205 + ], + [ + "▁Relevant", + -13.892834663391112 + ], + [ + "▁Underwater", + -13.892889976501465 + ], + [ + "▁mounds", + -13.892930030822754 + ], + [ + "▁winged", + -13.892984390258787 + ], + [ + "▁Playlist", + -13.892988204956056 + ], + [ + "Neuro", + -13.893012046813965 + ], + [ + "▁Vox", + -13.893157958984377 + ], + [ + "▁Worked", + -13.893194198608398 + ], + [ + "▁Kush", + -13.893198013305664 + ], + [ + "▁fable", + -13.89321517944336 + ], + [ + "andy", + -13.893224716186523 + ], + [ + "▁Inches", + -13.893242835998535 + ], + [ + "▁Toe", + -13.8932523727417 + ], + [ + "014", + -13.893263816833496 + ], + [ + "utu", + -13.893312454223633 + ], + [ + "▁Newer", + -13.893394470214844 + ], + [ + "▁transporter", + -13.893489837646484 + ], + [ + "locked", + -13.89353847503662 + ], + [ + "continue", + -13.893567085266112 + ], + [ + "▁fetched", + -13.893571853637695 + ], + [ + "▁Pose", + -13.893598556518556 + ], + [ + "▁flamingo", + -13.893619537353516 + ], + [ + "Backed", + -13.893635749816896 + ], + [ + "noid", + -13.893698692321776 + ], + [ + "AKE", + -13.89370822906494 + ], + [ + "TOM", + -13.893749237060549 + ], + [ + "786", + -13.893754005432127 + ], + [ + "▁Inno", + -13.893781661987305 + ], + [ + "▁Portage", + -13.893813133239746 + ], + [ + "cite", + -13.893935203552246 + ], + [ + "▁860", + -13.89394474029541 + ], + [ + "482", + -13.89394760131836 + ], + [ + "90,000", + -13.89396858215332 + ], + [ + "Rec", + -13.893988609313965 + ], + [ + "rab", + -13.894034385681152 + ], + [ + "Adobe", + -13.894097328186035 + ], + [ + "description", + -13.894132614135742 + ], + [ + "jian", + -13.894165992736816 + ], + [ + "noun", + -13.894173622131348 + ], + [ + "▁wholesaler", + -13.894235610961914 + ], + [ + "azzi", + -13.894246101379396 + ], + [ + "Strike", + -13.894309043884276 + ], + [ + "portrait", + -13.894342422485352 + ], + [ + "communication", + -13.894344329833984 + ], + [ + "▁Clearing", + -13.894394874572754 + ], + [ + "laus", + -13.894407272338867 + ], + [ + "▁FEEL", + -13.894472122192385 + ], + [ + "▁239", + -13.894516944885254 + ], + [ + "Athlete", + -13.89452075958252 + ], + [ + "Nurse", + -13.89454174041748 + ], + [ + "gala", + -13.89460277557373 + ], + [ + "▁Opal", + -13.894634246826172 + ], + [ + "PUR", + -13.894675254821776 + ], + [ + "▁Meteor", + -13.894691467285156 + ], + [ + "7-11", + -13.894699096679688 + ], + [ + "▁finalizing", + -13.89476203918457 + ], + [ + "▁Avis", + -13.894786834716797 + ], + [ + "▁cleanest", + -13.894786834716797 + ], + [ + "▁Qt", + -13.894800186157228 + ], + [ + "236", + -13.894858360290527 + ], + [ + "▁787", + -13.894930839538574 + ], + [ + "▁misused", + -13.89494800567627 + ], + [ + "mead", + -13.894951820373535 + ], + [ + "Nope", + -13.895042419433594 + ], + [ + "▁Chit", + -13.895105361938477 + ], + [ + "OTT", + -13.895109176635742 + ], + [ + "healing", + -13.895133018493652 + ], + [ + "EQ", + -13.8951416015625 + ], + [ + "▁railroads", + -13.895158767700195 + ], + [ + "502", + -13.895188331604004 + ], + [ + "itable", + -13.895256042480469 + ], + [ + "▁HPV", + -13.895306587219238 + ], + [ + "▁informally", + -13.895386695861816 + ], + [ + "▁Transfers", + -13.895430564880373 + ], + [ + "▁Fos", + -13.895468711853027 + ], + [ + "champ", + -13.895484924316406 + ], + [ + "▁Jug", + -13.89553165435791 + ], + [ + "▁chiropractors", + -13.895551681518556 + ], + [ + "oph", + -13.895557403564451 + ], + [ + "nomic", + -13.895566940307615 + ], + [ + "191", + -13.895623207092283 + ], + [ + "▁Hoping", + -13.895648956298828 + ], + [ + "▁Audible", + -13.895705223083496 + ], + [ + "▁renown", + -13.895753860473633 + ], + [ + "▁whi", + -13.89582061767578 + ], + [ + "985", + -13.895827293395996 + ], + [ + "▁Curl", + -13.895873069763184 + ], + [ + "351", + -13.896061897277832 + ], + [ + "RCA", + -13.896062850952148 + ], + [ + "282", + -13.896096229553224 + ], + [ + "▁Vida", + -13.896102905273438 + ], + [ + "▁Chelmsford", + -13.896148681640623 + ], + [ + "▁apoptosis", + -13.896148681640623 + ], + [ + "▁complacent", + -13.896148681640623 + ], + [ + "▁procuring", + -13.896148681640623 + ], + [ + "▁Pisces", + -13.896150588989258 + ], + [ + "▁divergence", + -13.896154403686523 + ], + [ + "▁186", + -13.896156311035156 + ], + [ + "▁Stewardship", + -13.896162986755373 + ], + [ + "▁Compaq", + -13.896173477172852 + ], + [ + "▁Trolley", + -13.896173477172852 + ], + [ + "▁Vinegar", + -13.896174430847168 + ], + [ + "▁curating", + -13.896178245544434 + ], + [ + "▁slimming", + -13.896201133728027 + ], + [ + "▁Frisco", + -13.896209716796877 + ], + [ + "▁garnet", + -13.896214485168455 + ], + [ + "▁Ripley", + -13.896228790283203 + ], + [ + "▁unassuming", + -13.896230697631836 + ], + [ + "▁sloped", + -13.89626121520996 + ], + [ + "▁patty", + -13.896278381347656 + ], + [ + "▁straining", + -13.896297454833984 + ], + [ + "▁incentivize", + -13.896300315856934 + ], + [ + "upload", + -13.896317481994627 + ], + [ + "▁NAP", + -13.89632797241211 + ], + [ + "▁Rooster", + -13.89634132385254 + ], + [ + "▁Hailey", + -13.89642333984375 + ], + [ + "▁Tripoli", + -13.89643383026123 + ], + [ + "▁(12)", + -13.896479606628418 + ], + [ + "▁Originals", + -13.896510124206545 + ], + [ + "tris", + -13.896535873413086 + ], + [ + "zai", + -13.896543502807615 + ], + [ + "▁1884", + -13.896591186523438 + ], + [ + "▁zooming", + -13.896605491638184 + ], + [ + "uct", + -13.896621704101562 + ], + [ + "▁Novice", + -13.896644592285156 + ], + [ + "▁drinker", + -13.896663665771484 + ], + [ + "Deal", + -13.89667510986328 + ], + [ + "▁sprouted", + -13.896729469299316 + ], + [ + "▁Lear", + -13.896736145019531 + ], + [ + "ihan", + -13.896751403808594 + ], + [ + "▁227", + -13.89678192138672 + ], + [ + "comfort", + -13.89679718017578 + ], + [ + "emu", + -13.896804809570312 + ], + [ + "▁easement", + -13.896810531616213 + ], + [ + "157", + -13.896824836730955 + ], + [ + "▁Burch", + -13.896900177001951 + ], + [ + "▁Curly", + -13.896912574768066 + ], + [ + "▁affirming", + -13.896942138671877 + ], + [ + "rias", + -13.896966934204102 + ], + [ + "▁urbanization", + -13.896982192993164 + ], + [ + "▁SES", + -13.896989822387695 + ], + [ + "ologia", + -13.897005081176758 + ], + [ + "▁Textiles", + -13.897024154663086 + ], + [ + "▁Milli", + -13.897071838378906 + ], + [ + "ifera", + -13.897137641906738 + ], + [ + "▁Uses", + -13.897254943847656 + ], + [ + "▁Quantitative", + -13.89738655090332 + ], + [ + "Lex", + -13.897394180297852 + ], + [ + "▁SEP", + -13.897421836853027 + ], + [ + "▁55-", + -13.89749813079834 + ], + [ + "▁Gallo", + -13.897510528564451 + ], + [ + "▁Rockville", + -13.89755916595459 + ], + [ + "input", + -13.897590637207031 + ], + [ + "▁underline", + -13.897625923156738 + ], + [ + "▁maximis", + -13.89765453338623 + ], + [ + "▁BCS", + -13.89768886566162 + ], + [ + "▁MIA", + -13.897817611694336 + ], + [ + "▁Benin", + -13.897863388061523 + ], + [ + "▁graze", + -13.897865295410156 + ], + [ + "Responsible", + -13.897882461547852 + ], + [ + "▁distal", + -13.8978910446167 + ], + [ + "Equipment", + -13.89792251586914 + ], + [ + "▁facades", + -13.89797019958496 + ], + [ + "Hands", + -13.898024559020996 + ], + [ + "▁Wim", + -13.898042678833008 + ], + [ + "imer", + -13.898049354553224 + ], + [ + "▁2017!", + -13.898054122924805 + ], + [ + "▁Odin", + -13.898063659667969 + ], + [ + "previously", + -13.89806842803955 + ], + [ + "▁scheduler", + -13.898080825805664 + ], + [ + "▁Departure", + -13.898138046264648 + ], + [ + "▁stead", + -13.898205757141112 + ], + [ + "Wh", + -13.898207664489746 + ], + [ + "Hons", + -13.898234367370604 + ], + [ + "▁crawled", + -13.898276329040527 + ], + [ + "▁Nee", + -13.898295402526855 + ], + [ + "rley", + -13.898301124572754 + ], + [ + "▁0-1", + -13.898330688476562 + ], + [ + "Logo", + -13.898334503173828 + ], + [ + "▁6-12", + -13.898345947265623 + ], + [ + "Hide", + -13.898388862609863 + ], + [ + "▁Buckle", + -13.898463249206545 + ], + [ + "Viewer", + -13.898518562316896 + ], + [ + "▁Remy", + -13.89857006072998 + ], + [ + "▁Martini", + -13.898673057556152 + ], + [ + "▁dongle", + -13.898762702941896 + ], + [ + "▁Hindus", + -13.898842811584473 + ], + [ + "Lang", + -13.898869514465332 + ], + [ + "surf", + -13.898879051208496 + ], + [ + "photos", + -13.898919105529783 + ], + [ + "28)", + -13.898951530456545 + ], + [ + "jima", + -13.898995399475098 + ], + [ + "▁Desi", + -13.899049758911133 + ], + [ + "▁mislead", + -13.89906406402588 + ], + [ + "▁Presentations", + -13.899070739746094 + ], + [ + "▁demonic", + -13.899097442626951 + ], + [ + "▁pike", + -13.89911651611328 + ], + [ + "Command", + -13.899127960205078 + ], + [ + "Coal", + -13.899235725402832 + ], + [ + "▁Balkans", + -13.899273872375488 + ], + [ + "Sold", + -13.899401664733888 + ], + [ + "▁400-", + -13.899428367614746 + ], + [ + "lounge", + -13.899435997009276 + ], + [ + "ltd", + -13.899442672729492 + ], + [ + "NEC", + -13.899484634399414 + ], + [ + "▁elevates", + -13.89950942993164 + ], + [ + "▁destroyer", + -13.899523735046388 + ], + [ + "▁glee", + -13.899538040161133 + ], + [ + "▁mysql", + -13.89955997467041 + ], + [ + "2(", + -13.899577140808104 + ], + [ + "▁Compressor", + -13.899593353271484 + ], + [ + "▁Berman", + -13.8995943069458 + ], + [ + "aligned", + -13.899646759033203 + ], + [ + "▁193", + -13.899650573730469 + ], + [ + "cable", + -13.899795532226562 + ], + [ + "▁biologic", + -13.899807929992676 + ], + [ + "▁Etihad", + -13.899866104125977 + ], + [ + "▁MailChimp", + -13.899866104125977 + ], + [ + "▁Toulouse", + -13.899866104125977 + ], + [ + "▁Varanasi", + -13.899866104125977 + ], + [ + "▁fertiliser", + -13.899866104125977 + ], + [ + "▁unrelenting", + -13.899866104125977 + ], + [ + "▁unruly", + -13.899866104125977 + ], + [ + "▁contraception", + -13.89986801147461 + ], + [ + "▁Michelangelo", + -13.899868965148926 + ], + [ + "▁Wrote", + -13.899868965148926 + ], + [ + "▁Ducati", + -13.899872779846191 + ], + [ + "▁hackathon", + -13.899877548217772 + ], + [ + "▁lanyard", + -13.899885177612305 + ], + [ + "▁wobble", + -13.89989185333252 + ], + [ + "▁Desmond", + -13.899895668029783 + ], + [ + "▁orlistat", + -13.899908065795898 + ], + [ + "dat", + -13.899919509887695 + ], + [ + "▁tiniest", + -13.899942398071287 + ], + [ + "▁Yadav", + -13.899979591369627 + ], + [ + "▁Fanatics", + -13.899982452392578 + ], + [ + "▁shrunk", + -13.899982452392578 + ], + [ + "▁Cron", + -13.89998722076416 + ], + [ + "▁unreleased", + -13.899991035461426 + ], + [ + "owicz", + -13.899996757507324 + ], + [ + "▁ductwork", + -13.90004825592041 + ], + [ + "▁34,", + -13.90005111694336 + ], + [ + "▁supp", + -13.900059700012209 + ], + [ + "▁ECG", + -13.900087356567385 + ], + [ + "pta", + -13.900123596191406 + ], + [ + "▁mush", + -13.900131225585938 + ], + [ + "RAT", + -13.900151252746582 + ], + [ + "▁undefined", + -13.900179862976074 + ], + [ + "▁Olga", + -13.900190353393556 + ], + [ + "▁Favorites", + -13.900192260742188 + ], + [ + "▁KEEP", + -13.900202751159668 + ], + [ + "▁arson", + -13.900213241577148 + ], + [ + "▁Flamingo", + -13.900224685668944 + ], + [ + "?!?!", + -13.900226593017578 + ], + [ + "POP", + -13.900250434875488 + ], + [ + "▁gleaned", + -13.900250434875488 + ], + [ + "▁Hawkeye", + -13.900287628173828 + ], + [ + "852", + -13.900477409362791 + ], + [ + "▁231", + -13.900506019592283 + ], + [ + "▁Otis", + -13.900521278381348 + ], + [ + "▁nag", + -13.900550842285156 + ], + [ + "liant", + -13.900568962097168 + ], + [ + "▁9-11", + -13.900622367858888 + ], + [ + "XML", + -13.90064525604248 + ], + [ + "▁9.7", + -13.900653839111328 + ], + [ + "▁$199", + -13.90066909790039 + ], + [ + "▁adjusters", + -13.90067195892334 + ], + [ + "kola", + -13.900694847106934 + ], + [ + "▁spar", + -13.900699615478516 + ], + [ + "▁Rowland", + -13.900728225708008 + ], + [ + "▁Valuable", + -13.900762557983398 + ], + [ + "▁Blessing", + -13.900775909423828 + ], + [ + ")--", + -13.900805473327637 + ], + [ + "▁Rang", + -13.900838851928713 + ], + [ + "PAT", + -13.900858879089355 + ], + [ + "▁worsened", + -13.90089988708496 + ], + [ + "success", + -13.90097427368164 + ], + [ + "▁meetup", + -13.900983810424805 + ], + [ + "rop", + -13.900989532470703 + ], + [ + "▁inhibiting", + -13.901039123535156 + ], + [ + "899", + -13.901040077209473 + ], + [ + "experienced", + -13.901055335998535 + ], + [ + "▁Thrive", + -13.90111255645752 + ], + [ + "dging", + -13.901174545288086 + ], + [ + "▁assurances", + -13.901209831237791 + ], + [ + "▁suspensions", + -13.901259422302246 + ], + [ + "▁instructs", + -13.90128231048584 + ], + [ + "▁ailing", + -13.901302337646484 + ], + [ + "Sustain", + -13.90130615234375 + ], + [ + "thousand", + -13.901359558105469 + ], + [ + "Till", + -13.901363372802734 + ], + [ + "jiang", + -13.901402473449709 + ], + [ + "sleeve", + -13.901405334472656 + ], + [ + "▁Stil", + -13.90143871307373 + ], + [ + "▁browns", + -13.901562690734863 + ], + [ + "▁sodas", + -13.901565551757812 + ], + [ + "▁Travelling", + -13.901612281799316 + ], + [ + "Month", + -13.901650428771973 + ], + [ + "▁abort", + -13.9016695022583 + ], + [ + "lita", + -13.901681900024414 + ], + [ + "reason", + -13.901698112487791 + ], + [ + "osphere", + -13.901715278625488 + ], + [ + "Concrete", + -13.901719093322754 + ], + [ + "▁freehold", + -13.901766777038574 + ], + [ + "trading", + -13.901836395263672 + ], + [ + "▁Php", + -13.901853561401367 + ], + [ + "Piece", + -13.901887893676758 + ], + [ + "Presentation", + -13.901907920837402 + ], + [ + "Transport", + -13.901932716369627 + ], + [ + "▁Assistants", + -13.901954650878906 + ], + [ + "▁Gallon", + -13.901996612548828 + ], + [ + "pd", + -13.902000427246094 + ], + [ + "▁Brim", + -13.902018547058104 + ], + [ + "MOD", + -13.90207576751709 + ], + [ + "▁Diagnosis", + -13.902130126953123 + ], + [ + "RIP", + -13.902213096618652 + ], + [ + "REE", + -13.902238845825195 + ], + [ + "432", + -13.90224266052246 + ], + [ + "sensory", + -13.902263641357422 + ], + [ + "▁Argos", + -13.902310371398926 + ], + [ + "▁raped", + -13.902310371398926 + ], + [ + "▁backseat", + -13.902344703674316 + ], + [ + "ubu", + -13.902393341064451 + ], + [ + "▁Aldi", + -13.902393341064451 + ], + [ + "▁Acro", + -13.902458190917969 + ], + [ + "audi", + -13.902480125427246 + ], + [ + "chard", + -13.902488708496094 + ], + [ + "itu", + -13.902509689331056 + ], + [ + "▁Envelope", + -13.902650833129885 + ], + [ + "▁Shingle", + -13.902685165405272 + ], + [ + "▁chiller", + -13.902762413024902 + ], + [ + "trim", + -13.9027738571167 + ], + [ + "▁Chefs", + -13.90280055999756 + ], + [ + "▁Implants", + -13.902806282043455 + ], + [ + "289", + -13.902822494506836 + ], + [ + "▁Blazers", + -13.902832984924316 + ], + [ + "fang", + -13.902847290039062 + ], + [ + "713", + -13.902871131896973 + ], + [ + "▁pix", + -13.90287971496582 + ], + [ + "▁basements", + -13.90291976928711 + ], + [ + "▁Highways", + -13.902950286865234 + ], + [ + "▁Musicians", + -13.902952194213867 + ], + [ + "▁prospectus", + -13.902998924255373 + ], + [ + "VET", + -13.903023719787598 + ], + [ + "spray", + -13.903051376342772 + ], + [ + "▁xml", + -13.90305519104004 + ], + [ + "seam", + -13.903067588806152 + ], + [ + "▁boar", + -13.903100967407228 + ], + [ + "▁ABB", + -13.903121948242188 + ], + [ + "▁Incentive", + -13.903230667114258 + ], + [ + "▁junkie", + -13.903257369995115 + ], + [ + "▁Florian", + -13.90329647064209 + ], + [ + "barrel", + -13.903324127197266 + ], + [ + "▁loophole", + -13.903355598449709 + ], + [ + "▁Wilkins", + -13.903447151184082 + ], + [ + "▁allege", + -13.903470993041992 + ], + [ + "▁hunch", + -13.903529167175291 + ], + [ + "▁1879", + -13.903549194335938 + ], + [ + "▁1857", + -13.90359115600586 + ], + [ + "Hodgkin", + -13.903597831726074 + ], + [ + "▁saturday", + -13.903597831726074 + ], + [ + "▁tenderloin", + -13.903597831726074 + ], + [ + "▁cholera", + -13.90359878540039 + ], + [ + "▁Kaspersky", + -13.90360164642334 + ], + [ + "▁Questionnaire", + -13.903602600097656 + ], + [ + "ibble", + -13.903623580932615 + ], + [ + "▁microprocessor", + -13.90363311767578 + ], + [ + "▁Equestrian", + -13.903664588928224 + ], + [ + "▁spitting", + -13.903676986694336 + ], + [ + "▁colonization", + -13.903698921203612 + ], + [ + "▁hoo", + -13.90371799468994 + ], + [ + "▁Thereafter", + -13.903763771057127 + ], + [ + "▁molar", + -13.903778076171877 + ], + [ + "▁Emb", + -13.90380859375 + ], + [ + "Keith", + -13.903826713562012 + ], + [ + "Ter", + -13.903830528259276 + ], + [ + "Eli", + -13.903831481933594 + ], + [ + "▁untrue", + -13.903838157653809 + ], + [ + "linda", + -13.903884887695312 + ], + [ + "wf", + -13.904037475585938 + ], + [ + "▁Sicilian", + -13.904130935668944 + ], + [ + "elder", + -13.904145240783691 + ], + [ + "▁unification", + -13.904145240783691 + ], + [ + "logue", + -13.904152870178224 + ], + [ + "▁grassland", + -13.904182434082031 + ], + [ + "▁dielectric", + -13.904192924499512 + ], + [ + "▁Oakville", + -13.904193878173828 + ], + [ + "▁spasms", + -13.90424633026123 + ], + [ + "▁Siege", + -13.90427303314209 + ], + [ + "chase", + -13.904279708862305 + ], + [ + "TAS", + -13.904294967651367 + ], + [ + "▁Mound", + -13.904314041137695 + ], + [ + "▁sparkles", + -13.904321670532228 + ], + [ + "tension", + -13.904397010803224 + ], + [ + "gran", + -13.904428482055664 + ], + [ + "▁allot", + -13.904434204101562 + ], + [ + "Opt", + -13.90443992614746 + ], + [ + "changer", + -13.90445327758789 + ], + [ + "▁joinery", + -13.904460906982422 + ], + [ + "▁Arundel", + -13.904483795166016 + ], + [ + "▁Shul", + -13.904501914978027 + ], + [ + "▁Guar", + -13.904516220092772 + ], + [ + "cow", + -13.904552459716797 + ], + [ + "▁seawater", + -13.90455436706543 + ], + [ + "XXXX", + -13.90458869934082 + ], + [ + "rope", + -13.904610633850098 + ], + [ + "▁Stephenson", + -13.904611587524414 + ], + [ + "effectiveness", + -13.904613494873049 + ], + [ + "▁PROJECT", + -13.904659271240234 + ], + [ + "TCC", + -13.904666900634766 + ], + [ + "▁recited", + -13.904706001281738 + ], + [ + "▁Appropriations", + -13.90484619140625 + ], + [ + "▁overriding", + -13.904878616333008 + ], + [ + "minator", + -13.904903411865234 + ], + [ + "LOR", + -13.904914855957031 + ], + [ + "MOND", + -13.904942512512209 + ], + [ + "▁Lulu", + -13.905115127563477 + ], + [ + "climate", + -13.905118942260742 + ], + [ + "imeter", + -13.905150413513184 + ], + [ + "fn", + -13.90518856048584 + ], + [ + "581", + -13.90521240234375 + ], + [ + "▁10.3", + -13.905232429504396 + ], + [ + "INST", + -13.905235290527344 + ], + [ + "▁Choo", + -13.905264854431152 + ], + [ + "▁Southport", + -13.90536117553711 + ], + [ + "RUM", + -13.905364990234377 + ], + [ + "▁shader", + -13.905508995056152 + ], + [ + "Hamilton", + -13.90553092956543 + ], + [ + "Barbara", + -13.905559539794922 + ], + [ + "▁redefined", + -13.905571937561035 + ], + [ + "▁Muni", + -13.905580520629885 + ], + [ + "▁CFL", + -13.905595779418944 + ], + [ + "▁Teal", + -13.905640602111816 + ], + [ + "ppo", + -13.90565299987793 + ], + [ + "▁motels", + -13.90573501586914 + ], + [ + "686", + -13.905792236328123 + ], + [ + "freeze", + -13.905917167663574 + ], + [ + "▁redwood", + -13.905936241149902 + ], + [ + "tice", + -13.905938148498535 + ], + [ + "▁Pali", + -13.905945777893066 + ], + [ + "hut", + -13.90595245361328 + ], + [ + "▁louis", + -13.905976295471191 + ], + [ + "▁Barclay", + -13.906054496765137 + ], + [ + "▁assessor", + -13.906192779541016 + ], + [ + "▁Pops", + -13.906206130981444 + ], + [ + "XR", + -13.906209945678713 + ], + [ + "PPC", + -13.906238555908203 + ], + [ + "▁chronicle", + -13.90633487701416 + ], + [ + "▁Octa", + -13.906405448913574 + ], + [ + "▁vegans", + -13.906488418579102 + ], + [ + "-81", + -13.906538009643556 + ], + [ + "▁kilometer", + -13.906594276428224 + ], + [ + "▁cuttings", + -13.906601905822754 + ], + [ + "Clip", + -13.90661334991455 + ], + [ + "guer", + -13.906639099121094 + ], + [ + "uation", + -13.90664005279541 + ], + [ + "/09", + -13.906715393066406 + ], + [ + "▁Alejandro", + -13.906723022460938 + ], + [ + "▁synonym", + -13.906814575195312 + ], + [ + "▁kat", + -13.906818389892578 + ], + [ + "▁wastage", + -13.90687084197998 + ], + [ + "▁bylaws", + -13.90689182281494 + ], + [ + "▁catapult", + -13.90694522857666 + ], + [ + "692", + -13.90695571899414 + ], + [ + "▁correlates", + -13.907001495361328 + ], + [ + "flame", + -13.90700340270996 + ], + [ + "▁Roach", + -13.907015800476074 + ], + [ + "▁turret", + -13.907021522521973 + ], + [ + "▁denote", + -13.907129287719728 + ], + [ + "unbound", + -13.907158851623535 + ], + [ + "▁Sava", + -13.907329559326172 + ], + [ + "Arguably", + -13.907342910766602 + ], + [ + "▁Marrakech", + -13.907342910766602 + ], + [ + "▁Oswego", + -13.907342910766602 + ], + [ + "▁colorectal", + -13.907342910766602 + ], + [ + "▁cuddly", + -13.907342910766602 + ], + [ + "▁exemplify", + -13.907342910766602 + ], + [ + "▁undisputed", + -13.907342910766602 + ], + [ + "▁Wyndham", + -13.907343864440918 + ], + [ + "▁Aubrey", + -13.90734577178955 + ], + [ + "▁FITNESS", + -13.90734577178955 + ], + [ + "▁livable", + -13.90734577178955 + ], + [ + "▁canopies", + -13.907346725463867 + ], + [ + "▁Humble", + -13.90736484527588 + ], + [ + "▁Loretta", + -13.90736484527588 + ], + [ + "▁substituting", + -13.907365798950195 + ], + [ + "▁Mildred", + -13.907367706298828 + ], + [ + "▁anthropologist", + -13.907382011413574 + ], + [ + "▁Burberry", + -13.907383918762209 + ], + [ + "▁merciful", + -13.907395362854004 + ], + [ + "fred", + -13.907434463500977 + ], + [ + "Wing", + -13.907463073730469 + ], + [ + "▁Nal", + -13.907483100891112 + ], + [ + "▁splice", + -13.907483100891112 + ], + [ + "▁worshipped", + -13.90749168395996 + ], + [ + "▁Inform", + -13.90749454498291 + ], + [ + "▁DHCP", + -13.907503128051758 + ], + [ + "lok", + -13.907504081726074 + ], + [ + "▁Bypass", + -13.907538414001465 + ], + [ + "▁Kendra", + -13.907588958740234 + ], + [ + "▁Geis", + -13.907591819763184 + ], + [ + "▁flywheel", + -13.907609939575195 + ], + [ + "Billy", + -13.907648086547852 + ], + [ + "▁Raceway", + -13.907737731933594 + ], + [ + "▁Bhu", + -13.907763481140137 + ], + [ + "▁crippled", + -13.907791137695312 + ], + [ + "▁Rut", + -13.907822608947754 + ], + [ + "HY", + -13.907917022705078 + ], + [ + "▁bulge", + -13.908020973205566 + ], + [ + "▁Pou", + -13.908052444458008 + ], + [ + "▁frizz", + -13.908082008361816 + ], + [ + "▁Velocity", + -13.908138275146484 + ], + [ + "rui", + -13.9081392288208 + ], + [ + "VH", + -13.908167839050291 + ], + [ + "685", + -13.908254623413086 + ], + [ + "▁nervousness", + -13.908319473266602 + ], + [ + "cig", + -13.90834617614746 + ], + [ + "Nut", + -13.908409118652344 + ], + [ + "Dell", + -13.908430099487305 + ], + [ + "BOO", + -13.90845012664795 + ], + [ + "gata", + -13.908475875854492 + ], + [ + "Borrow", + -13.908482551574709 + ], + [ + "▁coefficients", + -13.908499717712402 + ], + [ + "RIO", + -13.908527374267578 + ], + [ + "blocking", + -13.908547401428224 + ], + [ + "▁loaned", + -13.908547401428224 + ], + [ + "018", + -13.908555030822754 + ], + [ + "comment", + -13.908616065979004 + ], + [ + "▁£40", + -13.908631324768066 + ], + [ + "▁219", + -13.908674240112305 + ], + [ + "▁afterthought", + -13.908738136291504 + ], + [ + "▁jobless", + -13.908748626708984 + ], + [ + "▁thicknesses", + -13.908782958984377 + ], + [ + "▁1874", + -13.908785820007324 + ], + [ + "-2020", + -13.908807754516602 + ], + [ + "Locate", + -13.908809661865234 + ], + [ + "Stu", + -13.9088134765625 + ], + [ + "▁contends", + -13.9088134765625 + ], + [ + "▁blu", + -13.908819198608398 + ], + [ + "itzer", + -13.909090042114258 + ], + [ + "RUS", + -13.909095764160156 + ], + [ + "▁Essen", + -13.909228324890137 + ], + [ + "SX", + -13.90926742553711 + ], + [ + "▁Weis", + -13.909339904785156 + ], + [ + "currency", + -13.909366607666016 + ], + [ + "grabbing", + -13.909388542175291 + ], + [ + "▁carols", + -13.909388542175291 + ], + [ + "Climate", + -13.90939235687256 + ], + [ + "Shea", + -13.909412384033203 + ], + [ + "licensed", + -13.909446716308594 + ], + [ + "MPP", + -13.909478187561035 + ], + [ + "opo", + -13.909494400024414 + ], + [ + "▁Ric", + -13.909507751464844 + ], + [ + "terminal", + -13.909555435180664 + ], + [ + "Cancer", + -13.909564971923828 + ], + [ + "▁Blanco", + -13.909578323364258 + ], + [ + "▁Frankly", + -13.909586906433104 + ], + [ + "▁Indicators", + -13.909687995910645 + ], + [ + "▁rooftops", + -13.909700393676758 + ], + [ + "▁signings", + -13.909700393676758 + ], + [ + "▁tim", + -13.909728050231934 + ], + [ + "eki", + -13.909762382507324 + ], + [ + "Flower", + -13.909775733947754 + ], + [ + "▁(70", + -13.909798622131348 + ], + [ + "ngel", + -13.909829139709473 + ], + [ + "Rap", + -13.909831047058104 + ], + [ + "▁wat", + -13.9098539352417 + ], + [ + "IRC", + -13.909914016723633 + ], + [ + "▁canteen", + -13.90991497039795 + ], + [ + "pause", + -13.909915924072266 + ], + [ + "hipped", + -13.91004467010498 + ], + [ + "mmie", + -13.910074234008787 + ], + [ + "▁SCH", + -13.91010284423828 + ], + [ + "Bid", + -13.910205841064451 + ], + [ + "integr", + -13.910239219665527 + ], + [ + "flowing", + -13.910296440124512 + ], + [ + "pey", + -13.910345077514648 + ], + [ + "aires", + -13.91049861907959 + ], + [ + "Cruise", + -13.91050910949707 + ], + [ + "▁springboard", + -13.910526275634766 + ], + [ + "acion", + -13.910531997680664 + ], + [ + "Fiber", + -13.910600662231444 + ], + [ + "▁Corrections", + -13.91064453125 + ], + [ + "leak", + -13.910669326782228 + ], + [ + "▁brook", + -13.910727500915527 + ], + [ + "▁Technically", + -13.910755157470703 + ], + [ + "Smile", + -13.910810470581056 + ], + [ + "▁whistleblower", + -13.910818099975586 + ], + [ + "--(", + -13.910822868347168 + ], + [ + "-61", + -13.91090488433838 + ], + [ + "&#", + -13.91098403930664 + ], + [ + "▁retriever", + -13.911016464233398 + ], + [ + "▁synthesizer", + -13.91102695465088 + ], + [ + "▁TOR", + -13.911067008972168 + ], + [ + "menopausal", + -13.911102294921877 + ], + [ + "▁Diaspora", + -13.911102294921877 + ], + [ + "▁Shropshire", + -13.911102294921877 + ], + [ + "▁Willamette", + -13.911102294921877 + ], + [ + "▁Hiroshima", + -13.911105155944824 + ], + [ + "▁pegged", + -13.91110897064209 + ], + [ + "▁unobstructed", + -13.911110877990724 + ], + [ + "▁communism", + -13.911136627197266 + ], + [ + "▁Adsense", + -13.911157608032228 + ], + [ + "▁cockroaches", + -13.911203384399414 + ], + [ + "▁Zhong", + -13.91120433807373 + ], + [ + "▁Differential", + -13.911205291748049 + ], + [ + "Input", + -13.911263465881348 + ], + [ + "▁Hummer", + -13.91128158569336 + ], + [ + "▁MTA", + -13.911297798156738 + ], + [ + "▁Vulcan", + -13.911298751831056 + ], + [ + "▁198", + -13.911331176757812 + ], + [ + "PAD", + -13.911385536193848 + ], + [ + "▁Keywords", + -13.91138744354248 + ], + [ + "HEL", + -13.911401748657228 + ], + [ + "▁livery", + -13.911420822143556 + ], + [ + "▁solidified", + -13.911506652832031 + ], + [ + "524", + -13.91152000427246 + ], + [ + "▁vowel", + -13.911534309387209 + ], + [ + "▁envisaged", + -13.911540985107422 + ], + [ + "crea", + -13.911648750305176 + ], + [ + "▁1866", + -13.911701202392578 + ], + [ + "▁denounced", + -13.91171169281006 + ], + [ + "rative", + -13.9117431640625 + ], + [ + "▁Sniper", + -13.911746978759766 + ], + [ + "▁mont", + -13.911816596984863 + ], + [ + "▁belated", + -13.911865234375 + ], + [ + "▁Symbols", + -13.911954879760742 + ], + [ + "▁Bue", + -13.911961555480955 + ], + [ + "Reflecting", + -13.911980628967283 + ], + [ + "▁Topaz", + -13.911986351013184 + ], + [ + "▁Jacobson", + -13.911995887756348 + ], + [ + "LINK", + -13.912059783935549 + ], + [ + "▁314", + -13.91208839416504 + ], + [ + "tsch", + -13.912141799926758 + ], + [ + "▁walkable", + -13.91216278076172 + ], + [ + "▁vial", + -13.912179946899414 + ], + [ + "▁canoes", + -13.912223815917969 + ], + [ + "Powered", + -13.91222858428955 + ], + [ + "▁Maw", + -13.91231918334961 + ], + [ + "▁authorizing", + -13.912352561950684 + ], + [ + "▁dashing", + -13.912376403808594 + ], + [ + "▁Pathways", + -13.912433624267578 + ], + [ + "▁casement", + -13.912468910217283 + ], + [ + "Kon", + -13.912690162658691 + ], + [ + "714", + -13.912691116333008 + ], + [ + "sui", + -13.912884712219238 + ], + [ + "Rider", + -13.912958145141602 + ], + [ + "▁Provision", + -13.912994384765623 + ], + [ + "▁BID", + -13.913004875183104 + ], + [ + "▁cannabinoids", + -13.913050651550291 + ], + [ + "▁clerical", + -13.913050651550291 + ], + [ + "▁schematics", + -13.913057327270508 + ], + [ + "vl", + -13.913091659545898 + ], + [ + "▁tango", + -13.913110733032228 + ], + [ + "▁#1:", + -13.913119316101074 + ], + [ + "▁telephones", + -13.913126945495604 + ], + [ + "Missing", + -13.913129806518556 + ], + [ + "$10", + -13.913137435913086 + ], + [ + "RPG", + -13.91317081451416 + ], + [ + "apart", + -13.913179397583008 + ], + [ + "▁Expertise", + -13.913227081298828 + ], + [ + "Phoenix", + -13.913251876831056 + ], + [ + "rising", + -13.91330909729004 + ], + [ + "Ashley", + -13.913321495056152 + ], + [ + "Lol", + -13.913326263427734 + ], + [ + "▁$10.00", + -13.913329124450684 + ], + [ + "juice", + -13.913330078125 + ], + [ + "phenol", + -13.913372993469238 + ], + [ + "1988", + -13.913426399230955 + ], + [ + "▁knuckle", + -13.91344165802002 + ], + [ + "662", + -13.91346836090088 + ], + [ + "wheat", + -13.913500785827637 + ], + [ + "▁Intake", + -13.913503646850586 + ], + [ + "▁Orwell", + -13.913566589355469 + ], + [ + "▁Activate", + -13.913567543029783 + ], + [ + "▁295", + -13.913592338562012 + ], + [ + "▁sitemap", + -13.913592338562012 + ], + [ + "▁fatigued", + -13.913626670837402 + ], + [ + "Advantage", + -13.913691520690918 + ], + [ + "Couple", + -13.913702011108398 + ], + [ + "▁childish", + -13.913719177246094 + ], + [ + "uchen", + -13.913750648498535 + ], + [ + "▁Abra", + -13.91377067565918 + ], + [ + "workshop", + -13.91378116607666 + ], + [ + "▁WWW", + -13.913861274719238 + ], + [ + "639", + -13.913862228393556 + ], + [ + "ussie", + -13.91386890411377 + ], + [ + "▁complementing", + -13.913872718811035 + ], + [ + "▁Italians", + -13.913877487182615 + ], + [ + "▁HSA", + -13.913907051086426 + ], + [ + "▁severed", + -13.91396427154541 + ], + [ + "▁sprawl", + -13.913969993591309 + ], + [ + "813", + -13.914119720458984 + ], + [ + "▁CAMP", + -13.9141206741333 + ], + [ + "▁subtitle", + -13.914134979248049 + ], + [ + "diet", + -13.91416835784912 + ], + [ + "▁rehabilitate", + -13.914274215698242 + ], + [ + "▁contaminate", + -13.914276123046877 + ], + [ + "▁PRI", + -13.914284706115724 + ], + [ + "▁FIS", + -13.91428565979004 + ], + [ + "1.50", + -13.914308547973633 + ], + [ + "▁surgically", + -13.914314270019531 + ], + [ + "▁deplete", + -13.914358139038086 + ], + [ + "FAQ", + -13.914377212524414 + ], + [ + "==", + -13.914385795593262 + ], + [ + "LIA", + -13.91443157196045 + ], + [ + "ISON", + -13.914438247680664 + ], + [ + "Zen", + -13.914441108703612 + ], + [ + "385", + -13.914542198181152 + ], + [ + "▁retweet", + -13.914602279663086 + ], + [ + "▁immunization", + -13.91463565826416 + ], + [ + "▁CORE", + -13.914685249328612 + ], + [ + "▁wristband", + -13.914703369140623 + ], + [ + "Waiting", + -13.9147310256958 + ], + [ + "eille", + -13.914742469787598 + ], + [ + "stained", + -13.914767265319824 + ], + [ + "▁352", + -13.914777755737305 + ], + [ + "▁Tear", + -13.914798736572266 + ], + [ + "▁awnings", + -13.914822578430176 + ], + [ + "▁Archdiocese", + -13.914875984191896 + ], + [ + "▁Endangered", + -13.914875984191896 + ], + [ + "▁McKinley", + -13.914875984191896 + ], + [ + "▁commensurate", + -13.914875984191896 + ], + [ + "▁exorbitant", + -13.914875984191896 + ], + [ + "▁tantalizing", + -13.914875984191896 + ], + [ + "▁unscrupulous", + -13.914875984191896 + ], + [ + "▁Divinity", + -13.914877891540527 + ], + [ + "▁Yarmouth", + -13.91488552093506 + ], + [ + "▁Tornado", + -13.91489315032959 + ], + [ + "▁Slider", + -13.914898872375488 + ], + [ + "▁Penalty", + -13.914913177490234 + ], + [ + "▁drapery", + -13.91492748260498 + ], + [ + "▁Canopy", + -13.914942741394045 + ], + [ + "▁Carrera", + -13.914945602416992 + ], + [ + "▁Accra", + -13.914952278137209 + ], + [ + "▁downsizing", + -13.91497802734375 + ], + [ + "▁digitization", + -13.91498565673828 + ], + [ + "▁Kaz", + -13.914992332458496 + ], + [ + "▁cyberspace", + -13.914996147155762 + ], + [ + "▁Waiver", + -13.915019989013672 + ], + [ + "▁batted", + -13.915027618408203 + ], + [ + "CSC", + -13.9150390625 + ], + [ + "▁HEALTH", + -13.91504955291748 + ], + [ + "▁punctuated", + -13.91509246826172 + ], + [ + "▁tropics", + -13.915101051330566 + ], + [ + "▁contradictions", + -13.915139198303224 + ], + [ + "▁deacon", + -13.91514015197754 + ], + [ + "needs", + -13.915197372436523 + ], + [ + "▁headlining", + -13.915230751037598 + ], + [ + "▁Niki", + -13.915258407592772 + ], + [ + "▁QM", + -13.915289878845217 + ], + [ + "fluoro", + -13.915410995483398 + ], + [ + "▁axles", + -13.915445327758787 + ], + [ + "logged", + -13.915555953979492 + ], + [ + "Salem", + -13.91556167602539 + ], + [ + "▁Donaldson", + -13.915570259094238 + ], + [ + "▁Heaters", + -13.915609359741213 + ], + [ + "▁PMC", + -13.91571807861328 + ], + [ + "▁COL", + -13.915796279907228 + ], + [ + "▁Virtually", + -13.915813446044922 + ], + [ + "denominational", + -13.915942192077637 + ], + [ + "▁Abdel", + -13.915958404541016 + ], + [ + "hama", + -13.91602897644043 + ], + [ + "nita", + -13.916070938110352 + ], + [ + "shadow", + -13.916180610656738 + ], + [ + "gant", + -13.916196823120115 + ], + [ + "Consult", + -13.916210174560549 + ], + [ + "▁Heels", + -13.91623878479004 + ], + [ + "▁529", + -13.9163179397583 + ], + [ + "▁Dw", + -13.916318893432615 + ], + [ + "▁Sufi", + -13.9163236618042 + ], + [ + "Julia", + -13.916332244873049 + ], + [ + "gage", + -13.91643238067627 + ], + [ + "6:30", + -13.916484832763672 + ], + [ + "MBO", + -13.91652011871338 + ], + [ + "encing", + -13.916622161865234 + ], + [ + "▁kilos", + -13.916705131530762 + ], + [ + "bé", + -13.916763305664062 + ], + [ + "jana", + -13.91690444946289 + ], + [ + "1(", + -13.91693115234375 + ], + [ + "▁Hoch", + -13.916966438293455 + ], + [ + "tickets", + -13.91698932647705 + ], + [ + "ght", + -13.9169921875 + ], + [ + "tray", + -13.916998863220217 + ], + [ + "▁pap", + -13.917021751403809 + ], + [ + "▁Gaia", + -13.917046546936035 + ], + [ + "▁entitlements", + -13.917125701904297 + ], + [ + "exposed", + -13.91729736328125 + ], + [ + "NAL", + -13.917313575744627 + ], + [ + "football", + -13.917365074157717 + ], + [ + "Camera", + -13.91737174987793 + ], + [ + "▁knights", + -13.917410850524902 + ], + [ + "spiritual", + -13.917413711547852 + ], + [ + "▁Innova", + -13.917423248291016 + ], + [ + "..!!", + -13.917426109313965 + ], + [ + "VAT", + -13.917438507080078 + ], + [ + "▁strewn", + -13.917457580566406 + ], + [ + "▁VIEW", + -13.917524337768556 + ], + [ + "ermann", + -13.917613983154297 + ], + [ + "MIP", + -13.91761875152588 + ], + [ + "▁Soto", + -13.917638778686523 + ], + [ + "▁Cato", + -13.917656898498535 + ], + [ + "▁Caucasian", + -13.917658805847168 + ], + [ + "▁dissect", + -13.917725563049316 + ], + [ + "▁Grown", + -13.917749404907228 + ], + [ + "adia", + -13.917840957641602 + ], + [ + "essen", + -13.917856216430664 + ], + [ + "lode", + -13.917888641357422 + ], + [ + "▁Robb", + -13.917909622192385 + ], + [ + "Disc", + -13.917941093444824 + ], + [ + "▁necks", + -13.918105125427246 + ], + [ + "▁888-4", + -13.918118476867676 + ], + [ + "palm", + -13.918207168579102 + ], + [ + "313", + -13.918212890625 + ], + [ + "antly", + -13.91824436187744 + ], + [ + "▁idiom", + -13.918261528015137 + ], + [ + "▁gre", + -13.91831874847412 + ], + [ + "▁Privilege", + -13.918319702148438 + ], + [ + "22)", + -13.918378829956056 + ], + [ + "▁Guo", + -13.918392181396484 + ], + [ + "▁hurried", + -13.918421745300291 + ], + [ + "▁14.5", + -13.918437957763672 + ], + [ + "shake", + -13.918448448181152 + ], + [ + "▁Construct", + -13.918464660644531 + ], + [ + "lino", + -13.918497085571287 + ], + [ + "▁Tension", + -13.918503761291504 + ], + [ + "vian", + -13.918577194213867 + ], + [ + "▁39%", + -13.918601036071776 + ], + [ + "▁extruded", + -13.91866397857666 + ], + [ + "▁solstice", + -13.91866397857666 + ], + [ + "▁Kyrgyzstan", + -13.918665885925291 + ], + [ + "▁Vascular", + -13.918667793273926 + ], + [ + "▁Chaplain", + -13.918668746948242 + ], + [ + "▁Hobbs", + -13.918670654296877 + ], + [ + "▁farthest", + -13.918670654296877 + ], + [ + "▁venison", + -13.918670654296877 + ], + [ + "▁aquifer", + -13.918675422668455 + ], + [ + "▁Corolla", + -13.91867733001709 + ], + [ + "▁tabloid", + -13.918686866760254 + ], + [ + "▁daemon", + -13.91868782043457 + ], + [ + "▁REPORT", + -13.91869068145752 + ], + [ + "▁Radiology", + -13.918712615966797 + ], + [ + "▁amalgamation", + -13.91871738433838 + ], + [ + "▁respiration", + -13.918730735778809 + ], + [ + "▁Fitting", + -13.91873550415039 + ], + [ + "▁Radiator", + -13.91873550415039 + ], + [ + "Fee", + -13.918749809265137 + ], + [ + "ebra", + -13.91876220703125 + ], + [ + "bake", + -13.918792724609377 + ], + [ + "▁transverse", + -13.918793678283691 + ], + [ + "▁glycerin", + -13.91882610321045 + ], + [ + "774", + -13.918827056884766 + ], + [ + "▁Colt", + -13.918863296508787 + ], + [ + "▁Ecological", + -13.918951988220217 + ], + [ + "▁Greeting", + -13.918957710266112 + ], + [ + "▁Severn", + -13.919024467468262 + ], + [ + "▁Penal", + -13.91904640197754 + ], + [ + "▁ohne", + -13.919078826904297 + ], + [ + "▁DIRECT", + -13.919116973876951 + ], + [ + "▁UMass", + -13.919116973876951 + ], + [ + "▁MIX", + -13.919142723083496 + ], + [ + "▁Merge", + -13.919143676757812 + ], + [ + "▁ACH", + -13.919149398803713 + ], + [ + "▁Slash", + -13.919151306152344 + ], + [ + "▁misty", + -13.919190406799316 + ], + [ + "▁Analyzer", + -13.919228553771973 + ], + [ + "▁Mem", + -13.919234275817873 + ], + [ + "▁Raptors", + -13.91923713684082 + ], + [ + "▁marketable", + -13.919249534606934 + ], + [ + "244", + -13.919302940368652 + ], + [ + "▁softens", + -13.919376373291016 + ], + [ + "▁Ajay", + -13.919382095336914 + ], + [ + "▁Steward", + -13.919391632080078 + ], + [ + "▁upped", + -13.91939926147461 + ], + [ + "avis", + -13.919415473937988 + ], + [ + "BSD", + -13.91942310333252 + ], + [ + "init", + -13.919440269470217 + ], + [ + "▁Klopp", + -13.91953945159912 + ], + [ + "▁TMJ", + -13.919541358947754 + ], + [ + "▁perils", + -13.919567108154297 + ], + [ + "▁Gambia", + -13.919607162475586 + ], + [ + "▁Tut", + -13.919645309448242 + ], + [ + "emba", + -13.91967487335205 + ], + [ + "tunes", + -13.919692993164062 + ], + [ + "▁120,000", + -13.91972827911377 + ], + [ + "▁grandparent", + -13.919779777526855 + ], + [ + "Bush", + -13.919848442077637 + ], + [ + "▁Induction", + -13.919882774353027 + ], + [ + "▁ode", + -13.919893264770508 + ], + [ + "▁Fallen", + -13.919913291931152 + ], + [ + "2;", + -13.919998168945312 + ], + [ + "▁Ago", + -13.920037269592283 + ], + [ + "▁Elise", + -13.920042037963867 + ], + [ + "▁(?)", + -13.920116424560549 + ], + [ + "▁Gratitude", + -13.92011833190918 + ], + [ + "▁linkages", + -13.920133590698242 + ], + [ + "▁505", + -13.920204162597656 + ], + [ + "▁Hawking", + -13.920297622680664 + ], + [ + "▁Crypt", + -13.92030143737793 + ], + [ + "▁Eno", + -13.92030429840088 + ], + [ + "▁Swallow", + -13.920352935791016 + ], + [ + "▁Rabin", + -13.920355796813965 + ], + [ + "ABA", + -13.920366287231444 + ], + [ + "▁Dusty", + -13.920381546020508 + ], + [ + "MISSION", + -13.920417785644531 + ], + [ + "stocked", + -13.920451164245604 + ], + [ + "Il", + -13.920502662658691 + ], + [ + "KD", + -13.920539855957031 + ], + [ + "▁atleast", + -13.92055606842041 + ], + [ + "▁racially", + -13.920587539672852 + ], + [ + "▁Hob", + -13.92061710357666 + ], + [ + "CBN", + -13.920637130737305 + ], + [ + "imal", + -13.920639038085938 + ], + [ + "▁decorators", + -13.920682907104492 + ], + [ + "▁practised", + -13.92084789276123 + ], + [ + "ucha", + -13.92087173461914 + ], + [ + "vino", + -13.92087745666504 + ], + [ + "altering", + -13.920889854431152 + ], + [ + "Excel", + -13.920916557312012 + ], + [ + "▁LAB", + -13.920920372009276 + ], + [ + "finity", + -13.920955657958984 + ], + [ + "▁Copies", + -13.920976638793944 + ], + [ + "Stainless", + -13.921016693115234 + ], + [ + "Halloween", + -13.921019554138184 + ], + [ + "Critical", + -13.921021461486816 + ], + [ + "Suddenly", + -13.921063423156738 + ], + [ + "aber", + -13.921067237854004 + ], + [ + "▁Watershed", + -13.921069145202637 + ], + [ + "▁41%", + -13.921074867248535 + ], + [ + "▁Caves", + -13.921106338500977 + ], + [ + "▁faves", + -13.92112636566162 + ], + [ + "lma", + -13.921215057373049 + ], + [ + "▁22,000", + -13.921274185180664 + ], + [ + "kHz", + -13.921278953552246 + ], + [ + "▁skeletons", + -13.92135524749756 + ], + [ + "▁Dau", + -13.921412467956545 + ], + [ + "▁Mailing", + -13.92143440246582 + ], + [ + "▁pistols", + -13.921501159667969 + ], + [ + "▁Hud", + -13.921507835388184 + ], + [ + "Mun", + -13.92155933380127 + ], + [ + "312", + -13.921564102172852 + ], + [ + "blin", + -13.92161464691162 + ], + [ + "doll", + -13.92164421081543 + ], + [ + "▁Rosh", + -13.921676635742188 + ], + [ + "▁Ute", + -13.921676635742188 + ], + [ + "Shock", + -13.921703338623049 + ], + [ + "▁livestream", + -13.921758651733398 + ], + [ + "9000", + -13.921788215637209 + ], + [ + "eezy", + -13.921802520751951 + ], + [ + "▁rehearse", + -13.92186450958252 + ], + [ + "▁lego", + -13.921913146972656 + ], + [ + "▁Tungsten", + -13.9219331741333 + ], + [ + "546", + -13.92196559906006 + ], + [ + "src", + -13.922012329101562 + ], + [ + "▁Rectangular", + -13.922027587890623 + ], + [ + "▁conclusive", + -13.922229766845703 + ], + [ + "▁sprints", + -13.922266960144045 + ], + [ + "banks", + -13.922449111938477 + ], + [ + "▁intruder", + -13.92245864868164 + ], + [ + "▁Mendoza", + -13.922466278076172 + ], + [ + "▁furthest", + -13.922466278076172 + ], + [ + "▁irritability", + -13.922466278076172 + ], + [ + "▁forcibly", + -13.922467231750488 + ], + [ + "▁Qantas", + -13.922468185424805 + ], + [ + "▁STREET", + -13.922468185424805 + ], + [ + "▁Github", + -13.922470092773438 + ], + [ + "▁KPMG", + -13.922470092773438 + ], + [ + "▁SUPPORT", + -13.922470092773438 + ], + [ + "▁Sotheby", + -13.922470092773438 + ], + [ + "▁bundling", + -13.92247486114502 + ], + [ + "▁Beaufort", + -13.922475814819336 + ], + [ + "▁archaic", + -13.922475814819336 + ], + [ + "▁Solidarity", + -13.922476768493652 + ], + [ + "▁Luigi", + -13.92248249053955 + ], + [ + "▁antiquity", + -13.9224853515625 + ], + [ + "▁haiku", + -13.922507286071776 + ], + [ + "▁redefining", + -13.922545433044434 + ], + [ + "▁Hackney", + -13.922564506530762 + ], + [ + "▁witchcraft", + -13.92259120941162 + ], + [ + "▁SOP", + -13.922613143920898 + ], + [ + "▁footpath", + -13.922651290893556 + ], + [ + "Dam", + -13.922754287719728 + ], + [ + "▁cram", + -13.922754287719728 + ], + [ + "▁mineralization", + -13.922842025756836 + ], + [ + "▁dreamt", + -13.922857284545898 + ], + [ + "▁Ripper", + -13.922918319702148 + ], + [ + "Button", + -13.922972679138184 + ], + [ + "▁Jolie", + -13.923003196716309 + ], + [ + "▁autographed", + -13.923006057739258 + ], + [ + "rox", + -13.92304515838623 + ], + [ + "–19", + -13.923083305358888 + ], + [ + "▁chow", + -13.923101425170898 + ], + [ + "older", + -13.923128128051758 + ], + [ + "▁overdo", + -13.923182487487791 + ], + [ + "cele", + -13.923216819763184 + ], + [ + "▁republican", + -13.923227310180664 + ], + [ + "▁hooking", + -13.923327445983888 + ], + [ + "▁Jig", + -13.92335033416748 + ], + [ + "▁seventeenth", + -13.923351287841797 + ], + [ + "▁Alessandro", + -13.92335605621338 + ], + [ + "laying", + -13.923394203186035 + ], + [ + "request", + -13.923407554626465 + ], + [ + "▁thickening", + -13.923454284667969 + ], + [ + "▁authorship", + -13.923527717590332 + ], + [ + "▁2012;", + -13.923583984375 + ], + [ + "▁geeky", + -13.923602104187012 + ], + [ + "unia", + -13.923603057861328 + ], + [ + "▁isolates", + -13.923666954040527 + ], + [ + "▁condemning", + -13.923676490783691 + ], + [ + "▁gaskets", + -13.92368507385254 + ], + [ + "▁Defensive", + -13.923707962036133 + ], + [ + "▁Curr", + -13.92372989654541 + ], + [ + "▁tit", + -13.923735618591309 + ], + [ + "▁parser", + -13.923857688903809 + ], + [ + "▁atrial", + -13.923949241638184 + ], + [ + "Buzz", + -13.923983573913574 + ], + [ + "err", + -13.9240083694458 + ], + [ + "Gil", + -13.924046516418455 + ], + [ + "▁BAM", + -13.924149513244627 + ], + [ + "▁Prim", + -13.924184799194336 + ], + [ + "NCA", + -13.924216270446776 + ], + [ + "▁2008).", + -13.92422103881836 + ], + [ + "▁getaways", + -13.924266815185549 + ], + [ + "tima", + -13.924416542053224 + ], + [ + "641", + -13.924421310424805 + ], + [ + "numbered", + -13.924481391906738 + ], + [ + "935", + -13.924552917480469 + ], + [ + "▁Sportsman", + -13.924630165100098 + ], + [ + "▁AHL", + -13.924633026123049 + ], + [ + "▁Thumb", + -13.924665451049805 + ], + [ + "▁Yuri", + -13.92478084564209 + ], + [ + "▁Sergey", + -13.92483139038086 + ], + [ + "▁squa", + -13.924843788146973 + ], + [ + "9.4", + -13.924875259399414 + ], + [ + "▁reaping", + -13.924883842468262 + ], + [ + "examination", + -13.92491340637207 + ], + [ + "Comprehensive", + -13.924920082092283 + ], + [ + "debit", + -13.924928665161133 + ], + [ + "saturated", + -13.924967765808104 + ], + [ + "00:0", + -13.925030708312988 + ], + [ + "▁Mahogany", + -13.92508029937744 + ], + [ + "▁eyeballs", + -13.925141334533691 + ], + [ + "▁cutout", + -13.925230026245115 + ], + [ + "EY", + -13.925244331359863 + ], + [ + "▁Simpsons", + -13.925265312194824 + ], + [ + "▁cadillac", + -13.925359725952148 + ], + [ + "▁Patna", + -13.925374984741213 + ], + [ + "▁herpes", + -13.925396919250488 + ], + [ + "bier", + -13.92540168762207 + ], + [ + "spirited", + -13.925442695617676 + ], + [ + "Wireless", + -13.925498962402344 + ], + [ + "▁Ends", + -13.925507545471191 + ], + [ + "▁Adorable", + -13.925626754760742 + ], + [ + "▁Caller", + -13.92568016052246 + ], + [ + "▁cruisers", + -13.925718307495115 + ], + [ + "Jazz", + -13.925832748413086 + ], + [ + "▁Snell", + -13.925885200500488 + ], + [ + "Workers", + -13.92591667175293 + ], + [ + "▁Commodity", + -13.92593765258789 + ], + [ + "▁Sooner", + -13.925962448120115 + ], + [ + "WHY", + -13.92597770690918 + ], + [ + "▁Ego", + -13.925982475280762 + ], + [ + "▁Metric", + -13.925990104675291 + ], + [ + "▁RICH", + -13.926077842712402 + ], + [ + "▁tumbled", + -13.92607879638672 + ], + [ + "▁whisking", + -13.926104545593262 + ], + [ + "▁downed", + -13.92613410949707 + ], + [ + "▁ETS", + -13.926145553588867 + ], + [ + "zes", + -13.926170349121094 + ], + [ + "quip", + -13.92617893218994 + ], + [ + "▁granul", + -13.926264762878418 + ], + [ + "▁Tongue", + -13.926267623901367 + ], + [ + "▁Arboretum", + -13.92628288269043 + ], + [ + "▁Doctrine", + -13.92628288269043 + ], + [ + "▁NOTHING", + -13.92628288269043 + ], + [ + "▁Seychelles", + -13.92628288269043 + ], + [ + "▁clarifies", + -13.92628288269043 + ], + [ + "▁eradication", + -13.92628288269043 + ], + [ + "▁stochastic", + -13.92628288269043 + ], + [ + "▁Mammoth", + -13.926283836364746 + ], + [ + "▁ganache", + -13.926283836364746 + ], + [ + "▁Indi", + -13.926284790039062 + ], + [ + "▁Riesling", + -13.926284790039062 + ], + [ + "▁Palazzo", + -13.926288604736328 + ], + [ + "▁chariot", + -13.926288604736328 + ], + [ + "▁LEVEL", + -13.92629051208496 + ], + [ + "▁Waldorf", + -13.926291465759276 + ], + [ + "▁myocardial", + -13.926292419433594 + ], + [ + "▁Hammock", + -13.926294326782228 + ], + [ + "▁lorry", + -13.926294326782228 + ], + [ + "▁Emulator", + -13.926298141479492 + ], + [ + "▁Biochemistry", + -13.92630672454834 + ], + [ + "▁Fundraiser", + -13.926308631896973 + ], + [ + "▁homosexuality", + -13.926324844360352 + ], + [ + "▁Pursuit", + -13.926325798034668 + ], + [ + "▁marries", + -13.926339149475098 + ], + [ + "▁SoC", + -13.926344871520996 + ], + [ + "▁Horseshoe", + -13.926347732543944 + ], + [ + "▁Nativity", + -13.926353454589844 + ], + [ + "▁Postgraduate", + -13.926376342773438 + ], + [ + "▁milky", + -13.926556587219238 + ], + [ + "▁Kochi", + -13.92656135559082 + ], + [ + "643", + -13.9265718460083 + ], + [ + "▁Cordova", + -13.926583290100098 + ], + [ + "▁comforted", + -13.926591873168944 + ], + [ + "▁CZ", + -13.926613807678224 + ], + [ + "251", + -13.926615715026855 + ], + [ + "▁clustered", + -13.926623344421388 + ], + [ + "mortem", + -13.926628112792969 + ], + [ + "▁Gardener", + -13.92666244506836 + ], + [ + "▁Crook", + -13.926692962646484 + ], + [ + "▁Grayson", + -13.926751136779783 + ], + [ + "sponsor", + -13.92678451538086 + ], + [ + "▁Wanda", + -13.92679214477539 + ], + [ + "educational", + -13.926820755004885 + ], + [ + "▁retin", + -13.926830291748049 + ], + [ + "▁VAN", + -13.926849365234377 + ], + [ + "▁MSG", + -13.926910400390623 + ], + [ + "▁Amid", + -13.926935195922852 + ], + [ + "▁Akbar", + -13.92694091796875 + ], + [ + "cous", + -13.926963806152344 + ], + [ + "▁Solicitor", + -13.926984786987305 + ], + [ + "▁entree", + -13.92702865600586 + ], + [ + "lated", + -13.927057266235352 + ], + [ + "▁Fad", + -13.92714500427246 + ], + [ + "▁ranchers", + -13.927164077758787 + ], + [ + "lver", + -13.92720890045166 + ], + [ + "▁taxonomy", + -13.927218437194824 + ], + [ + "▁flickering", + -13.927254676818848 + ], + [ + "6-9", + -13.92727279663086 + ], + [ + "tau", + -13.927306175231934 + ], + [ + "FV", + -13.927325248718262 + ], + [ + "Andre", + -13.927330017089844 + ], + [ + "▁Therapists", + -13.927391052246094 + ], + [ + "mee", + -13.927407264709473 + ], + [ + "▁FU", + -13.927411079406738 + ], + [ + "586", + -13.92742156982422 + ], + [ + "maa", + -13.927449226379396 + ], + [ + "▁Alternatives", + -13.927460670471191 + ], + [ + "▁Delivered", + -13.927485466003418 + ], + [ + "utra", + -13.927495002746582 + ], + [ + "onta", + -13.92759132385254 + ], + [ + "▁Excess", + -13.92762851715088 + ], + [ + "nham", + -13.927631378173828 + ], + [ + "fp", + -13.92776584625244 + ], + [ + "oxa", + -13.927816390991213 + ], + [ + "param", + -13.927886009216309 + ], + [ + "▁unlocks", + -13.927912712097168 + ], + [ + "8:00", + -13.92797565460205 + ], + [ + "▁Sticky", + -13.928025245666504 + ], + [ + "▁punters", + -13.928117752075195 + ], + [ + "▁Qualifying", + -13.928168296813965 + ], + [ + "▁playbook", + -13.92825412750244 + ], + [ + "▁waterway", + -13.928271293640137 + ], + [ + "▁plat", + -13.928311347961426 + ], + [ + "loid", + -13.928316116333008 + ], + [ + "▁misrepresentati", + -13.92836570739746 + ], + [ + "▁GAS", + -13.928431510925291 + ], + [ + "▁pierce", + -13.928484916687012 + ], + [ + "▁townhome", + -13.928504943847656 + ], + [ + "▁(31", + -13.928549766540527 + ], + [ + "▁batsman", + -13.928555488586426 + ], + [ + "packs", + -13.9285888671875 + ], + [ + "sectional", + -13.928630828857422 + ], + [ + "▁groupings", + -13.92863941192627 + ], + [ + "▁rematch", + -13.9286470413208 + ], + [ + "▁bartenders", + -13.928648948669434 + ], + [ + "ritz", + -13.928756713867188 + ], + [ + "▁Kano", + -13.928815841674805 + ], + [ + "Alibaba", + -13.928837776184082 + ], + [ + "75,000", + -13.928844451904297 + ], + [ + "496", + -13.928875923156738 + ], + [ + "435", + -13.928877830505373 + ], + [ + "▁orientated", + -13.928881645202637 + ], + [ + "▁Adolf", + -13.928882598876951 + ], + [ + "malware", + -13.928900718688965 + ], + [ + "roa", + -13.928937911987305 + ], + [ + "▁underworld", + -13.928948402404783 + ], + [ + "▁giver", + -13.92900848388672 + ], + [ + "▁auctioned", + -13.929034233093262 + ], + [ + "trailer", + -13.929049491882324 + ], + [ + "phile", + -13.929099082946776 + ], + [ + "shows", + -13.929171562194824 + ], + [ + "jacket", + -13.92918300628662 + ], + [ + "▁mammal", + -13.929244995117188 + ], + [ + "▁telecoms", + -13.929265975952148 + ], + [ + "▁Oceans", + -13.929288864135742 + ], + [ + "Launched", + -13.929302215576172 + ], + [ + "▁hydrocarbons", + -13.929315567016602 + ], + [ + "pkg", + -13.929353713989258 + ], + [ + "▁Arden", + -13.929402351379396 + ], + [ + "198", + -13.929415702819824 + ], + [ + "▁REF", + -13.929443359375 + ], + [ + "907", + -13.929451942443848 + ], + [ + "▁spectra", + -13.929488182067873 + ], + [ + "CBD", + -13.92951202392578 + ], + [ + "▁intimidate", + -13.929513931274414 + ], + [ + "origin", + -13.92963981628418 + ], + [ + "inos", + -13.929692268371582 + ], + [ + "▁Romano", + -13.929709434509276 + ], + [ + "MEL", + -13.929710388183594 + ], + [ + "▁Roc", + -13.929781913757324 + ], + [ + "812", + -13.929800033569336 + ], + [ + "▁1848", + -13.929871559143066 + ], + [ + "require", + -13.929872512817385 + ], + [ + "▁groomer", + -13.92990779876709 + ], + [ + "▁damping", + -13.929914474487305 + ], + [ + "▁Bacteria", + -13.929949760437012 + ], + [ + "453", + -13.929962158203123 + ], + [ + "▁Tzu", + -13.929965019226074 + ], + [ + "oche", + -13.930004119873049 + ], + [ + "▁accolade", + -13.930065155029297 + ], + [ + "▁kilogram", + -13.930068969726562 + ], + [ + "▁/>", + -13.930088996887209 + ], + [ + "▁protruding", + -13.930113792419434 + ], + [ + "▁Phyllis", + -13.93011474609375 + ], + [ + "▁adversaries", + -13.93011474609375 + ], + [ + "▁satirical", + -13.93011474609375 + ], + [ + "▁superlative", + -13.93011474609375 + ], + [ + "coal", + -13.93012809753418 + ], + [ + "▁AGAIN", + -13.930139541625977 + ], + [ + "▁sneeze", + -13.930140495300291 + ], + [ + "▁throng", + -13.930143356323242 + ], + [ + "▁obstructive", + -13.930153846740724 + ], + [ + "▁envoy", + -13.930161476135254 + ], + [ + "▁Buk", + -13.93016529083252 + ], + [ + "▁waltz", + -13.93017578125 + ], + [ + "▁enterprising", + -13.930176734924316 + ], + [ + "▁hobbit", + -13.93020725250244 + ], + [ + "▁decompression", + -13.93021297454834 + ], + [ + "axe", + -13.930215835571287 + ], + [ + "32)", + -13.930225372314451 + ], + [ + "▁Duane", + -13.930245399475098 + ], + [ + "▁corneal", + -13.930251121520996 + ], + [ + "▁Firefly", + -13.930262565612791 + ], + [ + "▁Proposed", + -13.930288314819336 + ], + [ + "▁earmarked", + -13.930312156677246 + ], + [ + "▁stopover", + -13.93031883239746 + ], + [ + "▁soapy", + -13.930328369140623 + ], + [ + "▁Workflow", + -13.93032932281494 + ], + [ + "836", + -13.930363655090332 + ], + [ + "▁lifeless", + -13.930367469787598 + ], + [ + "▁shalt", + -13.93040370941162 + ], + [ + "inky", + -13.930469512939451 + ], + [ + "314", + -13.930479049682615 + ], + [ + "quette", + -13.930534362792969 + ], + [ + "▁lengthwise", + -13.93054485321045 + ], + [ + "▁strategists", + -13.930570602416992 + ], + [ + "4.99", + -13.930606842041016 + ], + [ + "▁Lipp", + -13.930609703063965 + ], + [ + "34)", + -13.93061065673828 + ], + [ + "▁Plated", + -13.93066692352295 + ], + [ + "▁cpu", + -13.930724143981934 + ], + [ + "aille", + -13.930730819702148 + ], + [ + "▁scholastic", + -13.930806159973145 + ], + [ + "▁Gamer", + -13.930838584899902 + ], + [ + "▁STAT", + -13.930838584899902 + ], + [ + "▁wizards", + -13.93088436126709 + ], + [ + "▁Castillo", + -13.93088722229004 + ], + [ + "Mah", + -13.930923461914062 + ], + [ + "▁scarcely", + -13.930932998657228 + ], + [ + "▁sanitizer", + -13.930956840515137 + ], + [ + "▁EEG", + -13.931022644042969 + ], + [ + "QM", + -13.931087493896484 + ], + [ + "weg", + -13.931093215942385 + ], + [ + "▁disseminated", + -13.931145668029783 + ], + [ + "sproportionately", + -13.931241035461426 + ], + [ + "▁robo", + -13.931282997131348 + ], + [ + "▁glean", + -13.931286811828612 + ], + [ + "▁Containers", + -13.931333541870115 + ], + [ + "▁differed", + -13.931357383728027 + ], + [ + "▁excites", + -13.931488990783691 + ], + [ + "powerful", + -13.931509017944336 + ], + [ + "▁telco", + -13.93160915374756 + ], + [ + "▁Layers", + -13.931614875793455 + ], + [ + "▁insensitive", + -13.931617736816406 + ], + [ + "944", + -13.931629180908203 + ], + [ + "▁Abbot", + -13.93163013458252 + ], + [ + "kV", + -13.931635856628418 + ], + [ + "▁droughts", + -13.931720733642578 + ], + [ + "▁printmaking", + -13.931730270385742 + ], + [ + "▁pram", + -13.93173122406006 + ], + [ + "Trace", + -13.931777954101562 + ], + [ + "▁enactment", + -13.93178653717041 + ], + [ + "-2-", + -13.931803703308104 + ], + [ + "erty", + -13.931843757629396 + ], + [ + "solution", + -13.931896209716797 + ], + [ + "▁1.00", + -13.93191146850586 + ], + [ + "795", + -13.931931495666504 + ], + [ + "halt", + -13.93193817138672 + ], + [ + "▁originator", + -13.931955337524414 + ], + [ + "fw", + -13.932073593139648 + ], + [ + "▁Engaging", + -13.932074546813965 + ], + [ + "hills", + -13.932127952575684 + ], + [ + "metrics", + -13.932127952575684 + ], + [ + "▁Districts", + -13.932169914245604 + ], + [ + "▁panes", + -13.932173728942873 + ], + [ + "erin", + -13.932188987731934 + ], + [ + "▁outlier", + -13.93225383758545 + ], + [ + "▁CHS", + -13.932292938232422 + ], + [ + "▁Purse", + -13.93229866027832 + ], + [ + "▁CQ", + -13.932369232177734 + ], + [ + "▁canonical", + -13.932528495788574 + ], + [ + "clare", + -13.932579040527344 + ], + [ + "zad", + -13.93258285522461 + ], + [ + "▁Mott", + -13.932587623596191 + ], + [ + "fet", + -13.93259620666504 + ], + [ + "▁LTC", + -13.932641983032228 + ], + [ + "▁ingestion", + -13.932727813720703 + ], + [ + "▁Duran", + -13.93273639678955 + ], + [ + "SED", + -13.932790756225586 + ], + [ + "determination", + -13.93279266357422 + ], + [ + "reflection", + -13.932812690734863 + ], + [ + "Spider", + -13.932827949523926 + ], + [ + "Pilot", + -13.932843208312988 + ], + [ + "▁Exc", + -13.93285083770752 + ], + [ + "Terry", + -13.932981491088867 + ], + [ + "766", + -13.932984352111816 + ], + [ + "▁UHD", + -13.932987213134766 + ], + [ + "613", + -13.933037757873535 + ], + [ + "637", + -13.933050155639648 + ], + [ + "USH", + -13.933050155639648 + ], + [ + "▁resorting", + -13.933085441589355 + ], + [ + "▁Tweets", + -13.933099746704102 + ], + [ + "vera", + -13.93324089050293 + ], + [ + "vec", + -13.933277130126951 + ], + [ + "ining", + -13.933349609375 + ], + [ + "cula", + -13.933351516723633 + ], + [ + "▁Soros", + -13.933392524719238 + ], + [ + "▁liberate", + -13.933399200439451 + ], + [ + "▁Islander", + -13.933404922485352 + ], + [ + "seo", + -13.9334135055542 + ], + [ + "▁Serge", + -13.93348217010498 + ], + [ + "▁proofread", + -13.933485984802246 + ], + [ + "729", + -13.93349838256836 + ], + [ + "programmed", + -13.933502197265623 + ], + [ + "▁Pacifica", + -13.933520317077637 + ], + [ + "▁threading", + -13.933554649353027 + ], + [ + "YR", + -13.933578491210938 + ], + [ + "oxid", + -13.933591842651367 + ], + [ + "▁JOB", + -13.93360424041748 + ], + [ + "▁Verne", + -13.93362045288086 + ], + [ + "Classes", + -13.933627128601074 + ], + [ + "▁ERROR", + -13.933648109436035 + ], + [ + "▁Dynamo", + -13.933650016784668 + ], + [ + "889", + -13.9336576461792 + ], + [ + "afternoon", + -13.93370246887207 + ], + [ + "▁Phra", + -13.933733940124512 + ], + [ + "▁esthetic", + -13.93376350402832 + ], + [ + "▁carpenters", + -13.9337739944458 + ], + [ + "▁canceling", + -13.933780670166016 + ], + [ + "▁bombed", + -13.933794021606444 + ], + [ + "lha", + -13.933853149414062 + ], + [ + "▁bottlenecks", + -13.9338960647583 + ], + [ + "WAL", + -13.933930397033691 + ], + [ + "▁behemoth", + -13.9339599609375 + ], + [ + "▁diuretic", + -13.9339599609375 + ], + [ + "▁ludicrous", + -13.9339599609375 + ], + [ + "▁summarizing", + -13.9339599609375 + ], + [ + "▁PRINCE", + -13.933961868286133 + ], + [ + "▁celiac", + -13.933961868286133 + ], + [ + "▁ENGINE", + -13.933964729309082 + ], + [ + "▁germination", + -13.933964729309082 + ], + [ + "▁geographies", + -13.933965682983398 + ], + [ + "▁Cirque", + -13.93399143218994 + ], + [ + "▁Coinbase", + -13.934000968933104 + ], + [ + "▁Modification", + -13.934012413024902 + ], + [ + "Surely", + -13.934017181396484 + ], + [ + "▁slush", + -13.9340238571167 + ], + [ + "▁Barkley", + -13.934049606323242 + ], + [ + "Keywords", + -13.934074401855469 + ], + [ + "▁Countdown", + -13.934083938598633 + ], + [ + "▁landslide", + -13.934100151062012 + ], + [ + "▁Ebook", + -13.93411636352539 + ], + [ + "▁Algorithm", + -13.934123992919922 + ], + [ + "▁ASK", + -13.934131622314451 + ], + [ + "feature", + -13.93414306640625 + ], + [ + "▁Missionary", + -13.934171676635742 + ], + [ + "ologically", + -13.934173583984377 + ], + [ + "▁Jaguars", + -13.93420124053955 + ], + [ + "▁fusing", + -13.934239387512209 + ], + [ + "split", + -13.934247970581056 + ], + [ + "▁liaise", + -13.934298515319824 + ], + [ + "▁VX", + -13.93431568145752 + ], + [ + "▁bale", + -13.934325218200684 + ], + [ + "▁Nara", + -13.93434238433838 + ], + [ + "▁Verge", + -13.93436336517334 + ], + [ + "▁Bigg", + -13.934371948242188 + ], + [ + "▁Offset", + -13.93441677093506 + ], + [ + "▁Novak", + -13.934422492980955 + ], + [ + "▁restocking", + -13.934465408325195 + ], + [ + "▁Died", + -13.93448257446289 + ], + [ + "▁CCR", + -13.934552192687988 + ], + [ + "cated", + -13.934558868408203 + ], + [ + "▁mythological", + -13.934588432312012 + ], + [ + "typing", + -13.934606552124023 + ], + [ + "▁MIN", + -13.934618949890137 + ], + [ + "▁affective", + -13.934645652770996 + ], + [ + "ogenesis", + -13.934646606445312 + ], + [ + "▁dispatcher", + -13.934694290161133 + ], + [ + "▁MySpace", + -13.934776306152344 + ], + [ + "▁ECC", + -13.934822082519531 + ], + [ + "EXT", + -13.934914588928224 + ], + [ + "267", + -13.934916496276855 + ], + [ + "▁gras", + -13.93492603302002 + ], + [ + "clinic", + -13.934968948364258 + ], + [ + "tables", + -13.93501091003418 + ], + [ + "▁swayed", + -13.935020446777344 + ], + [ + "▁Spoiler", + -13.935040473937988 + ], + [ + "▁UG", + -13.935051918029783 + ], + [ + "▁Texan", + -13.935165405273438 + ], + [ + "▁supplementing", + -13.935187339782717 + ], + [ + "▁simulators", + -13.9352388381958 + ], + [ + "vada", + -13.93526554107666 + ], + [ + "chim", + -13.935284614562988 + ], + [ + "436", + -13.935297966003418 + ], + [ + "gins", + -13.935300827026367 + ], + [ + "Kin", + -13.935306549072266 + ], + [ + "▁Expectations", + -13.935364723205566 + ], + [ + "279", + -13.935394287109377 + ], + [ + "dani", + -13.935428619384766 + ], + [ + "▁sixteenth", + -13.935457229614258 + ], + [ + "▁tidbits", + -13.935457229614258 + ], + [ + "895", + -13.935592651367188 + ], + [ + "▁widescreen", + -13.935704231262209 + ], + [ + "▁TECH", + -13.935763359069824 + ], + [ + "▁Primo", + -13.935797691345217 + ], + [ + "EAS", + -13.935830116271973 + ], + [ + "nich", + -13.935853004455566 + ], + [ + "hah", + -13.935861587524414 + ], + [ + "▁standardised", + -13.935930252075195 + ], + [ + "▁beep", + -13.936016082763672 + ], + [ + "183", + -13.93605899810791 + ], + [ + "▁Electron", + -13.93606185913086 + ], + [ + "oen", + -13.936144828796388 + ], + [ + "/40", + -13.936175346374512 + ], + [ + "movies", + -13.936196327209473 + ], + [ + "plans", + -13.936200141906738 + ], + [ + "▁workhorse", + -13.93620491027832 + ], + [ + "Staying", + -13.936227798461914 + ], + [ + "▁Bergman", + -13.93626308441162 + ], + [ + "▁12:1", + -13.936302185058594 + ], + [ + "▁Fools", + -13.93630313873291 + ], + [ + "7;", + -13.936321258544922 + ], + [ + "▁Phyto", + -13.93638038635254 + ], + [ + "cola", + -13.93639087677002 + ], + [ + "Reserve", + -13.93639850616455 + ], + [ + "▁Shel", + -13.936429977416992 + ], + [ + "IPS", + -13.93644905090332 + ], + [ + "▁boxers", + -13.936619758605955 + ], + [ + "olate", + -13.93662929534912 + ], + [ + "Britain", + -13.93674087524414 + ], + [ + "Default", + -13.93674373626709 + ], + [ + "elles", + -13.936789512634276 + ], + [ + "Password", + -13.93680191040039 + ], + [ + "equi", + -13.936803817749023 + ], + [ + "Collins", + -13.93683910369873 + ], + [ + "▁Compu", + -13.936841011047363 + ], + [ + "▁Silica", + -13.936875343322754 + ], + [ + "▁Intense", + -13.936898231506348 + ], + [ + "▁reaffirm", + -13.936915397644045 + ], + [ + "▁candlestick", + -13.936922073364258 + ], + [ + "Rental", + -13.937015533447266 + ], + [ + "▁Malware", + -13.937047004699709 + ], + [ + "▁1.5%", + -13.937101364135742 + ], + [ + "▁XF", + -13.937101364135742 + ], + [ + "QUI", + -13.937173843383787 + ], + [ + "▁Organics", + -13.93718719482422 + ], + [ + "▁45,000", + -13.937259674072266 + ], + [ + "▁gam", + -13.937294960021973 + ], + [ + "Biz", + -13.937308311462402 + ], + [ + "senior", + -13.937342643737791 + ], + [ + "Fra", + -13.93748950958252 + ], + [ + "scene", + -13.93752098083496 + ], + [ + "▁Cushions", + -13.937522888183594 + ], + [ + "▁alkali", + -13.937522888183594 + ], + [ + "CAST", + -13.937529563903809 + ], + [ + "▁Maverick", + -13.937561988830566 + ], + [ + "▁driverless", + -13.937582015991213 + ], + [ + "▁hydroelectric", + -13.937652587890623 + ], + [ + "▁disappointments", + -13.937664031982422 + ], + [ + "▁Twi", + -13.93772792816162 + ], + [ + "532", + -13.937745094299316 + ], + [ + "PRNewswire", + -13.937821388244627 + ], + [ + "▁Disposal", + -13.937821388244627 + ], + [ + "▁Experian", + -13.937821388244627 + ], + [ + "▁Mitzvah", + -13.937821388244627 + ], + [ + "▁benevolent", + -13.937821388244627 + ], + [ + "▁insurmountable", + -13.937821388244627 + ], + [ + "▁masculinity", + -13.937821388244627 + ], + [ + "▁ostensibly", + -13.937821388244627 + ], + [ + "▁Goddard", + -13.937825202941896 + ], + [ + "▁extremities", + -13.937825202941896 + ], + [ + "▁Merseyside", + -13.93783187866211 + ], + [ + "▁Norwalk", + -13.937858581542969 + ], + [ + "▁Nutella", + -13.937860488891602 + ], + [ + "▁bungee", + -13.937862396240234 + ], + [ + "▁Darcy", + -13.937875747680664 + ], + [ + "▁embellishment", + -13.937891960144045 + ], + [ + "▁jarring", + -13.93797492980957 + ], + [ + "▁Bluegrass", + -13.937996864318848 + ], + [ + "▁painkillers", + -13.93800926208496 + ], + [ + "▁PROVIDED", + -13.938034057617188 + ], + [ + "▁backlit", + -13.938044548034668 + ], + [ + "9:00", + -13.938054084777832 + ], + [ + "▁colonialism", + -13.93806266784668 + ], + [ + "▁Tig", + -13.93809413909912 + ], + [ + "▁TMZ", + -13.938135147094728 + ], + [ + "1920", + -13.938178062438965 + ], + [ + "AID", + -13.938196182250977 + ], + [ + "▁Programmer", + -13.938199996948242 + ], + [ + "▁Madeleine", + -13.93824291229248 + ], + [ + "▁Khalid", + -13.938279151916504 + ], + [ + "▁Divers", + -13.938288688659668 + ], + [ + "▁Growers", + -13.938321113586426 + ], + [ + "ESE", + -13.938334465026855 + ], + [ + "▁accesses", + -13.938345909118652 + ], + [ + "▁unearthed", + -13.938387870788574 + ], + [ + "▁Wilbur", + -13.938399314880373 + ], + [ + "▁Pudding", + -13.93845272064209 + ], + [ + "▁idiots", + -13.93846035003662 + ], + [ + "nable", + -13.938505172729492 + ], + [ + "▁custodial", + -13.938507080078123 + ], + [ + "▁senseless", + -13.938543319702148 + ], + [ + "/2008", + -13.938563346862791 + ], + [ + "▁morbidity", + -13.938570022583008 + ], + [ + "esen", + -13.93859577178955 + ], + [ + "▁Refugees", + -13.938608169555664 + ], + [ + "459", + -13.938663482666016 + ], + [ + "▁condiments", + -13.93867301940918 + ], + [ + "LIP", + -13.938718795776367 + ], + [ + "tergenerational", + -13.938720703125 + ], + [ + "▁pessimistic", + -13.938761711120604 + ], + [ + "▁Eur", + -13.938769340515137 + ], + [ + "▁Paperback", + -13.938907623291016 + ], + [ + "Alert", + -13.938940048217772 + ], + [ + "▁uniformed", + -13.93897819519043 + ], + [ + "▁slowest", + -13.93898105621338 + ], + [ + "80)", + -13.939007759094238 + ], + [ + "▁IDP", + -13.939021110534668 + ], + [ + "-91", + -13.939035415649414 + ], + [ + "▁“...", + -13.939064979553224 + ], + [ + "▁Kohli", + -13.93908977508545 + ], + [ + "▁Sticks", + -13.939200401306152 + ], + [ + "rero", + -13.939209938049316 + ], + [ + "▁1872", + -13.939209938049316 + ], + [ + "▁Sandals", + -13.9393310546875 + ], + [ + "▁96%", + -13.939398765563965 + ], + [ + "-93", + -13.939454078674316 + ], + [ + "Holding", + -13.939471244812012 + ], + [ + "▁Proverbs", + -13.939473152160645 + ], + [ + "▁av", + -13.939493179321287 + ], + [ + "▁homer", + -13.939560890197754 + ], + [ + "nou", + -13.939618110656738 + ], + [ + "▁Mok", + -13.939634323120115 + ], + [ + "NTS", + -13.93968105316162 + ], + [ + "▁wird", + -13.939698219299316 + ], + [ + "955", + -13.939722061157228 + ], + [ + "lara", + -13.93974494934082 + ], + [ + "Turning", + -13.9397611618042 + ], + [ + "cura", + -13.939831733703612 + ], + [ + "▁shiver", + -13.939837455749512 + ], + [ + "▁IMAP", + -13.93984031677246 + ], + [ + "▁PRODUCT", + -13.939844131469728 + ], + [ + "nathan", + -13.939871788024902 + ], + [ + "Inc", + -13.93992805480957 + ], + [ + ":24", + -13.939996719360352 + ], + [ + "▁rectangles", + -13.940031051635742 + ], + [ + "▁handlebars", + -13.940107345581056 + ], + [ + "IMAGE", + -13.940126419067385 + ], + [ + "OEM", + -13.940140724182127 + ], + [ + "________________", + -13.940171241760254 + ], + [ + "lde", + -13.94021224975586 + ], + [ + "▁buffers", + -13.940248489379885 + ], + [ + "▁Tula", + -13.940253257751465 + ], + [ + "▁bottleneck", + -13.940277099609377 + ], + [ + "▁Hubert", + -13.940295219421388 + ], + [ + "▁millionaires", + -13.940340995788574 + ], + [ + "▁aces", + -13.940382957458496 + ], + [ + "▁loathe", + -13.940523147583008 + ], + [ + "▁exec", + -13.940593719482422 + ], + [ + "569", + -13.940601348876951 + ], + [ + "Governor", + -13.94069004058838 + ], + [ + "dedicated", + -13.940729141235352 + ], + [ + "apur", + -13.940770149230955 + ], + [ + "variable", + -13.940835952758787 + ], + [ + "▁Hepatitis", + -13.940862655639648 + ], + [ + "▁glycol", + -13.94088363647461 + ], + [ + "▁Hearth", + -13.940899848937988 + ], + [ + "▁Cou", + -13.940967559814451 + ], + [ + "▁outfield", + -13.940967559814451 + ], + [ + "▁Clam", + -13.940975189208984 + ], + [ + "▁Robins", + -13.940980911254885 + ], + [ + "akov", + -13.94098949432373 + ], + [ + "▁252", + -13.940999984741213 + ], + [ + "▁multiplex", + -13.941006660461426 + ], + [ + "zzle", + -13.941017150878906 + ], + [ + "▁Ergonomic", + -13.941044807434082 + ], + [ + "destructive", + -13.941067695617676 + ], + [ + "browser", + -13.941076278686523 + ], + [ + "▁dungeons", + -13.941099166870115 + ], + [ + "▁supersede", + -13.94110107421875 + ], + [ + "▁doctrines", + -13.941116333007812 + ], + [ + "▁sex", + -13.941120147705078 + ], + [ + "▁CTS", + -13.941146850585938 + ], + [ + "▁Meetup", + -13.941150665283203 + ], + [ + "▁radiate", + -13.94117259979248 + ], + [ + "▁Habits", + -13.941229820251465 + ], + [ + "▁Embroidery", + -13.94124984741211 + ], + [ + "▁phobia", + -13.941274642944336 + ], + [ + "▁THR", + -13.941327095031738 + ], + [ + "closing", + -13.941328048706056 + ], + [ + "▁mishap", + -13.941483497619627 + ], + [ + "▁Leafs", + -13.94151496887207 + ], + [ + "▁caucus", + -13.941570281982422 + ], + [ + "▁thickens", + -13.941576957702637 + ], + [ + "assembled", + -13.941598892211914 + ], + [ + "▁jalape", + -13.941633224487305 + ], + [ + "▁cp", + -13.94166088104248 + ], + [ + "▁perfectionist", + -13.941690444946287 + ], + [ + "▁defamation", + -13.941697120666504 + ], + [ + "▁franchisor", + -13.941697120666504 + ], + [ + "▁paraphernalia", + -13.941697120666504 + ], + [ + "▁dictionaries", + -13.941699981689451 + ], + [ + "▁Arroyo", + -13.94170093536377 + ], + [ + "▁Missoula", + -13.941704750061035 + ], + [ + "▁Radiant", + -13.941707611083984 + ], + [ + "▁Ealing", + -13.9417085647583 + ], + [ + "▁muslim", + -13.9417085647583 + ], + [ + "▁desolate", + -13.94171142578125 + ], + [ + "▁Encryption", + -13.941723823547363 + ], + [ + "▁priesthood", + -13.941737174987791 + ], + [ + "▁strobe", + -13.94174861907959 + ], + [ + "▁parasitic", + -13.941749572753906 + ], + [ + "▁teeming", + -13.941750526428224 + ], + [ + "▁TAS", + -13.941755294799805 + ], + [ + "▁Antioch", + -13.941766738891602 + ], + [ + "▁Bunk", + -13.941780090332031 + ], + [ + "▁Holiness", + -13.941816329956056 + ], + [ + "TCO", + -13.94182300567627 + ], + [ + "mens", + -13.941842079162598 + ], + [ + "▁Fade", + -13.94187355041504 + ], + [ + "▁undeveloped", + -13.941883087158203 + ], + [ + "▁cooperatives", + -13.941884994506836 + ], + [ + "▁baht", + -13.941892623901367 + ], + [ + "▁recreating", + -13.94192600250244 + ], + [ + "▁FOUR", + -13.941926956176758 + ], + [ + "395", + -13.941949844360352 + ], + [ + "▁508", + -13.941960334777832 + ], + [ + "▁BLOG", + -13.94196319580078 + ], + [ + "▁tomography", + -13.941970825195312 + ], + [ + "®)", + -13.941971778869627 + ], + [ + "▁Holl", + -13.941994667053224 + ], + [ + "▁ATA", + -13.94199562072754 + ], + [ + "▁Memoir", + -13.94199562072754 + ], + [ + "▁SSI", + -13.942005157470703 + ], + [ + "MOBILE", + -13.942036628723145 + ], + [ + "anthrop", + -13.942042350769045 + ], + [ + "▁Buffy", + -13.942054748535156 + ], + [ + "▁Marxist", + -13.94209098815918 + ], + [ + "▁riddled", + -13.94210147857666 + ], + [ + "▁Pensions", + -13.94210433959961 + ], + [ + "▁Keygen", + -13.94211769104004 + ], + [ + "▁transmitters", + -13.942235946655272 + ], + [ + "2:20", + -13.942261695861816 + ], + [ + "▁foal", + -13.942337036132812 + ], + [ + "▁anchoring", + -13.942343711853027 + ], + [ + "▁cur", + -13.942353248596191 + ], + [ + "▁1966,", + -13.942357063293455 + ], + [ + "▁clearances", + -13.942461967468262 + ], + [ + "▁paramedics", + -13.942463874816896 + ], + [ + "▁minions", + -13.942465782165527 + ], + [ + "▁Kettle", + -13.942479133605955 + ], + [ + "OKE", + -13.942487716674805 + ], + [ + "▁2014;", + -13.942556381225586 + ], + [ + "▁dang", + -13.94259262084961 + ], + [ + "▁Chandeliers", + -13.942593574523926 + ], + [ + "▁Saab", + -13.942593574523926 + ], + [ + "▁Uninstall", + -13.942625045776367 + ], + [ + "asta", + -13.942627906799316 + ], + [ + "▁Acton", + -13.942744255065918 + ], + [ + "walt", + -13.942824363708496 + ], + [ + "abble", + -13.942841529846191 + ], + [ + "Generous", + -13.942954063415527 + ], + [ + "▁channeling", + -13.943029403686523 + ], + [ + "▁768", + -13.943037033081056 + ], + [ + "trader", + -13.943058013916016 + ], + [ + "▁uploads", + -13.943140029907228 + ], + [ + "▁Elmo", + -13.943229675292969 + ], + [ + "umber", + -13.943304061889648 + ], + [ + "▁Uno", + -13.943374633789062 + ], + [ + "HOST", + -13.943384170532228 + ], + [ + "▁McDermott", + -13.943392753601074 + ], + [ + "▁spacer", + -13.943440437316896 + ], + [ + "▁Aj", + -13.943464279174805 + ], + [ + "▁262", + -13.94351577758789 + ], + [ + "▁wits", + -13.943521499633787 + ], + [ + "CBM", + -13.943615913391112 + ], + [ + "▁curricular", + -13.943621635437012 + ], + [ + "▁REV", + -13.943655014038086 + ], + [ + "▁outcry", + -13.94379425048828 + ], + [ + "kut", + -13.943821907043455 + ], + [ + "▁Aziz", + -13.943829536437988 + ], + [ + "▁enrol", + -13.94383716583252 + ], + [ + "▁Rosenberg", + -13.943946838378906 + ], + [ + "▁Maxx", + -13.943950653076172 + ], + [ + "▁dawned", + -13.943981170654297 + ], + [ + "818", + -13.944040298461914 + ], + [ + "▁Focused", + -13.944083213806152 + ], + [ + "▁trot", + -13.94408893585205 + ], + [ + "▁Occupation", + -13.944147109985352 + ], + [ + "▁Retailer", + -13.944149017333984 + ], + [ + "79.", + -13.944164276123049 + ], + [ + "WIS", + -13.944184303283691 + ], + [ + "▁bravely", + -13.944226264953612 + ], + [ + "▁sig", + -13.944239616394045 + ], + [ + "▁beading", + -13.944252014160156 + ], + [ + "▁Eliminate", + -13.944260597229004 + ], + [ + "following", + -13.944271087646484 + ], + [ + "▁Burgers", + -13.944289207458496 + ], + [ + "MORE", + -13.944334030151367 + ], + [ + "bacterial", + -13.944355964660645 + ], + [ + "99.99", + -13.944448471069336 + ], + [ + "Obtain", + -13.94455337524414 + ], + [ + "▁Aff", + -13.944578170776367 + ], + [ + "▁descends", + -13.94459629058838 + ], + [ + "grace", + -13.94462776184082 + ], + [ + "733", + -13.94463062286377 + ], + [ + "Improving", + -13.944664001464844 + ], + [ + "847", + -13.94466781616211 + ], + [ + "WASHINGTON", + -13.944669723510742 + ], + [ + "Angela", + -13.944674491882324 + ], + [ + "Hannah", + -13.944692611694336 + ], + [ + "▁Terrorism", + -13.944705963134766 + ], + [ + "▁educates", + -13.94478988647461 + ], + [ + "miles", + -13.944830894470217 + ], + [ + "Hawaii", + -13.944836616516112 + ], + [ + "css", + -13.94487190246582 + ], + [ + "STO", + -13.944879531860352 + ], + [ + "Woman", + -13.944902420043944 + ], + [ + "▁stifle", + -13.944986343383787 + ], + [ + "Meaning", + -13.9450101852417 + ], + [ + "interior", + -13.945024490356444 + ], + [ + "▁snails", + -13.94505786895752 + ], + [ + "▁frontend", + -13.945168495178224 + ], + [ + "▁Boll", + -13.94526195526123 + ], + [ + "▁introvert", + -13.945304870605469 + ], + [ + "▁excruciating", + -13.945344924926758 + ], + [ + "278", + -13.94536018371582 + ], + [ + "▁hal", + -13.945364952087402 + ], + [ + "▁25-30", + -13.945392608642578 + ], + [ + "▁poaching", + -13.945439338684082 + ], + [ + "▁personalise", + -13.945523262023926 + ], + [ + "Thi", + -13.94554328918457 + ], + [ + "▁Campo", + -13.945552825927734 + ], + [ + "▁amnesty", + -13.94558811187744 + ], + [ + "▁congregate", + -13.94558811187744 + ], + [ + "▁linoleum", + -13.94558811187744 + ], + [ + "▁monotonous", + -13.94558811187744 + ], + [ + "▁1-866-", + -13.945589065551758 + ], + [ + "▁Maguire", + -13.945590019226074 + ], + [ + "▁benefactor", + -13.945590019226074 + ], + [ + "▁humbly", + -13.945595741271973 + ], + [ + "▁Suggestions", + -13.945596694946287 + ], + [ + "▁extremity", + -13.945598602294922 + ], + [ + "▁impeachment", + -13.945605278015137 + ], + [ + "▁Glamour", + -13.945606231689451 + ], + [ + "▁graham", + -13.945624351501465 + ], + [ + "▁cystic", + -13.945667266845703 + ], + [ + "▁Islington", + -13.94566822052002 + ], + [ + "▁Grandmother", + -13.945680618286133 + ], + [ + "▁indonesia", + -13.945687294006348 + ], + [ + "▁Syrup", + -13.945696830749512 + ], + [ + "▁disinfectant", + -13.94571304321289 + ], + [ + "▁cheerleader", + -13.945717811584473 + ], + [ + "▁thunderstorm", + -13.945727348327637 + ], + [ + "▁KING", + -13.945731163024902 + ], + [ + "▁minibus", + -13.945733070373535 + ], + [ + "Bla", + -13.945741653442385 + ], + [ + "▁Whitby", + -13.945752143859863 + ], + [ + "▁likened", + -13.945791244506836 + ], + [ + "▁Maynard", + -13.945796012878418 + ], + [ + "▁affordably", + -13.945806503295898 + ], + [ + "▁pitted", + -13.945806503295898 + ], + [ + "▁treatise", + -13.945806503295898 + ], + [ + "▁chard", + -13.945813179016112 + ], + [ + "▁Fireworks", + -13.945868492126465 + ], + [ + "Shark", + -13.94590950012207 + ], + [ + "-600", + -13.945932388305664 + ], + [ + "▁Episodes", + -13.945952415466309 + ], + [ + "898", + -13.945977210998535 + ], + [ + "▁widows", + -13.945984840393066 + ], + [ + "▁Lili", + -13.945992469787598 + ], + [ + "Cookies", + -13.946022987365724 + ], + [ + "▁prix", + -13.946096420288086 + ], + [ + "▁soothes", + -13.946131706237791 + ], + [ + "▁mustang", + -13.946161270141602 + ], + [ + "shopping", + -13.946218490600586 + ], + [ + "▁prednisone", + -13.94630527496338 + ], + [ + "▁mary", + -13.946385383605955 + ], + [ + "▁crawler", + -13.946436882019045 + ], + [ + "▁Slovenian", + -13.94648551940918 + ], + [ + "AIC", + -13.946681022644045 + ], + [ + "▁secondhand", + -13.946687698364258 + ], + [ + "▁supremely", + -13.946706771850586 + ], + [ + "▁culprits", + -13.94674015045166 + ], + [ + "▁Pictured", + -13.946863174438477 + ], + [ + "▁Maher", + -13.94688606262207 + ], + [ + "ergy", + -13.947038650512695 + ], + [ + "▁swans", + -13.947047233581545 + ], + [ + "heating", + -13.947062492370604 + ], + [ + "▁perf", + -13.947078704833984 + ], + [ + "▁Mehta", + -13.947135925292969 + ], + [ + "taro", + -13.947223663330078 + ], + [ + "318", + -13.94724178314209 + ], + [ + "Sharp", + -13.947254180908203 + ], + [ + "kam", + -13.947342872619627 + ], + [ + "▁mah", + -13.94735622406006 + ], + [ + "▁angler", + -13.947432518005373 + ], + [ + "naya", + -13.947447776794434 + ], + [ + "▁MAS", + -13.947562217712402 + ], + [ + "▁disgrace", + -13.9475736618042 + ], + [ + "▁9.1", + -13.947680473327637 + ], + [ + "▁Hae", + -13.947696685791016 + ], + [ + "▁Importantly", + -13.947757720947266 + ], + [ + "aban", + -13.94780158996582 + ], + [ + "ITION", + -13.947810173034668 + ], + [ + "▁Recognizing", + -13.947835922241213 + ], + [ + "▁$60,000", + -13.947871208190918 + ], + [ + "▁Boast", + -13.947962760925291 + ], + [ + "▁Cock", + -13.947975158691406 + ], + [ + "▁1962,", + -13.948052406311035 + ], + [ + "▁Supplemental", + -13.948112487792969 + ], + [ + "▁40+", + -13.948142051696776 + ], + [ + "gong", + -13.948149681091309 + ], + [ + "▁Shining", + -13.948190689086914 + ], + [ + "▁nous", + -13.948200225830078 + ], + [ + "▁181", + -13.948260307312012 + ], + [ + "781", + -13.948264122009276 + ], + [ + "▁Ariz", + -13.948277473449709 + ], + [ + "▁gradients", + -13.948278427124023 + ], + [ + "roller", + -13.948307037353516 + ], + [ + "▁Saved", + -13.94831085205078 + ], + [ + "7.7", + -13.94831371307373 + ], + [ + "usta", + -13.948326110839844 + ], + [ + "rati", + -13.948330879211426 + ], + [ + "▁Blanca", + -13.948334693908691 + ], + [ + "▁$900", + -13.948362350463867 + ], + [ + "▁publicized", + -13.948413848876951 + ], + [ + "▁Pinto", + -13.948434829711914 + ], + [ + "▁Tanks", + -13.948519706726074 + ], + [ + "inator", + -13.948534965515137 + ], + [ + "peck", + -13.948569297790527 + ], + [ + "▁FIR", + -13.948593139648438 + ], + [ + "▁007", + -13.94861888885498 + ], + [ + "DATA", + -13.948644638061523 + ], + [ + "manufacturing", + -13.948691368103027 + ], + [ + ".._", + -13.948716163635254 + ], + [ + "Housing", + -13.948724746704102 + ], + [ + "▁barter", + -13.948738098144531 + ], + [ + "HIS", + -13.94876766204834 + ], + [ + "protective", + -13.948776245117188 + ], + [ + "754", + -13.948779106140137 + ], + [ + "aol", + -13.948782920837402 + ], + [ + "folder", + -13.94887351989746 + ], + [ + "▁75,000", + -13.948875427246094 + ], + [ + "blogging", + -13.948917388916016 + ], + [ + "NCE", + -13.948922157287598 + ], + [ + "▁WIP", + -13.948938369750977 + ], + [ + "Tal", + -13.948942184448242 + ], + [ + "▁UBS", + -13.94896125793457 + ], + [ + "prox", + -13.949019432067873 + ], + [ + "▁Bong", + -13.94902801513672 + ], + [ + "▁67%", + -13.949057579040527 + ], + [ + "division", + -13.949085235595703 + ], + [ + "▁Sle", + -13.949143409729004 + ], + [ + "▁necessitate", + -13.94919490814209 + ], + [ + "▁hiccups", + -13.949207305908203 + ], + [ + "▁executions", + -13.94923973083496 + ], + [ + "▁Wonders", + -13.949254035949709 + ], + [ + "▁dist", + -13.949259757995604 + ], + [ + "Lately", + -13.9492769241333 + ], + [ + "usual", + -13.949280738830566 + ], + [ + "Expand", + -13.949286460876465 + ], + [ + "Millions", + -13.949301719665527 + ], + [ + "Tie", + -13.949342727661133 + ], + [ + "▁venom", + -13.949418067932127 + ], + [ + "kka", + -13.94948673248291 + ], + [ + "▁VBA", + -13.949492454528809 + ], + [ + "▁Ljubljana", + -13.94949436187744 + ], + [ + "▁Nehru", + -13.94949436187744 + ], + [ + "▁Rhapsody", + -13.94949436187744 + ], + [ + "▁Zeppelin", + -13.94949436187744 + ], + [ + "▁analgesic", + -13.94949436187744 + ], + [ + "▁dandelion", + -13.94949436187744 + ], + [ + "▁ginseng", + -13.94949436187744 + ], + [ + "▁worrisome", + -13.94949436187744 + ], + [ + "▁Synthesis", + -13.949498176574709 + ], + [ + "Apartment", + -13.949499130249023 + ], + [ + "▁Buckinghamshire", + -13.949501991271973 + ], + [ + "▁Rodrigo", + -13.949501991271973 + ], + [ + "▁Nacional", + -13.949502944946287 + ], + [ + "▁loosing", + -13.949502944946287 + ], + [ + "▁Monopoly", + -13.949503898620604 + ], + [ + "▁Greeley", + -13.94952392578125 + ], + [ + "▁awry", + -13.94953155517578 + ], + [ + "▁piss", + -13.949533462524414 + ], + [ + "▁tenacious", + -13.949562072753906 + ], + [ + "▁currant", + -13.949578285217283 + ], + [ + "▁Duties", + -13.949591636657717 + ], + [ + "▁Satya", + -13.949592590332031 + ], + [ + "▁Waltham", + -13.949602127075195 + ], + [ + "▁bitumen", + -13.949609756469728 + ], + [ + "▁microservices", + -13.949610710144045 + ], + [ + "▁unsurprisingly", + -13.949626922607422 + ], + [ + "▁groan", + -13.94965362548828 + ], + [ + "iddle", + -13.949665069580078 + ], + [ + "▁modifier", + -13.94968032836914 + ], + [ + "▁risers", + -13.94968318939209 + ], + [ + "▁Reflex", + -13.949687004089355 + ], + [ + "▁Collectibles", + -13.949692726135254 + ], + [ + "▁inscriptions", + -13.94969367980957 + ], + [ + "Bud", + -13.949713706970217 + ], + [ + "▁beanie", + -13.949715614318848 + ], + [ + "▁Gabrielle", + -13.949755668640137 + ], + [ + "Lemon", + -13.949764251708984 + ], + [ + "OTC", + -13.949782371520996 + ], + [ + "Foundation", + -13.949811935424805 + ], + [ + "▁Druid", + -13.949836730957031 + ], + [ + "▁Wolff", + -13.949843406677246 + ], + [ + "KIN", + -13.949933052062988 + ], + [ + "▁Priya", + -13.950005531311035 + ], + [ + "▁Participant", + -13.950010299682615 + ], + [ + "Cite", + -13.950048446655272 + ], + [ + "Ahead", + -13.950055122375488 + ], + [ + "▁vacuuming", + -13.950074195861816 + ], + [ + "Castle", + -13.950085639953612 + ], + [ + "▁piloted", + -13.950098991394045 + ], + [ + "▁drooling", + -13.950118064880373 + ], + [ + "▁Latvian", + -13.950278282165527 + ], + [ + "utan", + -13.950284004211426 + ], + [ + "▁Dorado", + -13.950294494628906 + ], + [ + "▁411", + -13.950346946716309 + ], + [ + "▁Edna", + -13.950380325317385 + ], + [ + "▁Kem", + -13.950384140014648 + ], + [ + "▁SIN", + -13.950488090515137 + ], + [ + "▁Dz", + -13.950529098510742 + ], + [ + "▁Rolled", + -13.95066261291504 + ], + [ + "▁Tana", + -13.950773239135742 + ], + [ + "actual", + -13.950811386108398 + ], + [ + "337", + -13.95083236694336 + ], + [ + "▁assertions", + -13.950848579406738 + ], + [ + "▁millet", + -13.95096206665039 + ], + [ + "▁2008)", + -13.950977325439451 + ], + [ + "▁Bait", + -13.950993537902832 + ], + [ + "▁Cavs", + -13.951054573059082 + ], + [ + "EGA", + -13.951066970825195 + ], + [ + "▁TAX", + -13.951066970825195 + ], + [ + "▁TYPE", + -13.95108127593994 + ], + [ + "PVC", + -13.951156616210938 + ], + [ + "▁Loom", + -13.951247215270996 + ], + [ + "umab", + -13.951263427734377 + ], + [ + "hibit", + -13.951271057128906 + ], + [ + "▁1.75", + -13.951321601867676 + ], + [ + "onde", + -13.951430320739746 + ], + [ + "▁Chicagoland", + -13.95143222808838 + ], + [ + "Firm", + -13.951440811157228 + ], + [ + "scot", + -13.951461791992188 + ], + [ + "▁Moshe", + -13.951613426208496 + ], + [ + "▁UNIT", + -13.951634407043455 + ], + [ + "▁shuttles", + -13.951651573181152 + ], + [ + "▁Prism", + -13.951656341552734 + ], + [ + "makes", + -13.95179843902588 + ], + [ + "amma", + -13.951839447021484 + ], + [ + "cue", + -13.951849937438965 + ], + [ + "Kai", + -13.951881408691406 + ], + [ + "▁670", + -13.951882362365724 + ], + [ + "evin", + -13.951924324035645 + ], + [ + "rung", + -13.95205307006836 + ], + [ + "▁Fleur", + -13.95206356048584 + ], + [ + "▁blinded", + -13.952163696289062 + ], + [ + "Hyper", + -13.95217990875244 + ], + [ + "drums", + -13.952197074890137 + ], + [ + "Mega", + -13.952363967895508 + ], + [ + "▁angling", + -13.952423095703123 + ], + [ + "slot", + -13.952451705932615 + ], + [ + "▁Zed", + -13.952510833740234 + ], + [ + "bub", + -13.952513694763184 + ], + [ + "▁whiplash", + -13.952570915222168 + ], + [ + "▁Cerv", + -13.952588081359863 + ], + [ + "EAN", + -13.952693939208984 + ], + [ + "Autumn", + -13.9527006149292 + ], + [ + "Greek", + -13.952704429626465 + ], + [ + "external", + -13.95270824432373 + ], + [ + "rw", + -13.952728271484377 + ], + [ + "▁Cleanup", + -13.952730178833008 + ], + [ + "▁GSA", + -13.95286750793457 + ], + [ + "▁Scenes", + -13.952943801879885 + ], + [ + "citizen", + -13.953001976013184 + ], + [ + "▁evaporate", + -13.953014373779297 + ], + [ + "cheek", + -13.95311450958252 + ], + [ + "Hip", + -13.953121185302734 + ], + [ + "391", + -13.953134536743164 + ], + [ + "fellow", + -13.953166007995604 + ], + [ + "others", + -13.95318603515625 + ], + [ + "Drain", + -13.953396797180176 + ], + [ + "▁Artemis", + -13.953404426574709 + ], + [ + "▁immoral", + -13.953404426574709 + ], + [ + "▁Gladiator", + -13.953415870666504 + ], + [ + "▁arbitrarily", + -13.953415870666504 + ], + [ + "▁euphoria", + -13.953415870666504 + ], + [ + "▁geyser", + -13.953415870666504 + ], + [ + "▁mackerel", + -13.953415870666504 + ], + [ + "▁terroir", + -13.95341682434082 + ], + [ + "▁presiding", + -13.953417778015137 + ], + [ + "▁misalignment", + -13.953420639038086 + ], + [ + "▁dodgy", + -13.95342254638672 + ], + [ + "▁Maternity", + -13.953429222106934 + ], + [ + "▁Pendleton", + -13.953435897827148 + ], + [ + "▁sandalwood", + -13.953441619873049 + ], + [ + "▁reassess", + -13.953444480895996 + ], + [ + "▁Melrose", + -13.953446388244627 + ], + [ + "▁hugged", + -13.953453063964844 + ], + [ + "▁Mayfield", + -13.95345401763916 + ], + [ + "▁photosynthesis", + -13.95345973968506 + ], + [ + "▁Buccaneers", + -13.953482627868652 + ], + [ + "▁sunroof", + -13.953487396240234 + ], + [ + "▁annex", + -13.953495979309082 + ], + [ + "▁Arrowhead", + -13.953502655029297 + ], + [ + "▁popularized", + -13.953508377075195 + ], + [ + "umbling", + -13.95352554321289 + ], + [ + "▁proverb", + -13.953536987304688 + ], + [ + "RUSH", + -13.953548431396484 + ], + [ + "▁cabana", + -13.95357894897461 + ], + [ + "▁excitedly", + -13.953580856323242 + ], + [ + "▁fractional", + -13.953619003295898 + ], + [ + "▁receivable", + -13.953627586364746 + ], + [ + "▁perpetrator", + -13.953638076782228 + ], + [ + "▁Cheapest", + -13.953646659851074 + ], + [ + "▁snowflake", + -13.953651428222656 + ], + [ + "inar", + -13.953697204589844 + ], + [ + "▁podcasting", + -13.953746795654297 + ], + [ + "batch", + -13.953768730163574 + ], + [ + "▁Invasion", + -13.953802108764648 + ], + [ + "▁Hawthorne", + -13.953804969787598 + ], + [ + "▁Bott", + -13.953855514526367 + ], + [ + "▁Puja", + -13.953951835632324 + ], + [ + "LCS", + -13.954025268554688 + ], + [ + "▁perpetually", + -13.95405101776123 + ], + [ + "uq", + -13.954174041748049 + ], + [ + "▁kn", + -13.954182624816896 + ], + [ + "▁hurtful", + -13.954217910766602 + ], + [ + "dik", + -13.954232215881348 + ], + [ + "sodium", + -13.954333305358888 + ], + [ + "bones", + -13.954404830932615 + ], + [ + "▁Ske", + -13.954486846923828 + ], + [ + "▁Bonuses", + -13.95451545715332 + ], + [ + "▁goers", + -13.954535484313965 + ], + [ + "bugs", + -13.954553604125977 + ], + [ + "1984", + -13.954678535461426 + ], + [ + "▁DJI", + -13.95468521118164 + ], + [ + "6;", + -13.954715728759766 + ], + [ + "▁PERSONAL", + -13.954837799072266 + ], + [ + "571", + -13.954848289489746 + ], + [ + "9.0", + -13.954851150512695 + ], + [ + "▁AARP", + -13.95485782623291 + ], + [ + "dele", + -13.954874038696287 + ], + [ + "▁Bleu", + -13.954919815063477 + ], + [ + "▁Watercolor", + -13.954938888549805 + ], + [ + "5:30", + -13.9551420211792 + ], + [ + "▁Mayfair", + -13.955230712890623 + ], + [ + "▁Errors", + -13.955239295959473 + ], + [ + "▁orthotics", + -13.95526885986328 + ], + [ + "▁pooling", + -13.95530891418457 + ], + [ + "CIN", + -13.955309867858888 + ], + [ + "uko", + -13.955365180969238 + ], + [ + "▁Gren", + -13.955415725708008 + ], + [ + "▁525", + -13.95542335510254 + ], + [ + "▁ghostly", + -13.955440521240234 + ], + [ + "▁Officially", + -13.95559024810791 + ], + [ + "▁Kg", + -13.955599784851074 + ], + [ + "▁Grit", + -13.95560359954834 + ], + [ + "▁crossbar", + -13.955615997314451 + ], + [ + "▁Polit", + -13.9556245803833 + ], + [ + "▁stumps", + -13.955643653869627 + ], + [ + "▁$450", + -13.955647468566896 + ], + [ + "▁Johanna", + -13.955647468566896 + ], + [ + "▁MOR", + -13.955652236938477 + ], + [ + "▁Subsequent", + -13.955660820007324 + ], + [ + "▁Victims", + -13.955707550048828 + ], + [ + "ridden", + -13.955710411071776 + ], + [ + "158", + -13.95576286315918 + ], + [ + "▁XII", + -13.955802917480469 + ], + [ + "▁Mere", + -13.955815315246582 + ], + [ + "Methods", + -13.955843925476074 + ], + [ + "▁1099", + -13.955849647521973 + ], + [ + "▁Translate", + -13.95588493347168 + ], + [ + "Joint", + -13.955972671508787 + ], + [ + "▁flips", + -13.955976486206056 + ], + [ + "▁Blackwell", + -13.955997467041016 + ], + [ + "▁Accessible", + -13.956049919128418 + ], + [ + "ikh", + -13.956122398376465 + ], + [ + "▁soya", + -13.956165313720703 + ], + [ + "Define", + -13.956188201904297 + ], + [ + "▁highlands", + -13.95622444152832 + ], + [ + "▁Ott", + -13.956254005432127 + ], + [ + "▁bolder", + -13.95626163482666 + ], + [ + "▁eject", + -13.956403732299805 + ], + [ + "dep", + -13.956422805786133 + ], + [ + "jd", + -13.956480026245115 + ], + [ + "▁Bowers", + -13.956501960754396 + ], + [ + "▁Blaster", + -13.956528663635254 + ], + [ + "▁Header", + -13.956528663635254 + ], + [ + "▁UR", + -13.956535339355469 + ], + [ + "agna", + -13.956587791442873 + ], + [ + "▁Acadia", + -13.956625938415527 + ], + [ + "/07", + -13.95664882659912 + ], + [ + "▁infrequent", + -13.956672668457031 + ], + [ + "▁Chroma", + -13.956713676452637 + ], + [ + "Melissa", + -13.956744194030762 + ], + [ + "phosphate", + -13.956747055053713 + ], + [ + "▁harmonize", + -13.956754684448242 + ], + [ + "▁Firearms", + -13.956843376159668 + ], + [ + "▁Lun", + -13.956923484802246 + ], + [ + "tention", + -13.956960678100586 + ], + [ + "dozen", + -13.95697021484375 + ], + [ + "phan", + -13.957073211669922 + ], + [ + "▁negate", + -13.957074165344238 + ], + [ + "▁obstructed", + -13.957098007202148 + ], + [ + "▁apostle", + -13.95710277557373 + ], + [ + "worked", + -13.957114219665527 + ], + [ + "▁Campers", + -13.957159996032717 + ], + [ + "SLA", + -13.957165718078612 + ], + [ + "Rise", + -13.9572172164917 + ], + [ + "iola", + -13.957229614257812 + ], + [ + "uary", + -13.957231521606444 + ], + [ + "▁Hus", + -13.957265853881836 + ], + [ + "option", + -13.957280158996582 + ], + [ + "required", + -13.957345962524414 + ], + [ + "▁Bundesliga", + -13.957353591918944 + ], + [ + "▁Reggae", + -13.957353591918944 + ], + [ + "▁Suarez", + -13.957353591918944 + ], + [ + "▁pakistan", + -13.957353591918944 + ], + [ + "▁pontoon", + -13.957353591918944 + ], + [ + "▁kimono", + -13.957358360290527 + ], + [ + "▁Josiah", + -13.95736026763916 + ], + [ + "▁Turnpike", + -13.957365036010742 + ], + [ + "▁Cadbury", + -13.957367897033691 + ], + [ + "▁Ambrose", + -13.957371711730955 + ], + [ + "▁Villanova", + -13.95737648010254 + ], + [ + "generative", + -13.957378387451172 + ], + [ + "▁vSphere", + -13.957379341125488 + ], + [ + "Height", + -13.95738697052002 + ], + [ + "Against", + -13.957420349121094 + ], + [ + "▁_______", + -13.957426071166992 + ], + [ + "▁defies", + -13.957438468933104 + ], + [ + "▁Graf", + -13.957446098327637 + ], + [ + "guess", + -13.957490921020508 + ], + [ + "▁FaceTime", + -13.95749568939209 + ], + [ + "8.4", + -13.957496643066406 + ], + [ + "▁delves", + -13.957496643066406 + ], + [ + "▁McK", + -13.957500457763672 + ], + [ + "▁Surge", + -13.95752239227295 + ], + [ + "▁Darn", + -13.957523345947266 + ], + [ + "Issue", + -13.957550048828123 + ], + [ + "917", + -13.957551956176758 + ], + [ + "▁Queenstown", + -13.957562446594238 + ], + [ + "▁Dots", + -13.95756721496582 + ], + [ + "▁Missile", + -13.95756721496582 + ], + [ + "▁unfounded", + -13.957611083984377 + ], + [ + "▁Rely", + -13.95761489868164 + ], + [ + "▁loudspeaker", + -13.957627296447754 + ], + [ + "▁Kiel", + -13.95763111114502 + ], + [ + "▁DAM", + -13.957690238952637 + ], + [ + "▁rumoured", + -13.957698822021484 + ], + [ + "95)", + -13.957754135131836 + ], + [ + "▁transcribed", + -13.957770347595217 + ], + [ + "▁tentatively", + -13.957777976989746 + ], + [ + "cheese", + -13.95780086517334 + ], + [ + "EET", + -13.957802772521973 + ], + [ + "▁Goldsmith", + -13.957812309265137 + ], + [ + "▁koi", + -13.957836151123049 + ], + [ + "Sy", + -13.95784854888916 + ], + [ + "▁Latina", + -13.957863807678224 + ], + [ + "aceous", + -13.9578857421875 + ], + [ + "▁importation", + -13.957930564880373 + ], + [ + "▁Lowry", + -13.958013534545898 + ], + [ + "0.4%", + -13.958038330078123 + ], + [ + "hner", + -13.958056449890137 + ], + [ + "rette", + -13.958080291748049 + ], + [ + "▁Loves", + -13.958110809326172 + ], + [ + "▁OneDrive", + -13.958110809326172 + ], + [ + "▁GAA", + -13.958115577697754 + ], + [ + "▁Cit", + -13.958125114440918 + ], + [ + "Ahh", + -13.958144187927246 + ], + [ + "854", + -13.95817756652832 + ], + [ + "▁unsuccessfully", + -13.958212852478027 + ], + [ + "▁Showers", + -13.958221435546877 + ], + [ + "giant", + -13.958226203918455 + ], + [ + "Aww", + -13.95826816558838 + ], + [ + "▁3:1", + -13.958276748657228 + ], + [ + "▁Frequent", + -13.958316802978516 + ], + [ + "▁11:3", + -13.95832633972168 + ], + [ + "▁grooms", + -13.958365440368652 + ], + [ + "▁pug", + -13.958436965942385 + ], + [ + "gad", + -13.958489418029783 + ], + [ + "inia", + -13.95851993560791 + ], + [ + "▁scorn", + -13.958578109741213 + ], + [ + "Enhance", + -13.958664894104004 + ], + [ + "▁Tere", + -13.958712577819824 + ], + [ + "▁swaying", + -13.958738327026367 + ], + [ + "▁Cello", + -13.95877456665039 + ], + [ + "758", + -13.958824157714844 + ], + [ + "▁Oops", + -13.958876609802246 + ], + [ + "75%", + -13.958921432495115 + ], + [ + "▁Bhatt", + -13.95896816253662 + ], + [ + "▁Puri", + -13.95898723602295 + ], + [ + "SHIP", + -13.959046363830566 + ], + [ + "drying", + -13.959070205688477 + ], + [ + "▁timezone", + -13.95909023284912 + ], + [ + "▁fairways", + -13.959161758422852 + ], + [ + "▁Pall", + -13.959275245666504 + ], + [ + "aren", + -13.959277153015137 + ], + [ + "▁haunts", + -13.959300994873049 + ], + [ + "▁Uh", + -13.959310531616213 + ], + [ + "rive", + -13.959328651428224 + ], + [ + "▁silt", + -13.959427833557127 + ], + [ + "IDS", + -13.959436416625977 + ], + [ + "▁POV", + -13.959463119506836 + ], + [ + "Cities", + -13.959501266479492 + ], + [ + "▁Beet", + -13.959593772888184 + ], + [ + "leaning", + -13.959668159484863 + ], + [ + "▁apr", + -13.959698677062988 + ], + [ + "548", + -13.95970058441162 + ], + [ + "▁Dum", + -13.95971393585205 + ], + [ + "▁Badger", + -13.959882736206056 + ], + [ + "hti", + -13.95988941192627 + ], + [ + "▁IMPORTANT", + -13.960015296936035 + ], + [ + "aroo", + -13.960119247436523 + ], + [ + "▁Conc", + -13.960123062133787 + ], + [ + "▁bor", + -13.960138320922852 + ], + [ + "1:20", + -13.960142135620115 + ], + [ + "yuki", + -13.960150718688965 + ], + [ + "▁opportunistic", + -13.96019172668457 + ], + [ + "(3),", + -13.960227966308594 + ], + [ + "▁Stur", + -13.960317611694336 + ], + [ + "▁obstruct", + -13.960326194763184 + ], + [ + "▁biologically", + -13.960370063781738 + ], + [ + "▁Triton", + -13.960381507873535 + ], + [ + "▁Ranges", + -13.960418701171877 + ], + [ + "1]", + -13.960469245910645 + ], + [ + "▁Giorgio", + -13.960503578186035 + ], + [ + "pox", + -13.960527420043944 + ], + [ + "bump", + -13.960532188415527 + ], + [ + "▁suggestive", + -13.96060848236084 + ], + [ + "▁Tested", + -13.960650444030762 + ], + [ + "trophic", + -13.960701942443848 + ], + [ + "Rebecca", + -13.960782051086426 + ], + [ + "▁smog", + -13.96078395843506 + ], + [ + "Memorial", + -13.960786819458008 + ], + [ + "▁diplomas", + -13.960793495178224 + ], + [ + "▁mansions", + -13.96080493927002 + ], + [ + "▁kal", + -13.960877418518066 + ], + [ + "plast", + -13.96088409423828 + ], + [ + "▁mouthful", + -13.960962295532228 + ], + [ + "▁Wiz", + -13.960968017578123 + ], + [ + "842", + -13.96097183227539 + ], + [ + "▁INF", + -13.961048126220703 + ], + [ + "wiring", + -13.961050987243652 + ], + [ + "▁consequent", + -13.961051940917969 + ], + [ + "PON", + -13.96108055114746 + ], + [ + "▁Executives", + -13.961130142211914 + ], + [ + "▁Pint", + -13.961151123046877 + ], + [ + "eley", + -13.961194038391112 + ], + [ + "94.", + -13.961206436157228 + ], + [ + "jing", + -13.96129322052002 + ], + [ + "▁inconsistency", + -13.961305618286133 + ], + [ + "▁irrevocable", + -13.961305618286133 + ], + [ + "▁juncture", + -13.961305618286133 + ], + [ + "▁uterine", + -13.961307525634766 + ], + [ + "▁Starts", + -13.961312294006348 + ], + [ + "▁adoration", + -13.96131420135498 + ], + [ + "▁RESULTS", + -13.961318969726562 + ], + [ + "▁stevia", + -13.961320877075195 + ], + [ + "▁divergent", + -13.961322784423828 + ], + [ + "strap", + -13.961323738098145 + ], + [ + "▁concave", + -13.96132469177246 + ], + [ + "▁prozac", + -13.961331367492676 + ], + [ + "▁bribery", + -13.961349487304688 + ], + [ + "▁Bouquet", + -13.9613618850708 + ], + [ + "omic", + -13.961395263671877 + ], + [ + "▁mk", + -13.961421012878418 + ], + [ + "▁multilateral", + -13.961421966552734 + ], + [ + "▁Dunbar", + -13.96142292022705 + ], + [ + "▁substation", + -13.961430549621582 + ], + [ + "▁spanking", + -13.96144199371338 + ], + [ + "▁Godfrey", + -13.961442947387695 + ], + [ + "▁mandala", + -13.961455345153809 + ], + [ + "dual", + -13.96153450012207 + ], + [ + "▁brotherhood", + -13.961543083190918 + ], + [ + "▁gunfire", + -13.961581230163574 + ], + [ + "versions", + -13.961589813232422 + ], + [ + "2′′", + -13.961594581604004 + ], + [ + "▁1855", + -13.961605072021484 + ], + [ + "▁grenade", + -13.961612701416016 + ], + [ + "▁kl", + -13.96161651611328 + ], + [ + "▁Ascot", + -13.961647987365724 + ], + [ + "TCH", + -13.961715698242188 + ], + [ + "gé", + -13.9617280960083 + ], + [ + "▁lumen", + -13.961739540100098 + ], + [ + "▁Vicky", + -13.961753845214844 + ], + [ + "▁pus", + -13.961770057678224 + ], + [ + "Ox", + -13.96178150177002 + ], + [ + "▁cohorts", + -13.961797714233398 + ], + [ + "▁Nevis", + -13.961813926696776 + ], + [ + "▁Buckeyes", + -13.961836814880373 + ], + [ + "Cru", + -13.961868286132812 + ], + [ + "▁landings", + -13.961874008178713 + ], + [ + "Male", + -13.961881637573242 + ], + [ + "▁lifeboat", + -13.961923599243164 + ], + [ + "▁Chambre", + -13.961933135986328 + ], + [ + "▁snuff", + -13.961952209472656 + ], + [ + "▁sidekick", + -13.961978912353516 + ], + [ + "▁Getaway", + -13.961999893188477 + ], + [ + "▁mangoes", + -13.96200180053711 + ], + [ + "▁mentee", + -13.962013244628906 + ], + [ + "▁electrolytes", + -13.962016105651855 + ], + [ + "▁mech", + -13.96204662322998 + ], + [ + "▁1948,", + -13.962069511413574 + ], + [ + "▁Spr", + -13.962115287780762 + ], + [ + "▁png", + -13.96220874786377 + ], + [ + "rights", + -13.962329864501951 + ], + [ + "▁Gott", + -13.962393760681152 + ], + [ + "witt", + -13.962458610534668 + ], + [ + "▁repealed", + -13.962465286254885 + ], + [ + "glia", + -13.962472915649414 + ], + [ + "▁strat", + -13.962638854980469 + ], + [ + "lough", + -13.96269702911377 + ], + [ + "▁hump", + -13.962766647338867 + ], + [ + "aggi", + -13.962830543518066 + ], + [ + "▁weatherproof", + -13.962841033935549 + ], + [ + "▁(33", + -13.962878227233888 + ], + [ + "▁domes", + -13.962952613830566 + ], + [ + "CET", + -13.962960243225098 + ], + [ + "▁tartan", + -13.962970733642578 + ], + [ + "bery", + -13.963013648986816 + ], + [ + "▁CHARGE", + -13.963052749633787 + ], + [ + "▁equivalents", + -13.96306324005127 + ], + [ + "aron", + -13.963074684143066 + ], + [ + "▁takers", + -13.963092803955078 + ], + [ + "▁Garth", + -13.96311092376709 + ], + [ + "▁Nou", + -13.963170051574709 + ], + [ + "▁Slu", + -13.96336841583252 + ], + [ + "▁CPM", + -13.963376998901367 + ], + [ + "GUE", + -13.963406562805176 + ], + [ + "Vent", + -13.963422775268556 + ], + [ + "▁Detect", + -13.963454246520996 + ], + [ + "▁Miley", + -13.963454246520996 + ], + [ + "▁carats", + -13.963475227355955 + ], + [ + "▁Smartphones", + -13.96348476409912 + ], + [ + "Rear", + -13.963531494140623 + ], + [ + "knee", + -13.963568687438965 + ], + [ + "▁Verb", + -13.963647842407228 + ], + [ + "fol", + -13.963652610778809 + ], + [ + "▁walkout", + -13.96366024017334 + ], + [ + "▁Bump", + -13.963763236999512 + ], + [ + "Addressing", + -13.963984489440918 + ], + [ + "▁posit", + -13.964029312133787 + ], + [ + "▁poked", + -13.964044570922852 + ], + [ + "▁loco", + -13.96407699584961 + ], + [ + "▁Spectra", + -13.964152336120604 + ], + [ + "▁piers", + -13.964176177978516 + ], + [ + "Electrical", + -13.964202880859377 + ], + [ + "▁tricked", + -13.964299201965332 + ], + [ + "vane", + -13.964417457580566 + ], + [ + "epi", + -13.964509963989258 + ], + [ + "▁Daylight", + -13.964509963989258 + ], + [ + "▁luc", + -13.964513778686523 + ], + [ + "▁Pix", + -13.964587211608888 + ], + [ + "resident", + -13.964662551879885 + ], + [ + "▁Cassie", + -13.964670181274414 + ], + [ + "029", + -13.96467399597168 + ], + [ + "mera", + -13.964704513549805 + ], + [ + "responsive", + -13.9647798538208 + ], + [ + "▁Condor", + -13.964792251586914 + ], + [ + "beyond", + -13.964852333068848 + ], + [ + "excellent", + -13.964853286743164 + ], + [ + "Delicious", + -13.964873313903809 + ], + [ + "▁tarts", + -13.964892387390137 + ], + [ + "Exam", + -13.964905738830566 + ], + [ + "structural", + -13.964908599853516 + ], + [ + "PHA", + -13.964936256408691 + ], + [ + "Toy", + -13.964972496032717 + ], + [ + "vah", + -13.96498680114746 + ], + [ + "applied", + -13.965018272399902 + ], + [ + "▁gui", + -13.96503448486328 + ], + [ + "▁intently", + -13.965038299560549 + ], + [ + "photography", + -13.965051651000977 + ], + [ + "mouse", + -13.965088844299316 + ], + [ + "talented", + -13.965165138244627 + ], + [ + "ylene", + -13.965171813964844 + ], + [ + "uffer", + -13.965222358703612 + ], + [ + "▁38-", + -13.96524143218994 + ], + [ + "mailed", + -13.96524429321289 + ], + [ + "chef", + -13.965253829956056 + ], + [ + "▁Avalanche", + -13.9652738571167 + ], + [ + "▁supremacist", + -13.9652738571167 + ], + [ + "▁braindumps", + -13.965274810791016 + ], + [ + "▁Vilnius", + -13.965275764465332 + ], + [ + "▁Brampton", + -13.965277671813965 + ], + [ + "▁Consolidated", + -13.965283393859863 + ], + [ + "▁nanotechnology", + -13.965286254882812 + ], + [ + "▁rudder", + -13.965290069580078 + ], + [ + "▁jellyfish", + -13.965325355529783 + ], + [ + "▁Creole", + -13.965343475341797 + ], + [ + "▁Burnham", + -13.96534538269043 + ], + [ + "Saudi", + -13.96534824371338 + ], + [ + "▁Fleetwood", + -13.9653902053833 + ], + [ + "▁Henley", + -13.965421676635742 + ], + [ + "▁Foundry", + -13.965424537658691 + ], + [ + "▁Slav", + -13.965435028076172 + ], + [ + "litter", + -13.965441703796388 + ], + [ + "▁omelette", + -13.965441703796388 + ], + [ + "▁Gentleman", + -13.965442657470703 + ], + [ + "IZE", + -13.965484619140623 + ], + [ + "▁Virgil", + -13.965486526489258 + ], + [ + "▁reflector", + -13.965496063232422 + ], + [ + "▁Dungeon", + -13.965520858764648 + ], + [ + "4:30", + -13.965576171875 + ], + [ + "▁Inf", + -13.965587615966797 + ], + [ + "▁Kenmore", + -13.965599060058594 + ], + [ + "▁follicle", + -13.9656400680542 + ], + [ + "▁stoop", + -13.965651512145996 + ], + [ + "▁Jody", + -13.965673446655272 + ], + [ + "owing", + -13.965676307678224 + ], + [ + "cg", + -13.965681076049805 + ], + [ + "▁1,000,000", + -13.965812683105469 + ], + [ + "diff", + -13.965826988220217 + ], + [ + "▁Lust", + -13.965853691101074 + ], + [ + "▁hopelessness", + -13.965886116027832 + ], + [ + "Spray", + -13.96589183807373 + ], + [ + "Corner", + -13.965897560119627 + ], + [ + "Myth", + -13.965903282165527 + ], + [ + "▁Dole", + -13.965904235839844 + ], + [ + "▁rebranded", + -13.965943336486816 + ], + [ + "▁13\"", + -13.965964317321776 + ], + [ + "▁peeps", + -13.96597957611084 + ], + [ + "▁MSM", + -13.965980529785156 + ], + [ + "▁lamented", + -13.965993881225586 + ], + [ + "▁Ll", + -13.965994834899902 + ], + [ + "lberg", + -13.965996742248535 + ], + [ + "aste", + -13.965999603271484 + ], + [ + "7.9", + -13.96601104736328 + ], + [ + "▁307", + -13.966033935546877 + ], + [ + "▁ALA", + -13.966033935546877 + ], + [ + "SKU", + -13.96605110168457 + ], + [ + "▁resetting", + -13.966148376464844 + ], + [ + "PEC", + -13.966158866882324 + ], + [ + "▁3+", + -13.966238021850586 + ], + [ + "▁reprinted", + -13.96627140045166 + ], + [ + "sellers", + -13.966286659240724 + ], + [ + "▁scallions", + -13.96630573272705 + ], + [ + "▁Lien", + -13.966354370117188 + ], + [ + "EBA", + -13.966385841369627 + ], + [ + "▁footballer", + -13.96660041809082 + ], + [ + "▁Kinetic", + -13.966626167297363 + ], + [ + "▁Vigil", + -13.966628074645996 + ], + [ + "▁transmits", + -13.966649055480955 + ], + [ + "▁Parque", + -13.96665382385254 + ], + [ + "▁DACA", + -13.966675758361816 + ], + [ + "beds", + -13.966692924499512 + ], + [ + "▁pollute", + -13.966741561889648 + ], + [ + "▁alters", + -13.966761589050291 + ], + [ + "▁29%", + -13.966840744018556 + ], + [ + "▁talc", + -13.966874122619627 + ], + [ + "kama", + -13.966924667358398 + ], + [ + "mum", + -13.96698760986328 + ], + [ + "▁Santana", + -13.96702766418457 + ], + [ + "dini", + -13.96710205078125 + ], + [ + "▁ALT", + -13.967177391052246 + ], + [ + "876", + -13.967198371887209 + ], + [ + "Integrate", + -13.96720027923584 + ], + [ + "▁mocked", + -13.967242240905762 + ], + [ + "Rosa", + -13.967246055603027 + ], + [ + "Om", + -13.967276573181152 + ], + [ + "166", + -13.9673433303833 + ], + [ + "▁sewed", + -13.967411994934082 + ], + [ + "▁Filed", + -13.967435836791992 + ], + [ + "940", + -13.967462539672852 + ], + [ + "ugi", + -13.96760082244873 + ], + [ + "shine", + -13.967626571655272 + ], + [ + "▁Gao", + -13.967633247375488 + ], + [ + "welcome", + -13.967656135559082 + ], + [ + "▁WIC", + -13.967680931091309 + ], + [ + "▁Zor", + -13.967737197875977 + ], + [ + "▁Discussions", + -13.967825889587402 + ], + [ + "▁asian", + -13.967851638793944 + ], + [ + "▁Oster", + -13.967870712280272 + ], + [ + "805", + -13.967917442321776 + ], + [ + "▁redirects", + -13.967971801757812 + ], + [ + "▁318", + -13.96798038482666 + ], + [ + "–20", + -13.96801471710205 + ], + [ + "nka", + -13.968050003051758 + ], + [ + "8-11", + -13.968096733093262 + ], + [ + "Pair", + -13.968103408813477 + ], + [ + "hed", + -13.968124389648438 + ], + [ + "anka", + -13.968205451965332 + ], + [ + "▁8.8", + -13.968228340148926 + ], + [ + "▁CRT", + -13.96824550628662 + ], + [ + "ISTER", + -13.968388557434082 + ], + [ + "▁Improv", + -13.96843147277832 + ], + [ + "▁LAND", + -13.968545913696287 + ], + [ + "672", + -13.968572616577148 + ], + [ + "253", + -13.9686279296875 + ], + [ + "▁incisions", + -13.968643188476562 + ], + [ + "▁Sixty", + -13.96865940093994 + ], + [ + "▁Antony", + -13.968730926513672 + ], + [ + "▁Tubes", + -13.968741416931152 + ], + [ + "▁marinate", + -13.968862533569336 + ], + [ + "▁mitigated", + -13.968866348266602 + ], + [ + "Douglas", + -13.968931198120115 + ], + [ + "Slot", + -13.968941688537598 + ], + [ + "▁MEN", + -13.968951225280762 + ], + [ + "bytes", + -13.968984603881836 + ], + [ + "header", + -13.968999862670898 + ], + [ + "Brother", + -13.969005584716797 + ], + [ + "▁painstaking", + -13.969048500061035 + ], + [ + "▁Schulz", + -13.969066619873049 + ], + [ + "▁relaunch", + -13.969148635864258 + ], + [ + "Bloom", + -13.96920108795166 + ], + [ + "▁Vlad", + -13.96920394897461 + ], + [ + "▁rebrand", + -13.969215393066406 + ], + [ + "tractor", + -13.969240188598633 + ], + [ + "▁evaluator", + -13.969258308410645 + ], + [ + "▁indigestion", + -13.969258308410645 + ], + [ + "▁mammogram", + -13.969258308410645 + ], + [ + "▁1-877-", + -13.96925926208496 + ], + [ + "▁Hoosier", + -13.96925926208496 + ], + [ + "▁intoxicating", + -13.96925926208496 + ], + [ + "▁Tufts", + -13.969260215759276 + ], + [ + "Tin", + -13.969265937805176 + ], + [ + "▁Terminator", + -13.969265937805176 + ], + [ + "▁Messaging", + -13.969266891479492 + ], + [ + "▁Amb", + -13.96926975250244 + ], + [ + "▁transfusion", + -13.96928596496582 + ], + [ + "crystalline", + -13.969289779663086 + ], + [ + "▁undulating", + -13.96929168701172 + ], + [ + "▁Borneo", + -13.969314575195312 + ], + [ + "CIP", + -13.96932315826416 + ], + [ + "▁HughesNet", + -13.96932601928711 + ], + [ + "XS", + -13.969351768493652 + ], + [ + "▁Relic", + -13.969385147094728 + ], + [ + "▁deflection", + -13.96939468383789 + ], + [ + "▁UNIX", + -13.969430923461914 + ], + [ + "▁portraiture", + -13.969436645507812 + ], + [ + "▁burdensome", + -13.969439506530762 + ], + [ + "▁Straits", + -13.969457626342772 + ], + [ + "▁agave", + -13.969494819641112 + ], + [ + "Fried", + -13.96950626373291 + ], + [ + "▁UCL", + -13.969544410705566 + ], + [ + "Prep", + -13.969545364379885 + ], + [ + "▁chimneys", + -13.969552993774414 + ], + [ + "weighted", + -13.96955680847168 + ], + [ + "▁implantation", + -13.969575881958008 + ], + [ + "Funding", + -13.96965503692627 + ], + [ + "▁ef", + -13.96967887878418 + ], + [ + "286", + -13.96970272064209 + ], + [ + "Boss", + -13.969715118408203 + ], + [ + "laine", + -13.969722747802734 + ], + [ + "▁SKY", + -13.969732284545898 + ], + [ + "▁grainy", + -13.969761848449709 + ], + [ + "▁devoured", + -13.96981430053711 + ], + [ + "-1980", + -13.969855308532717 + ], + [ + "homes", + -13.96988010406494 + ], + [ + "▁strep", + -13.9699068069458 + ], + [ + "▁touchpad", + -13.969930648803713 + ], + [ + "Represented", + -13.96994400024414 + ], + [ + "ISM", + -13.969956398010254 + ], + [ + "▁Curran", + -13.969964981079102 + ], + [ + "▁SWOT", + -13.969985961914062 + ], + [ + "▁css", + -13.97002124786377 + ], + [ + "▁Selma", + -13.970032691955566 + ], + [ + "picking", + -13.970046043395996 + ], + [ + "▁breakaway", + -13.970070838928224 + ], + [ + "cera", + -13.970105171203612 + ], + [ + "924", + -13.970128059387209 + ], + [ + "▁tripped", + -13.970151901245115 + ], + [ + "URI", + -13.970158576965332 + ], + [ + "▁bristle", + -13.97016429901123 + ], + [ + "oyle", + -13.970166206359863 + ], + [ + "▁barcodes", + -13.97018051147461 + ], + [ + "gou", + -13.97019100189209 + ], + [ + "▁epithelial", + -13.970191955566406 + ], + [ + "▁Configure", + -13.970206260681152 + ], + [ + "▁treason", + -13.97026538848877 + ], + [ + "▁baits", + -13.97033405303955 + ], + [ + "Ang", + -13.970337867736816 + ], + [ + "vern", + -13.97035789489746 + ], + [ + "▁cleft", + -13.970377922058104 + ], + [ + "abra", + -13.970383644104004 + ], + [ + "▁stackable", + -13.97038459777832 + ], + [ + "▁Exe", + -13.970401763916016 + ], + [ + "▁osteo", + -13.97041130065918 + ], + [ + "PAL", + -13.970460891723633 + ], + [ + "▁Pistons", + -13.970492362976074 + ], + [ + "▁inventing", + -13.97052764892578 + ], + [ + "▁Ghi", + -13.970555305480955 + ], + [ + "▁centrepiece", + -13.97061538696289 + ], + [ + "751", + -13.970672607421877 + ], + [ + "kop", + -13.97071361541748 + ], + [ + "▁DAN", + -13.970727920532228 + ], + [ + "▁rearing", + -13.97075653076172 + ], + [ + "▁Donor", + -13.970773696899414 + ], + [ + "Verify", + -13.9708251953125 + ], + [ + "+8", + -13.970858573913574 + ], + [ + "▁CPUs", + -13.970947265625 + ], + [ + "spoken", + -13.971121788024902 + ], + [ + "▁exhibitor", + -13.97112274169922 + ], + [ + "hail", + -13.971182823181152 + ], + [ + "clu", + -13.97119140625 + ], + [ + "▁Landscapes", + -13.97119426727295 + ], + [ + "▁Blush", + -13.97120761871338 + ], + [ + "▁Notable", + -13.971226692199709 + ], + [ + "▁(9)", + -13.971588134765623 + ], + [ + "317", + -13.971590042114258 + ], + [ + "▁Complaint", + -13.971590995788574 + ], + [ + "Woo", + -13.971667289733888 + ], + [ + "Supporting", + -13.971814155578612 + ], + [ + "▁Rahm", + -13.971832275390623 + ], + [ + "▁meso", + -13.97183322906494 + ], + [ + "Artists", + -13.971835136413574 + ], + [ + "Boil", + -13.971869468688965 + ], + [ + "SUN", + -13.971877098083496 + ], + [ + "-2005", + -13.971956253051758 + ], + [ + "NFL", + -13.972075462341309 + ], + [ + "▁Drawings", + -13.97207736968994 + ], + [ + "amic", + -13.972210884094238 + ], + [ + "▁1959,", + -13.972233772277832 + ], + [ + "▁prima", + -13.972235679626465 + ], + [ + "▁bootstrap", + -13.972244262695312 + ], + [ + "▁AFB", + -13.972277641296388 + ], + [ + "▁hideous", + -13.972332000732422 + ], + [ + "ibel", + -13.97234058380127 + ], + [ + "ATURE", + -13.972359657287598 + ], + [ + "▁Vegetables", + -13.972360610961914 + ], + [ + "▁actuators", + -13.972381591796877 + ], + [ + "mock", + -13.972394943237305 + ], + [ + "▁Kyr", + -13.972442626953123 + ], + [ + "▁Horde", + -13.972479820251465 + ], + [ + "▁Slides", + -13.972489356994627 + ], + [ + "▁435", + -13.972586631774902 + ], + [ + "YE", + -13.972627639770508 + ], + [ + "mou", + -13.972683906555176 + ], + [ + "Pastor", + -13.972738265991213 + ], + [ + "▁sequels", + -13.972784996032717 + ], + [ + "▁NAM", + -13.97282886505127 + ], + [ + "▁Resist", + -13.972830772399902 + ], + [ + "▁august", + -13.972845077514648 + ], + [ + "GES", + -13.972864151000977 + ], + [ + "rish", + -13.972865104675291 + ], + [ + "▁CBI", + -13.972929000854492 + ], + [ + "▁psychotic", + -13.972960472106934 + ], + [ + "Potential", + -13.973018646240234 + ], + [ + "girlfriend", + -13.97305679321289 + ], + [ + "easing", + -13.97312831878662 + ], + [ + "powder", + -13.973136901855469 + ], + [ + "▁subnet", + -13.973173141479492 + ], + [ + "funk", + -13.973186492919922 + ], + [ + "▁Venues", + -13.973210334777832 + ], + [ + "▁Rud", + -13.973237037658691 + ], + [ + "▁Restrictions", + -13.973258018493652 + ], + [ + "▁uncontrollable", + -13.973258018493652 + ], + [ + "▁annuities", + -13.973258972167969 + ], + [ + "▁Gillespie", + -13.973261833190918 + ], + [ + "▁Lennox", + -13.973261833190918 + ], + [ + "▁Troubleshooting", + -13.973265647888184 + ], + [ + "▁quarries", + -13.9732666015625 + ], + [ + "▁neuropathy", + -13.973267555236816 + ], + [ + "▁Cardiology", + -13.973275184631348 + ], + [ + "▁accomplice", + -13.97327995300293 + ], + [ + "▁Croix", + -13.97328281402588 + ], + [ + "▁McDonnell", + -13.973283767700195 + ], + [ + "▁jingle", + -13.973283767700195 + ], + [ + "▁Harcourt", + -13.973297119140623 + ], + [ + "▁hectare", + -13.973301887512209 + ], + [ + "▁ceasefire", + -13.973308563232422 + ], + [ + "▁Geelong", + -13.973315238952637 + ], + [ + "▁Evernote", + -13.9733304977417 + ], + [ + "▁autopilot", + -13.973334312438965 + ], + [ + "▁Hubble", + -13.973347663879396 + ], + [ + "▁Gillette", + -13.973370552062988 + ], + [ + "▁STEAM", + -13.97337818145752 + ], + [ + "▁Pandit", + -13.973390579223633 + ], + [ + "carotene", + -13.973397254943848 + ], + [ + "▁Sparta", + -13.973520278930664 + ], + [ + "634", + -13.973566055297852 + ], + [ + "raiser", + -13.973572731018066 + ], + [ + "HACK", + -13.973575592041016 + ], + [ + "▁rafters", + -13.973600387573242 + ], + [ + "716", + -13.973647117614746 + ], + [ + "▁visualise", + -13.973652839660645 + ], + [ + "▁futon", + -13.973689079284668 + ], + [ + "quiet", + -13.973692893981934 + ], + [ + "▁ORIGINAL", + -13.973714828491213 + ], + [ + "Cable", + -13.973719596862791 + ], + [ + "▁forcefully", + -13.973793029785156 + ], + [ + "Eighteen", + -13.973820686340332 + ], + [ + "onics", + -13.97385025024414 + ], + [ + "▁730", + -13.973896026611328 + ], + [ + "▁pistons", + -13.973901748657228 + ], + [ + "Calc", + -13.974063873291016 + ], + [ + "▁Bret", + -13.97409439086914 + ], + [ + "prising", + -13.974102020263672 + ], + [ + "▁intercom", + -13.97411060333252 + ], + [ + "xen", + -13.974125862121582 + ], + [ + "▁daydream", + -13.974141120910645 + ], + [ + "▁bandage", + -13.97418212890625 + ], + [ + "7\"", + -13.974206924438477 + ], + [ + "▁foraging", + -13.974207878112791 + ], + [ + "Marvel", + -13.974212646484377 + ], + [ + "443", + -13.974213600158691 + ], + [ + "freezer", + -13.97422981262207 + ], + [ + "▁Leach", + -13.974238395690918 + ], + [ + "▁Mojo", + -13.9742431640625 + ], + [ + "jane", + -13.97427749633789 + ], + [ + "-2004", + -13.974316596984863 + ], + [ + "▁certifying", + -13.974337577819824 + ], + [ + "/>", + -13.974352836608888 + ], + [ + "Coll", + -13.974361419677734 + ], + [ + "▁CFM", + -13.974397659301758 + ], + [ + "▁ABV", + -13.974421501159668 + ], + [ + "▁einen", + -13.974431037902832 + ], + [ + "▁10.00", + -13.97443962097168 + ], + [ + "▁HG", + -13.974445343017578 + ], + [ + "▁Conductor", + -13.97447395324707 + ], + [ + "▁Loo", + -13.974474906921388 + ], + [ + "issy", + -13.97452449798584 + ], + [ + "▁perishable", + -13.974560737609863 + ], + [ + "▁hepatic", + -13.974620819091797 + ], + [ + "▁Downloader", + -13.974644660949709 + ], + [ + "rona", + -13.974647521972656 + ], + [ + "ULL", + -13.97470474243164 + ], + [ + "▁Implement", + -13.974733352661133 + ], + [ + "▁rebounded", + -13.97476291656494 + ], + [ + "▁basing", + -13.974803924560549 + ], + [ + "hg", + -13.974836349487305 + ], + [ + "clicking", + -13.974848747253418 + ], + [ + "volv", + -13.97496509552002 + ], + [ + "sef", + -13.975017547607422 + ], + [ + "▁grande", + -13.975019454956056 + ], + [ + "90)", + -13.975055694580078 + ], + [ + "ERO", + -13.975098609924316 + ], + [ + "voi", + -13.975132942199709 + ], + [ + "ritt", + -13.975142478942873 + ], + [ + "calling", + -13.975149154663086 + ], + [ + "▁dismissing", + -13.975180625915527 + ], + [ + "▁sickle", + -13.975189208984377 + ], + [ + "ifiable", + -13.975234031677246 + ], + [ + "ACR", + -13.975259780883787 + ], + [ + "▁Tis", + -13.975297927856444 + ], + [ + "517", + -13.975367546081545 + ], + [ + "aul", + -13.975509643554688 + ], + [ + "▁gull", + -13.975549697875977 + ], + [ + "▁redeeming", + -13.975584983825684 + ], + [ + "elis", + -13.9755859375 + ], + [ + "▁DFS", + -13.975667953491213 + ], + [ + "bard", + -13.975701332092283 + ], + [ + "▁Hawthorn", + -13.975712776184082 + ], + [ + "▁QUE", + -13.975725173950195 + ], + [ + "▁lighthearted", + -13.975770950317385 + ], + [ + "▁succ", + -13.975948333740234 + ], + [ + "▁Manufacture", + -13.975998878479004 + ], + [ + "596", + -13.976031303405762 + ], + [ + "▁740", + -13.97604751586914 + ], + [ + "▁Dorm", + -13.976120948791504 + ], + [ + "tage", + -13.976176261901855 + ], + [ + "▁323", + -13.976263999938965 + ], + [ + "rgy", + -13.976312637329102 + ], + [ + "▁Abhi", + -13.976378440856934 + ], + [ + "▁Stru", + -13.97640323638916 + ], + [ + "timer", + -13.97640609741211 + ], + [ + "gf", + -13.97647762298584 + ], + [ + "RAS", + -13.976519584655762 + ], + [ + "▁Rafa", + -13.976629257202148 + ], + [ + "Notify", + -13.976651191711426 + ], + [ + "Contribute", + -13.976675033569336 + ], + [ + "vara", + -13.976797103881836 + ], + [ + "▁Inge", + -13.976856231689451 + ], + [ + "▁MODEL", + -13.976877212524414 + ], + [ + "▁invoking", + -13.976963996887209 + ], + [ + "pah", + -13.977005958557127 + ], + [ + "pods", + -13.977006912231444 + ], + [ + "stain", + -13.977028846740724 + ], + [ + "▁countered", + -13.977030754089355 + ], + [ + "Mineral", + -13.977049827575684 + ], + [ + "LAM", + -13.977093696594238 + ], + [ + "amente", + -13.9771089553833 + ], + [ + "ARK", + -13.977131843566896 + ], + [ + "marriage", + -13.977134704589844 + ], + [ + "CLICK", + -13.97713565826416 + ], + [ + "▁IPC", + -13.977143287658691 + ], + [ + "▁bureaucrats", + -13.977143287658691 + ], + [ + "Adventure", + -13.977148056030272 + ], + [ + "Houston", + -13.977149963378906 + ], + [ + "equipment", + -13.977182388305664 + ], + [ + "582", + -13.977210998535156 + ], + [ + "HW", + -13.977212905883787 + ], + [ + "Saw", + -13.977213859558104 + ], + [ + "drain", + -13.97726058959961 + ], + [ + "▁Gauteng", + -13.97727394104004 + ], + [ + "▁assimilation", + -13.97727394104004 + ], + [ + "▁magnificence", + -13.97727394104004 + ], + [ + "▁sneezing", + -13.97727394104004 + ], + [ + "▁Leopold", + -13.977274894714355 + ], + [ + "▁utilisation", + -13.977274894714355 + ], + [ + "▁entangled", + -13.977279663085938 + ], + [ + "▁Wentworth", + -13.977289199829102 + ], + [ + "bubble", + -13.977296829223633 + ], + [ + "▁Kushner", + -13.977300643920898 + ], + [ + "▁stanza", + -13.977302551269531 + ], + [ + "▁Phnom", + -13.977306365966797 + ], + [ + "▁choppy", + -13.977317810058594 + ], + [ + "▁snorkelling", + -13.977333068847656 + ], + [ + "▁pleas", + -13.977339744567873 + ], + [ + "▁decency", + -13.977370262145996 + ], + [ + "▁Gaelic", + -13.977373123168944 + ], + [ + "64)", + -13.977388381958008 + ], + [ + "▁unqualified", + -13.977455139160156 + ], + [ + "▁Tutorials", + -13.9774751663208 + ], + [ + "▁Mandi", + -13.977506637573242 + ], + [ + "▁Illegal", + -13.977513313293455 + ], + [ + "▁congressman", + -13.977537155151367 + ], + [ + "▁Furious", + -13.977540016174316 + ], + [ + "▁curation", + -13.977540969848633 + ], + [ + "▁sassy", + -13.97754192352295 + ], + [ + "▁viewfinder", + -13.977560997009276 + ], + [ + "▁halved", + -13.97756290435791 + ], + [ + "▁2.00", + -13.97758674621582 + ], + [ + "▁scoops", + -13.977611541748049 + ], + [ + "Stan", + -13.977618217468262 + ], + [ + "▁formalities", + -13.977627754211426 + ], + [ + "▁Westlake", + -13.97762966156006 + ], + [ + "esser", + -13.97764015197754 + ], + [ + "▁blatantly", + -13.977645874023438 + ], + [ + "Ji", + -13.977646827697754 + ], + [ + "▁southbound", + -13.977659225463867 + ], + [ + "dung", + -13.97771453857422 + ], + [ + "▁Herring", + -13.977727890014648 + ], + [ + "NEX", + -13.977761268615724 + ], + [ + "▁deliberation", + -13.977775573730469 + ], + [ + "▁underpinning", + -13.977787017822266 + ], + [ + "▁conservationist", + -13.977792739868164 + ], + [ + "▁Fabrication", + -13.977795600891112 + ], + [ + "Earned", + -13.97782039642334 + ], + [ + "▁Becca", + -13.97787094116211 + ], + [ + "▁appraisers", + -13.977910041809082 + ], + [ + "▁porter", + -13.977943420410156 + ], + [ + "▁FAO", + -13.977959632873535 + ], + [ + "▁cuz", + -13.977968215942385 + ], + [ + "▁TDS", + -13.97797679901123 + ], + [ + "▁treads", + -13.977998733520508 + ], + [ + "▁Aladdin", + -13.97801399230957 + ], + [ + "Operate", + -13.978062629699709 + ], + [ + "successful", + -13.978087425231934 + ], + [ + "nw", + -13.97810173034668 + ], + [ + "▁recollection", + -13.978132247924805 + ], + [ + "9-5", + -13.978145599365234 + ], + [ + "Winner", + -13.978147506713867 + ], + [ + "415", + -13.978160858154297 + ], + [ + "nja", + -13.978163719177246 + ], + [ + "▁heady", + -13.978264808654783 + ], + [ + "▁delish", + -13.978275299072266 + ], + [ + "▁72%", + -13.978294372558594 + ], + [ + "▁intolerant", + -13.978320121765137 + ], + [ + "normally", + -13.97836208343506 + ], + [ + "Template", + -13.978485107421877 + ], + [ + "▁cadre", + -13.97849178314209 + ], + [ + "functioning", + -13.978511810302734 + ], + [ + "▁definitively", + -13.978561401367188 + ], + [ + "▁px", + -13.978582382202148 + ], + [ + "▁forceful", + -13.978588104248049 + ], + [ + "Mus", + -13.978628158569336 + ], + [ + "▁mn", + -13.97863483428955 + ], + [ + "▁oaks", + -13.97872829437256 + ], + [ + "HOP", + -13.978747367858888 + ], + [ + "onna", + -13.97876262664795 + ], + [ + "plates", + -13.978790283203123 + ], + [ + "maya", + -13.978901863098145 + ], + [ + "▁Crewe", + -13.978922843933104 + ], + [ + "tear", + -13.978933334350586 + ], + [ + "▁Trav", + -13.97896671295166 + ], + [ + "▁Shiraz", + -13.97903823852539 + ], + [ + "▁headstone", + -13.979046821594238 + ], + [ + "CHR", + -13.97907257080078 + ], + [ + "▁Zig", + -13.979121208190918 + ], + [ + "▁payer", + -13.979182243347168 + ], + [ + "ndon", + -13.979198455810549 + ], + [ + "imation", + -13.979218482971191 + ], + [ + "▁chewed", + -13.979225158691406 + ], + [ + "environment", + -13.979247093200684 + ], + [ + "rti", + -13.97927188873291 + ], + [ + "▁eighties", + -13.97930145263672 + ], + [ + "destruct", + -13.9793062210083 + ], + [ + "▁Motivation", + -13.979307174682615 + ], + [ + "▁Jewels", + -13.979351043701172 + ], + [ + "COT", + -13.979424476623535 + ], + [ + "▁Bondi", + -13.979469299316406 + ], + [ + "▁phy", + -13.979531288146973 + ], + [ + "UPS", + -13.979544639587402 + ], + [ + "▁Glee", + -13.9795503616333 + ], + [ + "preci", + -13.979602813720703 + ], + [ + "▁onerous", + -13.97964859008789 + ], + [ + "▁liberally", + -13.979674339294434 + ], + [ + "▁Bland", + -13.979710578918455 + ], + [ + "umbo", + -13.979714393615724 + ], + [ + "534", + -13.979769706726074 + ], + [ + "plat", + -13.979771614074709 + ], + [ + "DAR", + -13.979804039001465 + ], + [ + "▁'90", + -13.97987174987793 + ], + [ + "mitting", + -13.979928970336914 + ], + [ + "▁pluck", + -13.979957580566406 + ], + [ + "▁Nava", + -13.98000717163086 + ], + [ + "SION", + -13.98008918762207 + ], + [ + "lden", + -13.980114936828612 + ], + [ + "▁Meh", + -13.980179786682127 + ], + [ + "Plate", + -13.980186462402344 + ], + [ + "579", + -13.98018741607666 + ], + [ + "▁Outlets", + -13.980216026306152 + ], + [ + "▁Fidel", + -13.980328559875488 + ], + [ + "wil", + -13.980329513549805 + ], + [ + "▁120-", + -13.980408668518066 + ], + [ + "spun", + -13.980513572692873 + ], + [ + "\"--", + -13.98055934906006 + ], + [ + "▁Padres", + -13.980603218078612 + ], + [ + "412", + -13.980670928955078 + ], + [ + "566", + -13.980725288391112 + ], + [ + "▁elucidate", + -13.980783462524414 + ], + [ + "gung", + -13.980806350708008 + ], + [ + "▁Infra", + -13.980846405029297 + ], + [ + "408", + -13.980854988098145 + ], + [ + "▁resistors", + -13.980899810791016 + ], + [ + "critic", + -13.980964660644531 + ], + [ + "blaze", + -13.981029510498049 + ], + [ + "▁restarting", + -13.981034278869627 + ], + [ + "▁Sochi", + -13.981199264526367 + ], + [ + "tino", + -13.981270790100098 + ], + [ + "maximum", + -13.981284141540527 + ], + [ + "WordPress", + -13.981290817260742 + ], + [ + "▁Frigidaire", + -13.981306076049805 + ], + [ + "▁deceiving", + -13.981306076049805 + ], + [ + "▁discriminating", + -13.981306076049805 + ], + [ + "▁extermination", + -13.981306076049805 + ], + [ + "▁customisable", + -13.98130702972412 + ], + [ + "▁radiating", + -13.981307983398438 + ], + [ + "▁telescopic", + -13.981308937072754 + ], + [ + "▁Skrill", + -13.98130989074707 + ], + [ + "▁pungent", + -13.98131275177002 + ], + [ + "▁Cactus", + -13.981318473815918 + ], + [ + "▁Microbiology", + -13.981318473815918 + ], + [ + "▁citrate", + -13.981318473815918 + ], + [ + "▁holly", + -13.98132038116455 + ], + [ + "▁armoire", + -13.981340408325195 + ], + [ + "▁Fatima", + -13.98137092590332 + ], + [ + "▁Soleil", + -13.981379508972168 + ], + [ + "Assessment", + -13.981386184692385 + ], + [ + "▁Balcony", + -13.981401443481444 + ], + [ + "▁Correctional", + -13.981411933898926 + ], + [ + "▁Santander", + -13.981416702270508 + ], + [ + "602", + -13.98143482208252 + ], + [ + "PAP", + -13.981435775756836 + ], + [ + "▁azure", + -13.981444358825684 + ], + [ + "▁Brokerage", + -13.98144817352295 + ], + [ + "▁retrograde", + -13.98146152496338 + ], + [ + "▁snowstorm", + -13.98147201538086 + ], + [ + "▁Dessert", + -13.981484413146973 + ], + [ + "▁Cristiano", + -13.981490135192873 + ], + [ + "▁depictions", + -13.981502532958984 + ], + [ + "▁Torque", + -13.9815034866333 + ], + [ + "enhanced", + -13.98151397705078 + ], + [ + "Detailed", + -13.981526374816896 + ], + [ + "▁Woodbridge", + -13.981558799743652 + ], + [ + "qué", + -13.98159122467041 + ], + [ + "▁Zheng", + -13.981610298156738 + ], + [ + "▁Nga", + -13.9816312789917 + ], + [ + "Respect", + -13.981643676757812 + ], + [ + "▁courting", + -13.981717109680176 + ], + [ + "Pierre", + -13.981724739074709 + ], + [ + "▁Drops", + -13.981764793395996 + ], + [ + "Chu", + -13.981805801391602 + ], + [ + "▁negotiator", + -13.981856346130373 + ], + [ + "▁hazelnut", + -13.98185920715332 + ], + [ + "▁goof", + -13.981865882873535 + ], + [ + "▁Usher", + -13.981894493103027 + ], + [ + "enson", + -13.98193073272705 + ], + [ + "▁Bower", + -13.981935501098633 + ], + [ + "▁breather", + -13.982038497924805 + ], + [ + "▁Causes", + -13.982072830200195 + ], + [ + "254", + -13.982085227966309 + ], + [ + "IFY", + -13.98216152191162 + ], + [ + "▁PCC", + -13.982166290283203 + ], + [ + "ulent", + -13.982210159301758 + ], + [ + "daw", + -13.982220649719238 + ], + [ + "oji", + -13.98222541809082 + ], + [ + "▁Attractions", + -13.982226371765137 + ], + [ + "PEL", + -13.982237815856934 + ], + [ + "▁Ching", + -13.982243537902832 + ], + [ + "jr", + -13.98226833343506 + ], + [ + "Totally", + -13.982271194458008 + ], + [ + "▁superpowers", + -13.982279777526855 + ], + [ + "▁unconsciously", + -13.982332229614258 + ], + [ + "▁mot", + -13.982343673706056 + ], + [ + "ader", + -13.982396125793455 + ], + [ + "▁glorify", + -13.982524871826172 + ], + [ + "▁Glove", + -13.982550621032717 + ], + [ + "Engage", + -13.982572555541992 + ], + [ + "▁$400,000", + -13.982573509216309 + ], + [ + "jones", + -13.982582092285156 + ], + [ + "▁equips", + -13.982598304748535 + ], + [ + "Selecting", + -13.982662200927734 + ], + [ + "▁combustible", + -13.982757568359377 + ], + [ + "▁breathless", + -13.98280906677246 + ], + [ + "▁suppressing", + -13.98287868499756 + ], + [ + "▁complet", + -13.982933044433594 + ], + [ + "▁Affair", + -13.982940673828123 + ], + [ + "▁Crawl", + -13.982972145080566 + ], + [ + "▁Synchron", + -13.982991218566896 + ], + [ + "▁Cupcakes", + -13.983081817626951 + ], + [ + "▁Jiu", + -13.9830904006958 + ], + [ + "▁197", + -13.983156204223633 + ], + [ + "Coat", + -13.98317527770996 + ], + [ + "▁Dak", + -13.98320770263672 + ], + [ + "▁suspending", + -13.983237266540527 + ], + [ + "▁stiffer", + -13.983254432678224 + ], + [ + "Kings", + -13.98327350616455 + ], + [ + "Forms", + -13.98330783843994 + ], + [ + "lucky", + -13.983394622802734 + ], + [ + "6+", + -13.983428955078123 + ], + [ + "▁pasting", + -13.983442306518556 + ], + [ + "▁scopes", + -13.98344898223877 + ], + [ + "▁Minsk", + -13.983461380004885 + ], + [ + "eber", + -13.983470916748049 + ], + [ + "▁torrents", + -13.983474731445312 + ], + [ + "▁Participate", + -13.983484268188477 + ], + [ + "▁OO", + -13.98360538482666 + ], + [ + "▁CBA", + -13.983609199523926 + ], + [ + "▁aftercare", + -13.98361110687256 + ], + [ + "mv", + -13.983612060546877 + ], + [ + "lava", + -13.98363971710205 + ], + [ + "uity", + -13.983760833740234 + ], + [ + "blogger", + -13.983779907226562 + ], + [ + "uille", + -13.983819007873535 + ], + [ + "▁KH", + -13.98386001586914 + ], + [ + "▁phono", + -13.98399829864502 + ], + [ + "▁EMT", + -13.984001159667969 + ], + [ + "fli", + -13.984013557434082 + ], + [ + "achy", + -13.98403263092041 + ], + [ + "▁seedling", + -13.984067916870115 + ], + [ + "RIE", + -13.984088897705078 + ], + [ + "CLE", + -13.984106063842772 + ], + [ + "▁Illusion", + -13.98416805267334 + ], + [ + "entine", + -13.984210968017578 + ], + [ + "zman", + -13.98423194885254 + ], + [ + "▁Vacations", + -13.984256744384766 + ], + [ + "lter", + -13.984289169311523 + ], + [ + "▁inquired", + -13.984333038330078 + ], + [ + "terior", + -13.98434352874756 + ], + [ + "292", + -13.98446559906006 + ], + [ + "▁pathogenic", + -13.98447322845459 + ], + [ + "▁Freelance", + -13.98454475402832 + ], + [ + "▁Coating", + -13.98454761505127 + ], + [ + "▁disassemble", + -13.984758377075195 + ], + [ + "Heading", + -13.984855651855469 + ], + [ + "▁milliseconds", + -13.984888076782228 + ], + [ + "▁Medici", + -13.984920501708984 + ], + [ + "▁SCC", + -13.984966278076172 + ], + [ + "▁discredit", + -13.98499584197998 + ], + [ + "spiele", + -13.985017776489258 + ], + [ + "▁Appleton", + -13.985149383544922 + ], + [ + "▁54%", + -13.985172271728516 + ], + [ + "▁vu", + -13.985183715820312 + ], + [ + "fas", + -13.985254287719728 + ], + [ + "▁Appreciate", + -13.985279083251951 + ], + [ + "▁1950’", + -13.985336303710938 + ], + [ + "▁Lubbock", + -13.985355377197266 + ], + [ + "▁Parfum", + -13.985355377197266 + ], + [ + "▁chipotle", + -13.985355377197266 + ], + [ + "▁craziness", + -13.985355377197266 + ], + [ + "▁flamboyant", + -13.985355377197266 + ], + [ + "▁fragility", + -13.985355377197266 + ], + [ + "▁perplexed", + -13.985355377197266 + ], + [ + "▁scorpion", + -13.985355377197266 + ], + [ + "▁metformin", + -13.985356330871582 + ], + [ + "▁Weinstein", + -13.985358238220217 + ], + [ + "▁eschew", + -13.985359191894531 + ], + [ + "▁sorbet", + -13.985369682312012 + ], + [ + "▁Delaney", + -13.98537254333496 + ], + [ + "▁Macdonald", + -13.98537826538086 + ], + [ + "▁verifies", + -13.985379219055176 + ], + [ + "▁Otago", + -13.985382080078123 + ], + [ + "▁psychosocial", + -13.98538875579834 + ], + [ + "studded", + -13.98539924621582 + ], + [ + "Indicate", + -13.98540496826172 + ], + [ + "isson", + -13.985413551330566 + ], + [ + "▁Thief", + -13.985413551330566 + ], + [ + "disclosure", + -13.985416412353516 + ], + [ + "▁Bullock", + -13.985418319702148 + ], + [ + "Distance", + -13.985422134399414 + ], + [ + "▁Burst", + -13.985424041748049 + ], + [ + "Cultural", + -13.98542594909668 + ], + [ + "▁hotly", + -13.985441207885742 + ], + [ + "▁LEFT", + -13.985451698303224 + ], + [ + "▁unopened", + -13.985458374023438 + ], + [ + "▁supercar", + -13.985487937927246 + ], + [ + "▁Spreadsheet", + -13.985490798950195 + ], + [ + "▁controllable", + -13.985491752624512 + ], + [ + "▁Canaan", + -13.985495567321776 + ], + [ + "▁Precise", + -13.985499382019045 + ], + [ + "▁Isabelle", + -13.98550796508789 + ], + [ + "▁mouthwash", + -13.985515594482422 + ], + [ + "▁Supervision", + -13.985551834106444 + ], + [ + "▁Baird", + -13.98557472229004 + ], + [ + "TSX", + -13.985575675964355 + ], + [ + "▁308", + -13.985576629638672 + ], + [ + "killing", + -13.985596656799316 + ], + [ + "▁Threads", + -13.985629081726074 + ], + [ + "▁Overwatch", + -13.985668182373049 + ], + [ + "▁championing", + -13.985695838928224 + ], + [ + "configured", + -13.985745429992676 + ], + [ + "▁ejected", + -13.985761642456056 + ], + [ + "▁Habit", + -13.985800743103027 + ], + [ + "▁extinguished", + -13.985810279846191 + ], + [ + "▁PEG", + -13.98587703704834 + ], + [ + "SCC", + -13.985877990722656 + ], + [ + "Loss", + -13.985952377319336 + ], + [ + "PING", + -13.985952377319336 + ], + [ + "▁Mutant", + -13.985971450805664 + ], + [ + "▁appraised", + -13.985983848571776 + ], + [ + "▁heralded", + -13.985986709594728 + ], + [ + "▁lipids", + -13.986005783081056 + ], + [ + "▁Spiderman", + -13.986029624938965 + ], + [ + "▁snugly", + -13.986040115356444 + ], + [ + "▁subcontractor", + -13.986166954040527 + ], + [ + "KES", + -13.986210823059082 + ], + [ + "▁Inbox", + -13.986215591430664 + ], + [ + "▁rarest", + -13.986231803894045 + ], + [ + "▁announcer", + -13.986244201660156 + ], + [ + "▁POD", + -13.986281394958496 + ], + [ + "Marco", + -13.986309051513672 + ], + [ + "▁unloaded", + -13.986313819885254 + ], + [ + "Milk", + -13.986320495605469 + ], + [ + "▁cysts", + -13.986376762390137 + ], + [ + "▁HPC", + -13.986425399780272 + ], + [ + "AVA", + -13.986435890197754 + ], + [ + "▁Mong", + -13.986455917358398 + ], + [ + "mium", + -13.986610412597656 + ], + [ + "Organization", + -13.986732482910156 + ], + [ + "▁Leb", + -13.986732482910156 + ], + [ + "Pictured", + -13.986761093139648 + ], + [ + "Wo", + -13.986814498901367 + ], + [ + "▁Blackstone", + -13.98681640625 + ], + [ + "▁Destruction", + -13.986818313598633 + ], + [ + "717", + -13.986924171447754 + ], + [ + "classes", + -13.9869384765625 + ], + [ + "508", + -13.986942291259766 + ], + [ + "▁Viper", + -13.98696517944336 + ], + [ + "▁OSX", + -13.987003326416016 + ], + [ + "▁seared", + -13.98701000213623 + ], + [ + "▁evoked", + -13.987024307250977 + ], + [ + "enic", + -13.987035751342772 + ], + [ + "▁auctioneer", + -13.98714542388916 + ], + [ + "allergenic", + -13.987210273742676 + ], + [ + "▁dari", + -13.987295150756836 + ], + [ + "▁defunct", + -13.987403869628906 + ], + [ + "747", + -13.987409591674805 + ], + [ + "▁celeb", + -13.987422943115234 + ], + [ + "▁Crystals", + -13.987424850463867 + ], + [ + "pard", + -13.987465858459473 + ], + [ + "▁10:5", + -13.987505912780762 + ], + [ + "▁#2:", + -13.98759937286377 + ], + [ + "▁workspaces", + -13.987676620483398 + ], + [ + "▁CREATE", + -13.98769474029541 + ], + [ + "▁Roundup", + -13.987719535827637 + ], + [ + "▁Knu", + -13.987740516662598 + ], + [ + "041", + -13.98776912689209 + ], + [ + "9.8", + -13.987805366516112 + ], + [ + "alloy", + -13.987850189208984 + ], + [ + "▁Agu", + -13.987870216369627 + ], + [ + "721", + -13.987892150878906 + ], + [ + "▁multifunction", + -13.987906455993652 + ], + [ + "▁nitro", + -13.987921714782717 + ], + [ + "▁Sack", + -13.987951278686523 + ], + [ + "village", + -13.987977981567385 + ], + [ + "▁Ingrid", + -13.987996101379396 + ], + [ + "▁operas", + -13.988021850585938 + ], + [ + "alfa", + -13.988037109375 + ], + [ + "MARK", + -13.988055229187012 + ], + [ + "▁paychecks", + -13.988085746765137 + ], + [ + "haya", + -13.98810863494873 + ], + [ + "▁ration", + -13.988200187683104 + ], + [ + "Deliver", + -13.988214492797852 + ], + [ + "▁Opus", + -13.98827075958252 + ], + [ + "▁weighting", + -13.988303184509276 + ], + [ + "▁Bann", + -13.98830795288086 + ], + [ + "▁HSC", + -13.988320350646973 + ], + [ + "▁pinched", + -13.988329887390137 + ], + [ + "PRI", + -13.98837184906006 + ], + [ + "▁EH", + -13.988439559936523 + ], + [ + "▁+2", + -13.988665580749512 + ], + [ + "▁robbers", + -13.988698959350586 + ], + [ + "▁fillets", + -13.988704681396484 + ], + [ + "▁Hover", + -13.98875617980957 + ], + [ + "iculate", + -13.988779067993164 + ], + [ + "▁covenants", + -13.988816261291504 + ], + [ + "hull", + -13.988846778869627 + ], + [ + "▁Sali", + -13.988901138305664 + ], + [ + "Seek", + -13.988961219787598 + ], + [ + "951", + -13.98900032043457 + ], + [ + "ktor", + -13.989019393920898 + ], + [ + "▁Gator", + -13.989112854003906 + ], + [ + "▁Mustangs", + -13.989165306091309 + ], + [ + "iform", + -13.989180564880373 + ], + [ + "▁(*", + -13.9891939163208 + ], + [ + "NAN", + -13.98936653137207 + ], + [ + "▁connoisseur", + -13.98936653137207 + ], + [ + "▁retard", + -13.989398956298828 + ], + [ + "▁Amritsar", + -13.989419937133787 + ], + [ + "▁Liechtenstein", + -13.989419937133787 + ], + [ + "▁Reebok", + -13.989419937133787 + ], + [ + "▁bauxite", + -13.989419937133787 + ], + [ + "▁conjecture", + -13.989419937133787 + ], + [ + "▁reproducible", + -13.989419937133787 + ], + [ + "▁acquitted", + -13.989422798156738 + ], + [ + "▁Prakash", + -13.989426612854004 + ], + [ + "▁diffraction", + -13.98942756652832 + ], + [ + "▁PUBG", + -13.989428520202637 + ], + [ + "▁Paddington", + -13.98943328857422 + ], + [ + "▁HGTV", + -13.989435195922852 + ], + [ + "▁electrostatic", + -13.989435195922852 + ], + [ + "▁extortion", + -13.989436149597168 + ], + [ + "▁Vikram", + -13.989441871643066 + ], + [ + "▁Dickson", + -13.989449501037598 + ], + [ + "▁Holloway", + -13.989452362060549 + ], + [ + "▁ratification", + -13.989455223083496 + ], + [ + "▁Britney", + -13.989456176757812 + ], + [ + "▁PACKAGE", + -13.989459991455078 + ], + [ + "556", + -13.98946475982666 + ], + [ + "Excuse", + -13.989471435546877 + ], + [ + "▁Sentence", + -13.989474296569824 + ], + [ + "generating", + -13.98947525024414 + ], + [ + "▁USPTO", + -13.989487648010254 + ], + [ + "▁interactivity", + -13.98951816558838 + ], + [ + "▁unregulated", + -13.989532470703123 + ], + [ + "▁Causeway", + -13.989554405212402 + ], + [ + "▁Discord", + -13.989561080932615 + ], + [ + "Palestinian", + -13.989577293395996 + ], + [ + "Guitar", + -13.989584922790527 + ], + [ + "Budget", + -13.989603996276855 + ], + [ + "Seattle", + -13.989606857299805 + ], + [ + "zaki", + -13.98960781097412 + ], + [ + "Oracle", + -13.989608764648438 + ], + [ + "predict", + -13.989630699157717 + ], + [ + "Denver", + -13.98964786529541 + ], + [ + "▁Godzilla", + -13.989665031433104 + ], + [ + "▁parenthood", + -13.989665031433104 + ], + [ + "▁mani", + -13.989683151245115 + ], + [ + "fetched", + -13.989778518676758 + ], + [ + "▁capping", + -13.989797592163086 + ], + [ + "thorn", + -13.989809036254885 + ], + [ + "Johnny", + -13.989815711975098 + ], + [ + "▁deceptively", + -13.989852905273438 + ], + [ + "▁equalizer", + -13.989864349365234 + ], + [ + "▁nettle", + -13.9899263381958 + ], + [ + "▁seventies", + -13.989967346191406 + ], + [ + "▁Pee", + -13.990004539489746 + ], + [ + "roz", + -13.990007400512695 + ], + [ + "▁reforming", + -13.99006175994873 + ], + [ + "▁silo", + -13.99006462097168 + ], + [ + "novate", + -13.990068435668944 + ], + [ + "▁mathematician", + -13.990069389343262 + ], + [ + "▁coz", + -13.990169525146484 + ], + [ + "▁UCI", + -13.990184783935549 + ], + [ + "wand", + -13.990256309509276 + ], + [ + "VGA", + -13.990338325500488 + ], + [ + "spoon", + -13.99034595489502 + ], + [ + "coating", + -13.990365982055664 + ], + [ + "▁placenta", + -13.990410804748535 + ], + [ + "rika", + -13.99049949645996 + ], + [ + "Wishing", + -13.990594863891602 + ], + [ + "▁typographical", + -13.990594863891602 + ], + [ + "▁Bree", + -13.990608215332031 + ], + [ + "▁Fam", + -13.990641593933104 + ], + [ + "726", + -13.990707397460938 + ], + [ + "▁4-8", + -13.990720748901367 + ], + [ + "▁PPG", + -13.990732192993164 + ], + [ + "▁Occupy", + -13.99084186553955 + ], + [ + "PAN", + -13.990947723388672 + ], + [ + "wallet", + -13.990949630737305 + ], + [ + "▁tweeter", + -13.99100112915039 + ], + [ + "ibe", + -13.991065979003906 + ], + [ + "▁viewable", + -13.991106033325195 + ], + [ + "▁doggy", + -13.991111755371094 + ], + [ + "wool", + -13.991164207458496 + ], + [ + "▁stables", + -13.991193771362305 + ], + [ + "FH", + -13.991219520568848 + ], + [ + "Screenshot", + -13.991230010986328 + ], + [ + "PLO", + -13.991254806518556 + ], + [ + "▁Dyke", + -13.991263389587402 + ], + [ + "▁Hoff", + -13.991388320922852 + ], + [ + "orum", + -13.991410255432127 + ], + [ + "▁Winn", + -13.991419792175291 + ], + [ + "lured", + -13.991548538208008 + ], + [ + "submitted", + -13.99155616760254 + ], + [ + "761", + -13.991610527038574 + ], + [ + "▁budgeted", + -13.991656303405762 + ], + [ + "tius", + -13.99167823791504 + ], + [ + "▁Barnard", + -13.991683959960938 + ], + [ + "detail", + -13.991703033447266 + ], + [ + "▁moderators", + -13.991703033447266 + ], + [ + "8,500", + -13.991724967956545 + ], + [ + "▁Griffiths", + -13.991726875305176 + ], + [ + "ryan", + -13.99173641204834 + ], + [ + "▁spade", + -13.9918212890625 + ], + [ + "▁utilises", + -13.991822242736816 + ], + [ + "▁vari", + -13.991856575012209 + ], + [ + "Pr", + -13.991944313049316 + ], + [ + "▁dispensers", + -13.99207592010498 + ], + [ + "▁Pamper", + -13.992095947265623 + ], + [ + "▁AHA", + -13.992119789123535 + ], + [ + "▁oppress", + -13.992154121398926 + ], + [ + "▁oversize", + -13.99217128753662 + ], + [ + "▁TCM", + -13.992280960083008 + ], + [ + "▁backdoor", + -13.99232006072998 + ], + [ + "acher", + -13.992338180541992 + ], + [ + "iert", + -13.99240493774414 + ], + [ + "▁Creamy", + -13.992431640625 + ], + [ + "orah", + -13.992496490478516 + ], + [ + "▁teeny", + -13.992573738098145 + ], + [ + "363", + -13.992646217346191 + ], + [ + "▁grossly", + -13.99265193939209 + ], + [ + "lysis", + -13.992658615112305 + ], + [ + "ffi", + -13.9927396774292 + ], + [ + "▁slicer", + -13.992813110351562 + ], + [ + "▁Conti", + -13.99290657043457 + ], + [ + "localhost", + -13.992916107177734 + ], + [ + "▁hogs", + -13.992928504943848 + ], + [ + "▁Sax", + -13.992968559265137 + ], + [ + "hanging", + -13.992990493774414 + ], + [ + "▁whirl", + -13.993002891540527 + ], + [ + "857", + -13.993047714233398 + ], + [ + "▁309", + -13.993056297302246 + ], + [ + "▁soiled", + -13.993188858032228 + ], + [ + "conduct", + -13.9932222366333 + ], + [ + "▁aprons", + -13.99322509765625 + ], + [ + "bali", + -13.99331283569336 + ], + [ + "▁mirroring", + -13.993313789367676 + ], + [ + "Thirdly", + -13.993314743041992 + ], + [ + "▁Hacking", + -13.993321418762209 + ], + [ + "dman", + -13.993349075317385 + ], + [ + "▁pho", + -13.9933500289917 + ], + [ + "▁37.5", + -13.993435859680176 + ], + [ + "▁710", + -13.993438720703123 + ], + [ + "433", + -13.993485450744627 + ], + [ + "▁Optimisation", + -13.993501663208008 + ], + [ + "▁accomodate", + -13.993501663208008 + ], + [ + "▁centrifuge", + -13.993501663208008 + ], + [ + "▁ghetto", + -13.993501663208008 + ], + [ + "▁prophecies", + -13.993501663208008 + ], + [ + "▁rattling", + -13.993501663208008 + ], + [ + "▁rudimentary", + -13.993501663208008 + ], + [ + "▁caloric", + -13.993502616882324 + ], + [ + "▁gastronomy", + -13.99350357055664 + ], + [ + "▁pagoda", + -13.993505477905272 + ], + [ + "▁titular", + -13.99350643157959 + ], + [ + "▁Magellan", + -13.993507385253906 + ], + [ + "▁sepsis", + -13.993507385253906 + ], + [ + "▁Jockey", + -13.993513107299805 + ], + [ + "▁corral", + -13.993515968322754 + ], + [ + "▁neurology", + -13.993515968322754 + ], + [ + "▁Herrera", + -13.99351692199707 + ], + [ + "▁Synod", + -13.99351978302002 + ], + [ + "▁Sienna", + -13.993522644042969 + ], + [ + "▁Luncheon", + -13.993523597717283 + ], + [ + "▁Schumer", + -13.993535041809082 + ], + [ + "▁Morrow", + -13.993552207946776 + ], + [ + "▁Paragon", + -13.993558883666992 + ], + [ + "▁Supporters", + -13.993586540222168 + ], + [ + "▁Brat", + -13.99359130859375 + ], + [ + "▁Oversight", + -13.9935941696167 + ], + [ + "▁Ramsay", + -13.993605613708496 + ], + [ + "▁sandpaper", + -13.99361801147461 + ], + [ + "▁submersible", + -13.99361801147461 + ], + [ + "▁Ennis", + -13.993629455566406 + ], + [ + "▁DIRECTV", + -13.993639945983888 + ], + [ + "▁vocalists", + -13.993671417236328 + ], + [ + "▁Jonny", + -13.993684768676758 + ], + [ + "Leveraging", + -13.993690490722656 + ], + [ + "ukh", + -13.993698120117188 + ], + [ + "usse", + -13.993709564208984 + ], + [ + "ikki", + -13.993731498718262 + ], + [ + "▁Atelier", + -13.993744850158691 + ], + [ + "equivalent", + -13.993767738342283 + ], + [ + "passenger", + -13.993769645690918 + ], + [ + "Military", + -13.993776321411133 + ], + [ + "Thompson", + -13.99377727508545 + ], + [ + "▁Banff", + -13.99380111694336 + ], + [ + "VIC", + -13.993816375732422 + ], + [ + "776", + -13.99384307861328 + ], + [ + "Lit", + -13.993852615356444 + ], + [ + "discount", + -13.993868827819824 + ], + [ + "▁stupidity", + -13.993868827819824 + ], + [ + "▁domesticated", + -13.993895530700684 + ], + [ + "▁headlined", + -13.993905067443848 + ], + [ + "fg", + -13.993921279907228 + ], + [ + "▁CHANGE", + -13.993958473205566 + ], + [ + "IND", + -13.993978500366213 + ], + [ + "▁licensees", + -13.993982315063477 + ], + [ + "▁shrouded", + -13.99399757385254 + ], + [ + "department", + -13.994024276733398 + ], + [ + "▁Hendricks", + -13.994028091430664 + ], + [ + "▁Sinn", + -13.994084358215332 + ], + [ + "649", + -13.99412441253662 + ], + [ + "authorized", + -13.994129180908203 + ], + [ + "▁Humor", + -13.994129180908203 + ], + [ + "▁KFC", + -13.99418830871582 + ], + [ + "▁Sainte", + -13.99418830871582 + ], + [ + "khu", + -13.994194984436035 + ], + [ + "▁Correction", + -13.994200706481934 + ], + [ + "▁artichoke", + -13.99420166015625 + ], + [ + "▁1944.", + -13.994219779968262 + ], + [ + "fid", + -13.994288444519045 + ], + [ + "▁Diagrams", + -13.994307518005373 + ], + [ + "bauer", + -13.994308471679688 + ], + [ + "▁Ababa", + -13.994309425354004 + ], + [ + "▁deceived", + -13.994333267211914 + ], + [ + "bani", + -13.994346618652344 + ], + [ + "▁Noodle", + -13.99435043334961 + ], + [ + "▁buckles", + -13.99441623687744 + ], + [ + "NOS", + -13.994437217712402 + ], + [ + "▁Compatibility", + -13.994458198547363 + ], + [ + "▁cranky", + -13.994464874267578 + ], + [ + "jek", + -13.994484901428224 + ], + [ + "▁940", + -13.99450969696045 + ], + [ + "▁$79", + -13.994555473327637 + ], + [ + "▁sharpened", + -13.994634628295898 + ], + [ + "697", + -13.994638442993164 + ], + [ + "▁bogey", + -13.994638442993164 + ], + [ + "Tone", + -13.994745254516602 + ], + [ + "ombo", + -13.994770050048828 + ], + [ + "spheric", + -13.99479866027832 + ], + [ + "gd", + -13.99481964111328 + ], + [ + "▁stinging", + -13.99483871459961 + ], + [ + "Bella", + -13.99485969543457 + ], + [ + "pada", + -13.994874000549316 + ], + [ + "▁Promoting", + -13.994956016540527 + ], + [ + "▁cad", + -13.994986534118652 + ], + [ + "▁lance", + -13.994997024536133 + ], + [ + "gc", + -13.995007514953612 + ], + [ + "▁TAC", + -13.995047569274902 + ], + [ + "▁FAG", + -13.995070457458496 + ], + [ + "▁Instantly", + -13.99509620666504 + ], + [ + "lithic", + -13.995110511779783 + ], + [ + "▁jeweler", + -13.995161056518556 + ], + [ + "▁germinate", + -13.99517059326172 + ], + [ + "▁permeable", + -13.995172500610352 + ], + [ + "publication", + -13.995214462280272 + ], + [ + "▁expel", + -13.995288848876951 + ], + [ + "▁checkups", + -13.99530792236328 + ], + [ + "▁SAG", + -13.995322227478027 + ], + [ + "▁woken", + -13.99533748626709 + ], + [ + "▁HHS", + -13.995363235473633 + ], + [ + "▁custodian", + -13.995401382446287 + ], + [ + "▁lawmaker", + -13.99549388885498 + ], + [ + "Prev", + -13.995519638061523 + ], + [ + "▁suv", + -13.995543479919434 + ], + [ + "▁Elmer", + -13.995579719543455 + ], + [ + "cello", + -13.995635032653809 + ], + [ + "▁llama", + -13.995660781860352 + ], + [ + "Documents", + -13.995672225952148 + ], + [ + "hitter", + -13.995675086975098 + ], + [ + "▁Calculate", + -13.9957275390625 + ], + [ + "▁Greer", + -13.995759963989258 + ], + [ + "acute", + -13.995863914489746 + ], + [ + "allah", + -13.995890617370604 + ], + [ + "▁Participating", + -13.995963096618652 + ], + [ + "▁Chapp", + -13.99599838256836 + ], + [ + "▁Bumper", + -13.996047019958496 + ], + [ + "nikov", + -13.996153831481934 + ], + [ + "347", + -13.996198654174805 + ], + [ + "▁336", + -13.996220588684082 + ], + [ + "▁ladle", + -13.99623203277588 + ], + [ + "Generate", + -13.99632453918457 + ], + [ + "▁Trish", + -13.996368408203123 + ], + [ + "valid", + -13.996371269226074 + ], + [ + "▁bb", + -13.996386528015137 + ], + [ + "giri", + -13.99639892578125 + ], + [ + "▁DEP", + -13.996408462524414 + ], + [ + "27)", + -13.996416091918944 + ], + [ + "▁Maka", + -13.99648380279541 + ], + [ + "257", + -13.996492385864258 + ], + [ + "AVE", + -13.996525764465332 + ], + [ + "9.3", + -13.996527671813965 + ], + [ + "IRT", + -13.99652862548828 + ], + [ + "762", + -13.996553421020508 + ], + [ + "OVER", + -13.996562957763672 + ], + [ + "Lyn", + -13.99665069580078 + ], + [ + "▁Pena", + -13.996665000915527 + ], + [ + "▁Grover", + -13.996706008911133 + ], + [ + "▁Quill", + -13.99677562713623 + ], + [ + "Nano", + -13.99681282043457 + ], + [ + "$50", + -13.99691104888916 + ], + [ + "▁hawks", + -13.996926307678224 + ], + [ + "▁ANZ", + -13.997003555297852 + ], + [ + "JSC", + -13.997005462646484 + ], + [ + "▁Kell", + -13.997007369995115 + ], + [ + "▁Yogurt", + -13.997025489807127 + ], + [ + "▁RIA", + -13.997035026550291 + ], + [ + "▁Huck", + -13.997047424316406 + ], + [ + "▁accredit", + -13.997164726257324 + ], + [ + "826", + -13.99721336364746 + ], + [ + "▁CIC", + -13.997230529785156 + ], + [ + "Into", + -13.997243881225586 + ], + [ + "ogan", + -13.997247695922852 + ], + [ + "BUL", + -13.997276306152344 + ], + [ + "1.8%", + -13.997302055358888 + ], + [ + "Cas", + -13.99732780456543 + ], + [ + "▁Hap", + -13.997371673583984 + ], + [ + "▁clerks", + -13.997377395629885 + ], + [ + "652", + -13.99741554260254 + ], + [ + "▁incite", + -13.997441291809082 + ], + [ + "▁omelet", + -13.997441291809082 + ], + [ + "▁lotto", + -13.997455596923828 + ], + [ + "▁COMPLETE", + -13.99758529663086 + ], + [ + "▁transceiver", + -13.997598648071287 + ], + [ + "▁enthralled", + -13.997599601745604 + ], + [ + "▁horseradish", + -13.997599601745604 + ], + [ + "▁Fertility", + -13.997600555419922 + ], + [ + "▁Oktoberfest", + -13.997600555419922 + ], + [ + "▁bariatric", + -13.997600555419922 + ], + [ + "▁cinematographer", + -13.997600555419922 + ], + [ + "▁femininity", + -13.997600555419922 + ], + [ + "▁Sharjah", + -13.997602462768556 + ], + [ + "▁Navarro", + -13.997603416442873 + ], + [ + "▁Gardiner", + -13.997605323791504 + ], + [ + "▁Integrative", + -13.997605323791504 + ], + [ + "▁gamification", + -13.99760913848877 + ], + [ + "▁differentiator", + -13.997610092163086 + ], + [ + "▁Graeme", + -13.9976167678833 + ], + [ + "▁Leicestershire", + -13.997621536254885 + ], + [ + "▁unsettled", + -13.9976224899292 + ], + [ + "903", + -13.997624397277832 + ], + [ + "▁precautionary", + -13.99762725830078 + ], + [ + "▁(1991)", + -13.997637748718262 + ], + [ + "▁devising", + -13.997637748718262 + ], + [ + "▁lard", + -13.997651100158691 + ], + [ + "▁reshaping", + -13.99766731262207 + ], + [ + "▁graphene", + -13.997669219970703 + ], + [ + "▁brunt", + -13.997687339782717 + ], + [ + "▁Casio", + -13.99770450592041 + ], + [ + "▁Wanderers", + -13.997724533081056 + ], + [ + "▁objectivity", + -13.997732162475586 + ], + [ + "▁cleanses", + -13.99775218963623 + ], + [ + "▁goaltender", + -13.99775218963623 + ], + [ + "▁momentarily", + -13.997776985168455 + ], + [ + "▁waterfowl", + -13.997802734375 + ], + [ + "▁undervalued", + -13.9978609085083 + ], + [ + "tack", + -13.997861862182615 + ], + [ + "▁seizing", + -13.997875213623049 + ], + [ + "▁Novi", + -13.997892379760742 + ], + [ + "▁254", + -13.99794864654541 + ], + [ + "▁crux", + -13.997950553894045 + ], + [ + "volunteer", + -13.997961044311523 + ], + [ + "Leather", + -13.997980117797852 + ], + [ + "Random", + -13.997981071472168 + ], + [ + "Rapid", + -13.997987747192385 + ], + [ + "killer", + -13.998010635375977 + ], + [ + "peptide", + -13.998018264770508 + ], + [ + "Policy", + -13.998022079467772 + ], + [ + "▁rosette", + -13.998044967651367 + ], + [ + "Refresh", + -13.998048782348633 + ], + [ + "Constant", + -13.998085021972656 + ], + [ + "617", + -13.998120307922363 + ], + [ + "copter", + -13.998126983642578 + ], + [ + "broad", + -13.99814510345459 + ], + [ + "delete", + -13.998156547546388 + ], + [ + "▁Judd", + -13.998162269592283 + ], + [ + "▁cola", + -13.998176574707031 + ], + [ + "▁Opener", + -13.998220443725586 + ], + [ + "bati", + -13.998255729675291 + ], + [ + "arranged", + -13.998265266418455 + ], + [ + "▁Spaniard", + -13.99834442138672 + ], + [ + "▁Cucumber", + -13.998355865478516 + ], + [ + "▁burrito", + -13.998358726501465 + ], + [ + "▁PACK", + -13.99838161468506 + ], + [ + "Nicole", + -13.998393058776855 + ], + [ + "▁jalapeno", + -13.998407363891602 + ], + [ + "facial", + -13.99847412109375 + ], + [ + "folia", + -13.998475074768066 + ], + [ + "FAC", + -13.998476028442385 + ], + [ + "classical", + -13.998497009277344 + ], + [ + "0-0", + -13.998541831970217 + ], + [ + "▁preamp", + -13.99855899810791 + ], + [ + "Principal", + -13.998644828796388 + ], + [ + "▁backdrops", + -13.998656272888184 + ], + [ + "▁thier", + -13.998686790466309 + ], + [ + "▁angered", + -13.998744010925291 + ], + [ + "▁downgraded", + -13.998753547668455 + ], + [ + "▁malfunctions", + -13.99875545501709 + ], + [ + "▁Heel", + -13.998791694641112 + ], + [ + "fone", + -13.998793601989746 + ], + [ + "oney", + -13.998808860778809 + ], + [ + "▁Kno", + -13.998857498168944 + ], + [ + "▁customisation", + -13.998862266540527 + ], + [ + "▁1440", + -13.998906135559082 + ], + [ + "▁McGee", + -13.99899959564209 + ], + [ + "Wright", + -13.99909210205078 + ], + [ + "▁Nadia", + -13.99910831451416 + ], + [ + "▁Moodle", + -13.999141693115234 + ], + [ + "Benefits", + -13.9991455078125 + ], + [ + "▁FLV", + -13.999216079711914 + ], + [ + "Resource", + -13.999343872070312 + ], + [ + "384", + -13.999356269836426 + ], + [ + "oeuvres", + -13.999371528625488 + ], + [ + "▁bettors", + -13.99937915802002 + ], + [ + "tual", + -13.999396324157717 + ], + [ + "▁OCC", + -13.999406814575195 + ], + [ + "196", + -13.999412536621094 + ], + [ + "▁Leu", + -13.999462127685549 + ], + [ + "▁Dying", + -13.99948024749756 + ], + [ + "▁Coaster", + -13.999481201171877 + ], + [ + "▁emitting", + -13.999504089355469 + ], + [ + "accessed", + -13.99951171875 + ], + [ + "embe", + -13.999521255493164 + ], + [ + "▁Glaze", + -13.999542236328123 + ], + [ + "▁mayoral", + -13.999604225158691 + ], + [ + "acetyl", + -13.999605178833008 + ], + [ + "▁chakras", + -13.999608993530272 + ], + [ + "▁Rac", + -13.999683380126951 + ], + [ + "ulli", + -13.999699592590332 + ], + [ + "▁chum", + -13.999728202819824 + ], + [ + "▁creatives", + -13.99973201751709 + ], + [ + "▁ripples", + -13.999795913696287 + ], + [ + "▁Roto", + -13.99981689453125 + ], + [ + "cari", + -13.999852180480955 + ], + [ + "▁subdivisions", + -13.999887466430664 + ], + [ + "▁revolver", + -13.999903678894045 + ], + [ + "▁legalize", + -13.999905586242676 + ], + [ + "Sister", + -13.99997901916504 + ], + [ + "neh", + -14.000038146972656 + ], + [ + "▁sidewall", + -14.000067710876465 + ], + [ + "▁$46", + -14.000161170959473 + ], + [ + "▁31%", + -14.000202178955078 + ], + [ + "SOC", + -14.000214576721191 + ], + [ + "▁differentiates", + -14.000238418579102 + ], + [ + "▁Removable", + -14.000266075134276 + ], + [ + "▁navigational", + -14.000274658203123 + ], + [ + "838", + -14.000317573547363 + ], + [ + "775", + -14.000351905822754 + ], + [ + "▁kur", + -14.000360488891602 + ], + [ + "▁BLM", + -14.000383377075195 + ], + [ + "3.50", + -14.000423431396484 + ], + [ + "▁pigeons", + -14.000455856323242 + ], + [ + "▁8-12", + -14.000495910644531 + ], + [ + "kta", + -14.000557899475098 + ], + [ + "▁Lifting", + -14.00072956085205 + ], + [ + "▁Interact", + -14.000783920288086 + ], + [ + "beg", + -14.000895500183104 + ], + [ + "Wouldn", + -14.000916481018066 + ], + [ + "elec", + -14.000993728637695 + ], + [ + "724", + -14.00102710723877 + ], + [ + "▁CRI", + -14.001041412353516 + ], + [ + "▁Likely", + -14.001080513000488 + ], + [ + "▁Barlow", + -14.00115966796875 + ], + [ + "▁wholeness", + -14.001215934753418 + ], + [ + "holy", + -14.001222610473633 + ], + [ + "▁bunches", + -14.001272201538086 + ], + [ + "▁(180", + -14.001333236694336 + ], + [ + "▁musings", + -14.001384735107422 + ], + [ + ".264", + -14.001399040222168 + ], + [ + "deva", + -14.00141429901123 + ], + [ + "▁2007).", + -14.00143814086914 + ], + [ + "egh", + -14.001490592956545 + ], + [ + "▁$69", + -14.001495361328123 + ], + [ + "▁handicrafts", + -14.001509666442873 + ], + [ + "▁felon", + -14.001517295837402 + ], + [ + "882", + -14.001521110534668 + ], + [ + "▁sweatshirts", + -14.001526832580566 + ], + [ + "▁greenhouses", + -14.001587867736816 + ], + [ + "▁UB", + -14.001616477966309 + ], + [ + "▁morbid", + -14.001632690429688 + ], + [ + "▁Buttons", + -14.00163459777832 + ], + [ + "▁Pigs", + -14.001681327819824 + ], + [ + "707", + -14.001704216003418 + ], + [ + "▁COURSE", + -14.001715660095217 + ], + [ + "▁PostgreSQL", + -14.001715660095217 + ], + [ + "▁defiance", + -14.001715660095217 + ], + [ + "▁inefficiencies", + -14.001715660095217 + ], + [ + "▁rectified", + -14.001715660095217 + ], + [ + "▁appellant", + -14.001716613769531 + ], + [ + "▁effluent", + -14.001716613769531 + ], + [ + "▁outpouring", + -14.001716613769531 + ], + [ + "▁illiterate", + -14.001717567443848 + ], + [ + "▁kilowatt", + -14.001718521118164 + ], + [ + "▁Sconce", + -14.001739501953123 + ], + [ + "▁prognostic", + -14.00174331665039 + ], + [ + "▁altercation", + -14.001744270324709 + ], + [ + "▁thrice", + -14.00174617767334 + ], + [ + "▁texted", + -14.001749992370604 + ], + [ + "▁mimicking", + -14.001752853393556 + ], + [ + "▁adverb", + -14.001764297485352 + ], + [ + "▁Lyndon", + -14.001787185668944 + ], + [ + "▁Nutrient", + -14.001790046691896 + ], + [ + "▁colonists", + -14.001791000366213 + ], + [ + "▁Steakhouse", + -14.001800537109377 + ], + [ + "▁Breaks", + -14.001803398132324 + ], + [ + "▁snappy", + -14.00182056427002 + ], + [ + "▁magnified", + -14.001845359802246 + ], + [ + "▁waning", + -14.001864433288574 + ], + [ + "▁Lut", + -14.001890182495115 + ], + [ + "▁GENERAL", + -14.001893043518066 + ], + [ + "▁bulldog", + -14.001896858215332 + ], + [ + "▁coyotes", + -14.001897811889648 + ], + [ + "▁Savoy", + -14.001907348632812 + ], + [ + "▁Jodi", + -14.001914978027344 + ], + [ + "album", + -14.001935958862305 + ], + [ + "▁Walden", + -14.001993179321287 + ], + [ + "▁cyto", + -14.002002716064451 + ], + [ + "▁transpired", + -14.002066612243652 + ], + [ + "▁folly", + -14.002068519592283 + ], + [ + "▁orbits", + -14.002092361450195 + ], + [ + "417", + -14.00209617614746 + ], + [ + "Teach", + -14.002102851867676 + ], + [ + "kasi", + -14.00216007232666 + ], + [ + "Dedicated", + -14.002179145812988 + ], + [ + "Thirty", + -14.002182960510254 + ], + [ + "Contrary", + -14.00218677520752 + ], + [ + "Survey", + -14.002190589904783 + ], + [ + "preferably", + -14.002193450927734 + ], + [ + "▁shortness", + -14.002195358276367 + ], + [ + "trex", + -14.0022554397583 + ], + [ + "phobia", + -14.00228500366211 + ], + [ + "described", + -14.002299308776855 + ], + [ + "▁Probate", + -14.002302169799805 + ], + [ + "cree", + -14.002313613891602 + ], + [ + "▁Ashes", + -14.002318382263184 + ], + [ + "▁73%", + -14.002326965332031 + ], + [ + "ague", + -14.002461433410645 + ], + [ + "quart", + -14.002476692199709 + ], + [ + "▁receptacle", + -14.002513885498049 + ], + [ + "Overview", + -14.00252914428711 + ], + [ + "▁scissor", + -14.002532958984377 + ], + [ + "▁Bier", + -14.0025634765625 + ], + [ + "▁412", + -14.00256633758545 + ], + [ + "specifically", + -14.002569198608398 + ], + [ + "sek", + -14.002589225769045 + ], + [ + "▁visualizing", + -14.002628326416016 + ], + [ + "823", + -14.002649307250977 + ], + [ + "▁Fordham", + -14.002655029296877 + ], + [ + "produce", + -14.00269889831543 + ], + [ + "▁Snip", + -14.002714157104492 + ], + [ + "▁Baj", + -14.002735137939451 + ], + [ + "▁accu", + -14.002799034118652 + ], + [ + "▁boaters", + -14.002924919128418 + ], + [ + "▁Daughters", + -14.002962112426758 + ], + [ + "▁Hispanics", + -14.002981185913086 + ], + [ + "AMD", + -14.003039360046388 + ], + [ + "▁Adapt", + -14.003058433532717 + ], + [ + "▁Offensive", + -14.003090858459473 + ], + [ + "tella", + -14.003094673156738 + ], + [ + "2]", + -14.003131866455078 + ], + [ + "traded", + -14.00315761566162 + ], + [ + "puram", + -14.003168106079102 + ], + [ + "▁ele", + -14.003168106079102 + ], + [ + "▁stuffy", + -14.003188133239746 + ], + [ + "▁$5000", + -14.00324821472168 + ], + [ + "▁defends", + -14.003273963928224 + ], + [ + "▁housekeeper", + -14.003315925598145 + ], + [ + "▁broadened", + -14.003405570983888 + ], + [ + "▁dialects", + -14.003524780273438 + ], + [ + "597", + -14.003543853759766 + ], + [ + "▁reborn", + -14.00356388092041 + ], + [ + "hla", + -14.003646850585938 + ], + [ + "▁intervened", + -14.003682136535645 + ], + [ + "▁Instructional", + -14.00370979309082 + ], + [ + "▁TFS", + -14.00378131866455 + ], + [ + "SIP", + -14.003870964050291 + ], + [ + "▁Grief", + -14.003945350646973 + ], + [ + "▁boroughs", + -14.004020690917969 + ], + [ + "xc", + -14.004136085510254 + ], + [ + "ctus", + -14.00417423248291 + ], + [ + "ugged", + -14.004323959350586 + ], + [ + "885", + -14.004441261291504 + ], + [ + "▁atypical", + -14.004464149475098 + ], + [ + "ение", + -14.004547119140623 + ], + [ + "kv", + -14.004563331604004 + ], + [ + "dek", + -14.00461483001709 + ], + [ + "1_", + -14.004619598388672 + ], + [ + "▁Ganesh", + -14.004633903503418 + ], + [ + "▁WALL", + -14.004718780517578 + ], + [ + "▁Bottles", + -14.004768371582031 + ], + [ + "▁Gow", + -14.004817008972168 + ], + [ + "aday", + -14.004853248596191 + ], + [ + "154", + -14.00495147705078 + ], + [ + "▁lube", + -14.004956245422363 + ], + [ + "▁700,000", + -14.005081176757812 + ], + [ + "shah", + -14.005083084106444 + ], + [ + "▁Hoa", + -14.00510597229004 + ], + [ + "inf", + -14.005215644836426 + ], + [ + "▁COD", + -14.00522232055664 + ], + [ + "▁Primal", + -14.00525188446045 + ], + [ + "pw", + -14.005362510681152 + ], + [ + "▁merges", + -14.00540256500244 + ], + [ + "336", + -14.005420684814451 + ], + [ + "▁scorecard", + -14.00542163848877 + ], + [ + "865", + -14.005481719970703 + ], + [ + "▁(!)", + -14.00554084777832 + ], + [ + "geb", + -14.00555419921875 + ], + [ + "▁328", + -14.005558013916016 + ], + [ + "▁CNY", + -14.00564670562744 + ], + [ + "▁mitochondria", + -14.005752563476562 + ], + [ + "▁Vibrating", + -14.005783081054688 + ], + [ + "Bashir", + -14.005793571472168 + ], + [ + "Attribute", + -14.005826950073242 + ], + [ + "kina", + -14.00583267211914 + ], + [ + "9:30", + -14.00584316253662 + ], + [ + "▁Djokovic", + -14.005847930908203 + ], + [ + "▁Giuseppe", + -14.005847930908203 + ], + [ + "▁fracturing", + -14.005847930908203 + ], + [ + "▁garcinia", + -14.005847930908203 + ], + [ + "▁keratin", + -14.005847930908203 + ], + [ + "▁pheasant", + -14.005847930908203 + ], + [ + "▁samurai", + -14.005847930908203 + ], + [ + "▁sceptical", + -14.005847930908203 + ], + [ + "▁sunbathing", + -14.005847930908203 + ], + [ + "▁Gnome", + -14.00584888458252 + ], + [ + "▁fibrous", + -14.00584888458252 + ], + [ + "▁Johansson", + -14.005855560302734 + ], + [ + "▁salient", + -14.005855560302734 + ], + [ + "▁swore", + -14.005855560302734 + ], + [ + "▁robbing", + -14.005858421325684 + ], + [ + "▁alluded", + -14.005859375 + ], + [ + "▁Gifford", + -14.005866050720217 + ], + [ + "▁matrices", + -14.005887985229492 + ], + [ + "▁antiviral", + -14.00589656829834 + ], + [ + "▁fixings", + -14.005898475646973 + ], + [ + "▁FinTech", + -14.005901336669922 + ], + [ + "▁unscrew", + -14.00591278076172 + ], + [ + "▁preeminent", + -14.005927085876465 + ], + [ + "▁DOL", + -14.00595760345459 + ], + [ + "▁wreckage", + -14.005964279174805 + ], + [ + "▁biogas", + -14.005979537963867 + ], + [ + "▁reformer", + -14.00601291656494 + ], + [ + "RITE", + -14.006037712097168 + ], + [ + "▁Renew", + -14.00607681274414 + ], + [ + "▁Moy", + -14.006148338317873 + ], + [ + "691", + -14.00624942779541 + ], + [ + "▁Mab", + -14.006266593933104 + ], + [ + "▁subtlety", + -14.006266593933104 + ], + [ + "▁Continent", + -14.006275177001951 + ], + [ + "▁Zer", + -14.006290435791016 + ], + [ + "lied", + -14.006309509277344 + ], + [ + "▁athleticism", + -14.006325721740724 + ], + [ + "Capture", + -14.006372451782228 + ], + [ + "Artificial", + -14.006429672241213 + ], + [ + "▁Ringtone", + -14.006430625915527 + ], + [ + "▁provenance", + -14.00645351409912 + ], + [ + "877", + -14.006457328796388 + ], + [ + "Secretary", + -14.006464004516602 + ], + [ + "Module", + -14.006499290466309 + ], + [ + "▁BIS", + -14.00650691986084 + ], + [ + "▁aftertaste", + -14.00656032562256 + ], + [ + "▁limbo", + -14.006566047668455 + ], + [ + "▁238", + -14.006599426269531 + ], + [ + "▁FIVE", + -14.006622314453123 + ], + [ + "Fitness", + -14.006661415100098 + ], + [ + "▁Markham", + -14.00669765472412 + ], + [ + "▁sconce", + -14.006723403930664 + ], + [ + "EMP", + -14.00677490234375 + ], + [ + "219", + -14.006790161132812 + ], + [ + "quent", + -14.006802558898926 + ], + [ + "▁campaigners", + -14.00680923461914 + ], + [ + "Poker", + -14.006830215454102 + ], + [ + "▁fists", + -14.006864547729492 + ], + [ + "▁37-", + -14.006937980651855 + ], + [ + "surfing", + -14.006957054138184 + ], + [ + "▁Valentino", + -14.00701141357422 + ], + [ + "▁soliciting", + -14.007040023803713 + ], + [ + "▁Notably", + -14.007192611694336 + ], + [ + "▁Reviewed", + -14.00721263885498 + ], + [ + "▁whispering", + -14.00721549987793 + ], + [ + "▁Persia", + -14.007242202758787 + ], + [ + "ggling", + -14.007266998291016 + ], + [ + "▁discloses", + -14.007267951965332 + ], + [ + "▁hydrocarbon", + -14.007274627685549 + ], + [ + "843", + -14.007287979125977 + ], + [ + "▁47%", + -14.007301330566406 + ], + [ + "▁Plat", + -14.007356643676758 + ], + [ + "▁ev", + -14.00740909576416 + ], + [ + "998", + -14.007475852966309 + ], + [ + "281", + -14.007518768310549 + ], + [ + "wati", + -14.007534980773926 + ], + [ + "▁$1,2", + -14.00759220123291 + ], + [ + "▁scorers", + -14.007638931274414 + ], + [ + "erville", + -14.007683753967283 + ], + [ + "remote", + -14.007772445678713 + ], + [ + "included", + -14.00778102874756 + ], + [ + "▁pts", + -14.007792472839355 + ], + [ + "▁Racks", + -14.007811546325684 + ], + [ + "▁hamburgers", + -14.007877349853516 + ], + [ + "volu", + -14.007949829101562 + ], + [ + "▁infra", + -14.007960319519045 + ], + [ + "632", + -14.007964134216309 + ], + [ + "▁Raa", + -14.007977485656738 + ], + [ + "▁mach", + -14.007978439331056 + ], + [ + "▁Belong", + -14.008026123046877 + ], + [ + "Village", + -14.008034706115724 + ], + [ + "▁Halal", + -14.00804328918457 + ], + [ + "▁Kimmel", + -14.00805950164795 + ], + [ + "753", + -14.008062362670898 + ], + [ + "Crown", + -14.008070945739746 + ], + [ + "liga", + -14.008116722106934 + ], + [ + "▁Emil", + -14.008173942565918 + ], + [ + "idio", + -14.008207321166992 + ], + [ + "tainment", + -14.008233070373535 + ], + [ + "talling", + -14.008256912231444 + ], + [ + "▁5.00", + -14.00829029083252 + ], + [ + "▁quell", + -14.00850772857666 + ], + [ + "▁286", + -14.00856876373291 + ], + [ + "▁setter", + -14.008615493774414 + ], + [ + "VES", + -14.008641242980955 + ], + [ + "▁FER", + -14.008682250976562 + ], + [ + "▁AMI", + -14.00871467590332 + ], + [ + "▁alternately", + -14.008753776550291 + ], + [ + "589", + -14.00878620147705 + ], + [ + "lovely", + -14.00879955291748 + ], + [ + "▁Lube", + -14.008844375610352 + ], + [ + "▁Admittedly", + -14.008856773376465 + ], + [ + "fuse", + -14.008882522583008 + ], + [ + "▁Carp", + -14.008889198303224 + ], + [ + "▁meager", + -14.008993148803713 + ], + [ + "▁Dhan", + -14.00904655456543 + ], + [ + "▁SDG", + -14.00908374786377 + ], + [ + "▁DVI", + -14.009093284606934 + ], + [ + "▁frameless", + -14.009174346923828 + ], + [ + "▁Crank", + -14.009237289428713 + ], + [ + "lender", + -14.009242057800291 + ], + [ + "▁glides", + -14.009318351745604 + ], + [ + "variant", + -14.00932788848877 + ], + [ + "gret", + -14.009334564208984 + ], + [ + "▁EFI", + -14.009374618530272 + ], + [ + "▁ballads", + -14.009536743164062 + ], + [ + "devi", + -14.009543418884276 + ], + [ + "ANDA", + -14.009578704833984 + ], + [ + "162", + -14.00961208343506 + ], + [ + "Elect", + -14.00962257385254 + ], + [ + "details", + -14.009748458862305 + ], + [ + "▁1962.", + -14.009751319885254 + ], + [ + "▁downloader", + -14.009807586669922 + ], + [ + "aloo", + -14.009824752807615 + ], + [ + "▁10:2", + -14.009836196899414 + ], + [ + "▁strollers", + -14.009888648986816 + ], + [ + "▁taut", + -14.00992488861084 + ], + [ + "koff", + -14.009940147399902 + ], + [ + "▁elixir", + -14.00999641418457 + ], + [ + "▁Prudential", + -14.009997367858888 + ], + [ + "▁chlorophyll", + -14.009997367858888 + ], + [ + "▁debacle", + -14.009997367858888 + ], + [ + "▁dignitaries", + -14.009997367858888 + ], + [ + "▁manslaughter", + -14.009998321533203 + ], + [ + "▁kefir", + -14.010001182556152 + ], + [ + "▁voluminous", + -14.010002136230469 + ], + [ + "▁spleen", + -14.010004997253418 + ], + [ + "▁derelict", + -14.010005950927734 + ], + [ + "▁telemetry", + -14.010005950927734 + ], + [ + "▁outlandish", + -14.010007858276367 + ], + [ + "▁Salazar", + -14.010008811950684 + ], + [ + "▁expulsion", + -14.010010719299316 + ], + [ + "▁Flagstaff", + -14.01001262664795 + ], + [ + "▁Houzz", + -14.01001262664795 + ], + [ + "▁Galleria", + -14.010017395019531 + ], + [ + "▁Englewood", + -14.010038375854492 + ], + [ + "▁Duplex", + -14.010045051574709 + ], + [ + "▁Galloway", + -14.010046005249023 + ], + [ + "▁Gud", + -14.010047912597656 + ], + [ + "▁Carleton", + -14.010058403015137 + ], + [ + "▁skein", + -14.01006317138672 + ], + [ + "▁Tundra", + -14.01007080078125 + ], + [ + "▁Natalia", + -14.010076522827148 + ], + [ + "▁preoccupied", + -14.010080337524414 + ], + [ + "▁lineman", + -14.010086059570312 + ], + [ + "▁tact", + -14.010086059570312 + ], + [ + "▁Emoji", + -14.010092735290527 + ], + [ + "▁Spirituality", + -14.01013469696045 + ], + [ + "▁firefox", + -14.010143280029297 + ], + [ + "▁straddle", + -14.010171890258787 + ], + [ + "▁Ira", + -14.01019287109375 + ], + [ + "▁Owing", + -14.010194778442385 + ], + [ + "▁QE", + -14.010207176208496 + ], + [ + "▁folate", + -14.010207176208496 + ], + [ + "▁strait", + -14.010225296020508 + ], + [ + "▁Remedy", + -14.01024341583252 + ], + [ + "▁minted", + -14.01024341583252 + ], + [ + "yung", + -14.010247230529783 + ], + [ + "▁Daw", + -14.010249137878418 + ], + [ + "NGO", + -14.010300636291504 + ], + [ + "658", + -14.01031494140625 + ], + [ + "▁orthodontics", + -14.010320663452148 + ], + [ + "▁hearted", + -14.01032257080078 + ], + [ + "bps", + -14.010324478149414 + ], + [ + "▁Uninstaller", + -14.01032543182373 + ], + [ + "▁agribusiness", + -14.010357856750488 + ], + [ + "▁MED", + -14.0103759765625 + ], + [ + "effectively", + -14.010380744934082 + ], + [ + "Disk", + -14.010395050048828 + ], + [ + "▁(36", + -14.010480880737305 + ], + [ + "▁Selena", + -14.010589599609377 + ], + [ + "BOT", + -14.010604858398438 + ], + [ + "▁Rational", + -14.010625839233398 + ], + [ + "▁Castel", + -14.010652542114258 + ], + [ + "▁Teri", + -14.010687828063965 + ], + [ + "Maintenance", + -14.010690689086914 + ], + [ + "▁Pounds", + -14.01069450378418 + ], + [ + "Liverpool", + -14.010695457458496 + ], + [ + "Toyota", + -14.010695457458496 + ], + [ + "soaked", + -14.010697364807127 + ], + [ + "contemporary", + -14.010702133178713 + ], + [ + "▁dll", + -14.010714530944824 + ], + [ + "cabinet", + -14.010866165161133 + ], + [ + "▁actuator", + -14.010906219482422 + ], + [ + "▁Mahi", + -14.010988235473633 + ], + [ + "▁MSA", + -14.011003494262695 + ], + [ + "expanding", + -14.011022567749023 + ], + [ + "▁Pecan", + -14.011030197143556 + ], + [ + "▁useable", + -14.01108741760254 + ], + [ + "▁Vantage", + -14.011098861694336 + ], + [ + "▁burying", + -14.011116027832031 + ], + [ + "▁frosty", + -14.011210441589355 + ], + [ + "Institute", + -14.011215209960938 + ], + [ + "Yum", + -14.011218070983888 + ], + [ + "▁Blazer", + -14.011228561401367 + ], + [ + "uver", + -14.011272430419922 + ], + [ + "brake", + -14.011287689208984 + ], + [ + "▁rapids", + -14.01131820678711 + ], + [ + "cigarettes", + -14.011327743530272 + ], + [ + "▁Jax", + -14.011364936828612 + ], + [ + "▁Qualifications", + -14.01140308380127 + ], + [ + "▁outperformed", + -14.011414527893066 + ], + [ + "▁dizzying", + -14.011419296264648 + ], + [ + "haka", + -14.01142120361328 + ], + [ + "▁slur", + -14.011630058288574 + ], + [ + "▁gallop", + -14.01165771484375 + ], + [ + "CTE", + -14.011719703674316 + ], + [ + "▁faceted", + -14.011731147766112 + ], + [ + "TRACK", + -14.011798858642578 + ], + [ + "▁Hollis", + -14.011834144592283 + ], + [ + "▁polygon", + -14.011834144592283 + ], + [ + "lj", + -14.011858940124512 + ], + [ + "▁Detectives", + -14.011860847473145 + ], + [ + "▁winemakers", + -14.01188850402832 + ], + [ + "Def", + -14.012006759643556 + ], + [ + "imat", + -14.012046813964844 + ], + [ + "▁APAC", + -14.012064933776855 + ], + [ + "Sail", + -14.012097358703612 + ], + [ + "tala", + -14.01211166381836 + ], + [ + "wadi", + -14.012187957763672 + ], + [ + "▁injectors", + -14.012191772460938 + ], + [ + "▁passively", + -14.012192726135254 + ], + [ + "connection", + -14.012296676635742 + ], + [ + "▁Balancing", + -14.012327194213867 + ], + [ + "▁Birk", + -14.012330055236816 + ], + [ + "Leon", + -14.01235294342041 + ], + [ + "▁Lynda", + -14.012362480163574 + ], + [ + "inian", + -14.01250171661377 + ], + [ + "▁wasps", + -14.01251983642578 + ], + [ + "▁Kuhn", + -14.012535095214844 + ], + [ + "▁atheists", + -14.012578964233398 + ], + [ + "▁clothed", + -14.01258659362793 + ], + [ + "▁lingers", + -14.01258659362793 + ], + [ + "▁Berna", + -14.012657165527344 + ], + [ + "Nearest", + -14.012779235839844 + ], + [ + "▁Sah", + -14.012810707092283 + ], + [ + "rows", + -14.012815475463867 + ], + [ + "▁Hodges", + -14.012849807739258 + ], + [ + "▁sildenafil", + -14.012850761413574 + ], + [ + "▁whitewater", + -14.012887001037598 + ], + [ + "▁candied", + -14.012892723083496 + ], + [ + "suits", + -14.012899398803713 + ], + [ + "keys", + -14.012921333312988 + ], + [ + "▁paradigms", + -14.012998580932615 + ], + [ + "2,800", + -14.013052940368652 + ], + [ + "bk", + -14.013099670410156 + ], + [ + "324", + -14.013140678405762 + ], + [ + "▁Merger", + -14.013155937194824 + ], + [ + "▁moldings", + -14.013181686401367 + ], + [ + "▁prevails", + -14.013195991516112 + ], + [ + "SAL", + -14.01320457458496 + ], + [ + "▁WWF", + -14.0132417678833 + ], + [ + "▁Derma", + -14.013293266296388 + ], + [ + "Hero", + -14.01335906982422 + ], + [ + "▁examiners", + -14.0133638381958 + ], + [ + "ckel", + -14.013382911682127 + ], + [ + "▁Duc", + -14.013386726379396 + ], + [ + "▁rusted", + -14.013392448425291 + ], + [ + "▁rips", + -14.013437271118164 + ], + [ + "▁Tread", + -14.013497352600098 + ], + [ + "Cube", + -14.013505935668944 + ], + [ + "ECA", + -14.013527870178224 + ], + [ + "▁Commonly", + -14.013541221618652 + ], + [ + "▁Portraits", + -14.01356315612793 + ], + [ + "VIEW", + -14.01358127593994 + ], + [ + "esha", + -14.01366138458252 + ], + [ + "1945", + -14.013731956481934 + ], + [ + "664", + -14.013757705688477 + ], + [ + "▁sardines", + -14.013779640197754 + ], + [ + "▁Reputation", + -14.013787269592283 + ], + [ + "▁celebs", + -14.013849258422852 + ], + [ + "▁crowning", + -14.013860702514648 + ], + [ + "fran", + -14.01388931274414 + ], + [ + "▁heli", + -14.013896942138672 + ], + [ + "advanced", + -14.013916015625 + ], + [ + "nvestigative", + -14.01395320892334 + ], + [ + "▁Cycles", + -14.01398754119873 + ], + [ + "▁WSU", + -14.01402473449707 + ], + [ + "eid", + -14.014063835144045 + ], + [ + "iello", + -14.014076232910156 + ], + [ + "▁McA", + -14.01410961151123 + ], + [ + "▁Flare", + -14.014161109924316 + ], + [ + "▁tincture", + -14.01416301727295 + ], + [ + "▁Strasbourg", + -14.014163970947266 + ], + [ + "▁bereavement", + -14.014163970947266 + ], + [ + "▁dermatology", + -14.014163970947266 + ], + [ + "▁optimising", + -14.014163970947266 + ], + [ + "▁osmosis", + -14.014163970947266 + ], + [ + "▁psychotherapist", + -14.014163970947266 + ], + [ + "▁september", + -14.014163970947266 + ], + [ + "▁xenical", + -14.014163970947266 + ], + [ + "▁Mikhail", + -14.014164924621582 + ], + [ + "▁composure", + -14.014164924621582 + ], + [ + "▁asterisk", + -14.014165878295898 + ], + [ + "▁observant", + -14.014165878295898 + ], + [ + "▁Radisson", + -14.014168739318848 + ], + [ + "▁Synergy", + -14.014168739318848 + ], + [ + "▁sebum", + -14.014171600341797 + ], + [ + "▁quantified", + -14.01417350769043 + ], + [ + "▁BETTER", + -14.01418113708496 + ], + [ + "▁Crohn", + -14.014183044433594 + ], + [ + "▁unsatisfied", + -14.014189720153809 + ], + [ + "▁cadence", + -14.014190673828123 + ], + [ + "▁protestors", + -14.01419448852539 + ], + [ + "▁Penelope", + -14.014202117919922 + ], + [ + "▁dislocation", + -14.014203071594238 + ], + [ + "▁biopic", + -14.014223098754885 + ], + [ + "▁electrifying", + -14.014245986938477 + ], + [ + "▁edema", + -14.014257431030272 + ], + [ + "▁Dimitri", + -14.01426124572754 + ], + [ + "▁guardianship", + -14.01430606842041 + ], + [ + "▁sportsmanship", + -14.014348983764648 + ], + [ + "▁GMAT", + -14.014434814453123 + ], + [ + "▁Livestock", + -14.014434814453123 + ], + [ + "▁braised", + -14.014480590820312 + ], + [ + "▁Onyx", + -14.014481544494627 + ], + [ + "itative", + -14.014511108398438 + ], + [ + "▁2018/19", + -14.01461410522461 + ], + [ + "▁hoot", + -14.014630317687988 + ], + [ + "▁gent", + -14.014640808105469 + ], + [ + "Increasing", + -14.01469898223877 + ], + [ + "▁Ember", + -14.014727592468262 + ], + [ + "▁gp", + -14.01473903656006 + ], + [ + "▁GHG", + -14.01474952697754 + ], + [ + "▁fingernails", + -14.014758110046388 + ], + [ + "▁ambush", + -14.014798164367676 + ], + [ + "▁discreetly", + -14.014838218688965 + ], + [ + "▁Specs", + -14.01484489440918 + ], + [ + "hosts", + -14.014849662780762 + ], + [ + "▁AQ", + -14.014866828918455 + ], + [ + "▁Greet", + -14.01486873626709 + ], + [ + "Font", + -14.014901161193848 + ], + [ + "▁downpour", + -14.01491641998291 + ], + [ + "▁Modelling", + -14.014923095703123 + ], + [ + "Nasdaq", + -14.014938354492188 + ], + [ + "▁pacific", + -14.014949798583984 + ], + [ + "Occasionally", + -14.0149507522583 + ], + [ + "Domestic", + -14.01496124267578 + ], + [ + "Coconut", + -14.014963150024414 + ], + [ + "premium", + -14.01496410369873 + ], + [ + "seekers", + -14.014966011047363 + ], + [ + "spectrum", + -14.014966011047363 + ], + [ + "Kyle", + -14.014969825744627 + ], + [ + "▁sealants", + -14.01501178741455 + ], + [ + "bili", + -14.015020370483398 + ], + [ + "Carlton", + -14.015064239501951 + ], + [ + "diesel", + -14.015118598937988 + ], + [ + "▁rupee", + -14.01513385772705 + ], + [ + "▁reusing", + -14.0152006149292 + ], + [ + "▁dud", + -14.015241622924805 + ], + [ + "▁stumped", + -14.015249252319336 + ], + [ + "▁327", + -14.01536464691162 + ], + [ + "▁Clouds", + -14.015398979187012 + ], + [ + "matrix", + -14.015413284301758 + ], + [ + "▁ADV", + -14.015421867370604 + ], + [ + "righteous", + -14.015440940856934 + ], + [ + "▁Deploy", + -14.015453338623049 + ], + [ + "scrap", + -14.015487670898438 + ], + [ + "Assad", + -14.015494346618652 + ], + [ + "933", + -14.015588760375977 + ], + [ + "Adopt", + -14.015654563903809 + ], + [ + "chil", + -14.015664100646973 + ], + [ + "thomas", + -14.015702247619627 + ], + [ + "▁Trapp", + -14.01571559906006 + ], + [ + "▁gambler", + -14.01576805114746 + ], + [ + "▁TBR", + -14.015813827514648 + ], + [ + "▁Callum", + -14.015819549560549 + ], + [ + "martin", + -14.01585292816162 + ], + [ + "tied", + -14.015871047973633 + ], + [ + "▁Stub", + -14.01587963104248 + ], + [ + "▁Loaded", + -14.01594066619873 + ], + [ + "▁empathize", + -14.015951156616213 + ], + [ + "▁Miz", + -14.015952110290527 + ], + [ + "▁Germain", + -14.01600170135498 + ], + [ + "▁retreated", + -14.01602268218994 + ], + [ + "bloom", + -14.016048431396484 + ], + [ + "+4", + -14.016050338745115 + ], + [ + "▁jackpots", + -14.016058921813965 + ], + [ + "HRM", + -14.01611328125 + ], + [ + "▁Saa", + -14.016117095947266 + ], + [ + "▁WARNING", + -14.016130447387695 + ], + [ + "845", + -14.016249656677246 + ], + [ + "▁Hp", + -14.016304969787598 + ], + [ + "022", + -14.016324043273926 + ], + [ + "▁lei", + -14.016337394714355 + ], + [ + "868", + -14.016338348388672 + ], + [ + "amen", + -14.01634120941162 + ], + [ + "▁ETA", + -14.016343116760254 + ], + [ + "▁COVER", + -14.01636028289795 + ], + [ + "MINE", + -14.0164155960083 + ], + [ + "Bun", + -14.016472816467283 + ], + [ + "SIDE", + -14.016517639160156 + ], + [ + "▁Hamid", + -14.016550064086914 + ], + [ + "▁sketchy", + -14.016558647155762 + ], + [ + "FET", + -14.016562461853027 + ], + [ + "▁highland", + -14.016566276550291 + ], + [ + "▁rags", + -14.016657829284668 + ], + [ + "▁90,000", + -14.01669692993164 + ], + [ + "▁sprinter", + -14.016807556152344 + ], + [ + "-6)", + -14.01681423187256 + ], + [ + "▁Receiving", + -14.016885757446287 + ], + [ + "▁Serb", + -14.016922950744627 + ], + [ + "hro", + -14.01699924468994 + ], + [ + "POWER", + -14.01707363128662 + ], + [ + "TRU", + -14.017099380493164 + ], + [ + "▁shattering", + -14.017117500305176 + ], + [ + "▁EDGE", + -14.01713752746582 + ], + [ + "▁bowled", + -14.017244338989258 + ], + [ + "▁DPI", + -14.017247200012209 + ], + [ + "Drivers", + -14.01726245880127 + ], + [ + "▁revolutions", + -14.01729679107666 + ], + [ + "▁MRC", + -14.017343521118164 + ], + [ + "▁entitles", + -14.017386436462402 + ], + [ + "▁1.5-", + -14.017419815063477 + ], + [ + "dham", + -14.017428398132324 + ], + [ + "▁rubs", + -14.01745891571045 + ], + [ + "▁VST", + -14.017492294311523 + ], + [ + "▁Siem", + -14.017521858215332 + ], + [ + "▁WTF", + -14.017660140991213 + ], + [ + "Dig", + -14.017661094665527 + ], + [ + "Leaders", + -14.017707824707031 + ], + [ + "▁Jed", + -14.017715454101562 + ], + [ + "▁Sana", + -14.017760276794434 + ], + [ + "Kha", + -14.017826080322266 + ], + [ + "Provided", + -14.017840385437012 + ], + [ + "▁microwaves", + -14.01788330078125 + ], + [ + "▁resurrect", + -14.017891883850098 + ], + [ + "▁jour", + -14.017926216125488 + ], + [ + "jc", + -14.01795768737793 + ], + [ + "▁reposition", + -14.017985343933104 + ], + [ + "▁overwrite", + -14.01801300048828 + ], + [ + "▁XO", + -14.01803493499756 + ], + [ + "rett", + -14.018054008483888 + ], + [ + "▁prohibitive", + -14.018150329589844 + ], + [ + "▁Ester", + -14.018163681030272 + ], + [ + "oin", + -14.01817226409912 + ], + [ + "▁Juniors", + -14.01817512512207 + ], + [ + "oscopy", + -14.018181800842283 + ], + [ + "▁Notifications", + -14.018206596374512 + ], + [ + "establish", + -14.018207550048828 + ], + [ + "organ", + -14.018234252929688 + ], + [ + "▁Particular", + -14.018255233764648 + ], + [ + "Grill", + -14.018292427062988 + ], + [ + "▁Britannia", + -14.01834774017334 + ], + [ + "▁Christensen", + -14.01834774017334 + ], + [ + "▁ENJOY", + -14.01834774017334 + ], + [ + "▁Libertarian", + -14.01834774017334 + ], + [ + "▁Marshmallow", + -14.01834774017334 + ], + [ + "▁Nuremberg", + -14.01834774017334 + ], + [ + "▁egregious", + -14.01834774017334 + ], + [ + "▁enthralling", + -14.01834774017334 + ], + [ + "▁epidemiology", + -14.01834774017334 + ], + [ + "▁euthanasia", + -14.01834774017334 + ], + [ + "▁virtuoso", + -14.01834774017334 + ], + [ + "▁Carlsbad", + -14.018349647521973 + ], + [ + "▁zoloft", + -14.018349647521973 + ], + [ + "▁neurodegenerati", + -14.018350601196287 + ], + [ + "▁Nanjing", + -14.018352508544922 + ], + [ + "▁Malvern", + -14.018354415893556 + ], + [ + "▁Outfitters", + -14.018354415893556 + ], + [ + "▁airwaves", + -14.018356323242188 + ], + [ + "▁ASCII", + -14.018357276916504 + ], + [ + "▁beetroot", + -14.018366813659668 + ], + [ + "▁dissimilar", + -14.018366813659668 + ], + [ + "▁vigilance", + -14.018367767333984 + ], + [ + "▁Zimmer", + -14.018370628356934 + ], + [ + "▁BYOD", + -14.018376350402832 + ], + [ + "▁hcg", + -14.01837921142578 + ], + [ + "▁aberration", + -14.018399238586426 + ], + [ + "▁Kieran", + -14.01840114593506 + ], + [ + "▁Midwestern", + -14.01840591430664 + ], + [ + "▁Told", + -14.01841163635254 + ], + [ + "▁Kosher", + -14.01844596862793 + ], + [ + "Staple", + -14.018494606018066 + ], + [ + "▁Seventy", + -14.018495559692385 + ], + [ + "▁foaming", + -14.018506050109863 + ], + [ + "▁pelt", + -14.018508911132812 + ], + [ + "BAC", + -14.018512725830078 + ], + [ + "UGG", + -14.018513679504396 + ], + [ + "▁Dividend", + -14.018550872802734 + ], + [ + "-105", + -14.01857852935791 + ], + [ + "▁Prohibition", + -14.018595695495604 + ], + [ + "foss", + -14.01860237121582 + ], + [ + "▁lifesaving", + -14.018656730651855 + ], + [ + "▁Sabres", + -14.018667221069336 + ], + [ + "▁????????", + -14.018712997436523 + ], + [ + "▁instantaneously", + -14.018749237060549 + ], + [ + "▁repetitions", + -14.018756866455078 + ], + [ + "▁Fah", + -14.018808364868164 + ], + [ + "ере", + -14.018841743469238 + ], + [ + "▁Arrangements", + -14.01886749267578 + ], + [ + "brough", + -14.01888942718506 + ], + [ + "Comes", + -14.018905639648438 + ], + [ + "▁Sabah", + -14.018915176391602 + ], + [ + "▁Bari", + -14.018924713134766 + ], + [ + "osaurus", + -14.018932342529297 + ], + [ + "align", + -14.018953323364258 + ], + [ + "Sew", + -14.01897430419922 + ], + [ + "▁avian", + -14.019000053405762 + ], + [ + "▁Fascinating", + -14.019001007080078 + ], + [ + "issen", + -14.019020080566406 + ], + [ + "deliver", + -14.019036293029783 + ], + [ + "▁flourishes", + -14.019039154052734 + ], + [ + "▁Appl", + -14.019042015075684 + ], + [ + "▁fairer", + -14.019048690795898 + ], + [ + "05)", + -14.019054412841797 + ], + [ + "Won", + -14.019116401672363 + ], + [ + "▁Richland", + -14.019128799438477 + ], + [ + "EIGHT", + -14.019143104553224 + ], + [ + "chance", + -14.019222259521484 + ], + [ + "Portrait", + -14.0192289352417 + ], + [ + "bullying", + -14.019250869750977 + ], + [ + "Funeral", + -14.019253730773926 + ], + [ + "▁artistically", + -14.019259452819824 + ], + [ + "Russell", + -14.01926040649414 + ], + [ + "811", + -14.019265174865724 + ], + [ + "Hollywood", + -14.019285202026367 + ], + [ + "▁Astoria", + -14.019326210021973 + ], + [ + "▁Garg", + -14.01934814453125 + ], + [ + "Airport", + -14.019350051879885 + ], + [ + "▁skyscraper", + -14.019367218017578 + ], + [ + "Anybody", + -14.019386291503906 + ], + [ + "Malaysia", + -14.01939582824707 + ], + [ + "▁correctional", + -14.01941204071045 + ], + [ + "▁alto", + -14.01943016052246 + ], + [ + "▁Faithful", + -14.019455909729004 + ], + [ + "Scar", + -14.019460678100586 + ], + [ + "▁Salam", + -14.019492149353027 + ], + [ + "▁sis", + -14.019500732421877 + ], + [ + "▁opp", + -14.01951026916504 + ], + [ + "Nathan", + -14.019542694091797 + ], + [ + "mec", + -14.019566535949709 + ], + [ + "Antique", + -14.019567489624023 + ], + [ + "▁comedies", + -14.019617080688477 + ], + [ + "▁phony", + -14.019625663757324 + ], + [ + "▁cel", + -14.01967430114746 + ], + [ + "164", + -14.019678115844728 + ], + [ + "Rates", + -14.019729614257812 + ], + [ + "▁wearables", + -14.019816398620604 + ], + [ + "BET", + -14.019820213317873 + ], + [ + "▁Siegel", + -14.01982593536377 + ], + [ + "193", + -14.019904136657717 + ], + [ + "▁SELECT", + -14.019964218139648 + ], + [ + "▁formality", + -14.02003574371338 + ], + [ + "kate", + -14.020187377929688 + ], + [ + "▁Lus", + -14.020254135131836 + ], + [ + "Qual", + -14.020255088806152 + ], + [ + "▁980", + -14.020309448242188 + ], + [ + "▁Wheelchair", + -14.020319938659668 + ], + [ + "028", + -14.020353317260742 + ], + [ + "▁Huber", + -14.020395278930664 + ], + [ + "PTA", + -14.020478248596191 + ], + [ + "Duke", + -14.020649909973145 + ], + [ + "Employee", + -14.0206937789917 + ], + [ + "Portland", + -14.02076244354248 + ], + [ + "▁potable", + -14.020769119262695 + ], + [ + "latin", + -14.020787239074709 + ], + [ + "▁Freestyle", + -14.020813941955566 + ], + [ + "▁Yarra", + -14.020841598510742 + ], + [ + "yuk", + -14.020856857299805 + ], + [ + "▁Syrians", + -14.020858764648438 + ], + [ + "▁disliked", + -14.020883560180664 + ], + [ + "luc", + -14.020919799804688 + ], + [ + "▁sufferer", + -14.021007537841797 + ], + [ + "▁lobe", + -14.021011352539062 + ], + [ + "▁gist", + -14.02108097076416 + ], + [ + "ronic", + -14.021100044250488 + ], + [ + "▁PubMed", + -14.021112442016602 + ], + [ + "▁wowed", + -14.02122974395752 + ], + [ + "RPC", + -14.021418571472168 + ], + [ + "Commenting", + -14.021488189697266 + ], + [ + "Donna", + -14.021524429321287 + ], + [ + "▁Ordering", + -14.021566390991213 + ], + [ + "ITCH", + -14.021615982055664 + ], + [ + "Activ", + -14.021632194519045 + ], + [ + "4:15", + -14.02163791656494 + ], + [ + "PRE", + -14.021642684936523 + ], + [ + "Mama", + -14.021676063537598 + ], + [ + "▁Presenting", + -14.021679878234863 + ], + [ + "forced", + -14.02171230316162 + ], + [ + "▁EAS", + -14.021727561950684 + ], + [ + "porous", + -14.021864891052246 + ], + [ + "pian", + -14.021865844726562 + ], + [ + "evolution", + -14.021955490112305 + ], + [ + "Shin", + -14.02205753326416 + ], + [ + "▁Toward", + -14.022077560424805 + ], + [ + "melt", + -14.022086143493652 + ], + [ + "▁£1,000", + -14.022133827209473 + ], + [ + "vig", + -14.022269248962402 + ], + [ + "▁Aide", + -14.022278785705566 + ], + [ + "▁Optimal", + -14.02231502532959 + ], + [ + "▁PROVIDE", + -14.02232551574707 + ], + [ + "▁Nya", + -14.022337913513184 + ], + [ + "▁grasped", + -14.02235984802246 + ], + [ + "▁justifying", + -14.022379875183104 + ], + [ + "▁CFS", + -14.022415161132812 + ], + [ + "1:15", + -14.02243709564209 + ], + [ + "▁Gaul", + -14.022442817687988 + ], + [ + "ologi", + -14.02248764038086 + ], + [ + "lister", + -14.022538185119627 + ], + [ + "▁ANGELES", + -14.022549629211426 + ], + [ + "▁Mysteries", + -14.022549629211426 + ], + [ + "▁articulating", + -14.022549629211426 + ], + [ + "▁divinity", + -14.022549629211426 + ], + [ + "▁fibrillation", + -14.022549629211426 + ], + [ + "▁kimchi", + -14.022549629211426 + ], + [ + "▁privatization", + -14.022549629211426 + ], + [ + "▁endorsing", + -14.022550582885742 + ], + [ + "wack", + -14.02255153656006 + ], + [ + "▁Folsom", + -14.022553443908691 + ], + [ + "▁immunotherapy", + -14.022555351257324 + ], + [ + "▁Montclair", + -14.022558212280272 + ], + [ + "▁attrition", + -14.022558212280272 + ], + [ + "▁juicing", + -14.022558212280272 + ], + [ + "▁unsatisfactory", + -14.022561073303224 + ], + [ + "▁dossier", + -14.02256202697754 + ], + [ + "▁NetEnt", + -14.022562980651855 + ], + [ + "▁Semester", + -14.022563934326172 + ], + [ + "▁cowboys", + -14.022567749023438 + ], + [ + "▁Staircase", + -14.022573471069336 + ], + [ + "thwaite", + -14.022576332092283 + ], + [ + "▁dissolving", + -14.022586822509766 + ], + [ + "▁cornbread", + -14.022591590881348 + ], + [ + "▁genotype", + -14.022594451904297 + ], + [ + "▁Beatrice", + -14.022604942321776 + ], + [ + "▁Deadpool", + -14.02260971069336 + ], + [ + "▁Goblin", + -14.022613525390623 + ], + [ + "▁Stuck", + -14.022631645202637 + ], + [ + "▁napping", + -14.022668838500977 + ], + [ + "▁Scuba", + -14.022669792175291 + ], + [ + "▁Pollock", + -14.022675514221191 + ], + [ + "▁mojo", + -14.022697448730469 + ], + [ + "tests", + -14.022732734680176 + ], + [ + "▁peaking", + -14.022768020629885 + ], + [ + "endorf", + -14.022774696350098 + ], + [ + "▁$25.00", + -14.022793769836426 + ], + [ + "▁ousted", + -14.022850036621094 + ], + [ + "ouche", + -14.022878646850586 + ], + [ + "▁ESD", + -14.02289867401123 + ], + [ + "▁hiker", + -14.022899627685549 + ], + [ + "▁scarlet", + -14.022910118103027 + ], + [ + "921", + -14.02291202545166 + ], + [ + "▁Famer", + -14.02291202545166 + ], + [ + "▁Kruger", + -14.022920608520508 + ], + [ + "▁dogged", + -14.02296257019043 + ], + [ + "▁fondness", + -14.022976875305176 + ], + [ + "▁moan", + -14.023035049438477 + ], + [ + "reality", + -14.023162841796877 + ], + [ + "MCA", + -14.023207664489746 + ], + [ + "▁purifying", + -14.023213386535645 + ], + [ + "▁infrequently", + -14.023256301879885 + ], + [ + "334", + -14.023273468017578 + ], + [ + "▁dissection", + -14.02329158782959 + ], + [ + "▁Monde", + -14.023392677307127 + ], + [ + "▁ventricular", + -14.023454666137695 + ], + [ + "▁outlast", + -14.023548126220703 + ], + [ + "confident", + -14.023557662963867 + ], + [ + "Murray", + -14.023579597473145 + ], + [ + "tzen", + -14.023604393005373 + ], + [ + "Stories", + -14.023609161376951 + ], + [ + "▁revitalized", + -14.023642539978027 + ], + [ + "▁Matches", + -14.023666381835938 + ], + [ + "Monster", + -14.023754119873049 + ], + [ + "Decide", + -14.023794174194336 + ], + [ + "dica", + -14.023818969726562 + ], + [ + "▁statuses", + -14.023846626281738 + ], + [ + "▁dumbbells", + -14.023869514465332 + ], + [ + "▁doubted", + -14.023887634277344 + ], + [ + "▁ranches", + -14.023889541625977 + ], + [ + "▁budge", + -14.023892402648926 + ], + [ + "ckman", + -14.023921966552734 + ], + [ + "DED", + -14.02393913269043 + ], + [ + "▁Bris", + -14.023947715759276 + ], + [ + "Generation", + -14.024007797241213 + ], + [ + "▁bushel", + -14.024025917053224 + ], + [ + "▁blossomed", + -14.02405071258545 + ], + [ + "Lucy", + -14.024067878723145 + ], + [ + "▁specif", + -14.02407455444336 + ], + [ + "▁warped", + -14.024092674255373 + ], + [ + "▁smoothed", + -14.024093627929688 + ], + [ + "▁PCIe", + -14.02410125732422 + ], + [ + "▁Bandit", + -14.024106979370115 + ], + [ + "▁801", + -14.024176597595217 + ], + [ + "minor", + -14.024185180664062 + ], + [ + "▁iii", + -14.024235725402832 + ], + [ + "SRA", + -14.024267196655272 + ], + [ + "NSA", + -14.024346351623535 + ], + [ + "▁maneuvering", + -14.024352073669434 + ], + [ + "▁Amin", + -14.024362564086914 + ], + [ + "▁Navigate", + -14.02446460723877 + ], + [ + "RANGE", + -14.024518013000488 + ], + [ + "▁Augustus", + -14.02451992034912 + ], + [ + "▁compounding", + -14.024531364440918 + ], + [ + "31)", + -14.024544715881348 + ], + [ + "abl", + -14.024613380432127 + ], + [ + "▁appropriations", + -14.02463722229004 + ], + [ + "skaya", + -14.024645805358888 + ], + [ + "▁Mice", + -14.02466106414795 + ], + [ + "▁houston", + -14.024686813354492 + ], + [ + "skirt", + -14.024735450744627 + ], + [ + "689", + -14.024742126464844 + ], + [ + "▁STD", + -14.024765014648438 + ], + [ + "elite", + -14.02481460571289 + ], + [ + "LITE", + -14.024837493896484 + ], + [ + "Est", + -14.02488899230957 + ], + [ + "dron", + -14.024895668029783 + ], + [ + "environmental", + -14.02489948272705 + ], + [ + "▁ravaged", + -14.02489948272705 + ], + [ + "lawn", + -14.024917602539062 + ], + [ + "lala", + -14.024972915649414 + ], + [ + "▁Decal", + -14.024978637695312 + ], + [ + "falls", + -14.024994850158691 + ], + [ + "uhl", + -14.025016784667969 + ], + [ + "▁surrendering", + -14.025019645690918 + ], + [ + "▁Barra", + -14.025059700012209 + ], + [ + "aboo", + -14.025081634521484 + ], + [ + "▁Announcement", + -14.025081634521484 + ], + [ + "▁LAKE", + -14.025150299072266 + ], + [ + "▁superstars", + -14.025150299072266 + ], + [ + "687", + -14.025185585021973 + ], + [ + "kok", + -14.02529525756836 + ], + [ + "drivers", + -14.025303840637209 + ], + [ + "Extend", + -14.02535915374756 + ], + [ + "▁Dara", + -14.02542781829834 + ], + [ + "dae", + -14.025472640991213 + ], + [ + "▁NOS", + -14.025493621826172 + ], + [ + "▁Orca", + -14.025497436523438 + ], + [ + "lase", + -14.025520324707031 + ], + [ + "▁Townhouse", + -14.025520324707031 + ], + [ + "▁Brum", + -14.025583267211914 + ], + [ + "Lynn", + -14.025687217712402 + ], + [ + "▁Retina", + -14.025689125061035 + ], + [ + "▁PRC", + -14.025771141052246 + ], + [ + "▁DMA", + -14.025809288024902 + ], + [ + "ange", + -14.025888442993164 + ], + [ + "HOME", + -14.025908470153809 + ], + [ + "▁Enroll", + -14.025956153869627 + ], + [ + "Jake", + -14.025996208190918 + ], + [ + "▁cataracts", + -14.025997161865234 + ], + [ + "▁PSC", + -14.026026725769045 + ], + [ + "▁Mariah", + -14.026068687438965 + ], + [ + "▁Reminder", + -14.02606964111328 + ], + [ + "1985", + -14.026185035705566 + ], + [ + "CIE", + -14.026225090026855 + ], + [ + "uddle", + -14.026260375976562 + ], + [ + "▁REALTOR", + -14.026301383972168 + ], + [ + "▁chestnuts", + -14.026389122009276 + ], + [ + "pond", + -14.026416778564451 + ], + [ + "▁CCM", + -14.026449203491213 + ], + [ + "▁Photographic", + -14.026469230651855 + ], + [ + "▁eventful", + -14.026504516601562 + ], + [ + "▁gps", + -14.026511192321776 + ], + [ + "▁Bev", + -14.026532173156738 + ], + [ + "▁Invent", + -14.02654266357422 + ], + [ + "▁Brandy", + -14.02657413482666 + ], + [ + "▁rout", + -14.026612281799316 + ], + [ + "▁Cobalt", + -14.026613235473633 + ], + [ + "result", + -14.026630401611328 + ], + [ + "setter", + -14.026630401611328 + ], + [ + "▁carcass", + -14.026639938354492 + ], + [ + "▁swells", + -14.026646614074709 + ], + [ + "▁Biotech", + -14.026694297790527 + ], + [ + "▁indebted", + -14.02671241760254 + ], + [ + "▁Brides", + -14.026721954345703 + ], + [ + "▁underarm", + -14.02675437927246 + ], + [ + "saccharide", + -14.026768684387209 + ], + [ + "▁Guadalupe", + -14.026768684387209 + ], + [ + "▁Kilimanjaro", + -14.026768684387209 + ], + [ + "▁fugitive", + -14.026768684387209 + ], + [ + "▁irreplaceable", + -14.026768684387209 + ], + [ + "▁terracotta", + -14.026768684387209 + ], + [ + "▁varicose", + -14.026768684387209 + ], + [ + "▁Guangdong", + -14.026769638061523 + ], + [ + "▁ventilator", + -14.026773452758787 + ], + [ + "▁buckwheat", + -14.026774406433104 + ], + [ + "▁skunk", + -14.026774406433104 + ], + [ + "▁Chloride", + -14.026780128479004 + ], + [ + "▁Fujifilm", + -14.026782035827637 + ], + [ + "▁Montague", + -14.026782989501951 + ], + [ + "▁Gibbons", + -14.02678394317627 + ], + [ + "▁Fisk", + -14.02678680419922 + ], + [ + "▁Skywalker", + -14.026793479919434 + ], + [ + "▁Chichester", + -14.02679443359375 + ], + [ + "▁catholic", + -14.026800155639648 + ], + [ + "▁Foil", + -14.026810646057127 + ], + [ + "▁Grafton", + -14.026827812194824 + ], + [ + "▁agnostic", + -14.026857376098633 + ], + [ + "▁marred", + -14.026863098144531 + ], + [ + "▁chronograph", + -14.026885986328123 + ], + [ + "▁rewind", + -14.026890754699709 + ], + [ + "▁$9.99", + -14.026910781860352 + ], + [ + "▁Sixteen", + -14.026938438415527 + ], + [ + "▁601", + -14.026947021484377 + ], + [ + "▁poodle", + -14.026959419250488 + ], + [ + "khar", + -14.02698802947998 + ], + [ + "▁Ofsted", + -14.026995658874512 + ], + [ + "▁epicenter", + -14.027006149291992 + ], + [ + "▁Newspapers", + -14.027017593383787 + ], + [ + "Lighting", + -14.027079582214355 + ], + [ + "▁plummeted", + -14.02711296081543 + ], + [ + "schedule", + -14.027154922485352 + ], + [ + "▁fortnightly", + -14.027174949645996 + ], + [ + "▁Pearls", + -14.027196884155272 + ], + [ + "▁reaffirmed", + -14.027202606201172 + ], + [ + "ital", + -14.027240753173828 + ], + [ + "Jin", + -14.027249336242676 + ], + [ + "mason", + -14.027286529541016 + ], + [ + "9′′", + -14.027311325073242 + ], + [ + "▁Probe", + -14.027337074279783 + ], + [ + "LDC", + -14.027344703674316 + ], + [ + "TIE", + -14.027348518371582 + ], + [ + "▁Prag", + -14.027352333068848 + ], + [ + "Gab", + -14.027379035949709 + ], + [ + "▁diagonally", + -14.027451515197754 + ], + [ + "▁licking", + -14.027613639831545 + ], + [ + "▁Lacey", + -14.027649879455566 + ], + [ + "088", + -14.027692794799805 + ], + [ + "▁inaction", + -14.027692794799805 + ], + [ + "▁Runway", + -14.027718544006348 + ], + [ + "▁Beside", + -14.027725219726562 + ], + [ + "TTY", + -14.02782154083252 + ], + [ + "▁sb", + -14.027841567993164 + ], + [ + "Chocolate", + -14.027853965759276 + ], + [ + "Preparation", + -14.027884483337402 + ], + [ + "Fabulous", + -14.027886390686035 + ], + [ + "prescription", + -14.027891159057615 + ], + [ + "Faculty", + -14.027894973754885 + ], + [ + "▁figurine", + -14.027905464172363 + ], + [ + "Trading", + -14.027908325195312 + ], + [ + "Monkey", + -14.027932167053224 + ], + [ + "▁rivets", + -14.027968406677246 + ], + [ + "fac", + -14.028013229370115 + ], + [ + "▁RAV", + -14.028013229370115 + ], + [ + "Az", + -14.028066635131836 + ], + [ + "▁corpses", + -14.028100967407228 + ], + [ + "Rh", + -14.028131484985352 + ], + [ + "inde", + -14.028159141540527 + ], + [ + "▁Aldo", + -14.028209686279297 + ], + [ + "egy", + -14.028258323669434 + ], + [ + "abb", + -14.028290748596191 + ], + [ + "▁wich", + -14.028318405151367 + ], + [ + "EED", + -14.028483390808104 + ], + [ + "eezer", + -14.028496742248535 + ], + [ + "▁Yummy", + -14.028536796569824 + ], + [ + "▁ACI", + -14.028544425964355 + ], + [ + "▁overheat", + -14.028571128845217 + ], + [ + "▁276", + -14.028590202331545 + ], + [ + "▁perusing", + -14.028599739074709 + ], + [ + "▁YUM", + -14.028605461120604 + ], + [ + "4.50", + -14.02861785888672 + ], + [ + "▁spectacularly", + -14.028703689575195 + ], + [ + "▁starry", + -14.028726577758787 + ], + [ + "▁apocalyptic", + -14.028759002685549 + ], + [ + "bao", + -14.028767585754396 + ], + [ + "▁penal", + -14.028770446777344 + ], + [ + "orient", + -14.028800964355469 + ], + [ + "ladder", + -14.028802871704102 + ], + [ + "Remarks", + -14.02885627746582 + ], + [ + "▁debuting", + -14.02889919281006 + ], + [ + "dental", + -14.029056549072266 + ], + [ + "271", + -14.02910614013672 + ], + [ + "▁CASH", + -14.029186248779297 + ], + [ + "▁Robe", + -14.02920913696289 + ], + [ + "072", + -14.029214859008787 + ], + [ + "BIG", + -14.029230117797852 + ], + [ + "▁overkill", + -14.029231071472168 + ], + [ + "▁este", + -14.02924919128418 + ], + [ + "Aero", + -14.029273986816406 + ], + [ + "cyclin", + -14.029279708862305 + ], + [ + "▁Inspect", + -14.029308319091797 + ], + [ + "/08", + -14.029326438903809 + ], + [ + "▁Corruption", + -14.029332160949709 + ], + [ + "marathon", + -14.029413223266602 + ], + [ + "▁Specially", + -14.029417991638184 + ], + [ + "▁Aya", + -14.029480934143066 + ], + [ + "▁Marlin", + -14.029488563537598 + ], + [ + "▁Scorpion", + -14.029521942138672 + ], + [ + "▁Trivia", + -14.029534339904783 + ], + [ + "Directed", + -14.029545783996582 + ], + [ + "▁Shaped", + -14.029546737670898 + ], + [ + "▁2016;", + -14.02955722808838 + ], + [ + "chte", + -14.029579162597656 + ], + [ + "▁345", + -14.029618263244627 + ], + [ + "checked", + -14.029623985290527 + ], + [ + "▁promos", + -14.029624938964844 + ], + [ + "▁punchy", + -14.029644966125488 + ], + [ + "▁Gunners", + -14.029701232910156 + ], + [ + "Allows", + -14.029702186584473 + ], + [ + "▁Dems", + -14.029743194580078 + ], + [ + "▁trimmings", + -14.02975082397461 + ], + [ + "▁NAD", + -14.02981662750244 + ], + [ + "▁Pei", + -14.030062675476074 + ], + [ + "▁pent", + -14.030070304870604 + ], + [ + "▁Tessa", + -14.030094146728516 + ], + [ + "▁Determin", + -14.030122756958008 + ], + [ + "▁sol", + -14.030133247375488 + ], + [ + "▁preside", + -14.030134201049805 + ], + [ + "ICI", + -14.030208587646484 + ], + [ + "icki", + -14.030237197875977 + ], + [ + "STAN", + -14.030261039733888 + ], + [ + "BASE", + -14.030275344848633 + ], + [ + "oha", + -14.030292510986328 + ], + [ + "▁roofer", + -14.030364990234377 + ], + [ + "▁summarise", + -14.030404090881348 + ], + [ + "debug", + -14.0304536819458 + ], + [ + "▁taunt", + -14.0304536819458 + ], + [ + "additional", + -14.030454635620115 + ], + [ + "▁Immigrant", + -14.03051471710205 + ], + [ + "▁spat", + -14.030540466308594 + ], + [ + "▁LOSS", + -14.030566215515137 + ], + [ + "▁Scranton", + -14.030622482299805 + ], + [ + "BIN", + -14.03064250946045 + ], + [ + "▁58%", + -14.030658721923828 + ], + [ + "▁Argent", + -14.030683517456056 + ], + [ + "pike", + -14.030688285827637 + ], + [ + "-4)", + -14.030725479125977 + ], + [ + "▁trad", + -14.030741691589355 + ], + [ + "nata", + -14.03076457977295 + ], + [ + "▁harnessed", + -14.030805587768556 + ], + [ + "lipped", + -14.03081512451172 + ], + [ + "moderate", + -14.030831336975098 + ], + [ + "▁awesomeness", + -14.030864715576172 + ], + [ + "▁apa", + -14.030987739562988 + ], + [ + "▁Lakshmi", + -14.031005859375 + ], + [ + "▁Refrigeration", + -14.031005859375 + ], + [ + "▁extrovert", + -14.031005859375 + ], + [ + "▁impeccably", + -14.031005859375 + ], + [ + "▁miserably", + -14.031005859375 + ], + [ + "▁permeability", + -14.031005859375 + ], + [ + "▁Malayalam", + -14.031010627746582 + ], + [ + "▁Mugabe", + -14.031013488769531 + ], + [ + "▁cypress", + -14.031014442443848 + ], + [ + "▁meddling", + -14.031014442443848 + ], + [ + "▁penultimate", + -14.031018257141112 + ], + [ + "▁panicked", + -14.031027793884276 + ], + [ + "▁Fiberglass", + -14.031030654907228 + ], + [ + "▁Levitra", + -14.03104305267334 + ], + [ + "▁scotch", + -14.031044960021973 + ], + [ + "▁Millennial", + -14.031055450439451 + ], + [ + "▁unify", + -14.031085968017578 + ], + [ + "▁Pilots", + -14.03109359741211 + ], + [ + "▁twinkle", + -14.03109645843506 + ], + [ + "zil", + -14.03110122680664 + ], + [ + "▁ZO", + -14.03110408782959 + ], + [ + "▁debugger", + -14.031105995178224 + ], + [ + "▁Dao", + -14.031132698059082 + ], + [ + "▁Goodyear", + -14.031132698059082 + ], + [ + "▁Hillsboro", + -14.031135559082031 + ], + [ + "citing", + -14.031192779541016 + ], + [ + "▁legible", + -14.031204223632812 + ], + [ + "▁renderings", + -14.031225204467772 + ], + [ + "▁Polynesian", + -14.031229972839355 + ], + [ + "▁Babu", + -14.031234741210938 + ], + [ + "▁Hotspot", + -14.03127098083496 + ], + [ + "▁reddit", + -14.031316757202148 + ], + [ + "▁Darrell", + -14.031350135803224 + ], + [ + "▁Puppies", + -14.031364440917969 + ], + [ + "▁Evansville", + -14.031367301940918 + ], + [ + "WARE", + -14.031392097473145 + ], + [ + "SSS", + -14.031394958496094 + ], + [ + "▁tethered", + -14.031489372253418 + ], + [ + "elson", + -14.031490325927734 + ], + [ + "▁slanted", + -14.031511306762695 + ], + [ + "▁grasslands", + -14.03158473968506 + ], + [ + "▁amending", + -14.031608581542969 + ], + [ + "stakes", + -14.031614303588867 + ], + [ + "▁mcg", + -14.031676292419434 + ], + [ + "Bean", + -14.031696319580078 + ], + [ + "▁BLOCK", + -14.03171157836914 + ], + [ + "▁Alexandre", + -14.03171443939209 + ], + [ + "rules", + -14.03171730041504 + ], + [ + "▁Nang", + -14.031736373901367 + ], + [ + "▁STS", + -14.031766891479492 + ], + [ + "atos", + -14.031779289245604 + ], + [ + "▁recieved", + -14.031816482543944 + ], + [ + "▁busting", + -14.031855583190918 + ], + [ + "PHONE", + -14.031867027282717 + ], + [ + "▁Hartman", + -14.031875610351562 + ], + [ + "▁0-2", + -14.03189182281494 + ], + [ + "▁Ignore", + -14.031909942626951 + ], + [ + "▁heather", + -14.031930923461914 + ], + [ + "▁Ngo", + -14.031949043273926 + ], + [ + "dala", + -14.032001495361328 + ], + [ + "▁grafting", + -14.03203582763672 + ], + [ + "▁5.9", + -14.032062530517578 + ], + [ + "▁discriminated", + -14.032093048095703 + ], + [ + "ravel", + -14.032105445861816 + ], + [ + "▁Payton", + -14.032110214233398 + ], + [ + "necessary", + -14.032177925109863 + ], + [ + "▁Luce", + -14.032190322875977 + ], + [ + "Jersey", + -14.032235145568848 + ], + [ + "reasonable", + -14.032238960266112 + ], + [ + "breakfast", + -14.03226089477539 + ], + [ + "preserved", + -14.032269477844238 + ], + [ + "▁shelling", + -14.032279014587402 + ], + [ + "▁diversifying", + -14.0322847366333 + ], + [ + "▁IMP", + -14.032294273376465 + ], + [ + "mature", + -14.032296180725098 + ], + [ + "vene", + -14.032312393188477 + ], + [ + "077", + -14.03235149383545 + ], + [ + "▁IMS", + -14.032353401184082 + ], + [ + "▁Coolers", + -14.032397270202637 + ], + [ + "Heather", + -14.032407760620115 + ], + [ + "pany", + -14.032430648803713 + ], + [ + "bou", + -14.032453536987305 + ], + [ + "▁butts", + -14.032464027404783 + ], + [ + "▁RTP", + -14.032610893249512 + ], + [ + "fork", + -14.032658576965332 + ], + [ + "▁ecologically", + -14.03266143798828 + ], + [ + "▁Minimalist", + -14.032672882080078 + ], + [ + "▁spectacles", + -14.032726287841797 + ], + [ + "▁Institut", + -14.032758712768556 + ], + [ + "EMU", + -14.032777786254885 + ], + [ + "▁Interval", + -14.032835006713867 + ], + [ + "▁MIND", + -14.0328369140625 + ], + [ + "benz", + -14.032838821411133 + ], + [ + "coil", + -14.032917976379396 + ], + [ + "SME", + -14.032936096191406 + ], + [ + "▁normalize", + -14.03294277191162 + ], + [ + "827", + -14.032999992370604 + ], + [ + "Selected", + -14.033058166503906 + ], + [ + "0.50", + -14.033129692077637 + ], + [ + "▁ohm", + -14.033159255981444 + ], + [ + "Surf", + -14.03327178955078 + ], + [ + "▁Lanc", + -14.033332824707031 + ], + [ + "▁thr", + -14.03337860107422 + ], + [ + "▁Swar", + -14.033394813537598 + ], + [ + "▁geometrical", + -14.033418655395508 + ], + [ + "▁Apostles", + -14.033419609069824 + ], + [ + "▁DOOR", + -14.03348445892334 + ], + [ + "908", + -14.033493041992188 + ], + [ + "Registered", + -14.033586502075195 + ], + [ + "CIL", + -14.033623695373535 + ], + [ + "2”", + -14.033646583557127 + ], + [ + "▁MCT", + -14.033740997314451 + ], + [ + "▁sunflowers", + -14.033778190612791 + ], + [ + "VY", + -14.033846855163574 + ], + [ + "▁peasants", + -14.033864974975586 + ], + [ + "▁Sting", + -14.03390121459961 + ], + [ + "▁Easier", + -14.033907890319824 + ], + [ + "▁PPO", + -14.033928871154783 + ], + [ + "Ruth", + -14.033970832824709 + ], + [ + "▁Dune", + -14.034017562866213 + ], + [ + "▁Dang", + -14.034128189086914 + ], + [ + "▁Gaddafi", + -14.034132957458496 + ], + [ + "OPP", + -14.034135818481444 + ], + [ + "975", + -14.0341796875 + ], + [ + "744", + -14.034185409545898 + ], + [ + "Semi", + -14.034185409545898 + ], + [ + "▁Briar", + -14.03428077697754 + ], + [ + "▁bloat", + -14.034358978271484 + ], + [ + "▁aquariums", + -14.034371376037598 + ], + [ + "▁Mathew", + -14.034608840942385 + ], + [ + "▁LOCAL", + -14.03463077545166 + ], + [ + "SIN", + -14.034669876098633 + ], + [ + "▁Hoop", + -14.034677505493164 + ], + [ + "Origin", + -14.034697532653809 + ], + [ + "▁4:1", + -14.034708023071287 + ], + [ + "▁zoomed", + -14.034767150878906 + ], + [ + "vious", + -14.034786224365234 + ], + [ + "▁foundry", + -14.034865379333496 + ], + [ + "▁hysterical", + -14.03501796722412 + ], + [ + "CPC", + -14.035061836242676 + ], + [ + "KILL", + -14.035066604614258 + ], + [ + "kc", + -14.035110473632812 + ], + [ + "▁BIT", + -14.035130500793455 + ], + [ + "▁necessitates", + -14.035139083862305 + ], + [ + "zoo", + -14.035154342651367 + ], + [ + "escape", + -14.035161972045898 + ], + [ + "▁cir", + -14.03524398803711 + ], + [ + "▁Everglades", + -14.035261154174805 + ], + [ + "▁Ignition", + -14.035261154174805 + ], + [ + "▁PURCHASE", + -14.035261154174805 + ], + [ + "▁accomodation", + -14.035261154174805 + ], + [ + "▁alfalfa", + -14.035261154174805 + ], + [ + "▁antiquated", + -14.035261154174805 + ], + [ + "▁sabbatical", + -14.035261154174805 + ], + [ + "▁Renegade", + -14.03526210784912 + ], + [ + "▁Bhopal", + -14.03526496887207 + ], + [ + "▁lupus", + -14.035265922546388 + ], + [ + "▁Sligo", + -14.035266876220703 + ], + [ + "▁rollercoaster", + -14.03526782989502 + ], + [ + "▁Psychotherapy", + -14.035268783569336 + ], + [ + "▁verifiable", + -14.035268783569336 + ], + [ + "▁ICANN", + -14.035271644592283 + ], + [ + "▁Allahabad", + -14.035272598266602 + ], + [ + "▁Corfu", + -14.035301208496094 + ], + [ + "▁KitchenAid", + -14.035333633422852 + ], + [ + "▁Judas", + -14.035338401794434 + ], + [ + "▁resizing", + -14.03533935546875 + ], + [ + "▁SHALL", + -14.035369873046877 + ], + [ + "▁subvert", + -14.035372734069824 + ], + [ + "▁wainscoting", + -14.035375595092772 + ], + [ + "▁Surfer", + -14.035385131835938 + ], + [ + "▁grail", + -14.035419464111328 + ], + [ + "Nar", + -14.0354642868042 + ], + [ + "▁tiresome", + -14.035494804382324 + ], + [ + "▁Beg", + -14.035500526428224 + ], + [ + "Rot", + -14.035516738891602 + ], + [ + "▁Granville", + -14.035527229309082 + ], + [ + "▁GRAND", + -14.03553581237793 + ], + [ + "▁Doubt", + -14.03557586669922 + ], + [ + "▁quadruple", + -14.03565502166748 + ], + [ + "▁Sumatra", + -14.03566074371338 + ], + [ + "▁unending", + -14.035747528076172 + ], + [ + "QUEST", + -14.035761833190918 + ], + [ + "▁Align", + -14.035783767700195 + ], + [ + "zik", + -14.035785675048828 + ], + [ + "▁1/2-", + -14.035807609558104 + ], + [ + "Labor", + -14.035881042480469 + ], + [ + "▁Shawnee", + -14.035886764526367 + ], + [ + "▁rebranding", + -14.035916328430176 + ], + [ + "▁Directly", + -14.035918235778809 + ], + [ + "▁morphed", + -14.035964965820312 + ], + [ + "00.00", + -14.035977363586426 + ], + [ + "▁filesystem", + -14.035996437072754 + ], + [ + "▁airfield", + -14.036011695861816 + ], + [ + "▁endo", + -14.03603172302246 + ], + [ + "▁Invention", + -14.03604507446289 + ], + [ + "▁savers", + -14.036088943481444 + ], + [ + "▁Coates", + -14.036197662353516 + ], + [ + "▁Millie", + -14.03620433807373 + ], + [ + "▁Petersen", + -14.036247253417969 + ], + [ + "compile", + -14.036266326904297 + ], + [ + "hmmm", + -14.036311149597168 + ], + [ + "▁Smokey", + -14.03632640838623 + ], + [ + "HZ", + -14.036331176757812 + ], + [ + "▁calipers", + -14.036398887634276 + ], + [ + "▁summits", + -14.036410331726074 + ], + [ + "▁Danville", + -14.036413192749023 + ], + [ + "Parameter", + -14.036428451538086 + ], + [ + "valu", + -14.036484718322754 + ], + [ + "814", + -14.036503791809082 + ], + [ + "▁Pickering", + -14.036516189575195 + ], + [ + "tweet", + -14.0365571975708 + ], + [ + "▁Tempo", + -14.03657341003418 + ], + [ + "▁wannabe", + -14.036591529846191 + ], + [ + "wealth", + -14.036646842956545 + ], + [ + "Activity", + -14.036649703979492 + ], + [ + "theatre", + -14.036663055419922 + ], + [ + "▁Spelling", + -14.036666870117188 + ], + [ + "▁initiates", + -14.0366792678833 + ], + [ + "▁Mortal", + -14.0366849899292 + ], + [ + "▁MCI", + -14.036686897277832 + ], + [ + "Jerry", + -14.036717414855955 + ], + [ + "▁Humber", + -14.03672695159912 + ], + [ + "▁SLI", + -14.036746978759766 + ], + [ + "udan", + -14.03675937652588 + ], + [ + "▁magicians", + -14.036770820617676 + ], + [ + "▁PPS", + -14.036782264709473 + ], + [ + "▁Vat", + -14.036879539489746 + ], + [ + "Mental", + -14.036880493164062 + ], + [ + "vati", + -14.036947250366213 + ], + [ + "fab", + -14.03695297241211 + ], + [ + "Clock", + -14.036959648132324 + ], + [ + "ILA", + -14.036961555480955 + ], + [ + "▁slander", + -14.03696346282959 + ], + [ + "▁shepherds", + -14.036998748779297 + ], + [ + "▁Terrific", + -14.037009239196776 + ], + [ + "▁1873", + -14.037013053894045 + ], + [ + "Makes", + -14.03705596923828 + ], + [ + "crit", + -14.037056922912598 + ], + [ + "036", + -14.03706169128418 + ], + [ + "▁regimens", + -14.037063598632812 + ], + [ + "▁Cyto", + -14.037141799926758 + ], + [ + "▁vignettes", + -14.037148475646973 + ], + [ + "Reported", + -14.037174224853516 + ], + [ + "▁Saar", + -14.037182807922363 + ], + [ + "▁endorphins", + -14.037186622619627 + ], + [ + "ignon", + -14.037200927734377 + ], + [ + "▁49%", + -14.037201881408691 + ], + [ + "▁Cuff", + -14.037226676940918 + ], + [ + "▁horticultural", + -14.037230491638184 + ], + [ + "▁Elders", + -14.03723430633545 + ], + [ + "▁sinner", + -14.03729248046875 + ], + [ + "▁persistently", + -14.037348747253418 + ], + [ + "▁Seine", + -14.037357330322266 + ], + [ + "793", + -14.037463188171388 + ], + [ + "▁empires", + -14.037477493286133 + ], + [ + "▁pints", + -14.037477493286133 + ], + [ + "%20", + -14.037504196166992 + ], + [ + "ariah", + -14.037528038024902 + ], + [ + "▁BCC", + -14.037714004516602 + ], + [ + "zoom", + -14.0377197265625 + ], + [ + "▁pauses", + -14.037734985351562 + ], + [ + "rke", + -14.037763595581056 + ], + [ + "▁headshot", + -14.03779411315918 + ], + [ + "coloring", + -14.037830352783203 + ], + [ + "▁artsy", + -14.037934303283691 + ], + [ + "▁Glu", + -14.037939071655272 + ], + [ + "▁Loveland", + -14.037982940673828 + ], + [ + "utch", + -14.037986755371094 + ], + [ + "▁substitutions", + -14.03805923461914 + ], + [ + "Token", + -14.03806209564209 + ], + [ + "AIS", + -14.038132667541504 + ], + [ + "▁Passengers", + -14.03817367553711 + ], + [ + "▁Programmes", + -14.038199424743652 + ], + [ + "▁Griff", + -14.038203239440918 + ], + [ + "jel", + -14.03822135925293 + ], + [ + "▁Falk", + -14.038263320922852 + ], + [ + "▁conveyance", + -14.038277626037598 + ], + [ + "Barb", + -14.038291931152344 + ], + [ + "Installing", + -14.03831386566162 + ], + [ + "▁Suits", + -14.03832721710205 + ], + [ + "▁theorists", + -14.038334846496582 + ], + [ + "nyi", + -14.038344383239746 + ], + [ + "licit", + -14.038415908813477 + ], + [ + "▁chained", + -14.038503646850586 + ], + [ + "▁saber", + -14.0385160446167 + ], + [ + "100,000", + -14.038537979125977 + ], + [ + "robot", + -14.03854751586914 + ], + [ + "PED", + -14.038634300231934 + ], + [ + "▁uncovers", + -14.038636207580566 + ], + [ + "designer", + -14.038728713989258 + ], + [ + "▁278", + -14.03873348236084 + ], + [ + "▁migrations", + -14.038885116577148 + ], + [ + "▁swoon", + -14.03894329071045 + ], + [ + "▁mittens", + -14.038949012756348 + ], + [ + "▁speechless", + -14.038952827453612 + ], + [ + "▁starve", + -14.03900146484375 + ], + [ + "▁Drawers", + -14.0390043258667 + ], + [ + "▁slits", + -14.039022445678713 + ], + [ + "venue", + -14.039032936096191 + ], + [ + "083", + -14.03903579711914 + ], + [ + "▁OCT", + -14.039066314697266 + ], + [ + "▁Wap", + -14.039071083068848 + ], + [ + "▁PHI", + -14.039091110229492 + ], + [ + "▁Defeat", + -14.039094924926758 + ], + [ + "marking", + -14.039116859436035 + ], + [ + "▁Planting", + -14.039130210876465 + ], + [ + "▁tera", + -14.039146423339844 + ], + [ + "posed", + -14.039175987243652 + ], + [ + "odic", + -14.03918170928955 + ], + [ + "akti", + -14.039191246032717 + ], + [ + "ERI", + -14.039192199707031 + ], + [ + "honest", + -14.039196968078612 + ], + [ + "▁1957.", + -14.03928565979004 + ], + [ + "▁Kernel", + -14.039286613464355 + ], + [ + "▁Enchanted", + -14.039346694946287 + ], + [ + "258", + -14.03939723968506 + ], + [ + "anese", + -14.039401054382324 + ], + [ + "▁Campaigns", + -14.039403915405272 + ], + [ + "ADI", + -14.039420127868652 + ], + [ + "ciones", + -14.03944206237793 + ], + [ + "▁biceps", + -14.039491653442385 + ], + [ + "▁Biennial", + -14.03953456878662 + ], + [ + "▁Facilitator", + -14.03953456878662 + ], + [ + "▁Pegasus", + -14.03953456878662 + ], + [ + "▁anorexia", + -14.03953456878662 + ], + [ + "▁circulatory", + -14.03953456878662 + ], + [ + "▁disgruntled", + -14.03953456878662 + ], + [ + "▁luminaries", + -14.03953456878662 + ], + [ + "▁surfactant", + -14.03953456878662 + ], + [ + "▁unexplored", + -14.03953456878662 + ], + [ + "▁contraption", + -14.039535522460938 + ], + [ + "▁prettier", + -14.039536476135254 + ], + [ + "▁rhinoplasty", + -14.039536476135254 + ], + [ + "▁Pompeo", + -14.03953742980957 + ], + [ + "▁Truffle", + -14.039538383483888 + ], + [ + "▁Dolores", + -14.039539337158203 + ], + [ + "▁impeller", + -14.039544105529783 + ], + [ + "▁Oswald", + -14.03954792022705 + ], + [ + "ordinated", + -14.039549827575684 + ], + [ + "▁Drummond", + -14.03955078125 + ], + [ + "▁ferret", + -14.03955078125 + ], + [ + "▁Lesbian", + -14.039552688598633 + ], + [ + "▁Struggle", + -14.03957462310791 + ], + [ + "▁spoils", + -14.03957748413086 + ], + [ + "▁poise", + -14.039583206176758 + ], + [ + "▁dunno", + -14.039597511291504 + ], + [ + "▁Spinning", + -14.039603233337402 + ], + [ + "▁Rhonda", + -14.039615631103516 + ], + [ + "▁tal", + -14.03964614868164 + ], + [ + "▁ASL", + -14.03965663909912 + ], + [ + "▁Horace", + -14.039714813232422 + ], + [ + "▁sciatica", + -14.03976821899414 + ], + [ + "▁Handyman", + -14.039776802062988 + ], + [ + "▁Salinas", + -14.03989315032959 + ], + [ + "▁onscreen", + -14.039907455444336 + ], + [ + "zzy", + -14.0399751663208 + ], + [ + "▁2013-14", + -14.039996147155762 + ], + [ + "▁standstill", + -14.039998054504396 + ], + [ + "▁nuns", + -14.040040969848633 + ], + [ + "▁Corbin", + -14.040082931518556 + ], + [ + "▁repost", + -14.040118217468262 + ], + [ + "▁1960'", + -14.040122985839844 + ], + [ + "shy", + -14.040213584899902 + ], + [ + "▁summery", + -14.040273666381836 + ], + [ + "cana", + -14.040277481079102 + ], + [ + "▁Silo", + -14.040283203125 + ], + [ + "▁Bowes", + -14.040335655212402 + ], + [ + "▁Boarding", + -14.040371894836426 + ], + [ + "▁kickstart", + -14.040385246276855 + ], + [ + "▁Sophomore", + -14.040403366088867 + ], + [ + "▁Roxy", + -14.04043674468994 + ], + [ + "▁Openings", + -14.040474891662598 + ], + [ + "AFP", + -14.040492057800291 + ], + [ + "dera", + -14.040519714355469 + ], + [ + "▁Landry", + -14.040519714355469 + ], + [ + "093", + -14.040528297424316 + ], + [ + "Goal", + -14.040538787841797 + ], + [ + "▁Spouse", + -14.04055881500244 + ], + [ + "▁Locally", + -14.040587425231934 + ], + [ + "bord", + -14.040629386901855 + ], + [ + "▁Interchange", + -14.040656089782717 + ], + [ + "▁falcons", + -14.040658950805664 + ], + [ + "▁impresses", + -14.040682792663574 + ], + [ + "▁TABLE", + -14.040740966796877 + ], + [ + "IENT", + -14.040771484375 + ], + [ + "▁Ronan", + -14.040796279907228 + ], + [ + "▁prawn", + -14.04084014892578 + ], + [ + "Analyze", + -14.04094696044922 + ], + [ + "tsy", + -14.040948867797852 + ], + [ + "IMPORTANT", + -14.04095458984375 + ], + [ + "▁Addict", + -14.040989875793455 + ], + [ + "Margaret", + -14.040995597839355 + ], + [ + "ption", + -14.040996551513672 + ], + [ + "luxury", + -14.041003227233888 + ], + [ + "Coupon", + -14.041007041931152 + ], + [ + "precision", + -14.041019439697266 + ], + [ + "hine", + -14.041021347045898 + ], + [ + "crazy", + -14.041022300720217 + ], + [ + "▁zur", + -14.04103946685791 + ], + [ + "▁306", + -14.04104709625244 + ], + [ + "▁aspires", + -14.041049003601074 + ], + [ + "▁incidentally", + -14.041050910949709 + ], + [ + "▁industrialized", + -14.041053771972656 + ], + [ + "▁Wur", + -14.04107666015625 + ], + [ + "▁vlog", + -14.041093826293944 + ], + [ + "▁Foreman", + -14.041165351867676 + ], + [ + "Becoming", + -14.041167259216309 + ], + [ + "experts", + -14.04116916656494 + ], + [ + "Mile", + -14.041190147399902 + ], + [ + "Truly", + -14.04122257232666 + ], + [ + "terre", + -14.041229248046877 + ], + [ + "▁DNC", + -14.041229248046877 + ], + [ + "▁Cultures", + -14.041234970092772 + ], + [ + "Monthly", + -14.041271209716797 + ], + [ + "▁Mow", + -14.041290283203123 + ], + [ + "Veteran", + -14.04136085510254 + ], + [ + "▁racetrack", + -14.04136848449707 + ], + [ + "trigger", + -14.041372299194336 + ], + [ + "certain", + -14.041373252868652 + ], + [ + "▁FFA", + -14.04141616821289 + ], + [ + "▁Shutters", + -14.04143238067627 + ], + [ + "▁Transformer", + -14.04145336151123 + ], + [ + "▁combing", + -14.041485786437988 + ], + [ + "ately", + -14.04148769378662 + ], + [ + "▁blossoming", + -14.04148769378662 + ], + [ + "Barry", + -14.041508674621582 + ], + [ + "▁proprietors", + -14.041529655456545 + ], + [ + "▁loosening", + -14.041549682617188 + ], + [ + "lity", + -14.041563034057615 + ], + [ + "▁hampers", + -14.041596412658691 + ], + [ + "▁einem", + -14.041607856750488 + ], + [ + "acon", + -14.041613578796388 + ], + [ + "couple", + -14.041624069213867 + ], + [ + "▁prefab", + -14.041665077209473 + ], + [ + "oja", + -14.041670799255373 + ], + [ + "▁Cleanse", + -14.041678428649902 + ], + [ + "▁OST", + -14.041686058044434 + ], + [ + "Investing", + -14.041693687438965 + ], + [ + "Ensur", + -14.041712760925291 + ], + [ + "▁Exquisite", + -14.041712760925291 + ], + [ + "▁Pentecost", + -14.041789054870604 + ], + [ + "▁mecca", + -14.041796684265137 + ], + [ + "▁fitment", + -14.041808128356934 + ], + [ + "▁libel", + -14.041828155517578 + ], + [ + "Dip", + -14.04190444946289 + ], + [ + "▁Hines", + -14.04206085205078 + ], + [ + "▁rotator", + -14.04213047027588 + ], + [ + "▁Juneau", + -14.042160987854004 + ], + [ + "▁Zane", + -14.042180061340332 + ], + [ + "▁conc", + -14.042268753051758 + ], + [ + "▁Oxy", + -14.042288780212402 + ], + [ + "▁droid", + -14.042299270629885 + ], + [ + "▁flashback", + -14.042346954345703 + ], + [ + "cible", + -14.042362213134766 + ], + [ + "▁syllable", + -14.042415618896484 + ], + [ + "Educational", + -14.04242992401123 + ], + [ + "uji", + -14.042460441589355 + ], + [ + "–8", + -14.042503356933594 + ], + [ + "▁inferred", + -14.042536735534668 + ], + [ + "Visa", + -14.04261589050293 + ], + [ + "occhi", + -14.042764663696287 + ], + [ + "▁Neat", + -14.042840003967283 + ], + [ + "BEL", + -14.042919158935549 + ], + [ + "▁9-5", + -14.042977333068848 + ], + [ + "▁Physiotherapy", + -14.043011665344238 + ], + [ + "▁57%", + -14.043025970458984 + ], + [ + "▁2026", + -14.043177604675291 + ], + [ + "orio", + -14.043182373046877 + ], + [ + "Reward", + -14.043220520019531 + ], + [ + "▁batching", + -14.04322338104248 + ], + [ + "▁donning", + -14.043254852294922 + ], + [ + "▁frontiers", + -14.043283462524414 + ], + [ + "▁hating", + -14.043336868286133 + ], + [ + "anche", + -14.043383598327637 + ], + [ + "▁Generations", + -14.043400764465332 + ], + [ + "0-3", + -14.043447494506836 + ], + [ + "▁Complaints", + -14.043492317199709 + ], + [ + "TIPS", + -14.043517112731934 + ], + [ + "▁Yon", + -14.043569564819336 + ], + [ + "▁Rafi", + -14.043590545654297 + ], + [ + "ffa", + -14.043597221374512 + ], + [ + "808", + -14.043654441833496 + ], + [ + "▁biofuels", + -14.04366397857666 + ], + [ + "▁leans", + -14.0438232421875 + ], + [ + "▁Anthology", + -14.043827056884766 + ], + [ + "▁Cabaret", + -14.043827056884766 + ], + [ + "▁Corbett", + -14.043827056884766 + ], + [ + "▁PUBLIC", + -14.043827056884766 + ], + [ + "▁Schwarzenegger", + -14.043827056884766 + ], + [ + "▁knowledgable", + -14.043827056884766 + ], + [ + "▁laparoscopic", + -14.043827056884766 + ], + [ + "▁ophthalmologist", + -14.043827056884766 + ], + [ + "▁Fukushima", + -14.043828010559082 + ], + [ + "CURRENT", + -14.043828964233398 + ], + [ + "▁Galapagos", + -14.043828964233398 + ], + [ + "▁Whitaker", + -14.043832778930664 + ], + [ + "▁Infectious", + -14.04384708404541 + ], + [ + "pulse", + -14.043856620788574 + ], + [ + "▁digestible", + -14.043861389160156 + ], + [ + "▁embryonic", + -14.043861389160156 + ], + [ + "▁mammalian", + -14.043862342834473 + ], + [ + "▁subtropical", + -14.043866157531738 + ], + [ + "▁sexism", + -14.043869972229004 + ], + [ + "▁hydropower", + -14.04387664794922 + ], + [ + "▁Delicate", + -14.043903350830078 + ], + [ + "▁shunt", + -14.043919563293455 + ], + [ + "▁RTI", + -14.043931007385254 + ], + [ + "▁scrapping", + -14.04393482208252 + ], + [ + "MIA", + -14.043936729431152 + ], + [ + "▁Marianne", + -14.043947219848633 + ], + [ + "▁Manifesto", + -14.043974876403809 + ], + [ + "▁Coloriage", + -14.043975830078123 + ], + [ + "▁pepperoni", + -14.04400634765625 + ], + [ + "▁swamps", + -14.0440092086792 + ], + [ + "▁Ending", + -14.044010162353516 + ], + [ + "▁wy", + -14.044055938720703 + ], + [ + "thumb", + -14.044065475463867 + ], + [ + "iques", + -14.044086456298828 + ], + [ + "▁voiceover", + -14.044087409973145 + ], + [ + "cene", + -14.044110298156738 + ], + [ + "zit", + -14.044123649597168 + ], + [ + "ifiers", + -14.044129371643066 + ], + [ + "buri", + -14.044134140014648 + ], + [ + "▁AVE", + -14.044156074523926 + ], + [ + "▁skyrocketed", + -14.044190406799316 + ], + [ + "▁startled", + -14.044190406799316 + ], + [ + "Eu", + -14.044193267822266 + ], + [ + "uin", + -14.044196128845217 + ], + [ + "▁videography", + -14.04423999786377 + ], + [ + "▁Curt", + -14.04424285888672 + ], + [ + "▁Trucking", + -14.044244766235352 + ], + [ + "▁Fortuna", + -14.044246673583984 + ], + [ + "▁halal", + -14.044273376464844 + ], + [ + "▁1868", + -14.044373512268066 + ], + [ + "▁72-", + -14.04440975189209 + ], + [ + "▁7.9", + -14.044458389282228 + ], + [ + "▁trooper", + -14.044570922851562 + ], + [ + "▁Cabot", + -14.044608116149902 + ], + [ + "▁Bespoke", + -14.04461669921875 + ], + [ + "tze", + -14.044677734375 + ], + [ + "ikka", + -14.044745445251465 + ], + [ + "▁goldfish", + -14.044792175292969 + ], + [ + "▁Laptops", + -14.04490566253662 + ], + [ + "▁caregiving", + -14.044930458068848 + ], + [ + "skills", + -14.045008659362791 + ], + [ + "593", + -14.04503059387207 + ], + [ + "▁crowding", + -14.04514217376709 + ], + [ + "Typical", + -14.045153617858888 + ], + [ + "▁hobbyists", + -14.045193672180176 + ], + [ + "electing", + -14.045293807983398 + ], + [ + "▁stews", + -14.045336723327637 + ], + [ + "▁pamphlets", + -14.045354843139648 + ], + [ + "Ironically", + -14.045381546020508 + ], + [ + "episode", + -14.045390129089355 + ], + [ + "exposure", + -14.045392990112305 + ], + [ + "Gordon", + -14.045401573181152 + ], + [ + "Gallery", + -14.045404434204102 + ], + [ + "▁Knoll", + -14.045414924621582 + ], + [ + "▁Sv", + -14.045430183410645 + ], + [ + "sitting", + -14.045472145080566 + ], + [ + "▁twill", + -14.045479774475098 + ], + [ + "cado", + -14.045534133911133 + ], + [ + "▁Findings", + -14.045540809631348 + ], + [ + "Pine", + -14.045546531677246 + ], + [ + "▁passer", + -14.045656204223633 + ], + [ + "organised", + -14.04568862915039 + ], + [ + "Pressure", + -14.045706748962402 + ], + [ + "Extended", + -14.045790672302246 + ], + [ + "▁’90", + -14.04586124420166 + ], + [ + "356", + -14.045896530151367 + ], + [ + "▁Kristian", + -14.045903205871582 + ], + [ + "▁spoiling", + -14.045905113220217 + ], + [ + "JF", + -14.04593563079834 + ], + [ + "▁USER", + -14.04596710205078 + ], + [ + "▁2006)", + -14.045992851257324 + ], + [ + "▁AUS", + -14.046003341674805 + ], + [ + "▁rethinking", + -14.04605770111084 + ], + [ + "teo", + -14.046101570129396 + ], + [ + "▁NTN", + -14.04612159729004 + ], + [ + "261", + -14.046150207519531 + ], + [ + "vpn", + -14.046165466308594 + ], + [ + "▁Sund", + -14.04617404937744 + ], + [ + "▁MARKET", + -14.046192169189451 + ], + [ + "alien", + -14.046242713928224 + ], + [ + "▁sprinklers", + -14.046263694763184 + ], + [ + "▁fling", + -14.046270370483398 + ], + [ + "▁SHIP", + -14.046294212341309 + ], + [ + "pow", + -14.046329498291016 + ], + [ + "processed", + -14.046368598937988 + ], + [ + "▁Datin", + -14.046379089355469 + ], + [ + "▁spay", + -14.04652500152588 + ], + [ + "▁NRL", + -14.04656219482422 + ], + [ + "▁eruptions", + -14.046576499938965 + ], + [ + "837", + -14.046632766723633 + ], + [ + "▁SSR", + -14.046690940856934 + ], + [ + "▁headboards", + -14.04678440093994 + ], + [ + "▁partitioning", + -14.046833038330078 + ], + [ + "3.00", + -14.046878814697266 + ], + [ + "▁Aust", + -14.04689121246338 + ], + [ + "higher", + -14.046975135803224 + ], + [ + "Rum", + -14.046993255615234 + ], + [ + "▁Marlins", + -14.047035217285156 + ], + [ + "Readers", + -14.047052383422852 + ], + [ + "531", + -14.047074317932127 + ], + [ + "Pri", + -14.047123908996582 + ], + [ + "immune", + -14.047148704528809 + ], + [ + "Trent", + -14.04722785949707 + ], + [ + "▁Schwe", + -14.047234535217283 + ], + [ + "▁sconces", + -14.047245025634766 + ], + [ + "▁2,400", + -14.047314643859863 + ], + [ + "ifolia", + -14.04736042022705 + ], + [ + "▁Races", + -14.047381401062012 + ], + [ + "▁Alp", + -14.047408103942873 + ], + [ + "▁5+", + -14.047525405883787 + ], + [ + "ILE", + -14.047544479370115 + ], + [ + "teach", + -14.047574996948242 + ], + [ + "▁Visitation", + -14.047584533691406 + ], + [ + "▁1050", + -14.047652244567873 + ], + [ + "NON", + -14.047722816467283 + ], + [ + "▁Inflation", + -14.047770500183104 + ], + [ + "Sw", + -14.047785758972168 + ], + [ + "LOAD", + -14.047796249389648 + ], + [ + "Por", + -14.047985076904297 + ], + [ + "▁Shiny", + -14.048081398010254 + ], + [ + "▁british", + -14.048083305358888 + ], + [ + "▁sandwiched", + -14.048117637634276 + ], + [ + "▁Gideon", + -14.048136711120604 + ], + [ + "▁Glastonbury", + -14.048136711120604 + ], + [ + "▁Syndicate", + -14.048136711120604 + ], + [ + "▁gnocchi", + -14.048136711120604 + ], + [ + "▁hibernation", + -14.048136711120604 + ], + [ + "▁methadone", + -14.048136711120604 + ], + [ + "▁progesterone", + -14.048136711120604 + ], + [ + "▁sacrificial", + -14.048136711120604 + ], + [ + "▁Ombudsman", + -14.048137664794922 + ], + [ + "▁audacious", + -14.048137664794922 + ], + [ + "▁undetected", + -14.048137664794922 + ], + [ + "▁Possession", + -14.048142433166504 + ], + [ + "▁MANUAL", + -14.04814338684082 + ], + [ + "▁Faulkner", + -14.048147201538086 + ], + [ + "▁Subcommittee", + -14.04814910888672 + ], + [ + "▁Sardinia", + -14.048150062561035 + ], + [ + "▁Honeymoon", + -14.048151969909668 + ], + [ + "▁Bootcamp", + -14.048154830932615 + ], + [ + "▁BELOW", + -14.048163414001465 + ], + [ + "▁Bradshaw", + -14.048169136047363 + ], + [ + "▁Mosul", + -14.048185348510742 + ], + [ + "▁emotive", + -14.04819679260254 + ], + [ + "▁cPanel", + -14.048197746276855 + ], + [ + "▁clapping", + -14.048200607299805 + ], + [ + "▁IMEI", + -14.0482177734375 + ], + [ + "▁trustworthiness", + -14.04822063446045 + ], + [ + "▁Fintech", + -14.04823875427246 + ], + [ + "Duck", + -14.048293113708496 + ], + [ + "▁Belo", + -14.04830837249756 + ], + [ + "Anyways", + -14.048310279846191 + ], + [ + "battle", + -14.048354148864746 + ], + [ + "▁bookkeeper", + -14.048354148864746 + ], + [ + "▁recharging", + -14.048364639282228 + ], + [ + "▁Darius", + -14.04837417602539 + ], + [ + "▁Musik", + -14.048375129699709 + ], + [ + "▁MET", + -14.048391342163086 + ], + [ + "ceive", + -14.04842472076416 + ], + [ + "▁Risks", + -14.04847240447998 + ], + [ + "▁2010;", + -14.048483848571776 + ], + [ + "▁Yves", + -14.048498153686523 + ], + [ + "NTP", + -14.048528671264648 + ], + [ + "▁cramping", + -14.04853057861328 + ], + [ + "▁Drives", + -14.04854679107666 + ], + [ + "▁optimizes", + -14.04856014251709 + ], + [ + "Hahaha", + -14.048582077026367 + ], + [ + "▁emitter", + -14.04859733581543 + ], + [ + "capture", + -14.048606872558594 + ], + [ + "▁Readiness", + -14.04865550994873 + ], + [ + "▁Redlands", + -14.048657417297363 + ], + [ + "▁hilltop", + -14.048705101013184 + ], + [ + "▁Exhibitor", + -14.048734664916992 + ], + [ + "rgue", + -14.048741340637209 + ], + [ + "▁forts", + -14.048748970031738 + ], + [ + "Nazi", + -14.04875659942627 + ], + [ + "▁lakhs", + -14.048765182495115 + ], + [ + "arco", + -14.04879665374756 + ], + [ + "▁blacksmith", + -14.048809051513672 + ], + [ + "izzle", + -14.048835754394531 + ], + [ + "▁Lancer", + -14.04894733428955 + ], + [ + "▁Evangelist", + -14.049006462097168 + ], + [ + "▁BAT", + -14.049025535583496 + ], + [ + "▁crucially", + -14.049036979675291 + ], + [ + "▁growl", + -14.049089431762695 + ], + [ + "Trend", + -14.049102783203123 + ], + [ + "iker", + -14.04912281036377 + ], + [ + "739", + -14.049128532409668 + ], + [ + "081", + -14.049182891845703 + ], + [ + "rocket", + -14.049291610717772 + ], + [ + "▁Lazar", + -14.04947280883789 + ], + [ + "yum", + -14.049495697021484 + ], + [ + "▁Mazz", + -14.049528121948242 + ], + [ + "▁RBC", + -14.049543380737305 + ], + [ + "▁parabens", + -14.049560546875 + ], + [ + "readers", + -14.049566268920898 + ], + [ + "590", + -14.049567222595217 + ], + [ + "articles", + -14.049567222595217 + ], + [ + "▁descendant", + -14.049603462219238 + ], + [ + "gher", + -14.049636840820312 + ], + [ + "buk", + -14.049675941467283 + ], + [ + "aryn", + -14.049689292907717 + ], + [ + "▁circled", + -14.04970645904541 + ], + [ + "Female", + -14.049727439880373 + ], + [ + "▁$1500", + -14.049734115600586 + ], + [ + "▁alder", + -14.0497465133667 + ], + [ + "▁Classified", + -14.049762725830078 + ], + [ + "Concerning", + -14.04977035522461 + ], + [ + "ubuntu", + -14.049778938293455 + ], + [ + "tropical", + -14.04978084564209 + ], + [ + "▁Jihad", + -14.04981517791748 + ], + [ + "▁Strom", + -14.049818992614746 + ], + [ + "Deputy", + -14.04982566833496 + ], + [ + "▁Sik", + -14.04983615875244 + ], + [ + "Landscape", + -14.049885749816896 + ], + [ + "Circle", + -14.049996376037598 + ], + [ + "▁Carousel", + -14.049997329711914 + ], + [ + "▁tiffany", + -14.050013542175291 + ], + [ + "▁237", + -14.050028800964355 + ], + [ + "apu", + -14.050045013427734 + ], + [ + "▁Inventor", + -14.05006980895996 + ], + [ + "Ward", + -14.050092697143556 + ], + [ + "▁Freelancer", + -14.05011749267578 + ], + [ + "Mars", + -14.050150871276855 + ], + [ + "Produced", + -14.0501708984375 + ], + [ + "▁Ferrer", + -14.05017375946045 + ], + [ + "axial", + -14.050178527832031 + ], + [ + "Malley", + -14.05019187927246 + ], + [ + "▁acquires", + -14.05019760131836 + ], + [ + "Danny", + -14.050198554992676 + ], + [ + "▁Northwood", + -14.050219535827637 + ], + [ + "gley", + -14.050222396850586 + ], + [ + "▁Macbook", + -14.050222396850586 + ], + [ + "▁Aut", + -14.05023956298828 + ], + [ + "▁Keane", + -14.050329208374023 + ], + [ + "▁Norte", + -14.050345420837402 + ], + [ + "▁Loki", + -14.050384521484377 + ], + [ + "Upper", + -14.0504789352417 + ], + [ + "▁PPT", + -14.05048656463623 + ], + [ + "mote", + -14.050704956054688 + ], + [ + "Polish", + -14.050708770751951 + ], + [ + "▁Steep", + -14.050715446472168 + ], + [ + "spark", + -14.050742149353027 + ], + [ + "▁eyeball", + -14.050775527954102 + ], + [ + "▁GIVE", + -14.05078125 + ], + [ + "Gee", + -14.050813674926758 + ], + [ + "▁Plays", + -14.050820350646973 + ], + [ + "HILL", + -14.050825119018556 + ], + [ + "▁Fon", + -14.050847053527832 + ], + [ + "▁cellphones", + -14.05087661743164 + ], + [ + "dustrialization", + -14.050878524780272 + ], + [ + "033", + -14.05091667175293 + ], + [ + "▁Klu", + -14.050941467285156 + ], + [ + "finally", + -14.050966262817385 + ], + [ + "▁Ismail", + -14.051043510437012 + ], + [ + "mita", + -14.051085472106934 + ], + [ + "▁Corel", + -14.051104545593262 + ], + [ + "▁flaming", + -14.051106452941896 + ], + [ + "▁Vitamins", + -14.05111312866211 + ], + [ + "▁genomics", + -14.051294326782228 + ], + [ + "▁10:4", + -14.051308631896973 + ], + [ + "Ul", + -14.051328659057615 + ], + [ + "▁Josie", + -14.051434516906738 + ], + [ + "BEE", + -14.051498413085938 + ], + [ + "▁Consensus", + -14.05153465270996 + ], + [ + "VIN", + -14.051535606384276 + ], + [ + "Actor", + -14.051573753356934 + ], + [ + "▁Weave", + -14.051630973815918 + ], + [ + "▁Concentration", + -14.051642417907717 + ], + [ + "▁1859", + -14.051645278930664 + ], + [ + "Returning", + -14.051685333251951 + ], + [ + "▁waiters", + -14.05174446105957 + ], + [ + "eshwar", + -14.051824569702148 + ], + [ + "629", + -14.051861763000488 + ], + [ + "▁WWI", + -14.05192756652832 + ], + [ + "▁Workbook", + -14.051961898803713 + ], + [ + "▁2009).", + -14.051965713500977 + ], + [ + "Hosting", + -14.052048683166504 + ], + [ + "▁Veg", + -14.052061080932615 + ], + [ + "SSI", + -14.052106857299805 + ], + [ + "▁bou", + -14.0521240234375 + ], + [ + "▁Prospective", + -14.052172660827637 + ], + [ + "▁Lark", + -14.052227020263672 + ], + [ + "▁espa", + -14.052266120910645 + ], + [ + "▁Decade", + -14.05234718322754 + ], + [ + "TTC", + -14.052393913269045 + ], + [ + "▁illustrators", + -14.052433967590332 + ], + [ + "Coloring", + -14.052434921264648 + ], + [ + "APPLICATION", + -14.05246639251709 + ], + [ + "▁Complainant", + -14.05246639251709 + ], + [ + "▁Kubernetes", + -14.05246639251709 + ], + [ + "▁Mahmoud", + -14.05246639251709 + ], + [ + "▁exodus", + -14.05246639251709 + ], + [ + "▁saxophonist", + -14.05246639251709 + ], + [ + "▁separatist", + -14.05246639251709 + ], + [ + "▁swiping", + -14.05246639251709 + ], + [ + "▁COULD", + -14.052467346191406 + ], + [ + "/04/2019", + -14.05247402191162 + ], + [ + "▁sociological", + -14.052477836608888 + ], + [ + "▁Litecoin", + -14.052482604980469 + ], + [ + "▁discharging", + -14.052482604980469 + ], + [ + "▁severance", + -14.052485466003418 + ], + [ + "▁Cromwell", + -14.052486419677734 + ], + [ + "▁Syrah", + -14.05249309539795 + ], + [ + "redo", + -14.052494049072266 + ], + [ + "▁bridle", + -14.052495002746582 + ], + [ + "▁Salmonella", + -14.05250644683838 + ], + [ + "fective", + -14.052509307861328 + ], + [ + "▁flint", + -14.052510261535645 + ], + [ + "▁foolproof", + -14.05251693725586 + ], + [ + "▁Councilman", + -14.052534103393556 + ], + [ + "▁Dwayne", + -14.052559852600098 + ], + [ + "▁Fairtrade", + -14.052563667297363 + ], + [ + "▁Buzzard", + -14.052608489990234 + ], + [ + "▁Salford", + -14.052611351013184 + ], + [ + "▁Flux", + -14.052618026733398 + ], + [ + "▁microfilm", + -14.052675247192385 + ], + [ + "▁dun", + -14.052693367004396 + ], + [ + "▁Exist", + -14.052694320678713 + ], + [ + "▁Digg", + -14.052789688110352 + ], + [ + "▁mountaineering", + -14.052789688110352 + ], + [ + "▁stinky", + -14.052934646606444 + ], + [ + "kman", + -14.052942276000977 + ], + [ + "huis", + -14.053004264831545 + ], + [ + "umu", + -14.053014755249023 + ], + [ + "▁Robson", + -14.053019523620604 + ], + [ + "Peer", + -14.053030014038086 + ], + [ + "▁netball", + -14.053034782409668 + ], + [ + "Hur", + -14.053071022033691 + ], + [ + "▁Locking", + -14.05307388305664 + ], + [ + "Sally", + -14.053077697753906 + ], + [ + "▁std", + -14.053092002868652 + ], + [ + "▁dorsal", + -14.053168296813965 + ], + [ + "LAT", + -14.05318832397461 + ], + [ + "▁Podcasts", + -14.053231239318848 + ], + [ + "▁Towns", + -14.053304672241213 + ], + [ + "▁drips", + -14.053305625915527 + ], + [ + "▁Cryptocurrency", + -14.053375244140623 + ], + [ + "▁leaner", + -14.053380966186523 + ], + [ + "▁triage", + -14.053427696228027 + ], + [ + "CARE", + -14.053457260131836 + ], + [ + "▁Catholicism", + -14.053475379943848 + ], + [ + "▁Revere", + -14.053518295288086 + ], + [ + "▁9.2", + -14.053533554077148 + ], + [ + "▁Kau", + -14.053549766540527 + ], + [ + "▁flatbed", + -14.053563117980955 + ], + [ + "Mb", + -14.053587913513184 + ], + [ + "▁Rui", + -14.053648948669434 + ], + [ + "Karl", + -14.05372428894043 + ], + [ + "▁2001)", + -14.053726196289062 + ], + [ + "▁smiley", + -14.053759574890137 + ], + [ + "ELLA", + -14.053762435913086 + ], + [ + "▁2.5-", + -14.053765296936035 + ], + [ + "soever", + -14.053860664367676 + ], + [ + "▁storybook", + -14.053887367248535 + ], + [ + "elena", + -14.05393886566162 + ], + [ + "▁conduction", + -14.053966522216797 + ], + [ + "▁Arrangement", + -14.05397891998291 + ], + [ + "▁doughnut", + -14.053983688354492 + ], + [ + "MSA", + -14.054015159606934 + ], + [ + "▁peasant", + -14.05403995513916 + ], + [ + "Amid", + -14.054073333740234 + ], + [ + "belief", + -14.05418586730957 + ], + [ + "Extension", + -14.05426025390625 + ], + [ + "EEC", + -14.0542631149292 + ], + [ + "▁heath", + -14.05426788330078 + ], + [ + "accredited", + -14.054271697998049 + ], + [ + "▁Evaluate", + -14.054306983947754 + ], + [ + "acoustic", + -14.054356575012209 + ], + [ + "▁browning", + -14.054443359375 + ], + [ + "Wherever", + -14.05451488494873 + ], + [ + "▁Simons", + -14.05454921722412 + ], + [ + "▁rebounding", + -14.05454921722412 + ], + [ + "▁12-15", + -14.054573059082031 + ], + [ + "▁1961.", + -14.054576873779297 + ], + [ + "▁circum", + -14.054609298706056 + ], + [ + "▁discharges", + -14.05461597442627 + ], + [ + "Kra", + -14.054616928100586 + ], + [ + "rival", + -14.054624557495115 + ], + [ + "▁Cecilia", + -14.054638862609863 + ], + [ + "Mold", + -14.054654121398926 + ], + [ + "nker", + -14.054699897766112 + ], + [ + "trak", + -14.054706573486328 + ], + [ + "▁242", + -14.05476188659668 + ], + [ + "▁Herm", + -14.05480670928955 + ], + [ + "▁Toolbox", + -14.054874420166016 + ], + [ + "▁Verma", + -14.054905891418455 + ], + [ + "▁___", + -14.054924011230469 + ], + [ + "▁annualized", + -14.05495548248291 + ], + [ + "▁Viral", + -14.05498504638672 + ], + [ + "struck", + -14.055047035217283 + ], + [ + "-5)", + -14.055123329162598 + ], + [ + "▁LOTS", + -14.055124282836914 + ], + [ + "Crack", + -14.055137634277344 + ], + [ + "ambling", + -14.055163383483888 + ], + [ + "contractors", + -14.05519962310791 + ], + [ + "▁Jou", + -14.055205345153809 + ], + [ + "▁psych", + -14.055206298828123 + ], + [ + "▁commun", + -14.055211067199709 + ], + [ + "▁Heller", + -14.055243492126465 + ], + [ + "▁WALK", + -14.055309295654297 + ], + [ + "▁Agua", + -14.055319786071776 + ], + [ + "▁Loh", + -14.055325508117676 + ], + [ + "▁VALUE", + -14.055325508117676 + ], + [ + "▁Goss", + -14.05536937713623 + ], + [ + "0.6%", + -14.055401802062988 + ], + [ + "cotton", + -14.055434226989746 + ], + [ + "arius", + -14.055471420288086 + ], + [ + "▁1.30", + -14.055481910705566 + ], + [ + "▁bookmarked", + -14.05557346343994 + ], + [ + "▁marque", + -14.055602073669434 + ], + [ + "eir", + -14.055739402770996 + ], + [ + "owe", + -14.05575180053711 + ], + [ + "▁Lucie", + -14.055835723876951 + ], + [ + "Allah", + -14.055848121643066 + ], + [ + "ONA", + -14.055875778198242 + ], + [ + "PCI", + -14.055893898010254 + ], + [ + "mist", + -14.055975914001465 + ], + [ + "▁Forskolin", + -14.055987358093262 + ], + [ + "▁Thorne", + -14.056011199951172 + ], + [ + "▁informatics", + -14.056084632873535 + ], + [ + "▁conforming", + -14.056119918823242 + ], + [ + "cili", + -14.056203842163086 + ], + [ + "▁aggravate", + -14.05621337890625 + ], + [ + "▁zap", + -14.05623722076416 + ], + [ + "▁Musica", + -14.056260108947754 + ], + [ + "▁blinding", + -14.056319236755373 + ], + [ + "▁Patience", + -14.056321144104004 + ], + [ + "▁Zacks", + -14.056474685668944 + ], + [ + "▁Sindh", + -14.056538581848145 + ], + [ + "▁Cristina", + -14.056547164916992 + ], + [ + "Nike", + -14.056565284729004 + ], + [ + "▁WoW", + -14.056604385375977 + ], + [ + "eque", + -14.056646347045898 + ], + [ + "INC", + -14.056711196899414 + ], + [ + "erine", + -14.056732177734377 + ], + [ + "▁sayings", + -14.056747436523438 + ], + [ + "▁Tiru", + -14.056777000427246 + ], + [ + "▁Gertrude", + -14.056814193725586 + ], + [ + "▁Guillermo", + -14.056814193725586 + ], + [ + "▁caviar", + -14.056814193725586 + ], + [ + "▁gubernatorial", + -14.056814193725586 + ], + [ + "▁raucous", + -14.056814193725586 + ], + [ + "▁PvP", + -14.056815147399902 + ], + [ + "▁Distinction", + -14.05681610107422 + ], + [ + "▁assailant", + -14.05681610107422 + ], + [ + "▁onlookers", + -14.056818008422852 + ], + [ + "▁traversing", + -14.056818008422852 + ], + [ + "▁BuzzFeed", + -14.056818962097168 + ], + [ + "▁insidious", + -14.056822776794434 + ], + [ + "▁emblematic", + -14.056825637817385 + ], + [ + "▁Bugatti", + -14.0568265914917 + ], + [ + "▁capitol", + -14.056838989257812 + ], + [ + "▁conifer", + -14.05685043334961 + ], + [ + "▁phpBB", + -14.056852340698242 + ], + [ + "▁Importance", + -14.056866645812988 + ], + [ + "▁reclamation", + -14.056872367858888 + ], + [ + "▁Dianne", + -14.056896209716797 + ], + [ + "▁replete", + -14.05690097808838 + ], + [ + "▁enchantment", + -14.056924819946287 + ], + [ + "▁Rosetta", + -14.056947708129885 + ], + [ + "▁blogosphere", + -14.056965827941896 + ], + [ + "▁waged", + -14.056973457336426 + ], + [ + "1:10", + -14.056978225708008 + ], + [ + "▁Redeemer", + -14.057093620300291 + ], + [ + "▁Gemstone", + -14.057108879089355 + ], + [ + "▁intraday", + -14.057123184204102 + ], + [ + "938", + -14.057135581970217 + ], + [ + "▁FDIC", + -14.057151794433594 + ], + [ + "Counter", + -14.057177543640137 + ], + [ + "▁figuratively", + -14.057215690612791 + ], + [ + "▁distro", + -14.057280540466309 + ], + [ + "▁pixie", + -14.057303428649902 + ], + [ + "819", + -14.057449340820312 + ], + [ + "▁nerdy", + -14.05747127532959 + ], + [ + "▁realtime", + -14.057486534118652 + ], + [ + "▁beautifying", + -14.057525634765623 + ], + [ + "29)", + -14.05754566192627 + ], + [ + "▁reorder", + -14.0575532913208 + ], + [ + "▁$130", + -14.057564735412598 + ], + [ + "nibal", + -14.057573318481444 + ], + [ + "▁NASDAQ", + -14.05758571624756 + ], + [ + "Complement", + -14.057622909545898 + ], + [ + "Patch", + -14.057645797729492 + ], + [ + "▁Whitening", + -14.057708740234377 + ], + [ + "▁Joo", + -14.057762145996094 + ], + [ + "▁purist", + -14.05776596069336 + ], + [ + "748", + -14.057766914367676 + ], + [ + "▁bevel", + -14.057783126831056 + ], + [ + "▁munch", + -14.05780792236328 + ], + [ + "▁-1", + -14.057890892028809 + ], + [ + "nsley", + -14.057891845703123 + ], + [ + "▁memorized", + -14.057918548583984 + ], + [ + "▁ITIL", + -14.057927131652832 + ], + [ + "▁Barba", + -14.05801773071289 + ], + [ + "▁Reaching", + -14.058067321777344 + ], + [ + "▁Menlo", + -14.05811595916748 + ], + [ + "▁ICA", + -14.058150291442873 + ], + [ + "▁Enes", + -14.05815601348877 + ], + [ + "inka", + -14.0582275390625 + ], + [ + "▁Angler", + -14.058250427246094 + ], + [ + "▁Trumpet", + -14.058284759521484 + ], + [ + "AST", + -14.05831527709961 + ], + [ + "▁bashing", + -14.058327674865724 + ], + [ + "▁IBC", + -14.058451652526855 + ], + [ + "▁Loco", + -14.058510780334473 + ], + [ + "CTA", + -14.058523178100586 + ], + [ + "▁veal", + -14.058553695678713 + ], + [ + "807", + -14.058636665344238 + ], + [ + "marie", + -14.058648109436035 + ], + [ + "▁contented", + -14.058670043945312 + ], + [ + "▁Routes", + -14.0587158203125 + ], + [ + "Mirror", + -14.058716773986816 + ], + [ + "▁747", + -14.058722496032717 + ], + [ + "explore", + -14.058730125427246 + ], + [ + "▁knotted", + -14.058794975280762 + ], + [ + "Worth", + -14.058833122253418 + ], + [ + "▁Judging", + -14.058856010437012 + ], + [ + "Cutting", + -14.058890342712402 + ], + [ + "casual", + -14.05906105041504 + ], + [ + "duh", + -14.059078216552734 + ], + [ + "ohan", + -14.059080123901367 + ], + [ + "▁1854", + -14.059096336364746 + ], + [ + "etra", + -14.05910873413086 + ], + [ + "compared", + -14.059124946594238 + ], + [ + "▁dials", + -14.059158325195312 + ], + [ + "igue", + -14.05919075012207 + ], + [ + "▁capitals", + -14.059261322021484 + ], + [ + "▁Vik", + -14.059310913085938 + ], + [ + "▁Swans", + -14.059426307678224 + ], + [ + "HEAD", + -14.059430122375488 + ], + [ + "eler", + -14.059467315673828 + ], + [ + "▁Consist", + -14.059511184692385 + ], + [ + "▁SMP", + -14.059551239013672 + ], + [ + "fluid", + -14.059581756591797 + ], + [ + "▁Discovering", + -14.059603691101074 + ], + [ + "▁Homepage", + -14.059767723083496 + ], + [ + "▁Resolutions", + -14.059771537780762 + ], + [ + "▁LOB", + -14.059773445129396 + ], + [ + "IGA", + -14.059896469116213 + ], + [ + "AUD", + -14.059922218322754 + ], + [ + "▁ported", + -14.059992790222168 + ], + [ + "▁Http", + -14.060004234313965 + ], + [ + "▁Naj", + -14.060007095336914 + ], + [ + "Ted", + -14.060020446777344 + ], + [ + "▁259", + -14.060036659240724 + ], + [ + "▁slug", + -14.060051918029783 + ], + [ + "meth", + -14.060105323791504 + ], + [ + "kula", + -14.060200691223145 + ], + [ + "▁cleansers", + -14.06020736694336 + ], + [ + "Vin", + -14.060280799865724 + ], + [ + "▁Pia", + -14.060312271118164 + ], + [ + "rok", + -14.060347557067873 + ], + [ + "▁Mish", + -14.060518264770508 + ], + [ + "▁hazelnuts", + -14.060585021972656 + ], + [ + "▁crocodiles", + -14.060586929321287 + ], + [ + "recht", + -14.060601234436035 + ], + [ + "dean", + -14.060612678527832 + ], + [ + "▁decaying", + -14.060628890991213 + ], + [ + "Manufacturer", + -14.06063175201416 + ], + [ + "iata", + -14.060659408569336 + ], + [ + "Ear", + -14.060684204101562 + ], + [ + "▁Dancer", + -14.060709953308104 + ], + [ + "2:30", + -14.060718536376951 + ], + [ + "Kris", + -14.060725212097168 + ], + [ + "LAD", + -14.06084442138672 + ], + [ + "▁Cull", + -14.060866355895996 + ], + [ + "▁Wester", + -14.060877799987791 + ], + [ + "formation", + -14.060901641845703 + ], + [ + "▁cellars", + -14.060994148254396 + ], + [ + "706", + -14.061004638671877 + ], + [ + "cumbe", + -14.061031341552734 + ], + [ + "▁Britton", + -14.061049461364746 + ], + [ + "▁Esta", + -14.06106185913086 + ], + [ + "▁Huff", + -14.061074256896973 + ], + [ + "▁Hogwarts", + -14.06118106842041 + ], + [ + "▁accelerometer", + -14.06118106842041 + ], + [ + "▁sauerkraut", + -14.06118106842041 + ], + [ + "▁zithromax", + -14.06118106842041 + ], + [ + "968", + -14.06118392944336 + ], + [ + "▁monochromatic", + -14.061184883117676 + ], + [ + "▁grudge", + -14.06118869781494 + ], + [ + "▁bulging", + -14.061189651489258 + ], + [ + "▁morsel", + -14.06119441986084 + ], + [ + "▁Mysore", + -14.061197280883787 + ], + [ + "▁rouge", + -14.061205863952637 + ], + [ + "chamber", + -14.061216354370115 + ], + [ + "▁zoos", + -14.0612211227417 + ], + [ + "▁Alignment", + -14.061223983764648 + ], + [ + "▁Virtue", + -14.061233520507812 + ], + [ + "▁tanned", + -14.061239242553713 + ], + [ + "▁Macbeth", + -14.06124210357666 + ], + [ + "▁Kafka", + -14.061297416687012 + ], + [ + "▁prelude", + -14.061347007751465 + ], + [ + "▁CPP", + -14.061354637145996 + ], + [ + "Commission", + -14.061426162719728 + ], + [ + "▁ministerial", + -14.061427116394045 + ], + [ + "▁Mage", + -14.061479568481444 + ], + [ + "lari", + -14.061488151550291 + ], + [ + "▁Fenton", + -14.061509132385254 + ], + [ + "▁nas", + -14.061542510986328 + ], + [ + "▁Officejet", + -14.06157112121582 + ], + [ + "Ren", + -14.061601638793944 + ], + [ + "▁MINER", + -14.061620712280272 + ], + [ + "▁Eats", + -14.061628341674805 + ], + [ + "avat", + -14.061664581298828 + ], + [ + "debt", + -14.06170654296875 + ], + [ + "▁octa", + -14.061731338500977 + ], + [ + "Graphic", + -14.061747550964355 + ], + [ + "▁thwarted", + -14.06175708770752 + ], + [ + "▁Gretchen", + -14.061767578125 + ], + [ + "▁admirers", + -14.06179428100586 + ], + [ + "▁MOOC", + -14.061830520629885 + ], + [ + "▁torches", + -14.0618314743042 + ], + [ + "stopping", + -14.061832427978516 + ], + [ + "▁GV", + -14.061878204345703 + ], + [ + "▁fluidity", + -14.06189250946045 + ], + [ + "▁pero", + -14.061923027038574 + ], + [ + "▁forfeited", + -14.061928749084473 + ], + [ + "▁snowshoe", + -14.061992645263672 + ], + [ + "▁1959.", + -14.061999320983888 + ], + [ + "▁Dé", + -14.062004089355469 + ], + [ + "▁fringes", + -14.062034606933594 + ], + [ + "ROI", + -14.06203842163086 + ], + [ + "roughly", + -14.06203842163086 + ], + [ + "▁morphological", + -14.062097549438477 + ], + [ + "▁1954.", + -14.062098503112791 + ], + [ + "▁hammering", + -14.062105178833008 + ], + [ + "▁nominating", + -14.062167167663574 + ], + [ + "chik", + -14.06218433380127 + ], + [ + "▁cultivars", + -14.062265396118164 + ], + [ + "▁Carney", + -14.062312126159668 + ], + [ + "cutaneous", + -14.062383651733398 + ], + [ + "▁STL", + -14.062406539916992 + ], + [ + "cases", + -14.062410354614258 + ], + [ + "ammy", + -14.062432289123535 + ], + [ + "▁bachelorette", + -14.062459945678713 + ], + [ + "▁collab", + -14.062467575073242 + ], + [ + "▁3.5%", + -14.062488555908203 + ], + [ + "expensive", + -14.06253147125244 + ], + [ + "▁sweetie", + -14.062549591064451 + ], + [ + "▁Duval", + -14.062631607055664 + ], + [ + "▁32\"", + -14.06263542175293 + ], + [ + "▁62%", + -14.062739372253418 + ], + [ + "▁optimist", + -14.062772750854492 + ], + [ + "ishly", + -14.062827110290527 + ], + [ + "▁Lizard", + -14.062843322753906 + ], + [ + "▁CREDIT", + -14.06286907196045 + ], + [ + "▁Hillside", + -14.062878608703612 + ], + [ + "▁EMF", + -14.062883377075195 + ], + [ + "ERC", + -14.062929153442385 + ], + [ + "▁airfares", + -14.062935829162598 + ], + [ + "851", + -14.06293773651123 + ], + [ + "▁1877", + -14.062973976135254 + ], + [ + "Tyr", + -14.062978744506836 + ], + [ + "▁Cros", + -14.062981605529783 + ], + [ + "▁Garment", + -14.062993049621582 + ], + [ + "▁BUR", + -14.063044548034668 + ], + [ + "▁Brill", + -14.063104629516602 + ], + [ + "▁Hardcover", + -14.063135147094728 + ], + [ + "▁Proudly", + -14.063148498535156 + ], + [ + "▁____", + -14.063148498535156 + ], + [ + "▁SOAP", + -14.063189506530762 + ], + [ + "Participate", + -14.063202857971191 + ], + [ + "oyo", + -14.063207626342772 + ], + [ + "hoy", + -14.063213348388672 + ], + [ + "Claire", + -14.063228607177734 + ], + [ + "vector", + -14.063239097595217 + ], + [ + "Gaming", + -14.06325340270996 + ], + [ + "▁229", + -14.063278198242188 + ], + [ + "▁avatars", + -14.063324928283691 + ], + [ + "HEN", + -14.063353538513184 + ], + [ + "▁decompose", + -14.063546180725098 + ], + [ + "compatibility", + -14.06356430053711 + ], + [ + "▁Studying", + -14.063641548156738 + ], + [ + "lust", + -14.063643455505373 + ], + [ + "▁SAA", + -14.063740730285645 + ], + [ + "▁forklifts", + -14.063836097717283 + ], + [ + "▁rainbows", + -14.063838958740234 + ], + [ + "▁Excessive", + -14.06385898590088 + ], + [ + "KN", + -14.063886642456056 + ], + [ + "▁Lloyds", + -14.0639066696167 + ], + [ + "Kbps", + -14.06395435333252 + ], + [ + "▁92%", + -14.063982963562012 + ], + [ + "▁Yer", + -14.063989639282228 + ], + [ + "▁Neighbors", + -14.06399154663086 + ], + [ + "▁hunk", + -14.06401252746582 + ], + [ + "▁Airports", + -14.0640287399292 + ], + [ + "▁pokies", + -14.064038276672363 + ], + [ + "▁diodes", + -14.064046859741213 + ], + [ + "▁injustices", + -14.064095497131348 + ], + [ + "▁$0.1", + -14.06414794921875 + ], + [ + "▁Refine", + -14.064202308654783 + ], + [ + "tano", + -14.064265251159668 + ], + [ + "274", + -14.064297676086426 + ], + [ + "▁buffering", + -14.064382553100586 + ], + [ + "1800", + -14.064388275146484 + ], + [ + "▁messengers", + -14.064610481262209 + ], + [ + "thesis", + -14.06464672088623 + ], + [ + "▁Crist", + -14.064647674560549 + ], + [ + "▁Nestle", + -14.064714431762695 + ], + [ + "702", + -14.06477165222168 + ], + [ + "AVI", + -14.064876556396484 + ], + [ + "▁SDGs", + -14.064879417419434 + ], + [ + "▁recovers", + -14.064881324768066 + ], + [ + "▁Latte", + -14.06490707397461 + ], + [ + "gw", + -14.06495475769043 + ], + [ + "▁sketched", + -14.064983367919922 + ], + [ + "▁HMI", + -14.065001487731934 + ], + [ + "▁amazes", + -14.065013885498049 + ], + [ + "estimated", + -14.06505298614502 + ], + [ + "▁offsets", + -14.065057754516602 + ], + [ + "▁Frederic", + -14.06506061553955 + ], + [ + "▁1869", + -14.065071105957031 + ], + [ + "▁1-6", + -14.065138816833496 + ], + [ + "Todd", + -14.065162658691406 + ], + [ + "▁Raul", + -14.065194129943848 + ], + [ + "▁Philipp", + -14.065321922302246 + ], + [ + "▁Carrying", + -14.065345764160156 + ], + [ + "Selection", + -14.065351486206056 + ], + [ + "▁lifeguard", + -14.065390586853027 + ], + [ + "▁bygone", + -14.065449714660645 + ], + [ + "usp", + -14.06546115875244 + ], + [ + "▁kitchenaid", + -14.06546115875244 + ], + [ + "ELT", + -14.065475463867188 + ], + [ + "cona", + -14.065509796142578 + ], + [ + "audit", + -14.065523147583008 + ], + [ + "amphetamine", + -14.06556510925293 + ], + [ + "▁Psychiatric", + -14.065567016601562 + ], + [ + "▁complacency", + -14.065567016601562 + ], + [ + "▁hickory", + -14.065567016601562 + ], + [ + "▁Naperville", + -14.06556797027588 + ], + [ + "▁Amman", + -14.065568923950195 + ], + [ + "▁matrimonial", + -14.06557846069336 + ], + [ + "▁heuristic", + -14.065582275390623 + ], + [ + "▁Guilford", + -14.065596580505373 + ], + [ + "▁Tariff", + -14.06560516357422 + ], + [ + "▁Drexel", + -14.065611839294434 + ], + [ + "▁windsurfing", + -14.0656156539917 + ], + [ + "▁salami", + -14.065624237060549 + ], + [ + "waiting", + -14.065638542175291 + ], + [ + "▁immortality", + -14.06564235687256 + ], + [ + "STRONG", + -14.065651893615724 + ], + [ + "Angelo", + -14.06567668914795 + ], + [ + "▁ergonomically", + -14.065682411193848 + ], + [ + "▁HEART", + -14.065690994262695 + ], + [ + "▁extant", + -14.065690994262695 + ], + [ + "ACP", + -14.065696716308594 + ], + [ + "vue", + -14.065714836120604 + ], + [ + "KW", + -14.06572437286377 + ], + [ + "CVD", + -14.065762519836426 + ], + [ + "▁Nanny", + -14.065778732299805 + ], + [ + "▁Marissa", + -14.065800666809082 + ], + [ + "▁Mistakes", + -14.065825462341309 + ], + [ + "Traveling", + -14.06586456298828 + ], + [ + "▁Slab", + -14.065874099731444 + ], + [ + "▁squeaky", + -14.065899848937988 + ], + [ + "▁TEDx", + -14.06590175628662 + ], + [ + "▁jetty", + -14.065903663635254 + ], + [ + "▁SID", + -14.065974235534668 + ], + [ + "▁Trailers", + -14.06601619720459 + ], + [ + "871", + -14.066020011901855 + ], + [ + "▁Platforms", + -14.066132545471191 + ], + [ + "▁mistrust", + -14.066225051879885 + ], + [ + "▁2300", + -14.066232681274414 + ], + [ + "268", + -14.066309928894045 + ], + [ + "▁masterfully", + -14.066313743591309 + ], + [ + "rae", + -14.066341400146484 + ], + [ + "TTER", + -14.066346168518066 + ], + [ + "ilis", + -14.066363334655762 + ], + [ + "▁noncommercial", + -14.06639289855957 + ], + [ + "3,600", + -14.066411018371582 + ], + [ + "▁eagerness", + -14.06642246246338 + ], + [ + "phonic", + -14.066449165344238 + ], + [ + "▁Delegates", + -14.066450119018556 + ], + [ + "▁fascist", + -14.066472053527832 + ], + [ + "▁TRY", + -14.06650447845459 + ], + [ + "▁daybed", + -14.066526412963867 + ], + [ + "▁Titles", + -14.066529273986816 + ], + [ + "busters", + -14.066576957702637 + ], + [ + "▁overworked", + -14.066588401794434 + ], + [ + "decent", + -14.066595077514648 + ], + [ + "▁Spas", + -14.066643714904783 + ], + [ + "▁Slayer", + -14.06664752960205 + ], + [ + "▁nameplate", + -14.066654205322266 + ], + [ + "▁Posters", + -14.06666374206543 + ], + [ + "▁dispensed", + -14.066715240478516 + ], + [ + "DMS", + -14.06672191619873 + ], + [ + "▁stardom", + -14.066763877868652 + ], + [ + "▁trams", + -14.066792488098145 + ], + [ + "▁NIV", + -14.066795349121094 + ], + [ + "▁Entering", + -14.066802024841309 + ], + [ + "Coast", + -14.06680679321289 + ], + [ + "▁253", + -14.06682014465332 + ], + [ + "▁rhinestone", + -14.066854476928713 + ], + [ + "▁Persona", + -14.066892623901367 + ], + [ + "▁calibrate", + -14.066917419433594 + ], + [ + "▁Collie", + -14.06691837310791 + ], + [ + "dora", + -14.06702709197998 + ], + [ + "▁choked", + -14.067100524902344 + ], + [ + "hell", + -14.06712245941162 + ], + [ + "needle", + -14.067139625549316 + ], + [ + "matically", + -14.06714153289795 + ], + [ + "▁Latter", + -14.067178726196287 + ], + [ + "▁lob", + -14.067201614379885 + ], + [ + "Rush", + -14.067203521728516 + ], + [ + "▁buffets", + -14.067245483398438 + ], + [ + "▁Michal", + -14.067291259765623 + ], + [ + "Cape", + -14.06736946105957 + ], + [ + "▁Horne", + -14.067392349243164 + ], + [ + "Greater", + -14.067465782165527 + ], + [ + "▁decently", + -14.067466735839844 + ], + [ + "1.2%", + -14.067676544189451 + ], + [ + "627", + -14.067699432373049 + ], + [ + "▁($7", + -14.067699432373049 + ], + [ + "Critics", + -14.067706108093262 + ], + [ + "741", + -14.067709922790527 + ], + [ + "Uh", + -14.06772518157959 + ], + [ + "Yahoo", + -14.0677490234375 + ], + [ + "▁Runs", + -14.067750930786133 + ], + [ + "ivu", + -14.06775951385498 + ], + [ + "unning", + -14.06780242919922 + ], + [ + "▁Vivid", + -14.06785774230957 + ], + [ + "nek", + -14.067898750305176 + ], + [ + "ookie", + -14.067944526672363 + ], + [ + "THANK", + -14.067946434020996 + ], + [ + "aje", + -14.06798267364502 + ], + [ + "▁Atwood", + -14.067998886108398 + ], + [ + "boiled", + -14.068037033081056 + ], + [ + "▁Verdi", + -14.068087577819824 + ], + [ + "▁SURE", + -14.068107604980469 + ], + [ + "Cream", + -14.068127632141112 + ], + [ + "▁ECS", + -14.06814193725586 + ], + [ + "▁DAR", + -14.068202018737791 + ], + [ + "RMS", + -14.068217277526855 + ], + [ + "▁Ano", + -14.068232536315918 + ], + [ + "stance", + -14.068238258361816 + ], + [ + "ouli", + -14.068244934082031 + ], + [ + "▁3).", + -14.06830596923828 + ], + [ + "▁Marketers", + -14.068314552307127 + ], + [ + "▁Integral", + -14.068330764770508 + ], + [ + "Finished", + -14.068350791931152 + ], + [ + "breeding", + -14.068405151367188 + ], + [ + "LID", + -14.06844997406006 + ], + [ + "▁dishwashers", + -14.068523406982422 + ], + [ + "▁drummers", + -14.068556785583496 + ], + [ + "▁Magician", + -14.06857681274414 + ], + [ + "flop", + -14.068643569946287 + ], + [ + "▁flashbacks", + -14.068708419799805 + ], + [ + "▁Afterward", + -14.068760871887209 + ], + [ + "▁Amino", + -14.068840026855469 + ], + [ + "▁CONNECT", + -14.068875312805176 + ], + [ + "genre", + -14.069010734558104 + ], + [ + "Reply", + -14.06911563873291 + ], + [ + "▁obstructions", + -14.069137573242188 + ], + [ + "▁jon", + -14.069146156311035 + ], + [ + "▁Faire", + -14.069151878356934 + ], + [ + "steps", + -14.06919288635254 + ], + [ + "▁GLO", + -14.069199562072754 + ], + [ + "BOY", + -14.069218635559082 + ], + [ + "▁Moist", + -14.06923007965088 + ], + [ + "nearly", + -14.069233894348145 + ], + [ + "▁pleats", + -14.069254875183104 + ], + [ + "nosed", + -14.06926727294922 + ], + [ + "▁Lender", + -14.069311141967772 + ], + [ + "▁MATERIALS", + -14.06931209564209 + ], + [ + "▁MTN", + -14.069342613220217 + ], + [ + "▁guitarists", + -14.069343566894531 + ], + [ + "SDR", + -14.069412231445312 + ], + [ + "▁billionaires", + -14.06944179534912 + ], + [ + "▁MFC", + -14.069462776184082 + ], + [ + "▁feathered", + -14.069462776184082 + ], + [ + "▁donned", + -14.069467544555664 + ], + [ + "bind", + -14.06955909729004 + ], + [ + "▁surges", + -14.06963062286377 + ], + [ + "▁Holo", + -14.069636344909668 + ], + [ + "liz", + -14.06969165802002 + ], + [ + "▁ticker", + -14.069765090942385 + ], + [ + "▁instinctive", + -14.069786071777344 + ], + [ + "Sn", + -14.069819450378418 + ], + [ + "▁apathy", + -14.069911003112791 + ], + [ + "▁Mang", + -14.06997013092041 + ], + [ + "▁disembark", + -14.069971084594728 + ], + [ + "▁Immaculate", + -14.069972038269045 + ], + [ + "▁Kilkenny", + -14.069972038269045 + ], + [ + "▁Nickelodeon", + -14.069972038269045 + ], + [ + "▁SOFTWARE", + -14.069972038269045 + ], + [ + "▁craigslist", + -14.069972038269045 + ], + [ + "▁entrée", + -14.069972038269045 + ], + [ + "▁uncharted", + -14.069972038269045 + ], + [ + "▁ovulation", + -14.06997299194336 + ], + [ + "▁strategize", + -14.069976806640623 + ], + [ + "▁unplugged", + -14.06997776031494 + ], + [ + "▁metastasis", + -14.069978713989258 + ], + [ + "▁Innocent", + -14.069979667663574 + ], + [ + "▁Warwickshire", + -14.069986343383787 + ], + [ + "cara", + -14.069995880126951 + ], + [ + "▁1948.", + -14.069995880126951 + ], + [ + "▁Quotation", + -14.070003509521484 + ], + [ + "▁profess", + -14.070013046264648 + ], + [ + "▁kinship", + -14.070013999938965 + ], + [ + "▁Copeland", + -14.070016860961914 + ], + [ + "▁khaki", + -14.070022583007812 + ], + [ + "▁GoDaddy", + -14.070027351379396 + ], + [ + "▁chromatography", + -14.070029258728027 + ], + [ + "Confident", + -14.070049285888672 + ], + [ + "0-100", + -14.070058822631836 + ], + [ + "▁Guildford", + -14.07011890411377 + ], + [ + "▁preclinical", + -14.07012176513672 + ], + [ + "▁SBM", + -14.070178031921388 + ], + [ + "▁Paxton", + -14.070180892944336 + ], + [ + "olino", + -14.070181846618652 + ], + [ + "▁Overlook", + -14.070183753967283 + ], + [ + "▁emigrated", + -14.07020092010498 + ], + [ + "▁(£1", + -14.070249557495115 + ], + [ + "584", + -14.070252418518066 + ], + [ + "▁tradesmen", + -14.070262908935549 + ], + [ + "▁2011;", + -14.070323944091797 + ], + [ + "▁privy", + -14.070334434509276 + ], + [ + "▁Differences", + -14.070335388183594 + ], + [ + "▁Breach", + -14.070337295532228 + ], + [ + "▁Maul", + -14.07034969329834 + ], + [ + "tribut", + -14.070351600646973 + ], + [ + "phin", + -14.07038402557373 + ], + [ + "▁Evanston", + -14.070449829101562 + ], + [ + "▁usurp", + -14.070518493652344 + ], + [ + "CODE", + -14.070531845092772 + ], + [ + "▁Armory", + -14.070545196533203 + ], + [ + "▁EDC", + -14.070545196533203 + ], + [ + "▁Martina", + -14.070551872253418 + ], + [ + "▁crackling", + -14.07059383392334 + ], + [ + "Applying", + -14.070595741271973 + ], + [ + "▁Edwardian", + -14.070626258850098 + ], + [ + "-$1", + -14.070655822753906 + ], + [ + "EME", + -14.07076644897461 + ], + [ + "iglio", + -14.07077980041504 + ], + [ + "roi", + -14.07078742980957 + ], + [ + "▁2006).", + -14.070818901062012 + ], + [ + "▁bypassing", + -14.070833206176758 + ], + [ + "1.00", + -14.070846557617188 + ], + [ + "▁pooled", + -14.070849418640137 + ], + [ + "▁murdering", + -14.070882797241213 + ], + [ + "▁CAB", + -14.070920944213867 + ], + [ + "▁CMC", + -14.07093334197998 + ], + [ + "▁aligners", + -14.07093334197998 + ], + [ + "▁Trendy", + -14.070985794067385 + ], + [ + "▁LJ", + -14.071016311645508 + ], + [ + "Waste", + -14.071017265319824 + ], + [ + "▁Ozone", + -14.071074485778809 + ], + [ + "calls", + -14.071084022521973 + ], + [ + "Flag", + -14.071162223815918 + ], + [ + "▁IFA", + -14.071179389953612 + ], + [ + "inny", + -14.071249961853027 + ], + [ + "svn", + -14.07131290435791 + ], + [ + "▁tourney", + -14.071319580078123 + ], + [ + "▁Neighbor", + -14.07136344909668 + ], + [ + "▁anthropo", + -14.071374893188477 + ], + [ + "Dust", + -14.071488380432127 + ], + [ + "▁Hao", + -14.071503639221191 + ], + [ + "portal", + -14.071517944335938 + ], + [ + "itty", + -14.071556091308594 + ], + [ + "▁organist", + -14.071561813354492 + ], + [ + "▁addicting", + -14.071608543395996 + ], + [ + "▁Kitten", + -14.071624755859377 + ], + [ + "shifting", + -14.07165241241455 + ], + [ + "▁9.8", + -14.071685791015623 + ], + [ + "▁rookies", + -14.071775436401367 + ], + [ + "nab", + -14.071813583374023 + ], + [ + "NTA", + -14.07186508178711 + ], + [ + "naire", + -14.07187557220459 + ], + [ + "▁crocheted", + -14.071949005126951 + ], + [ + "lement", + -14.072002410888672 + ], + [ + "▁OIL", + -14.07201099395752 + ], + [ + "Stretching", + -14.07203197479248 + ], + [ + "CPS", + -14.072102546691896 + ], + [ + "▁whit", + -14.07215976715088 + ], + [ + "▁WELCOME", + -14.07221794128418 + ], + [ + "Adapt", + -14.072226524353027 + ], + [ + "zze", + -14.072237014770508 + ], + [ + "Pricing", + -14.072245597839355 + ], + [ + "dwelling", + -14.072246551513672 + ], + [ + "▁Mop", + -14.072394371032717 + ], + [ + "▁hindering", + -14.07240390777588 + ], + [ + "Champion", + -14.072416305541992 + ], + [ + "Korean", + -14.072458267211914 + ], + [ + "GAAP", + -14.07248306274414 + ], + [ + "▁artful", + -14.072521209716797 + ], + [ + "Tru", + -14.07254409790039 + ], + [ + "▁pronouns", + -14.072626113891602 + ], + [ + "▁smokey", + -14.07262897491455 + ], + [ + "zell", + -14.07264232635498 + ], + [ + "psych", + -14.072646141052246 + ], + [ + "license", + -14.072660446166992 + ], + [ + "▁Sylvester", + -14.072671890258787 + ], + [ + "IFT", + -14.072691917419434 + ], + [ + "values", + -14.072691917419434 + ], + [ + "urn", + -14.072693824768066 + ], + [ + "▁miter", + -14.072724342346191 + ], + [ + "Proper", + -14.072815895080566 + ], + [ + "▁Nast", + -14.0728178024292 + ], + [ + "▁SEK", + -14.072936058044434 + ], + [ + "▁bha", + -14.072958946228027 + ], + [ + "996", + -14.072991371154783 + ], + [ + "873", + -14.073006629943848 + ], + [ + "▁PHOTO", + -14.073030471801758 + ], + [ + "▁manifesting", + -14.073050498962402 + ], + [ + "▁birdie", + -14.073272705078123 + ], + [ + "▁McCar", + -14.073307037353516 + ], + [ + "targeted", + -14.07331085205078 + ], + [ + "gist", + -14.07333755493164 + ], + [ + "▁Mullen", + -14.073440551757812 + ], + [ + "▁Nume", + -14.07352352142334 + ], + [ + "FTP", + -14.07353401184082 + ], + [ + "▁7-5", + -14.073546409606934 + ], + [ + "▁justifies", + -14.073670387268066 + ], + [ + "resist", + -14.073699951171877 + ], + [ + "▁fizz", + -14.073773384094238 + ], + [ + "▁newlyweds", + -14.073781967163086 + ], + [ + "SAS", + -14.073797225952148 + ], + [ + "▁Yom", + -14.073801040649414 + ], + [ + "multiple", + -14.073835372924805 + ], + [ + "▁deliberations", + -14.073844909667969 + ], + [ + "▁1841", + -14.073850631713867 + ], + [ + "▁Bassett", + -14.073895454406738 + ], + [ + "▁236", + -14.073966979980469 + ], + [ + "engage", + -14.073991775512695 + ], + [ + "CEA", + -14.074052810668944 + ], + [ + "0;", + -14.07409381866455 + ], + [ + "▁Hormone", + -14.074108123779297 + ], + [ + "▁incessant", + -14.074155807495115 + ], + [ + "▁Dunne", + -14.074199676513672 + ], + [ + "▁cadet", + -14.074220657348633 + ], + [ + "▁Blackhawks", + -14.07427215576172 + ], + [ + "▁resorted", + -14.074275970458984 + ], + [ + "Surviving", + -14.074397087097168 + ], + [ + "▁chorizo", + -14.074397087097168 + ], + [ + "▁improbable", + -14.074397087097168 + ], + [ + "▁geospatial", + -14.074399948120115 + ], + [ + "▁conflicted", + -14.074408531188965 + ], + [ + "▁Amarillo", + -14.07440948486328 + ], + [ + "▁registries", + -14.07440948486328 + ], + [ + "▁prefecture", + -14.074418067932127 + ], + [ + "▁unhappiness", + -14.074419975280762 + ], + [ + "▁Constance", + -14.07442569732666 + ], + [ + "▁rumbling", + -14.07442569732666 + ], + [ + "▁(1989)", + -14.074434280395508 + ], + [ + "▁Suisse", + -14.074442863464355 + ], + [ + "ANSWER", + -14.07445240020752 + ], + [ + "▁normative", + -14.074468612670898 + ], + [ + "▁Leiden", + -14.074508666992188 + ], + [ + "▁Harlow", + -14.074519157409668 + ], + [ + "▁Painters", + -14.074540138244627 + ], + [ + "▁predominately", + -14.074540138244627 + ], + [ + "▁NYPD", + -14.074542045593262 + ], + [ + "▁lacing", + -14.07457447052002 + ], + [ + "dence", + -14.074588775634766 + ], + [ + "EIT", + -14.074590682983398 + ], + [ + "▁subunit", + -14.074603080749512 + ], + [ + "zw", + -14.07461166381836 + ], + [ + "▁#14", + -14.07461929321289 + ], + [ + "▁Medford", + -14.0746431350708 + ], + [ + "▁CFP", + -14.07468318939209 + ], + [ + "▁cams", + -14.074711799621582 + ], + [ + "▁Johor", + -14.074721336364746 + ], + [ + "▁reproducing", + -14.074740409851074 + ], + [ + "▁kitties", + -14.074771881103516 + ], + [ + "amy", + -14.074793815612791 + ], + [ + "▁textural", + -14.074795722961426 + ], + [ + "DIE", + -14.074798583984377 + ], + [ + "DAP", + -14.074871063232422 + ], + [ + "▁Mayweather", + -14.074883460998535 + ], + [ + "▁Gianni", + -14.074902534484863 + ], + [ + "▁Californians", + -14.074904441833496 + ], + [ + "MUN", + -14.074963569641112 + ], + [ + "▁deflected", + -14.07497215270996 + ], + [ + "▁covet", + -14.074994087219238 + ], + [ + "▁Sheng", + -14.075000762939451 + ], + [ + "427", + -14.075014114379885 + ], + [ + "▁DQ", + -14.075102806091309 + ], + [ + "▁VV", + -14.07514762878418 + ], + [ + "▁rediscovered", + -14.075162887573242 + ], + [ + "dap", + -14.075181007385254 + ], + [ + "▁Cramer", + -14.07518482208252 + ], + [ + "ranium", + -14.075241088867188 + ], + [ + "▁9780", + -14.07534885406494 + ], + [ + "database", + -14.075366020202637 + ], + [ + "▁num", + -14.075435638427734 + ], + [ + "055", + -14.07547378540039 + ], + [ + "Metadata", + -14.075485229492188 + ], + [ + "ibil", + -14.07548713684082 + ], + [ + "▁alertness", + -14.075559616088867 + ], + [ + "▁Matu", + -14.075596809387209 + ], + [ + "Shake", + -14.075651168823242 + ], + [ + "angu", + -14.075676918029783 + ], + [ + "▁contended", + -14.07568359375 + ], + [ + "▁YP", + -14.075691223144531 + ], + [ + "▁SON", + -14.07571029663086 + ], + [ + "▁Niche", + -14.075718879699709 + ], + [ + "▁nobility", + -14.075721740722656 + ], + [ + "Realize", + -14.075776100158691 + ], + [ + "▁Breathing", + -14.075987815856934 + ], + [ + "▁Lagu", + -14.076102256774902 + ], + [ + "952", + -14.076127052307127 + ], + [ + "Ygo", + -14.076144218444824 + ], + [ + "▁pronoun", + -14.076147079467772 + ], + [ + "▁medallion", + -14.076156616210938 + ], + [ + "4.00", + -14.076199531555176 + ], + [ + "▁affirmations", + -14.076244354248049 + ], + [ + "▁flocks", + -14.076300621032717 + ], + [ + "▁2018?", + -14.076340675354004 + ], + [ + "787", + -14.076374053955078 + ], + [ + "gest", + -14.076385498046877 + ], + [ + "▁Cd", + -14.076407432556152 + ], + [ + "▁dv", + -14.076493263244627 + ], + [ + "▁Compute", + -14.076494216918944 + ], + [ + "apocalyptic", + -14.076748847961426 + ], + [ + "▁reigned", + -14.076749801635742 + ], + [ + "WARNING", + -14.07677936553955 + ], + [ + "▁jumpstart", + -14.076790809631348 + ], + [ + "microsoft", + -14.076797485351562 + ], + [ + "Entertainment", + -14.076802253723145 + ], + [ + "Broadway", + -14.076826095581056 + ], + [ + "cyclic", + -14.076868057250977 + ], + [ + "▁Savvy", + -14.076882362365724 + ], + [ + "▁GEN", + -14.07690715789795 + ], + [ + "highly", + -14.076943397521973 + ], + [ + "Structure", + -14.076990127563477 + ], + [ + "▁apologetic", + -14.076997756958008 + ], + [ + "▁breaching", + -14.077017784118652 + ], + [ + "▁Dominica", + -14.077020645141602 + ], + [ + "▁liven", + -14.07703685760498 + ], + [ + "▁modestly", + -14.07703971862793 + ], + [ + "threat", + -14.07704734802246 + ], + [ + "▁Cline", + -14.077116012573242 + ], + [ + "▁Failed", + -14.077142715454102 + ], + [ + "▁PDT", + -14.07725429534912 + ], + [ + "▁Urbana", + -14.07730770111084 + ], + [ + "▁cryo", + -14.07737922668457 + ], + [ + "inous", + -14.077383995056152 + ], + [ + "Rooms", + -14.07740879058838 + ], + [ + "829", + -14.077421188354492 + ], + [ + "Hearing", + -14.077580451965332 + ], + [ + "placement", + -14.07758903503418 + ], + [ + "▁Gown", + -14.077595710754396 + ], + [ + "535", + -14.077630043029783 + ], + [ + "assist", + -14.07768440246582 + ], + [ + "▁confronts", + -14.077774047851562 + ], + [ + "▁outwards", + -14.077787399291992 + ], + [ + "▁Submissions", + -14.077789306640623 + ], + [ + "tilt", + -14.077835083007812 + ], + [ + "▁personalisation", + -14.077847480773926 + ], + [ + "▁wasnt", + -14.077865600585938 + ], + [ + "▁Stefano", + -14.077958106994627 + ], + [ + "▁Embroidered", + -14.077996253967283 + ], + [ + "▁Jak", + -14.078024864196776 + ], + [ + "▁burritos", + -14.078028678894045 + ], + [ + "CTS", + -14.07819652557373 + ], + [ + "074", + -14.07822322845459 + ], + [ + "▁primates", + -14.07827377319336 + ], + [ + "▁Num", + -14.078359603881836 + ], + [ + "iasis", + -14.078425407409668 + ], + [ + "gman", + -14.078448295593262 + ], + [ + "▁Tribes", + -14.078458786010742 + ], + [ + "maine", + -14.07847499847412 + ], + [ + "▁colorless", + -14.078563690185549 + ], + [ + "▁shaver", + -14.07858943939209 + ], + [ + "▁reagents", + -14.078621864318848 + ], + [ + "▁#13", + -14.078682899475098 + ], + [ + "Kent", + -14.07877254486084 + ], + [ + "Sum", + -14.078787803649902 + ], + [ + "Sym", + -14.078816413879396 + ], + [ + "▁Auschwitz", + -14.07884120941162 + ], + [ + "▁Caucasus", + -14.07884120941162 + ], + [ + "▁Jodhpur", + -14.07884120941162 + ], + [ + "▁Maarten", + -14.07884120941162 + ], + [ + "▁PARTICULAR", + -14.07884120941162 + ], + [ + "▁Philanthropy", + -14.07884120941162 + ], + [ + "▁ibuprofen", + -14.07884120941162 + ], + [ + "▁shrewd", + -14.07884120941162 + ], + [ + "▁tectonic", + -14.07884120941162 + ], + [ + "▁typhoon", + -14.07884120941162 + ], + [ + "▁unforgiving", + -14.07884120941162 + ], + [ + "▁yesteryear", + -14.07884120941162 + ], + [ + "▁curfew", + -14.078842163085938 + ], + [ + "▁hysteria", + -14.078843116760254 + ], + [ + "▁Cornelius", + -14.07884693145752 + ], + [ + "▁gauze", + -14.078847885131836 + ], + [ + "▁otherworldly", + -14.078847885131836 + ], + [ + "vus", + -14.07886028289795 + ], + [ + "▁Wellesley", + -14.078863143920898 + ], + [ + "▁LaserJet", + -14.078866958618164 + ], + [ + "angal", + -14.078869819641112 + ], + [ + "▁provocation", + -14.078871726989746 + ], + [ + "▁unannounced", + -14.078882217407228 + ], + [ + "▁Berwick", + -14.078883171081545 + ], + [ + "▁inhaling", + -14.078890800476074 + ], + [ + "▁Yeezy", + -14.078893661499023 + ], + [ + "▁blurring", + -14.078901290893556 + ], + [ + "▁incurring", + -14.07890796661377 + ], + [ + "Prim", + -14.078911781311035 + ], + [ + "▁Knitting", + -14.078911781311035 + ], + [ + "sino", + -14.078927040100098 + ], + [ + "acle", + -14.078941345214844 + ], + [ + "▁armpit", + -14.07895278930664 + ], + [ + "▁spritz", + -14.078967094421388 + ], + [ + "▁merchantability", + -14.078990936279297 + ], + [ + "Acknowledge", + -14.079008102416992 + ], + [ + "▁Charl", + -14.079031944274902 + ], + [ + "DLE", + -14.07905387878418 + ], + [ + "▁WLAN", + -14.079061508178713 + ], + [ + "▁skimmer", + -14.079068183898926 + ], + [ + "▁teacup", + -14.079099655151367 + ], + [ + "▁sentient", + -14.0791015625 + ], + [ + "▁barometer", + -14.07911491394043 + ], + [ + "▁GIFs", + -14.07911777496338 + ], + [ + "▁Solving", + -14.079119682312012 + ], + [ + "▁restock", + -14.079312324523926 + ], + [ + "deals", + -14.079326629638672 + ], + [ + "Berlin", + -14.079339027404783 + ], + [ + "▁dugout", + -14.079339027404783 + ], + [ + "▁sept", + -14.079339981079102 + ], + [ + "▁Rosario", + -14.079345703125 + ], + [ + "▁313", + -14.079354286193848 + ], + [ + "quad", + -14.079370498657228 + ], + [ + "▁Oceanside", + -14.079462051391602 + ], + [ + "▁interferes", + -14.079475402832031 + ], + [ + "▁Expected", + -14.079554557800291 + ], + [ + "▁Arya", + -14.079556465148926 + ], + [ + "CAA", + -14.079569816589355 + ], + [ + "undi", + -14.07958984375 + ], + [ + "SJ", + -14.079594612121582 + ], + [ + "▁ruffled", + -14.079634666442873 + ], + [ + "Saver", + -14.079635620117188 + ], + [ + "▁Cartridges", + -14.079642295837402 + ], + [ + "▁Tia", + -14.079665184020996 + ], + [ + "▁ACLU", + -14.079681396484377 + ], + [ + "▁Nebula", + -14.07969570159912 + ], + [ + "▁directorial", + -14.079713821411133 + ], + [ + "▁midweek", + -14.079737663269045 + ], + [ + "▁iv", + -14.079755783081056 + ], + [ + "▁Bargain", + -14.079784393310549 + ], + [ + "▁Dys", + -14.079822540283203 + ], + [ + "Boys", + -14.07982349395752 + ], + [ + "Elder", + -14.079853057861328 + ], + [ + "▁exerted", + -14.07986831665039 + ], + [ + "▁integrators", + -14.079874992370604 + ], + [ + "▁Decay", + -14.079894065856934 + ], + [ + "▁aerobics", + -14.079904556274414 + ], + [ + "▁Stowe", + -14.079909324645996 + ], + [ + "licious", + -14.079991340637209 + ], + [ + "RICK", + -14.080093383789062 + ], + [ + "ganj", + -14.080102920532228 + ], + [ + "▁Reject", + -14.080134391784668 + ], + [ + "yeong", + -14.08014678955078 + ], + [ + "inha", + -14.080156326293944 + ], + [ + "0.05)", + -14.080205917358398 + ], + [ + "▁accentuated", + -14.08029556274414 + ], + [ + "▁casa", + -14.080336570739746 + ], + [ + "Cent", + -14.080382347106934 + ], + [ + "▁conformation", + -14.080409049987791 + ], + [ + "8+", + -14.0805082321167 + ], + [ + "▁Auf", + -14.080562591552734 + ], + [ + "▁Sanct", + -14.080626487731934 + ], + [ + "PFS", + -14.08065700531006 + ], + [ + "▁exiled", + -14.080680847167969 + ], + [ + "▁Learned", + -14.080793380737305 + ], + [ + "CSR", + -14.080877304077148 + ], + [ + "▁awkwardly", + -14.080883026123049 + ], + [ + "▁gratefully", + -14.080883026123049 + ], + [ + "fluent", + -14.080891609191896 + ], + [ + "▁Lookout", + -14.080892562866213 + ], + [ + "352", + -14.080973625183104 + ], + [ + "ipper", + -14.08102035522461 + ], + [ + "discover", + -14.081047058105469 + ], + [ + "Pearl", + -14.081080436706545 + ], + [ + "▁Rik", + -14.081233978271484 + ], + [ + "▁612", + -14.081243515014648 + ], + [ + "654", + -14.081290245056152 + ], + [ + "▁NEA", + -14.08130168914795 + ], + [ + "Arthur", + -14.081307411193848 + ], + [ + "▁platelet", + -14.08132553100586 + ], + [ + "▁NYSE", + -14.081338882446287 + ], + [ + "ographers", + -14.081344604492188 + ], + [ + "▁electives", + -14.08135223388672 + ], + [ + "▁bookmakers", + -14.081360816955566 + ], + [ + "Netflix", + -14.081364631652832 + ], + [ + "▁MEM", + -14.081393241882324 + ], + [ + "▁toronto", + -14.081412315368652 + ], + [ + "baud", + -14.081496238708496 + ], + [ + "Bought", + -14.081536293029783 + ], + [ + "▁ACP", + -14.081550598144531 + ], + [ + "▁append", + -14.081562042236328 + ], + [ + "▁Grossman", + -14.081565856933594 + ], + [ + "▁Effectively", + -14.0816650390625 + ], + [ + "▁italic", + -14.081714630126951 + ], + [ + "Dimensional", + -14.081727981567385 + ], + [ + "▁commandment", + -14.081750869750977 + ], + [ + "influenced", + -14.081768035888672 + ], + [ + "delivered", + -14.081783294677734 + ], + [ + "▁coupler", + -14.08179759979248 + ], + [ + "▁Dunkin", + -14.08182144165039 + ], + [ + "▁JBL", + -14.081897735595703 + ], + [ + "▁charmed", + -14.08192253112793 + ], + [ + "675", + -14.08194065093994 + ], + [ + "▁triad", + -14.081985473632812 + ], + [ + "▁Capcom", + -14.08207893371582 + ], + [ + "nika", + -14.082100868225098 + ], + [ + "▁anyhow", + -14.082127571105955 + ], + [ + "billy", + -14.08212947845459 + ], + [ + "▁mailings", + -14.082135200500488 + ], + [ + "▁10.0", + -14.082152366638184 + ], + [ + "Adrian", + -14.082263946533203 + ], + [ + "▁fishy", + -14.082313537597656 + ], + [ + "tablet", + -14.082341194152832 + ], + [ + "include", + -14.082368850708008 + ], + [ + "▁Seton", + -14.08241844177246 + ], + [ + "▁demolish", + -14.082430839538574 + ], + [ + "heading", + -14.082463264465332 + ], + [ + "jol", + -14.082525253295898 + ], + [ + "decor", + -14.082549095153809 + ], + [ + "Donate", + -14.082566261291504 + ], + [ + "bikes", + -14.082571983337402 + ], + [ + "sofar", + -14.08257293701172 + ], + [ + "▁Priory", + -14.082634925842283 + ], + [ + "TSU", + -14.082720756530762 + ], + [ + "▁cautions", + -14.082728385925291 + ], + [ + "▁WERE", + -14.082731246948242 + ], + [ + "huge", + -14.082856178283691 + ], + [ + "▁CONDITION", + -14.082866668701172 + ], + [ + "Biker", + -14.082941055297852 + ], + [ + "287", + -14.082953453063965 + ], + [ + "anz", + -14.083070755004885 + ], + [ + "▁Caledonia", + -14.0830717086792 + ], + [ + "▁metaphorical", + -14.083097457885742 + ], + [ + "▁Margot", + -14.083100318908691 + ], + [ + "bj", + -14.08315372467041 + ], + [ + "Fka", + -14.083165168762209 + ], + [ + "▁radiates", + -14.083227157592772 + ], + [ + "heath", + -14.083271026611328 + ], + [ + "▁1/2′′", + -14.083280563354492 + ], + [ + "▁tropes", + -14.08329963684082 + ], + [ + "▁Algarve", + -14.08330535888672 + ], + [ + "▁Dempsey", + -14.08330535888672 + ], + [ + "▁Maserati", + -14.08330535888672 + ], + [ + "▁Rothschild", + -14.08330535888672 + ], + [ + "▁iridescent", + -14.08330535888672 + ], + [ + "▁sanctuaries", + -14.08330535888672 + ], + [ + "▁sarcasm", + -14.08330535888672 + ], + [ + "▁trombone", + -14.08330535888672 + ], + [ + "▁doubly", + -14.083306312561035 + ], + [ + "▁hitherto", + -14.083306312561035 + ], + [ + "▁agonizing", + -14.083308219909668 + ], + [ + "▁geranium", + -14.083311080932615 + ], + [ + "▁hedgehog", + -14.083312034606934 + ], + [ + "▁implore", + -14.083316802978516 + ], + [ + "▁trojan", + -14.083316802978516 + ], + [ + "▁Cantonese", + -14.083324432373049 + ], + [ + "▁Ceramics", + -14.083324432373049 + ], + [ + "amyloid", + -14.083328247070312 + ], + [ + "▁Trimble", + -14.083351135253906 + ], + [ + "▁Brewster", + -14.08336067199707 + ], + [ + "▁Tbsp", + -14.08336067199707 + ], + [ + "ARI", + -14.083378791809082 + ], + [ + "▁Munster", + -14.083415031433104 + ], + [ + "▁Renovations", + -14.083453178405762 + ], + [ + "▁Barrington", + -14.083489418029783 + ], + [ + "▁Familiar", + -14.083498001098633 + ], + [ + "angelo", + -14.083514213562012 + ], + [ + "▁smartwatch", + -14.083550453186035 + ], + [ + "Cole", + -14.08358669281006 + ], + [ + "▁sizzle", + -14.083599090576172 + ], + [ + "▁Thorpe", + -14.083624839782717 + ], + [ + "▁Blasio", + -14.083636283874512 + ], + [ + "Representing", + -14.083664894104004 + ], + [ + "guardian", + -14.083687782287598 + ], + [ + "▁crumbly", + -14.083700180053713 + ], + [ + "SIST", + -14.083763122558594 + ], + [ + "▁TEC", + -14.083763122558594 + ], + [ + "▁clout", + -14.08377742767334 + ], + [ + "▁chemists", + -14.083824157714844 + ], + [ + "Sil", + -14.083828926086426 + ], + [ + "retail", + -14.083869934082031 + ], + [ + "▁Motorhome", + -14.08390998840332 + ], + [ + "▁Wheaton", + -14.083913803100586 + ], + [ + "▁Hebron", + -14.083917617797852 + ], + [ + "▁teething", + -14.083983421325684 + ], + [ + "▁1939,", + -14.084029197692873 + ], + [ + "cooking", + -14.084031105041504 + ], + [ + "▁395", + -14.084077835083008 + ], + [ + "ghost", + -14.084232330322266 + ], + [ + "▁Wrinkle", + -14.084239959716797 + ], + [ + "▁Soma", + -14.084240913391112 + ], + [ + "▁Manafort", + -14.08430290222168 + ], + [ + "▁Kwan", + -14.084341049194336 + ], + [ + "▁Translator", + -14.084368705749512 + ], + [ + "▁Pieter", + -14.08437728881836 + ], + [ + "▁Twisted", + -14.084453582763672 + ], + [ + "Pipe", + -14.08445644378662 + ], + [ + "▁refreshes", + -14.084460258483888 + ], + [ + "▁Plo", + -14.084567070007324 + ], + [ + "▁chromatic", + -14.08457088470459 + ], + [ + "lun", + -14.08461093902588 + ], + [ + "LIFE", + -14.08465576171875 + ], + [ + "▁SEAL", + -14.084756851196287 + ], + [ + "▁MIC", + -14.084761619567873 + ], + [ + "azoo", + -14.084768295288086 + ], + [ + "▁REACH", + -14.084872245788574 + ], + [ + "GMA", + -14.084890365600586 + ], + [ + "▁inhuman", + -14.08489990234375 + ], + [ + "rimmed", + -14.08498191833496 + ], + [ + "▁tenets", + -14.08501148223877 + ], + [ + "▁845", + -14.085107803344728 + ], + [ + "AEA", + -14.085128784179688 + ], + [ + "▁einer", + -14.08513069152832 + ], + [ + "▁anecdote", + -14.085183143615724 + ], + [ + "▁Shrink", + -14.085203170776367 + ], + [ + "▁percussionist", + -14.08521556854248 + ], + [ + "▁glittery", + -14.085223197937012 + ], + [ + "▁2,200", + -14.08527660369873 + ], + [ + "▁Oat", + -14.085288047790527 + ], + [ + "Showing", + -14.0853271484375 + ], + [ + "▁meaningfully", + -14.085345268249512 + ], + [ + "▁nur", + -14.085369110107422 + ], + [ + "ORM", + -14.085441589355469 + ], + [ + "▁Musa", + -14.085467338562012 + ], + [ + "▁vise", + -14.085509300231934 + ], + [ + "▁denser", + -14.085518836975098 + ], + [ + "▁applet", + -14.08562183380127 + ], + [ + "booth", + -14.085630416870115 + ], + [ + "▁usernames", + -14.085631370544434 + ], + [ + "blad", + -14.085822105407717 + ], + [ + "▁Finale", + -14.085838317871094 + ], + [ + "▁Blanche", + -14.085899353027344 + ], + [ + "▁sonar", + -14.085909843444824 + ], + [ + "Accommodation", + -14.08591365814209 + ], + [ + "zano", + -14.085918426513672 + ], + [ + "▁McIntyre", + -14.085929870605469 + ], + [ + "0+", + -14.086009979248049 + ], + [ + "▁rampage", + -14.086050987243652 + ], + [ + "Breast", + -14.086071014404297 + ], + [ + "▁throats", + -14.086082458496094 + ], + [ + "809", + -14.08609390258789 + ], + [ + "▁GAP", + -14.086104393005373 + ], + [ + "▁Dah", + -14.086143493652344 + ], + [ + "Towards", + -14.086182594299316 + ], + [ + "Chill", + -14.086198806762695 + ], + [ + "oski", + -14.086201667785645 + ], + [ + "bec", + -14.08620262145996 + ], + [ + "798", + -14.086212158203123 + ], + [ + "chicken", + -14.086283683776855 + ], + [ + "▁gripe", + -14.086387634277344 + ], + [ + "ITT", + -14.086424827575684 + ], + [ + "▁bleached", + -14.086445808410645 + ], + [ + "▁Alia", + -14.08653736114502 + ], + [ + "7.0", + -14.086539268493652 + ], + [ + "mentation", + -14.086575508117676 + ], + [ + "peal", + -14.086577415466309 + ], + [ + "▁shim", + -14.086597442626951 + ], + [ + "Pl", + -14.086613655090332 + ], + [ + "TYPE", + -14.086650848388672 + ], + [ + "excel", + -14.086675643920898 + ], + [ + "▁piloting", + -14.086681365966797 + ], + [ + "▁Announcements", + -14.08670425415039 + ], + [ + "▁clearest", + -14.086772918701172 + ], + [ + "Sharon", + -14.086777687072754 + ], + [ + "▁shrines", + -14.08680820465088 + ], + [ + "akin", + -14.08681583404541 + ], + [ + "▁Madi", + -14.086886405944824 + ], + [ + "cao", + -14.08688735961914 + ], + [ + "▁Chari", + -14.086939811706545 + ], + [ + "▁Striped", + -14.08694076538086 + ], + [ + "started", + -14.087055206298828 + ], + [ + "Gram", + -14.087121963500977 + ], + [ + "▁shortcode", + -14.087136268615724 + ], + [ + "▁Perse", + -14.087162017822266 + ], + [ + "045", + -14.087182998657228 + ], + [ + "▁Sele", + -14.087228775024414 + ], + [ + "capable", + -14.087326049804688 + ], + [ + "▁genera", + -14.087352752685549 + ], + [ + "labeled", + -14.087379455566406 + ], + [ + "▁16.5", + -14.087461471557615 + ], + [ + "alys", + -14.087542533874512 + ], + [ + "▁reinforcements", + -14.087543487548828 + ], + [ + "▁fervent", + -14.087552070617676 + ], + [ + "▁Wink", + -14.087570190429688 + ], + [ + "BUS", + -14.087575912475586 + ], + [ + "▁sobre", + -14.087596893310549 + ], + [ + "elic", + -14.087617874145508 + ], + [ + "▁Snapshot", + -14.08774185180664 + ], + [ + "886", + -14.087743759155272 + ], + [ + "▁Wrist", + -14.08775520324707 + ], + [ + "▁Sensei", + -14.087767601013184 + ], + [ + "▁Fourteen", + -14.087772369384766 + ], + [ + "▁Buxton", + -14.08778953552246 + ], + [ + "▁Genealogical", + -14.08778953552246 + ], + [ + "▁Jekyll", + -14.08778953552246 + ], + [ + "▁McDowell", + -14.08778953552246 + ], + [ + "▁Promenade", + -14.08778953552246 + ], + [ + "▁Uranus", + -14.08778953552246 + ], + [ + "▁Windermere", + -14.08778953552246 + ], + [ + "▁franchising", + -14.08778953552246 + ], + [ + "▁grizzly", + -14.08778953552246 + ], + [ + "▁impervious", + -14.08778953552246 + ], + [ + "▁restaurateur", + -14.08778953552246 + ], + [ + "▁KITCHEN", + -14.087790489196776 + ], + [ + "▁Nippon", + -14.087791442871094 + ], + [ + "▁tyrant", + -14.087791442871094 + ], + [ + "▁Pharmacology", + -14.08779239654541 + ], + [ + "▁Prefecture", + -14.08779239654541 + ], + [ + "▁CARFAX", + -14.087793350219728 + ], + [ + "▁Galilee", + -14.08780002593994 + ], + [ + "▁exclamation", + -14.087800979614258 + ], + [ + "Accelerate", + -14.087803840637209 + ], + [ + "▁sparring", + -14.08780574798584 + ], + [ + "▁Citigroup", + -14.087806701660156 + ], + [ + "▁paralegal", + -14.08781909942627 + ], + [ + "mapping", + -14.087824821472168 + ], + [ + "▁Dijon", + -14.087824821472168 + ], + [ + "▁banding", + -14.0878267288208 + ], + [ + "▁antifungal", + -14.08782958984375 + ], + [ + "▁tolerable", + -14.08782958984375 + ], + [ + "▁redecorating", + -14.087831497192385 + ], + [ + "▁vacationing", + -14.087843894958496 + ], + [ + "▁EPDM", + -14.087852478027344 + ], + [ + "▁tangent", + -14.087852478027344 + ], + [ + "Groups", + -14.087862968444824 + ], + [ + "▁Unitarian", + -14.087891578674316 + ], + [ + "▁resettlement", + -14.087892532348633 + ], + [ + "Defining", + -14.087896347045898 + ], + [ + "▁prowl", + -14.087963104248049 + ], + [ + "enial", + -14.087984085083008 + ], + [ + "▁heartbroken", + -14.088019371032717 + ], + [ + "▁Producing", + -14.08804416656494 + ], + [ + "▁tribulations", + -14.088061332702637 + ], + [ + "▁Craven", + -14.088080406188965 + ], + [ + "▁fared", + -14.08808708190918 + ], + [ + "iani", + -14.088120460510254 + ], + [ + "krishna", + -14.088126182556152 + ], + [ + "▁warms", + -14.088142395019531 + ], + [ + "▁loudest", + -14.08816623687744 + ], + [ + "▁punishments", + -14.0881929397583 + ], + [ + "SSP", + -14.08819580078125 + ], + [ + "▁gluing", + -14.088216781616213 + ], + [ + "ibid", + -14.088224411010742 + ], + [ + "olic", + -14.088279724121094 + ], + [ + "Damage", + -14.088296890258787 + ], + [ + "Blade", + -14.088348388671877 + ], + [ + "▁wasteland", + -14.088363647460938 + ], + [ + "▁sparsely", + -14.088423728942873 + ], + [ + "▁SMC", + -14.088452339172363 + ], + [ + "▁Seng", + -14.08852767944336 + ], + [ + "▁Apa", + -14.0885591506958 + ], + [ + "493", + -14.088624000549316 + ], + [ + "ZY", + -14.088648796081545 + ], + [ + "▁wetsuit", + -14.08865451812744 + ], + [ + "▁informant", + -14.088688850402832 + ], + [ + "▁Roadmap", + -14.088698387145996 + ], + [ + "octane", + -14.088785171508787 + ], + [ + "▁HEPA", + -14.088828086853027 + ], + [ + "▁MOS", + -14.088866233825684 + ], + [ + "▁McKe", + -14.088900566101074 + ], + [ + "▁pollinators", + -14.08901023864746 + ], + [ + "▁Mandel", + -14.08902645111084 + ], + [ + "▁625", + -14.089037895202637 + ], + [ + "▁caches", + -14.089085578918455 + ], + [ + "▁Dramatic", + -14.089144706726074 + ], + [ + "034", + -14.089156150817873 + ], + [ + "bhu", + -14.08917236328125 + ], + [ + "▁torsion", + -14.089183807373049 + ], + [ + "791", + -14.089186668395996 + ], + [ + "▁Fist", + -14.089198112487791 + ], + [ + "▁те", + -14.089198112487791 + ], + [ + "biology", + -14.089210510253906 + ], + [ + "▁lifeblood", + -14.089241981506348 + ], + [ + "▁Palla", + -14.08924674987793 + ], + [ + "▁Chrono", + -14.089290618896484 + ], + [ + "▁garnering", + -14.089303970336914 + ], + [ + "▁Bunker", + -14.089325904846191 + ], + [ + "▁Kamp", + -14.089411735534668 + ], + [ + "▁Stol", + -14.089415550231934 + ], + [ + "▁Dojo", + -14.089542388916016 + ], + [ + "▁puddles", + -14.089543342590332 + ], + [ + "▁71%", + -14.089550971984863 + ], + [ + "583", + -14.089567184448242 + ], + [ + "▁Alber", + -14.089590072631836 + ], + [ + "▁brad", + -14.089603424072266 + ], + [ + "▁periodicals", + -14.089689254760742 + ], + [ + "▁DARK", + -14.089716911315918 + ], + [ + "▁Funnel", + -14.089726448059082 + ], + [ + "▁Blur", + -14.089727401733398 + ], + [ + "fitness", + -14.089729309082031 + ], + [ + "▁lords", + -14.089788436889648 + ], + [ + "▁Herr", + -14.089902877807615 + ], + [ + "▁spines", + -14.089924812316896 + ], + [ + "PART", + -14.089950561523438 + ], + [ + "▁TFT", + -14.089958190917969 + ], + [ + "KAR", + -14.08997631072998 + ], + [ + "▁Vos", + -14.090088844299316 + ], + [ + "▁Catching", + -14.090105056762695 + ], + [ + "Cancellation", + -14.090120315551758 + ], + [ + "jh", + -14.09014129638672 + ], + [ + "▁tassel", + -14.090252876281738 + ], + [ + "▁Fatigue", + -14.090309143066406 + ], + [ + "▁Teton", + -14.090340614318848 + ], + [ + "wake", + -14.090448379516602 + ], + [ + "▁tweed", + -14.090459823608398 + ], + [ + "modified", + -14.09052562713623 + ], + [ + "▁nostrils", + -14.090539932250977 + ], + [ + "Philadelphia", + -14.090558052062988 + ], + [ + "primarily", + -14.09055995941162 + ], + [ + "Engineering", + -14.090569496154783 + ], + [ + "Royce", + -14.090570449829102 + ], + [ + "PAY", + -14.090593338012695 + ], + [ + "specialty", + -14.090608596801758 + ], + [ + "Warren", + -14.090633392333984 + ], + [ + "▁pullover", + -14.090635299682615 + ], + [ + "▁distortions", + -14.090689659118652 + ], + [ + "decker", + -14.090726852416992 + ], + [ + "▁favoring", + -14.090742111206056 + ], + [ + "shops", + -14.090749740600586 + ], + [ + "ndre", + -14.090777397155762 + ], + [ + "▁$41", + -14.090803146362305 + ], + [ + "▁FSU", + -14.09087085723877 + ], + [ + "▁GPO", + -14.090923309326172 + ], + [ + "▁donates", + -14.090968132019045 + ], + [ + "▁Hummingbird", + -14.090988159179688 + ], + [ + "OTE", + -14.091005325317385 + ], + [ + "▁Supra", + -14.091005325317385 + ], + [ + "▁Shih", + -14.091008186340332 + ], + [ + "▁TRUST", + -14.091009140014648 + ], + [ + "▁Smoothie", + -14.091073036193848 + ], + [ + "3:30", + -14.09112548828125 + ], + [ + "▁stiffen", + -14.09114933013916 + ], + [ + "Menu", + -14.091185569763184 + ], + [ + "Require", + -14.091215133666992 + ], + [ + "bearer", + -14.091242790222168 + ], + [ + "usha", + -14.091279029846191 + ], + [ + "punch", + -14.091316223144531 + ], + [ + "▁sportsbook", + -14.091344833374023 + ], + [ + "▁handlebar", + -14.091395378112791 + ], + [ + "Prop", + -14.091413497924805 + ], + [ + "▁mais", + -14.091440200805664 + ], + [ + "▁PIP", + -14.09145450592041 + ], + [ + "▁techs", + -14.09149169921875 + ], + [ + "FLA", + -14.091634750366213 + ], + [ + "▁Chil", + -14.091655731201172 + ], + [ + "▁Pari", + -14.09165859222412 + ], + [ + "Butter", + -14.09166145324707 + ], + [ + "Gill", + -14.09172248840332 + ], + [ + "▁displace", + -14.091726303100586 + ], + [ + "▁peeking", + -14.091741561889648 + ], + [ + "▁257", + -14.091744422912598 + ], + [ + "Erik", + -14.091761589050291 + ], + [ + "Declar", + -14.091768264770508 + ], + [ + "raya", + -14.091837882995604 + ], + [ + "lud", + -14.091876029968262 + ], + [ + "Seed", + -14.09188175201416 + ], + [ + "PCS", + -14.091955184936523 + ], + [ + "▁lowland", + -14.09202766418457 + ], + [ + "▁publicize", + -14.09205150604248 + ], + [ + "▁Dex", + -14.092120170593262 + ], + [ + "▁lagu", + -14.092123031616213 + ], + [ + "jk", + -14.09221649169922 + ], + [ + "kyu", + -14.092287063598633 + ], + [ + "▁Jharkhand", + -14.092293739318848 + ], + [ + "▁Characteristics", + -14.092294692993164 + ], + [ + "▁Goliath", + -14.092294692993164 + ], + [ + "▁Pacquiao", + -14.092294692993164 + ], + [ + "▁adequacy", + -14.092294692993164 + ], + [ + "▁dispersal", + -14.092294692993164 + ], + [ + "▁permaculture", + -14.092294692993164 + ], + [ + "▁pilates", + -14.092294692993164 + ], + [ + "▁proximal", + -14.092294692993164 + ], + [ + "▁Daredevil", + -14.09229564666748 + ], + [ + "▁fidget", + -14.092296600341797 + ], + [ + "▁galactic", + -14.092302322387695 + ], + [ + "▁residencies", + -14.092304229736328 + ], + [ + "▁Cavalry", + -14.092312812805176 + ], + [ + "▁buttocks", + -14.092315673828123 + ], + [ + "▁Nottinghamshire", + -14.09231662750244 + ], + [ + "▁curries", + -14.092317581176758 + ], + [ + "▁kaolin", + -14.092320442199709 + ], + [ + "▁unsupervised", + -14.092324256896973 + ], + [ + "▁Calvert", + -14.092339515686035 + ], + [ + "▁Conquest", + -14.09234619140625 + ], + [ + "▁Eurozone", + -14.09239101409912 + ], + [ + "▁CenturyLink", + -14.09239387512207 + ], + [ + "▁astounded", + -14.092422485351562 + ], + [ + "▁Ignite", + -14.092442512512209 + ], + [ + "▁driftwood", + -14.09246063232422 + ], + [ + "allows", + -14.092496871948242 + ], + [ + "shoe", + -14.092509269714355 + ], + [ + "▁nigeria", + -14.092512130737305 + ], + [ + "Partner", + -14.092544555664062 + ], + [ + "▁Carrollton", + -14.092556953430176 + ], + [ + "▁sociologist", + -14.09256076812744 + ], + [ + "▁Toilets", + -14.092576026916504 + ], + [ + "▁Basis", + -14.092623710632324 + ], + [ + "▁Wilton", + -14.09266757965088 + ], + [ + "▁sinuses", + -14.09274959564209 + ], + [ + "▁Brody", + -14.09277057647705 + ], + [ + "▁eaves", + -14.092839241027832 + ], + [ + "▁banished", + -14.092840194702148 + ], + [ + "▁bagging", + -14.092846870422363 + ], + [ + "▁Subtitle", + -14.092857360839844 + ], + [ + "hanna", + -14.09289836883545 + ], + [ + "▁grits", + -14.092903137207031 + ], + [ + "977", + -14.092933654785156 + ], + [ + "KV", + -14.09299373626709 + ], + [ + "Grocer", + -14.093023300170898 + ], + [ + "▁looser", + -14.093024253845217 + ], + [ + "▁shards", + -14.093025207519531 + ], + [ + "▁loungers", + -14.093124389648438 + ], + [ + "cheon", + -14.093130111694336 + ], + [ + "▁Adventist", + -14.0931396484375 + ], + [ + "▁Tackle", + -14.093169212341309 + ], + [ + "▁crossovers", + -14.09322452545166 + ], + [ + "▁rewritten", + -14.093246459960938 + ], + [ + "didn", + -14.09326171875 + ], + [ + "kata", + -14.093273162841797 + ], + [ + "Gri", + -14.093303680419922 + ], + [ + "lize", + -14.093329429626465 + ], + [ + "▁westward", + -14.093332290649414 + ], + [ + "▁Acad", + -14.093335151672363 + ], + [ + "▁Observ", + -14.093335151672363 + ], + [ + "▁sifting", + -14.093338012695312 + ], + [ + "▁Deciding", + -14.093343734741213 + ], + [ + "▁268", + -14.0933837890625 + ], + [ + "▁Drying", + -14.09343433380127 + ], + [ + "▁EAST", + -14.093475341796877 + ], + [ + "QT", + -14.09356689453125 + ], + [ + "▁Asthma", + -14.09357738494873 + ], + [ + "▁garnished", + -14.093631744384766 + ], + [ + "▁SSE", + -14.093634605407717 + ], + [ + "▁Objectives", + -14.093676567077637 + ], + [ + "▁Emmett", + -14.093708038330078 + ], + [ + "▁TURN", + -14.09373378753662 + ], + [ + "jad", + -14.093745231628418 + ], + [ + "▁Gue", + -14.093757629394531 + ], + [ + "▁Peep", + -14.093843460083008 + ], + [ + "SSC", + -14.093883514404297 + ], + [ + "▁HEC", + -14.09389591217041 + ], + [ + "▁lawfully", + -14.093935012817385 + ], + [ + "▁Reload", + -14.09397029876709 + ], + [ + "▁rumour", + -14.093984603881836 + ], + [ + "iving", + -14.09402847290039 + ], + [ + "▁bookshop", + -14.094034194946287 + ], + [ + "▁matting", + -14.094133377075195 + ], + [ + "▁barbed", + -14.094143867492676 + ], + [ + "▁FLAC", + -14.094176292419434 + ], + [ + "▁Shara", + -14.094178199768066 + ], + [ + "▁policyholders", + -14.094181060791016 + ], + [ + "▁flocked", + -14.094265937805176 + ], + [ + "▁excavator", + -14.094278335571287 + ], + [ + "3,200", + -14.094285011291504 + ], + [ + "▁Throne", + -14.094313621520996 + ], + [ + "515", + -14.094389915466309 + ], + [ + "▁Wether", + -14.09439182281494 + ], + [ + "rios", + -14.094430923461914 + ], + [ + "▁mealtime", + -14.094470024108888 + ], + [ + "▁mediators", + -14.094473838806152 + ], + [ + "▁Lieb", + -14.094476699829102 + ], + [ + "shares", + -14.094531059265137 + ], + [ + "▁3200", + -14.094563484191896 + ], + [ + "alarm", + -14.094569206237791 + ], + [ + "▁GRP", + -14.094605445861816 + ], + [ + "671", + -14.094667434692385 + ], + [ + "States", + -14.09476089477539 + ], + [ + "947", + -14.094766616821287 + ], + [ + "▁Notwithstanding", + -14.094802856445312 + ], + [ + "696", + -14.094857215881348 + ], + [ + "”...", + -14.094951629638672 + ], + [ + "988", + -14.09500217437744 + ], + [ + "GDP", + -14.09503936767578 + ], + [ + "▁Ugandan", + -14.095050811767578 + ], + [ + "▁Beneath", + -14.095111846923828 + ], + [ + "omatic", + -14.095135688781738 + ], + [ + "▁68%", + -14.095166206359863 + ], + [ + "Platform", + -14.095170974731444 + ], + [ + "867", + -14.095173835754396 + ], + [ + "▁spacers", + -14.095176696777344 + ], + [ + "Ontario", + -14.09518814086914 + ], + [ + "besides", + -14.095213890075684 + ], + [ + "possess", + -14.09523105621338 + ], + [ + "▁ASI", + -14.095244407653809 + ], + [ + "▁Dorn", + -14.095342636108398 + ], + [ + "Controller", + -14.095376014709473 + ], + [ + "SPO", + -14.095376014709473 + ], + [ + "▁Pele", + -14.09542179107666 + ], + [ + "▁reupholster", + -14.095542907714844 + ], + [ + "▁Passat", + -14.095548629760742 + ], + [ + "▁Thurs", + -14.095573425292969 + ], + [ + "▁Victim", + -14.095580101013184 + ], + [ + "▁Pax", + -14.095670700073242 + ], + [ + "▁Reserves", + -14.095677375793455 + ], + [ + "▁Fein", + -14.09573745727539 + ], + [ + "▁watercraft", + -14.095797538757324 + ], + [ + "carrier", + -14.095799446105955 + ], + [ + "Presented", + -14.095824241638184 + ], + [ + "▁NSK", + -14.095845222473145 + ], + [ + "▁Gazprom", + -14.095958709716797 + ], + [ + "ENA", + -14.096025466918944 + ], + [ + "▁Ferro", + -14.096091270446776 + ], + [ + "▁288", + -14.096110343933104 + ], + [ + "BACK", + -14.096153259277344 + ], + [ + "▁generalization", + -14.09617519378662 + ], + [ + "▁spook", + -14.09618854522705 + ], + [ + "Guardian", + -14.096267700195312 + ], + [ + "entity", + -14.096296310424805 + ], + [ + "▁Driveway", + -14.096305847167969 + ], + [ + "▁Filler", + -14.096314430236816 + ], + [ + "OPA", + -14.096355438232422 + ], + [ + "▁upmarket", + -14.096379280090332 + ], + [ + "▁Rani", + -14.096418380737305 + ], + [ + "▁KV", + -14.096445083618164 + ], + [ + "operators", + -14.096465110778809 + ], + [ + "Dir", + -14.096502304077148 + ], + [ + "banking", + -14.09652042388916 + ], + [ + "▁valor", + -14.09654712677002 + ], + [ + "TTA", + -14.096593856811523 + ], + [ + "Dav", + -14.096598625183104 + ], + [ + "▁10.2", + -14.096677780151367 + ], + [ + "ursuant", + -14.096697807312012 + ], + [ + "▁Qian", + -14.096718788146973 + ], + [ + "▁Ephesians", + -14.096722602844238 + ], + [ + "▁bequest", + -14.096760749816896 + ], + [ + "leh", + -14.096765518188477 + ], + [ + "▁Henning", + -14.09677028656006 + ], + [ + "▁Sprout", + -14.096778869628906 + ], + [ + "nter", + -14.09678077697754 + ], + [ + "▁Grizzly", + -14.096818923950195 + ], + [ + "▁Nantucket", + -14.096818923950195 + ], + [ + "▁Shreveport", + -14.096818923950195 + ], + [ + "▁elapsed", + -14.096818923950195 + ], + [ + "▁humiliating", + -14.096818923950195 + ], + [ + "▁tangerine", + -14.096819877624512 + ], + [ + "▁coroner", + -14.096820831298828 + ], + [ + "▁smitten", + -14.096820831298828 + ], + [ + "▁MDA", + -14.096821784973145 + ], + [ + "▁Belief", + -14.096830368041992 + ], + [ + "▁Guardiola", + -14.096831321716309 + ], + [ + "▁Soundproofing", + -14.096832275390623 + ], + [ + "▁bicycling", + -14.096837997436523 + ], + [ + "▁Montrose", + -14.096843719482422 + ], + [ + "▁ODBC", + -14.096846580505373 + ], + [ + "▁Avondale", + -14.096860885620115 + ], + [ + "▁Diabetic", + -14.09686279296875 + ], + [ + "▁Spectator", + -14.09686279296875 + ], + [ + "▁Percentage", + -14.096869468688965 + ], + [ + "▁Retention", + -14.096879959106444 + ], + [ + "▁hologram", + -14.096885681152344 + ], + [ + "▁bootcamp", + -14.096893310546877 + ], + [ + "684", + -14.096929550170898 + ], + [ + "▁Sexton", + -14.096932411193848 + ], + [ + "▁pressurized", + -14.096932411193848 + ], + [ + "▁unbroken", + -14.096935272216797 + ], + [ + "▁predictably", + -14.096938133239746 + ], + [ + "▁Minaj", + -14.096942901611328 + ], + [ + "▁beggar", + -14.097018241882324 + ], + [ + "Gone", + -14.09702205657959 + ], + [ + "▁secretaries", + -14.09702968597412 + ], + [ + "▁Airplane", + -14.09706974029541 + ], + [ + "▁footrest", + -14.097086906433104 + ], + [ + "▁quiche", + -14.09711742401123 + ], + [ + "Capturing", + -14.09713077545166 + ], + [ + "▁HDL", + -14.097210884094238 + ], + [ + "ound", + -14.097212791442873 + ], + [ + "▁nods", + -14.09726905822754 + ], + [ + "▁TIM", + -14.097283363342283 + ], + [ + "▁Pastoral", + -14.097286224365234 + ], + [ + "▁Cabins", + -14.097368240356444 + ], + [ + "Chen", + -14.097427368164062 + ], + [ + "▁6-10", + -14.097471237182615 + ], + [ + "vod", + -14.097527503967283 + ], + [ + "▁Lynx", + -14.097538948059082 + ], + [ + "▁Saffron", + -14.097541809082031 + ], + [ + "Strength", + -14.09755516052246 + ], + [ + "Linguist", + -14.097604751586914 + ], + [ + "▁Sheer", + -14.097627639770508 + ], + [ + "mk", + -14.097634315490724 + ], + [ + "▁camels", + -14.09764289855957 + ], + [ + "volve", + -14.097648620605469 + ], + [ + "▁Grateful", + -14.097658157348633 + ], + [ + "▁scab", + -14.097705841064451 + ], + [ + "▁Bec", + -14.097710609436035 + ], + [ + "▁Kaka", + -14.097738265991213 + ], + [ + "▁Rebate", + -14.09776210784912 + ], + [ + "▁parasol", + -14.097790718078612 + ], + [ + "▁whiff", + -14.09781551361084 + ], + [ + "mog", + -14.097851753234863 + ], + [ + ".95.", + -14.097885131835938 + ], + [ + "▁lowly", + -14.097919464111328 + ], + [ + "▁mane", + -14.097970008850098 + ], + [ + "▁Nicaraguan", + -14.09797191619873 + ], + [ + "▁artfully", + -14.097982406616213 + ], + [ + "guchi", + -14.098013877868652 + ], + [ + "▁94%", + -14.098055839538574 + ], + [ + "▁Trusts", + -14.098085403442385 + ], + [ + "▁enhancer", + -14.098090171813965 + ], + [ + "032", + -14.098132133483888 + ], + [ + "shipping", + -14.098140716552734 + ], + [ + "▁NIST", + -14.098156929016112 + ], + [ + "▁mart", + -14.098220825195312 + ], + [ + "▁psychiatrists", + -14.098220825195312 + ], + [ + "▁attuned", + -14.098273277282717 + ], + [ + "▁Spinach", + -14.098278045654297 + ], + [ + "9.2", + -14.098355293273926 + ], + [ + "dox", + -14.098359107971191 + ], + [ + "▁merino", + -14.098376274108888 + ], + [ + "1990", + -14.098408699035645 + ], + [ + "▁Compost", + -14.098429679870604 + ], + [ + "▁ICF", + -14.098491668701172 + ], + [ + "▁diverting", + -14.09850025177002 + ], + [ + "▁Jacqui", + -14.098505973815918 + ], + [ + "▁nodding", + -14.098526000976562 + ], + [ + "#10", + -14.098580360412598 + ], + [ + "▁BLS", + -14.09859561920166 + ], + [ + "Strangely", + -14.098604202270508 + ], + [ + "▁Profession", + -14.09867000579834 + ], + [ + "▁bindings", + -14.098849296569824 + ], + [ + "Democrats", + -14.098869323730469 + ], + [ + "▁Isolate", + -14.09895133972168 + ], + [ + "▁Textbook", + -14.099021911621094 + ], + [ + "Cooper", + -14.099037170410156 + ], + [ + "▁Analyze", + -14.099190711975098 + ], + [ + "▁Completing", + -14.099238395690918 + ], + [ + "85,000", + -14.099267959594728 + ], + [ + "frog", + -14.099275588989258 + ], + [ + "kko", + -14.099334716796877 + ], + [ + "▁automates", + -14.09934425354004 + ], + [ + "▁SAD", + -14.099350929260254 + ], + [ + "▁JOHN", + -14.099353790283203 + ], + [ + "▁apricots", + -14.099364280700684 + ], + [ + "▁Rufus", + -14.099366188049316 + ], + [ + "▁Welt", + -14.099405288696287 + ], + [ + "▁astro", + -14.099411964416504 + ], + [ + "▁9:15", + -14.099424362182615 + ], + [ + "▁Pli", + -14.099428176879885 + ], + [ + "atch", + -14.099467277526855 + ], + [ + "▁Poi", + -14.099502563476562 + ], + [ + "▁Hanks", + -14.099514961242676 + ], + [ + "▁PID", + -14.0995454788208 + ], + [ + "▁COA", + -14.099587440490724 + ], + [ + "PSA", + -14.099597930908203 + ], + [ + "▁Andro", + -14.099600791931152 + ], + [ + "▁tablecloths", + -14.099615097045898 + ], + [ + "fuge", + -14.099616050720217 + ], + [ + "▁Introduce", + -14.09963321685791 + ], + [ + "▁Theoretical", + -14.099671363830566 + ], + [ + "▁Venom", + -14.099724769592283 + ], + [ + "▁EVs", + -14.099788665771484 + ], + [ + "▁esc", + -14.099791526794434 + ], + [ + "Samuel", + -14.0997953414917 + ], + [ + "▁Tasks", + -14.0997953414917 + ], + [ + "Evidence", + -14.099828720092772 + ], + [ + "several", + -14.099858283996582 + ], + [ + "onset", + -14.099885940551758 + ], + [ + "Generic", + -14.099902153015137 + ], + [ + "Cache", + -14.099905967712402 + ], + [ + "anov", + -14.09991455078125 + ], + [ + "species", + -14.099926948547363 + ], + [ + "obviously", + -14.09994888305664 + ], + [ + "▁nova", + -14.099961280822754 + ], + [ + "▁daffodils", + -14.099987030029297 + ], + [ + "▁cyclic", + -14.10001277923584 + ], + [ + "▁meek", + -14.100032806396484 + ], + [ + "CWA", + -14.100059509277344 + ], + [ + "▁Rankin", + -14.10006618499756 + ], + [ + "Buddy", + -14.100074768066406 + ], + [ + "chman", + -14.100080490112305 + ], + [ + "pé", + -14.100137710571287 + ], + [ + "▁$89", + -14.100183486938477 + ], + [ + "▁Priyanka", + -14.100275039672852 + ], + [ + "▁BDS", + -14.100292205810549 + ], + [ + "▁putty", + -14.100317001342772 + ], + [ + "Norman", + -14.100319862365724 + ], + [ + "▁pique", + -14.100340843200684 + ], + [ + "▁Strut", + -14.100419044494627 + ], + [ + "azole", + -14.100439071655272 + ], + [ + "▁Dae", + -14.100460052490234 + ], + [ + "▁hijacker", + -14.10048007965088 + ], + [ + "▁8-9", + -14.100543022155762 + ], + [ + "ché", + -14.10059928894043 + ], + [ + "▁Abd", + -14.100618362426758 + ], + [ + "▁Tipp", + -14.10070514678955 + ], + [ + "▁Pillows", + -14.100811004638672 + ], + [ + "Boo", + -14.10084056854248 + ], + [ + "logies", + -14.100844383239746 + ], + [ + "Guru", + -14.10085678100586 + ], + [ + "▁HIT", + -14.100862503051758 + ], + [ + "▁deliciousness", + -14.100886344909668 + ], + [ + "▁ramping", + -14.100893020629885 + ], + [ + "Chuck", + -14.100939750671388 + ], + [ + "▁9.3", + -14.100947380065918 + ], + [ + "▁287", + -14.100960731506348 + ], + [ + "Rex", + -14.100963592529297 + ], + [ + "pective", + -14.10100555419922 + ], + [ + "▁accumulates", + -14.101134300231934 + ], + [ + "▁fx", + -14.10114860534668 + ], + [ + "694", + -14.10116195678711 + ], + [ + "▁DY", + -14.101191520690918 + ], + [ + "foul", + -14.101202964782717 + ], + [ + "▁hermit", + -14.10128116607666 + ], + [ + "▁Linde", + -14.101288795471191 + ], + [ + "▁psalm", + -14.101306915283203 + ], + [ + "▁Dubrovnik", + -14.101365089416504 + ], + [ + "▁Fremantle", + -14.101365089416504 + ], + [ + "▁Lausanne", + -14.101365089416504 + ], + [ + "▁Vallarta", + -14.101365089416504 + ], + [ + "▁Yahweh", + -14.101365089416504 + ], + [ + "▁amethyst", + -14.101365089416504 + ], + [ + "▁procrastinate", + -14.101365089416504 + ], + [ + "▁Hagerstown", + -14.10136604309082 + ], + [ + "▁meningitis", + -14.10136604309082 + ], + [ + "▁barracks", + -14.101367950439451 + ], + [ + "▁shudder", + -14.10136890411377 + ], + [ + "▁tranquillity", + -14.10136890411377 + ], + [ + "▁odometer", + -14.101369857788086 + ], + [ + "▁Swirl", + -14.101372718811035 + ], + [ + "▁Bikini", + -14.101374626159668 + ], + [ + "▁impossibly", + -14.101383209228516 + ], + [ + "▁Foss", + -14.101385116577148 + ], + [ + "▁intermission", + -14.101404190063477 + ], + [ + "▁sugarcane", + -14.10141944885254 + ], + [ + "▁Graphite", + -14.101423263549805 + ], + [ + "▁pail", + -14.101428985595703 + ], + [ + "▁Skoda", + -14.101431846618652 + ], + [ + "Appoint", + -14.101439476013184 + ], + [ + "592", + -14.1014404296875 + ], + [ + "▁shippers", + -14.101446151733398 + ], + [ + "▁SoundCloud", + -14.10146427154541 + ], + [ + "▁Vitality", + -14.101483345031738 + ], + [ + "▁Skincare", + -14.101537704467772 + ], + [ + "▁$2.2", + -14.101539611816406 + ], + [ + "▁OpenGL", + -14.10157871246338 + ], + [ + "▁Jewelers", + -14.101585388183594 + ], + [ + "▁wristbands", + -14.101651191711426 + ], + [ + "zion", + -14.101666450500488 + ], + [ + "▁Hak", + -14.101673126220703 + ], + [ + "▁Cabinetry", + -14.101754188537598 + ], + [ + "▁gulp", + -14.101762771606444 + ], + [ + "▁pry", + -14.101770401000977 + ], + [ + "▁quar", + -14.10178279876709 + ], + [ + "▁Townsville", + -14.101787567138672 + ], + [ + "▁roundtrip", + -14.10191822052002 + ], + [ + "997", + -14.101940155029297 + ], + [ + "▁IPTV", + -14.101974487304688 + ], + [ + "▁scouring", + -14.102004051208496 + ], + [ + "▁heroism", + -14.102066040039062 + ], + [ + "▁Aliens", + -14.102109909057615 + ], + [ + "icio", + -14.102184295654297 + ], + [ + "▁moisturized", + -14.102190017700195 + ], + [ + "▁Aiken", + -14.102203369140623 + ], + [ + "▁Atmos", + -14.102211952209473 + ], + [ + "▁sprouting", + -14.102280616760254 + ], + [ + "▁RK", + -14.10232925415039 + ], + [ + "scroll", + -14.102339744567873 + ], + [ + "▁Melon", + -14.102428436279297 + ], + [ + "▁12′′", + -14.102446556091309 + ], + [ + "#11", + -14.102468490600586 + ], + [ + "▁quits", + -14.102527618408203 + ], + [ + "▁;-)", + -14.10254955291748 + ], + [ + "197", + -14.102559089660645 + ], + [ + "▁Chong", + -14.10257625579834 + ], + [ + "helmed", + -14.102578163146973 + ], + [ + "-2003", + -14.102581977844238 + ], + [ + "noy", + -14.10262393951416 + ], + [ + "▁Eastman", + -14.10263729095459 + ], + [ + "?????", + -14.102694511413574 + ], + [ + "518", + -14.102733612060549 + ], + [ + "▁XIV", + -14.10273551940918 + ], + [ + "▁Lukas", + -14.102807998657228 + ], + [ + "▁Seminars", + -14.102813720703123 + ], + [ + "▁jungles", + -14.102823257446287 + ], + [ + "▁searing", + -14.102964401245115 + ], + [ + "▁Leverage", + -14.103090286254885 + ], + [ + "NCC", + -14.10313320159912 + ], + [ + "▁Greenberg", + -14.103156089782717 + ], + [ + "CELL", + -14.103189468383787 + ], + [ + "▁impersonal", + -14.103203773498535 + ], + [ + "▁THANKS", + -14.103215217590332 + ], + [ + "▁Iranians", + -14.103249549865724 + ], + [ + "▁Scrapbook", + -14.103283882141112 + ], + [ + "▁mathematically", + -14.103318214416504 + ], + [ + "▁somber", + -14.103331565856934 + ], + [ + "shooting", + -14.103392601013184 + ], + [ + "884", + -14.103436470031738 + ], + [ + "783", + -14.103466033935549 + ], + [ + "TOOL", + -14.103519439697266 + ], + [ + "\"[", + -14.10352897644043 + ], + [ + "Ent", + -14.103530883789062 + ], + [ + "▁blackmail", + -14.103546142578123 + ], + [ + "▁fal", + -14.103562355041504 + ], + [ + "▁Logos", + -14.10358715057373 + ], + [ + "▁12:2", + -14.10360050201416 + ], + [ + "▁Syed", + -14.103657722473145 + ], + [ + "▁Unreal", + -14.10367488861084 + ], + [ + "dyed", + -14.10378646850586 + ], + [ + "▁Coated", + -14.103852272033691 + ], + [ + "SSE", + -14.10385513305664 + ], + [ + "activate", + -14.103866577148438 + ], + [ + "Vic", + -14.10389804840088 + ], + [ + "▁Carpets", + -14.10390567779541 + ], + [ + "▁Stow", + -14.10390567779541 + ], + [ + "▁kneel", + -14.104034423828123 + ], + [ + "Fragment", + -14.104124069213867 + ], + [ + "879", + -14.104130744934082 + ], + [ + "ETF", + -14.104130744934082 + ], + [ + "▁EXPERIENCE", + -14.104150772094728 + ], + [ + "▁ubuntu", + -14.104195594787598 + ], + [ + "Beau", + -14.104212760925291 + ], + [ + "vill", + -14.10422134399414 + ], + [ + "cave", + -14.104222297668455 + ], + [ + "preneur", + -14.104222297668455 + ], + [ + "▁xbox", + -14.104249000549316 + ], + [ + "▁Kut", + -14.104255676269531 + ], + [ + "akura", + -14.104270935058594 + ], + [ + "863", + -14.104294776916504 + ], + [ + "▁Lesser", + -14.104340553283691 + ], + [ + "ential", + -14.1043701171875 + ], + [ + "▁Sari", + -14.10438060760498 + ], + [ + "▁Saute", + -14.104488372802734 + ], + [ + "▁DOG", + -14.104503631591797 + ], + [ + "onie", + -14.104521751403809 + ], + [ + "▁Mature", + -14.104522705078123 + ], + [ + "▁brat", + -14.104596138000488 + ], + [ + "Diane", + -14.10461711883545 + ], + [ + "transform", + -14.104634284973145 + ], + [ + "578", + -14.104649543762209 + ], + [ + "Mainland", + -14.104652404785156 + ], + [ + "Closing", + -14.104655265808104 + ], + [ + "▁muti", + -14.104692459106444 + ], + [ + "esso", + -14.104698181152344 + ], + [ + "▁JN", + -14.104743957519531 + ], + [ + "▁Shred", + -14.104762077331545 + ], + [ + "Compact", + -14.104788780212402 + ], + [ + "▁whet", + -14.10484218597412 + ], + [ + "▁Nicely", + -14.104934692382812 + ], + [ + "▁Commit", + -14.104984283447266 + ], + [ + "rky", + -14.105009078979492 + ], + [ + "553", + -14.10507869720459 + ], + [ + "▁Sock", + -14.10509204864502 + ], + [ + "Shared", + -14.10520362854004 + ], + [ + "▁----", + -14.105242729187012 + ], + [ + "screw", + -14.105254173278809 + ], + [ + "honey", + -14.105376243591309 + ], + [ + "▁Uncover", + -14.105406761169434 + ], + [ + "▁reread", + -14.105513572692873 + ], + [ + "▁dudes", + -14.10553741455078 + ], + [ + "▁debunk", + -14.105596542358398 + ], + [ + "turbo", + -14.10561752319336 + ], + [ + "▁272", + -14.105740547180176 + ], + [ + "▁Patriarch", + -14.105891227722168 + ], + [ + "▁Lager", + -14.105892181396484 + ], + [ + "▁Peppers", + -14.105911254882812 + ], + [ + "cardi", + -14.105916976928713 + ], + [ + "▁Bhubaneswar", + -14.105931282043455 + ], + [ + "▁Logitech", + -14.105931282043455 + ], + [ + "▁Reuben", + -14.105931282043455 + ], + [ + "▁feisty", + -14.105931282043455 + ], + [ + "▁queuing", + -14.105931282043455 + ], + [ + "▁reconnaissance", + -14.105931282043455 + ], + [ + "▁travertine", + -14.105931282043455 + ], + [ + "▁unbreakable", + -14.105931282043455 + ], + [ + "▁Penthouse", + -14.10593318939209 + ], + [ + "▁Datsun", + -14.105938911437988 + ], + [ + "▁snuck", + -14.10594081878662 + ], + [ + "▁Donnelly", + -14.10594367980957 + ], + [ + "▁Barnet", + -14.105944633483888 + ], + [ + "▁acuity", + -14.105944633483888 + ], + [ + "▁Tomlinson", + -14.105951309204102 + ], + [ + "▁Shamrock", + -14.10595417022705 + ], + [ + "▁Botany", + -14.105963706970217 + ], + [ + "NCR", + -14.105982780456545 + ], + [ + "▁Err", + -14.105992317199709 + ], + [ + "▁dubbing", + -14.105998039245604 + ], + [ + "▁pediatrics", + -14.106008529663086 + ], + [ + "MPS", + -14.106040954589844 + ], + [ + "▁marinara", + -14.10605812072754 + ], + [ + "▁replicating", + -14.106108665466309 + ], + [ + "▁reprise", + -14.106120109558104 + ], + [ + "▁Luka", + -14.1061429977417 + ], + [ + "▁Systematic", + -14.106158256530762 + ], + [ + "▁firefighting", + -14.106172561645508 + ], + [ + "▁Launcher", + -14.106183052062988 + ], + [ + "▁Marjorie", + -14.10622501373291 + ], + [ + "▁Monash", + -14.10625171661377 + ], + [ + "▁affirms", + -14.106266975402832 + ], + [ + "▁remodelling", + -14.106287956237791 + ], + [ + "▁Selective", + -14.106362342834473 + ], + [ + "▁fatality", + -14.106367111206056 + ], + [ + "▁beveled", + -14.106437683105469 + ], + [ + "▁Kohler", + -14.1064453125 + ], + [ + "▁amphibians", + -14.106475830078123 + ], + [ + "Signal", + -14.1065034866333 + ], + [ + "▁Linkedin", + -14.106511116027832 + ], + [ + "▁Hubby", + -14.106547355651855 + ], + [ + "▁Compete", + -14.106559753417969 + ], + [ + "▁Expanded", + -14.106600761413574 + ], + [ + "▁Presenter", + -14.10660171508789 + ], + [ + "▁SPR", + -14.106613159179688 + ], + [ + "▁lipsticks", + -14.10661792755127 + ], + [ + "zha", + -14.106632232666016 + ], + [ + "▁DCS", + -14.106640815734863 + ], + [ + "▁Chur", + -14.106658935546877 + ], + [ + "▁CTR", + -14.106660842895508 + ], + [ + "▁flirting", + -14.106680870056152 + ], + [ + "▁retiree", + -14.106744766235352 + ], + [ + "831", + -14.106781005859377 + ], + [ + "▁284", + -14.106816291809082 + ], + [ + "▁Misty", + -14.106857299804688 + ], + [ + "1987", + -14.106863021850586 + ], + [ + "▁Firefighters", + -14.106882095336914 + ], + [ + "▁78%", + -14.106900215148926 + ], + [ + "▁Kob", + -14.106900215148926 + ], + [ + "Shan", + -14.10692024230957 + ], + [ + "brun", + -14.106943130493164 + ], + [ + "▁compaction", + -14.106971740722656 + ], + [ + "▁SLC", + -14.1069974899292 + ], + [ + "cyst", + -14.107110977172852 + ], + [ + "Broad", + -14.107137680053713 + ], + [ + "agra", + -14.10719108581543 + ], + [ + "tomy", + -14.107245445251465 + ], + [ + "▁Roughly", + -14.10726833343506 + ], + [ + "▁psd", + -14.107281684875488 + ], + [ + "▁Pile", + -14.10728645324707 + ], + [ + "▁Nei", + -14.107345581054688 + ], + [ + "Friend", + -14.107376098632812 + ], + [ + "▁Alc", + -14.107449531555176 + ], + [ + "682", + -14.10747528076172 + ], + [ + "▁rector", + -14.107573509216309 + ], + [ + "▁hexa", + -14.107603073120115 + ], + [ + "▁facials", + -14.107660293579102 + ], + [ + "▁Spra", + -14.107661247253418 + ], + [ + "▁Slat", + -14.107779502868652 + ], + [ + "Wang", + -14.107904434204102 + ], + [ + "▁downsize", + -14.10791301727295 + ], + [ + "▁crackle", + -14.108078956604004 + ], + [ + "▁tulip", + -14.108131408691406 + ], + [ + "▁Lufthansa", + -14.108158111572266 + ], + [ + "▁mobs", + -14.108224868774414 + ], + [ + "conv", + -14.108231544494627 + ], + [ + "▁ales", + -14.10824489593506 + ], + [ + "▁Saad", + -14.108277320861816 + ], + [ + "▁UVB", + -14.10828685760498 + ], + [ + "▁wagers", + -14.108294486999512 + ], + [ + "▁Feldman", + -14.108319282531738 + ], + [ + "OWER", + -14.108359336853027 + ], + [ + "▁Meade", + -14.10840892791748 + ], + [ + "▁Squid", + -14.10840892791748 + ], + [ + "wiz", + -14.108443260192873 + ], + [ + "enka", + -14.108461380004885 + ], + [ + "▁Cyn", + -14.108461380004885 + ], + [ + "▁plume", + -14.108466148376465 + ], + [ + "gula", + -14.1085205078125 + ], + [ + "▁Smoked", + -14.108552932739258 + ], + [ + "▁pico", + -14.108555793762209 + ], + [ + "954", + -14.108566284179688 + ], + [ + "▁Karin", + -14.108599662780762 + ], + [ + "▁WAIT", + -14.108684539794922 + ], + [ + "▁2019).", + -14.108689308166504 + ], + [ + "▁Shoppe", + -14.10875129699707 + ], + [ + "▁Telling", + -14.108845710754396 + ], + [ + "▁Phan", + -14.109004974365234 + ], + [ + "▁Judi", + -14.109025955200195 + ], + [ + "ogie", + -14.109057426452637 + ], + [ + "913", + -14.109116554260254 + ], + [ + "eru", + -14.109130859375 + ], + [ + "▁Zipper", + -14.109148025512695 + ], + [ + "issues", + -14.10915184020996 + ], + [ + "perishable", + -14.109167098999023 + ], + [ + "Recipe", + -14.10918140411377 + ], + [ + "Flood", + -14.109207153320312 + ], + [ + "SCE", + -14.109207153320312 + ], + [ + "Curious", + -14.10922622680664 + ], + [ + "roots", + -14.10926914215088 + ], + [ + "visibility", + -14.109289169311523 + ], + [ + "ences", + -14.109328269958496 + ], + [ + "LW", + -14.109367370605469 + ], + [ + "iyo", + -14.10939598083496 + ], + [ + "▁Mendel", + -14.109447479248049 + ], + [ + "PHO", + -14.10953426361084 + ], + [ + "▁canisters", + -14.109535217285156 + ], + [ + "▁Advantages", + -14.109582901000977 + ], + [ + "▁trespass", + -14.109609603881836 + ], + [ + "▁falter", + -14.109642028808594 + ], + [ + "▁scribble", + -14.109733581542969 + ], + [ + "locker", + -14.109770774841309 + ], + [ + "▁Ryu", + -14.10977554321289 + ], + [ + "▁indulged", + -14.109819412231444 + ], + [ + "▁meteorological", + -14.109855651855469 + ], + [ + "streaming", + -14.109872817993164 + ], + [ + "▁misc", + -14.109944343566896 + ], + [ + "▁prim", + -14.10997486114502 + ], + [ + "olan", + -14.110002517700195 + ], + [ + "▁caulk", + -14.110010147094728 + ], + [ + "▁Rok", + -14.110065460205078 + ], + [ + "Sort", + -14.110126495361328 + ], + [ + ".50.", + -14.11014175415039 + ], + [ + "▁Eritrea", + -14.110194206237791 + ], + [ + "aldehyde", + -14.11029815673828 + ], + [ + "situ", + -14.11032009124756 + ], + [ + "▁trinkets", + -14.11036491394043 + ], + [ + "Zi", + -14.110514640808104 + ], + [ + "▁Bounty", + -14.110518455505373 + ], + [ + "▁Nirvana", + -14.110518455505373 + ], + [ + "▁Oaxaca", + -14.110518455505373 + ], + [ + "▁Tuxedo", + -14.110518455505373 + ], + [ + "▁couscous", + -14.110518455505373 + ], + [ + "▁gypsy", + -14.110518455505373 + ], + [ + "▁semblance", + -14.110518455505373 + ], + [ + "▁tycoon", + -14.110518455505373 + ], + [ + "▁Allianz", + -14.110519409179688 + ], + [ + "▁TITLE", + -14.110522270202637 + ], + [ + "▁impunity", + -14.110522270202637 + ], + [ + "▁sultry", + -14.110528945922852 + ], + [ + "▁puberty", + -14.110530853271484 + ], + [ + "▁Brookings", + -14.110559463500977 + ], + [ + "▁Exposition", + -14.110560417175291 + ], + [ + "▁Schuster", + -14.110560417175291 + ], + [ + "▁Springsteen", + -14.110575675964355 + ], + [ + "carat", + -14.110588073730469 + ], + [ + "▁Gladstone", + -14.110620498657228 + ], + [ + "▁Shangri", + -14.110625267028809 + ], + [ + "▁DMS", + -14.110665321350098 + ], + [ + "arin", + -14.110706329345703 + ], + [ + "▁haute", + -14.110709190368652 + ], + [ + "▁Gael", + -14.110711097717283 + ], + [ + "3.3%", + -14.11072826385498 + ], + [ + "▁Reps", + -14.110733032226562 + ], + [ + "▁Haines", + -14.110740661621094 + ], + [ + "▁predictability", + -14.110758781433104 + ], + [ + "▁Rarely", + -14.11076545715332 + ], + [ + "▁Darlington", + -14.110772132873535 + ], + [ + "Managed", + -14.110782623291016 + ], + [ + "▁Dwarf", + -14.110791206359863 + ], + [ + "customers", + -14.110800743103027 + ], + [ + "▁OX", + -14.110835075378418 + ], + [ + "/$", + -14.110840797424316 + ], + [ + "▁barbecues", + -14.110858917236328 + ], + [ + "▁gyro", + -14.110867500305176 + ], + [ + "▁Clue", + -14.110885620117188 + ], + [ + "vertical", + -14.11089324951172 + ], + [ + "▁Prosper", + -14.110929489135742 + ], + [ + "▁Locksmiths", + -14.110980987548828 + ], + [ + "▁princes", + -14.110986709594728 + ], + [ + "▁Lovecraft", + -14.110995292663574 + ], + [ + "▁creeps", + -14.110998153686523 + ], + [ + "prof", + -14.111000061035156 + ], + [ + "▁parrots", + -14.111051559448242 + ], + [ + "TPH", + -14.111053466796877 + ], + [ + "▁Kera", + -14.111109733581545 + ], + [ + "Whew", + -14.111127853393556 + ], + [ + "▁derailed", + -14.111132621765137 + ], + [ + "ullo", + -14.11113452911377 + ], + [ + "▁Scotty", + -14.111150741577148 + ], + [ + "▁Kitts", + -14.111164093017578 + ], + [ + "▁IMG", + -14.111230850219728 + ], + [ + "▁ripening", + -14.111286163330078 + ], + [ + "▁Stefani", + -14.111323356628418 + ], + [ + "▁nooks", + -14.111363410949709 + ], + [ + "▁treks", + -14.111363410949709 + ], + [ + "▁Eo", + -14.111376762390137 + ], + [ + "▁lowercase", + -14.11147117614746 + ], + [ + "ouf", + -14.11151885986328 + ], + [ + "▁ramble", + -14.11152172088623 + ], + [ + "Tender", + -14.11153507232666 + ], + [ + "▁GRI", + -14.111580848693848 + ], + [ + "kms", + -14.111632347106934 + ], + [ + "▁recur", + -14.11168384552002 + ], + [ + "▁Pah", + -14.111702919006348 + ], + [ + "supporting", + -14.111709594726562 + ], + [ + "▁Malo", + -14.111726760864258 + ], + [ + "▁kneeling", + -14.11172866821289 + ], + [ + "GLOBE", + -14.111737251281738 + ], + [ + "▁EIA", + -14.111761093139648 + ], + [ + "▁Bung", + -14.111772537231444 + ], + [ + "▁ascension", + -14.111774444580078 + ], + [ + "blogs", + -14.111825942993164 + ], + [ + "▁10/10", + -14.111846923828123 + ], + [ + "▁sau", + -14.111865043640137 + ], + [ + "▁Barron", + -14.11190128326416 + ], + [ + "roads", + -14.111908912658691 + ], + [ + "▁Acta", + -14.111910820007324 + ], + [ + "▁merch", + -14.111913681030272 + ], + [ + "▁Ornament", + -14.1119384765625 + ], + [ + "▁brooding", + -14.111964225769045 + ], + [ + "▁Bigfoot", + -14.112004280090332 + ], + [ + "▁lags", + -14.112006187438965 + ], + [ + "+3", + -14.11201000213623 + ], + [ + "▁Keyless", + -14.112027168273926 + ], + [ + "▁muy", + -14.112086296081545 + ], + [ + "jor", + -14.112096786499023 + ], + [ + "PHY", + -14.1121244430542 + ], + [ + "▁APT", + -14.112147331237791 + ], + [ + "Called", + -14.11216163635254 + ], + [ + "084", + -14.112183570861816 + ], + [ + "▁infidelity", + -14.112186431884766 + ], + [ + "▁trumps", + -14.112189292907717 + ], + [ + "UID", + -14.112194061279297 + ], + [ + "hawks", + -14.11229133605957 + ], + [ + "▁Elo", + -14.11232566833496 + ], + [ + "flowers", + -14.112351417541504 + ], + [ + "▁Kash", + -14.11235809326172 + ], + [ + "▁Roberta", + -14.11240577697754 + ], + [ + "▁Referee", + -14.11241054534912 + ], + [ + "▁384", + -14.11244010925293 + ], + [ + "isk", + -14.112542152404783 + ], + [ + "Jenn", + -14.112683296203612 + ], + [ + "▁insoles", + -14.112695693969728 + ], + [ + "▁cit", + -14.112696647644045 + ], + [ + "▁fluctuation", + -14.112775802612305 + ], + [ + "542", + -14.112855911254885 + ], + [ + "▁nibble", + -14.112885475158691 + ], + [ + "▁Ode", + -14.112934112548828 + ], + [ + "cay", + -14.112936973571776 + ], + [ + "▁passcode", + -14.112961769104004 + ], + [ + "▁IEP", + -14.113073348999023 + ], + [ + "Papa", + -14.113077163696287 + ], + [ + "aside", + -14.113129615783691 + ], + [ + "booked", + -14.113144874572754 + ], + [ + "SKA", + -14.113154411315918 + ], + [ + "▁Beh", + -14.1132173538208 + ], + [ + "schools", + -14.113292694091797 + ], + [ + "bod", + -14.11331272125244 + ], + [ + "▁BRCA", + -14.113337516784668 + ], + [ + "Exit", + -14.113348007202148 + ], + [ + "IPA", + -14.11337184906006 + ], + [ + "▁Thrift", + -14.113397598266602 + ], + [ + "▁fetching", + -14.113585472106934 + ], + [ + "▁interprets", + -14.113638877868652 + ], + [ + "▁BST", + -14.113741874694824 + ], + [ + "mores", + -14.113792419433594 + ], + [ + "Mono", + -14.113799095153809 + ], + [ + "Dennis", + -14.11390781402588 + ], + [ + "Affordable", + -14.11391830444336 + ], + [ + "Atlanta", + -14.11392307281494 + ], + [ + "Hudson", + -14.11392307281494 + ], + [ + "▁CIR", + -14.113940238952637 + ], + [ + "927", + -14.1139497756958 + ], + [ + "Hidden", + -14.11396312713623 + ], + [ + "gnu", + -14.11396598815918 + ], + [ + "hungry", + -14.113987922668455 + ], + [ + "satellite", + -14.11402702331543 + ], + [ + "english", + -14.114053726196287 + ], + [ + "Stamp", + -14.11406421661377 + ], + [ + "▁René", + -14.114079475402832 + ], + [ + "▁Alchemy", + -14.114134788513184 + ], + [ + "▁Confidential", + -14.1141357421875 + ], + [ + "generic", + -14.114161491394045 + ], + [ + "▁RTO", + -14.114258766174316 + ], + [ + "▁quarterfinals", + -14.114301681518556 + ], + [ + "▁unicorns", + -14.11430835723877 + ], + [ + "▁haters", + -14.11440086364746 + ], + [ + "▁archeological", + -14.114457130432127 + ], + [ + "▁Lef", + -14.114462852478027 + ], + [ + "▁Socio", + -14.114477157592772 + ], + [ + "▁(2004).", + -14.114505767822266 + ], + [ + "Described", + -14.114513397216797 + ], + [ + "▁mainline", + -14.114521026611328 + ], + [ + "▁subsidize", + -14.11452579498291 + ], + [ + "▁functioned", + -14.114531517028809 + ], + [ + "Chemical", + -14.114543914794922 + ], + [ + "STD", + -14.114566802978516 + ], + [ + "anan", + -14.114629745483398 + ], + [ + "▁Crit", + -14.114630699157717 + ], + [ + "▁Voi", + -14.114706993103027 + ], + [ + "koo", + -14.114709854125977 + ], + [ + "jean", + -14.11471176147461 + ], + [ + "▁Roar", + -14.11471176147461 + ], + [ + "▁recapture", + -14.11471176147461 + ], + [ + "▁militias", + -14.11474609375 + ], + [ + "▁abolition", + -14.114789009094238 + ], + [ + "SOURCE", + -14.114811897277832 + ], + [ + "▁staircases", + -14.114824295043944 + ], + [ + "FER", + -14.114888191223145 + ], + [ + "▁Conquer", + -14.1149320602417 + ], + [ + "▁sandal", + -14.11495304107666 + ], + [ + "▁Badgers", + -14.114964485168455 + ], + [ + "▁FILE", + -14.115023612976074 + ], + [ + "▁Assemblies", + -14.115126609802246 + ], + [ + "▁Mojave", + -14.115126609802246 + ], + [ + "▁Remedies", + -14.115126609802246 + ], + [ + "▁Thessaloniki", + -14.115126609802246 + ], + [ + "▁cacti", + -14.115126609802246 + ], + [ + "▁nefarious", + -14.115126609802246 + ], + [ + "▁nemesis", + -14.115126609802246 + ], + [ + "▁pizzeria", + -14.115126609802246 + ], + [ + "▁unspoiled", + -14.115126609802246 + ], + [ + "▁Boehner", + -14.115127563476562 + ], + [ + "▁Eminem", + -14.115127563476562 + ], + [ + "▁stenosis", + -14.115127563476562 + ], + [ + "▁terrarium", + -14.11512851715088 + ], + [ + "▁Thieves", + -14.115131378173828 + ], + [ + "Investigate", + -14.11513328552246 + ], + [ + "▁Zillow", + -14.11513614654541 + ], + [ + "▁Tyrone", + -14.115141868591309 + ], + [ + "▁pewter", + -14.115142822265623 + ], + [ + "▁SNMP", + -14.115157127380373 + ], + [ + "▁Whittier", + -14.115169525146484 + ], + [ + "▁morphine", + -14.115169525146484 + ], + [ + "▁MBBS", + -14.115172386169434 + ], + [ + "▁Commandments", + -14.115179061889648 + ], + [ + "hae", + -14.115188598632812 + ], + [ + "▁Huntingdon", + -14.115196228027344 + ], + [ + "▁endothelial", + -14.115198135375977 + ], + [ + "▁Coordinating", + -14.115203857421877 + ], + [ + "▁Duvet", + -14.115204811096191 + ], + [ + "▁Exemption", + -14.11521339416504 + ], + [ + "▁lamination", + -14.115220069885254 + ], + [ + "▁Drywall", + -14.115222930908203 + ], + [ + "▁Creatures", + -14.115225791931152 + ], + [ + "▁fondue", + -14.115232467651367 + ], + [ + "▁NICU", + -14.115252494812012 + ], + [ + "▁Orthodontics", + -14.115320205688477 + ], + [ + "▁hammocks", + -14.115325927734377 + ], + [ + "ONG", + -14.115327835083008 + ], + [ + "▁Cushing", + -14.115333557128906 + ], + [ + "▁Elsewhere", + -14.115337371826172 + ], + [ + "▁Aspects", + -14.115349769592283 + ], + [ + "▁moisturizers", + -14.115398406982422 + ], + [ + "▁phonics", + -14.11542510986328 + ], + [ + "▁Rosary", + -14.115434646606444 + ], + [ + "▁Blunt", + -14.115452766418455 + ], + [ + "lemon", + -14.11551284790039 + ], + [ + "lise", + -14.115525245666504 + ], + [ + "▁affix", + -14.115609169006348 + ], + [ + "▁Anu", + -14.11562156677246 + ], + [ + "bias", + -14.115643501281738 + ], + [ + "▁expatriates", + -14.115655899047852 + ], + [ + "▁nerds", + -14.115689277648926 + ], + [ + "▁sequentially", + -14.115718841552734 + ], + [ + "▁Crude", + -14.115730285644531 + ], + [ + "▁goblin", + -14.115750312805176 + ], + [ + "▁Pong", + -14.115800857543944 + ], + [ + "stine", + -14.11587905883789 + ], + [ + "▁kata", + -14.11587905883789 + ], + [ + "▁5/8", + -14.115893363952637 + ], + [ + "▁#18", + -14.11589527130127 + ], + [ + "▁kra", + -14.11595630645752 + ], + [ + "▁explodes", + -14.115970611572266 + ], + [ + "▁subconsciously", + -14.11598300933838 + ], + [ + "▁Hymn", + -14.11604118347168 + ], + [ + "▁carpool", + -14.116050720214844 + ], + [ + "▁BASIC", + -14.116209030151367 + ], + [ + "hiri", + -14.116215705871582 + ], + [ + "▁Dolan", + -14.116219520568848 + ], + [ + "▁glycemic", + -14.116262435913086 + ], + [ + "▁cribs", + -14.11630916595459 + ], + [ + "▁Smyth", + -14.116352081298828 + ], + [ + "▁Dir", + -14.11637020111084 + ], + [ + "669", + -14.116413116455078 + ], + [ + "▁Emphasis", + -14.11643886566162 + ], + [ + "▁unread", + -14.116497993469238 + ], + [ + "historical", + -14.116504669189451 + ], + [ + "pacing", + -14.116517066955566 + ], + [ + "▁$3.5", + -14.116518020629885 + ], + [ + "rology", + -14.116520881652832 + ], + [ + "▁Kes", + -14.116520881652832 + ], + [ + "▁soldered", + -14.116586685180664 + ], + [ + "▁Khe", + -14.116606712341309 + ], + [ + "▁Laval", + -14.116647720336914 + ], + [ + "Prize", + -14.116654396057127 + ], + [ + "▁Glan", + -14.11669635772705 + ], + [ + "oglu", + -14.116700172424316 + ], + [ + "▁shockingly", + -14.116898536682127 + ], + [ + "▁injector", + -14.116920471191406 + ], + [ + "▁convincingly", + -14.116925239562988 + ], + [ + "▁Stroll", + -14.117000579833984 + ], + [ + "▁Kyo", + -14.11700439453125 + ], + [ + "charger", + -14.117015838623049 + ], + [ + "▁200%", + -14.117090225219728 + ], + [ + "▁Harman", + -14.117095947265623 + ], + [ + "▁Lodging", + -14.117143630981444 + ], + [ + "▁Attract", + -14.11716365814209 + ], + [ + "robert", + -14.11717128753662 + ], + [ + "▁1,5", + -14.117183685302734 + ], + [ + "2.00", + -14.117201805114746 + ], + [ + "▁Rhein", + -14.117204666137695 + ], + [ + "▁Ewing", + -14.11722183227539 + ], + [ + "824", + -14.117234230041504 + ], + [ + "▁Discharge", + -14.117291450500488 + ], + [ + "▁Isis", + -14.117292404174805 + ], + [ + "▁Watchers", + -14.117302894592283 + ], + [ + "▁Whistle", + -14.117338180541992 + ], + [ + "▁Mech", + -14.117364883422852 + ], + [ + "▁duke", + -14.117369651794434 + ], + [ + "▁sobering", + -14.11739444732666 + ], + [ + "▁cofounder", + -14.117435455322266 + ], + [ + "▁Ches", + -14.117462158203123 + ], + [ + "▁Bled", + -14.117469787597656 + ], + [ + "EEA", + -14.117491722106934 + ], + [ + "▁overtly", + -14.1174955368042 + ], + [ + "decade", + -14.117504119873049 + ], + [ + "663", + -14.11751651763916 + ], + [ + "▁AEG", + -14.117523193359377 + ], + [ + "929", + -14.11756706237793 + ], + [ + "▁PSG", + -14.117612838745115 + ], + [ + "▁jamb", + -14.117616653442385 + ], + [ + "▁Sheen", + -14.117650032043455 + ], + [ + "▁AML", + -14.117671012878418 + ], + [ + "▁fortify", + -14.11768627166748 + ], + [ + "CSI", + -14.117688179016112 + ], + [ + "▁KPI", + -14.117732048034668 + ], + [ + "FLOW", + -14.11774444580078 + ], + [ + "▁Bosco", + -14.11776351928711 + ], + [ + "▁Preference", + -14.11777114868164 + ], + [ + "▁extinguisher", + -14.117772102355955 + ], + [ + "▁footnote", + -14.117798805236816 + ], + [ + "2:15", + -14.117810249328612 + ], + [ + "BAND", + -14.117810249328612 + ], + [ + "Circ", + -14.117912292480469 + ], + [ + "▁cityscape", + -14.117928504943848 + ], + [ + "▁Schiff", + -14.117979049682615 + ], + [ + "parking", + -14.11802101135254 + ], + [ + "tracks", + -14.118022918701172 + ], + [ + "-110", + -14.118045806884766 + ], + [ + "Conf", + -14.118059158325195 + ], + [ + "eche", + -14.118072509765623 + ], + [ + "▁Reap", + -14.11807632446289 + ], + [ + "▁Projection", + -14.118080139160156 + ], + [ + "lge", + -14.118096351623535 + ], + [ + "▁PICK", + -14.118206977844238 + ], + [ + "leu", + -14.118255615234377 + ], + [ + "▁Liter", + -14.118280410766602 + ], + [ + "▁Ethn", + -14.118290901184082 + ], + [ + "▁Faced", + -14.118325233459473 + ], + [ + "chine", + -14.11846160888672 + ], + [ + "certification", + -14.118511199951172 + ], + [ + "▁Depart", + -14.118517875671388 + ], + [ + "inta", + -14.118552207946776 + ], + [ + "Brief", + -14.118565559387209 + ], + [ + "Named", + -14.118599891662598 + ], + [ + "promotion", + -14.118617057800291 + ], + [ + "▁2700", + -14.118633270263672 + ], + [ + "Minnesota", + -14.11865520477295 + ], + [ + "▁connotations", + -14.118658065795898 + ], + [ + "Packard", + -14.118684768676758 + ], + [ + "concert", + -14.1187162399292 + ], + [ + "▁PTI", + -14.11881160736084 + ], + [ + "▁Affiliates", + -14.118826866149902 + ], + [ + "Powerful", + -14.11894702911377 + ], + [ + "971", + -14.118963241577148 + ], + [ + "▁Xing", + -14.118972778320312 + ], + [ + "viewer", + -14.119056701660156 + ], + [ + "▁sacraments", + -14.119218826293944 + ], + [ + "CSD", + -14.119245529174805 + ], + [ + "Breath", + -14.119266510009766 + ], + [ + "TAG", + -14.119279861450195 + ], + [ + "czyk", + -14.119282722473145 + ], + [ + "▁sheeting", + -14.11934757232666 + ], + [ + "▁Bana", + -14.119455337524414 + ], + [ + "▁264", + -14.11955451965332 + ], + [ + "Invite", + -14.11956787109375 + ], + [ + "▁Continued", + -14.1195707321167 + ], + [ + "▁slum", + -14.1195707321167 + ], + [ + "ITC", + -14.119593620300291 + ], + [ + "FORCE", + -14.119616508483888 + ], + [ + "▁diverge", + -14.119683265686035 + ], + [ + "▁Geographical", + -14.119715690612791 + ], + [ + "synaptic", + -14.119755744934082 + ], + [ + "▁INSURANCE", + -14.119755744934082 + ], + [ + "▁Tequila", + -14.119755744934082 + ], + [ + "▁aggravating", + -14.119755744934082 + ], + [ + "▁curcumin", + -14.119755744934082 + ], + [ + "▁dissipation", + -14.119755744934082 + ], + [ + "▁glutathione", + -14.119755744934082 + ], + [ + "▁phrasing", + -14.119755744934082 + ], + [ + "▁trajectories", + -14.119755744934082 + ], + [ + "▁votre", + -14.119756698608398 + ], + [ + "▁Nagasaki", + -14.119757652282717 + ], + [ + "▁Unisex", + -14.119757652282717 + ], + [ + "▁melbourne", + -14.119757652282717 + ], + [ + "▁Bakersfield", + -14.119759559631348 + ], + [ + "▁JPMorgan", + -14.119759559631348 + ], + [ + "▁agitator", + -14.119759559631348 + ], + [ + "▁INCLUDED", + -14.119760513305664 + ], + [ + "▁NAACP", + -14.119763374328612 + ], + [ + "▁transatlantic", + -14.119763374328612 + ], + [ + "▁Naruto", + -14.119766235351562 + ], + [ + "▁cardiology", + -14.119768142700195 + ], + [ + "▁citric", + -14.119771003723145 + ], + [ + "▁Subdivision", + -14.11977195739746 + ], + [ + "▁ablation", + -14.119780540466309 + ], + [ + "▁Inuit", + -14.11978816986084 + ], + [ + "▁uproar", + -14.119800567626951 + ], + [ + "▁Jericho", + -14.11980152130127 + ], + [ + "▁Spectre", + -14.11981964111328 + ], + [ + "▁Detention", + -14.11982536315918 + ], + [ + "▁unspoken", + -14.11983585357666 + ], + [ + "▁Tinker", + -14.119843482971191 + ], + [ + "▁Sumner", + -14.119844436645508 + ], + [ + "▁unanticipated", + -14.119865417480469 + ], + [ + "▁radishes", + -14.119890213012695 + ], + [ + "▁Exile", + -14.119892120361328 + ], + [ + "▁ligne", + -14.119911193847656 + ], + [ + "▁Roswell", + -14.11992645263672 + ], + [ + "▁Chrissy", + -14.1199369430542 + ], + [ + "▁Fairmont", + -14.119945526123049 + ], + [ + "▁kelp", + -14.119952201843262 + ], + [ + "659", + -14.11996364593506 + ], + [ + "▁perceptive", + -14.11996841430664 + ], + [ + "▁Bangladeshi", + -14.11999797821045 + ], + [ + "▁immigrated", + -14.12000846862793 + ], + [ + "▁Dreaming", + -14.120074272155762 + ], + [ + "vous", + -14.120080947875977 + ], + [ + "▁Reproduction", + -14.120084762573242 + ], + [ + "▁Hearst", + -14.120136260986328 + ], + [ + "▁2017/18", + -14.12013816833496 + ], + [ + "▁Prove", + -14.120155334472656 + ], + [ + "▁redeemable", + -14.120162963867188 + ], + [ + "▁alphabetically", + -14.120166778564451 + ], + [ + "▁pitting", + -14.120192527770996 + ], + [ + "▁kam", + -14.120193481445312 + ], + [ + "▁standardize", + -14.120198249816896 + ], + [ + "▁Singaporean", + -14.12020206451416 + ], + [ + "▁Ministerial", + -14.120267868041992 + ], + [ + "heard", + -14.120285034179688 + ], + [ + "▁Cashback", + -14.120317459106444 + ], + [ + "▁Properly", + -14.120319366455078 + ], + [ + "▁Safeway", + -14.120363235473633 + ], + [ + "▁Moderne", + -14.120378494262695 + ], + [ + "nae", + -14.12038516998291 + ], + [ + "▁Aden", + -14.120396614074709 + ], + [ + "▁scourge", + -14.120443344116213 + ], + [ + "Olive", + -14.120573043823242 + ], + [ + "▁Robust", + -14.120598793029783 + ], + [ + "Buyers", + -14.120611190795898 + ], + [ + "BHK", + -14.12063694000244 + ], + [ + "▁Rosewood", + -14.120682716369627 + ], + [ + "ebr", + -14.12069320678711 + ], + [ + "▁tumours", + -14.120701789855955 + ], + [ + "kiss", + -14.12073802947998 + ], + [ + "9999", + -14.120800018310549 + ], + [ + "WEAR", + -14.12086296081543 + ], + [ + "▁Kav", + -14.12087631225586 + ], + [ + "Equip", + -14.12091827392578 + ], + [ + "▁Least", + -14.120970726013184 + ], + [ + "otherwise", + -14.12100601196289 + ], + [ + "eland", + -14.12100887298584 + ], + [ + "▁amends", + -14.121009826660156 + ], + [ + "▁overtaken", + -14.121047973632812 + ], + [ + "▁4).", + -14.121052742004396 + ], + [ + "▁faxes", + -14.121057510375977 + ], + [ + "Enhanc", + -14.121100425720217 + ], + [ + "▁CERN", + -14.121142387390137 + ], + [ + "▁sighed", + -14.121175765991213 + ], + [ + "▁kites", + -14.121192932128906 + ], + [ + "proven", + -14.121201515197754 + ], + [ + "iggy", + -14.121204376220703 + ], + [ + "$6", + -14.12126636505127 + ], + [ + "▁VPNs", + -14.121336936950684 + ], + [ + "▁acronyms", + -14.121346473693848 + ], + [ + "▁barbell", + -14.12135410308838 + ], + [ + "▁Grady", + -14.121444702148438 + ], + [ + "▁fundamentalist", + -14.121479034423828 + ], + [ + "Designated", + -14.121633529663086 + ], + [ + "▁sown", + -14.121651649475098 + ], + [ + "▁plastered", + -14.12165355682373 + ], + [ + "▁EURO", + -14.121664047241213 + ], + [ + "sourcing", + -14.121675491333008 + ], + [ + "▁beater", + -14.121702194213867 + ], + [ + "Hai", + -14.12171459197998 + ], + [ + "▁Temperatures", + -14.121726989746094 + ], + [ + "▁Flange", + -14.121787071228027 + ], + [ + "▁faraway", + -14.12182903289795 + ], + [ + "▁Barley", + -14.12184715270996 + ], + [ + "▁Pregnant", + -14.121885299682615 + ], + [ + "▁hatching", + -14.121892929077148 + ], + [ + "spice", + -14.121918678283691 + ], + [ + "▁Handcrafted", + -14.12193775177002 + ], + [ + "Tai", + -14.121942520141602 + ], + [ + "▁KIDS", + -14.121950149536133 + ], + [ + "mobi", + -14.121975898742676 + ], + [ + "qr", + -14.122020721435549 + ], + [ + "▁archaeologist", + -14.1221342086792 + ], + [ + "oslav", + -14.122152328491213 + ], + [ + "Av", + -14.122234344482422 + ], + [ + "▁Toad", + -14.122332572937012 + ], + [ + "gling", + -14.122464179992676 + ], + [ + "▁Profits", + -14.122572898864746 + ], + [ + "095", + -14.122612953186035 + ], + [ + "▁WBC", + -14.122614860534668 + ], + [ + "▁Glycol", + -14.122661590576172 + ], + [ + "▁tithe", + -14.122674942016602 + ], + [ + "▁1952,", + -14.122688293457031 + ], + [ + "▁RECORD", + -14.122718811035156 + ], + [ + "▁Headquarter", + -14.122727394104004 + ], + [ + "00000", + -14.122739791870115 + ], + [ + "▁pretended", + -14.122760772705078 + ], + [ + "▁Hasan", + -14.12283420562744 + ], + [ + "▁motorbikes", + -14.122909545898438 + ], + [ + "SIL", + -14.12297821044922 + ], + [ + "cier", + -14.123068809509276 + ], + [ + "particle", + -14.123106956481934 + ], + [ + "▁PY", + -14.123113632202148 + ], + [ + "iment", + -14.12315273284912 + ], + [ + "indoor", + -14.12315273284912 + ], + [ + "▁accomplishes", + -14.123174667358398 + ], + [ + "▁redone", + -14.123228073120115 + ], + [ + "tiful", + -14.123254776000977 + ], + [ + "bner", + -14.12327480316162 + ], + [ + "vince", + -14.12329387664795 + ], + [ + "troph", + -14.12331771850586 + ], + [ + "▁Magistrates", + -14.123367309570312 + ], + [ + "aim", + -14.123406410217283 + ], + [ + "reliance", + -14.12341594696045 + ], + [ + "Clinton", + -14.12342929840088 + ], + [ + "Joshua", + -14.123431205749512 + ], + [ + "foreign", + -14.123433113098145 + ], + [ + "Analysts", + -14.123435974121094 + ], + [ + "grinding", + -14.12343692779541 + ], + [ + "▁lipo", + -14.123442649841309 + ], + [ + "Bishop", + -14.123465538024902 + ], + [ + "basically", + -14.123477935791016 + ], + [ + "▁Inver", + -14.123479843139648 + ], + [ + "navi", + -14.123480796813965 + ], + [ + "Christine", + -14.12348747253418 + ], + [ + "Database", + -14.123501777648926 + ], + [ + "wik", + -14.123592376708984 + ], + [ + "▁Amethyst", + -14.123639106750488 + ], + [ + "AAC", + -14.123651504516602 + ], + [ + "▁mathematicians", + -14.123663902282717 + ], + [ + "▁Windy", + -14.12367820739746 + ], + [ + "▁$175", + -14.1237154006958 + ], + [ + "enfeld", + -14.12373161315918 + ], + [ + "▁negotiators", + -14.123773574829102 + ], + [ + "▁scrutinize", + -14.123855590820312 + ], + [ + "▁stutter", + -14.123860359191896 + ], + [ + "▁Carne", + -14.123871803283691 + ], + [ + "carrying", + -14.123919486999512 + ], + [ + "Thin", + -14.123921394348145 + ], + [ + "MHS", + -14.124017715454102 + ], + [ + "vb", + -14.124032020568848 + ], + [ + "▁7-6", + -14.124061584472656 + ], + [ + "▁Subs", + -14.124100685119627 + ], + [ + "▁Warming", + -14.124103546142578 + ], + [ + "▁github", + -14.124141693115234 + ], + [ + "Absent", + -14.124144554138184 + ], + [ + "▁harvests", + -14.124150276184082 + ], + [ + "▁SAGE", + -14.124181747436523 + ], + [ + "richard", + -14.124190330505373 + ], + [ + "792", + -14.124235153198242 + ], + [ + "rkin", + -14.124237060546877 + ], + [ + "▁Rel", + -14.124250411987305 + ], + [ + "yev", + -14.124260902404783 + ], + [ + "▁Overland", + -14.124346733093262 + ], + [ + "▁Shouldn", + -14.124347686767578 + ], + [ + "▁Aadhaar", + -14.124406814575195 + ], + [ + "▁Housewives", + -14.124406814575195 + ], + [ + "▁LITTLE", + -14.124406814575195 + ], + [ + "▁ambulatory", + -14.124406814575195 + ], + [ + "▁evaporator", + -14.124406814575195 + ], + [ + "▁introspection", + -14.124406814575195 + ], + [ + "▁lollipop", + -14.124406814575195 + ], + [ + "▁paraffin", + -14.124406814575195 + ], + [ + "▁twinkling", + -14.124406814575195 + ], + [ + "▁accutane", + -14.124407768249512 + ], + [ + "▁Electromagnetic", + -14.124411582946776 + ], + [ + "▁Compliant", + -14.124412536621094 + ], + [ + "▁SWAT", + -14.124418258666992 + ], + [ + "▁raymond", + -14.124423027038574 + ], + [ + "▁Sevilla", + -14.124425888061523 + ], + [ + "▁Dorsey", + -14.124430656433104 + ], + [ + "▁robberies", + -14.124430656433104 + ], + [ + "▁Decimal", + -14.124432563781738 + ], + [ + "piste", + -14.124442100524902 + ], + [ + "▁(1990)", + -14.12444305419922 + ], + [ + "▁taupe", + -14.124479293823242 + ], + [ + "▁Inverter", + -14.124504089355469 + ], + [ + "▁Attending", + -14.124506950378418 + ], + [ + "▁1999)", + -14.124524116516112 + ], + [ + "▁thermodynamic", + -14.124547004699709 + ], + [ + "▁Simeon", + -14.124550819396973 + ], + [ + "▁Delray", + -14.12466049194336 + ], + [ + "▁insecticides", + -14.124669075012209 + ], + [ + "▁reflexes", + -14.12468147277832 + ], + [ + "▁harshest", + -14.12470531463623 + ], + [ + "▁glistening", + -14.124719619750977 + ], + [ + "▁Monkeys", + -14.124726295471191 + ], + [ + "▁$2000", + -14.124747276306152 + ], + [ + "▁CREB", + -14.12480926513672 + ], + [ + "jerk", + -14.124841690063477 + ], + [ + "▁dimple", + -14.12489128112793 + ], + [ + "▁Nell", + -14.124893188476562 + ], + [ + "holic", + -14.124895095825195 + ], + [ + "▁Lug", + -14.1249418258667 + ], + [ + "▁sooooo", + -14.124947547912598 + ], + [ + "isen", + -14.124950408935549 + ], + [ + "▁Grin", + -14.125006675720217 + ], + [ + "▁harmonica", + -14.125006675720217 + ], + [ + "MAIL", + -14.12510108947754 + ], + [ + "bending", + -14.125144004821776 + ], + [ + "▁Tav", + -14.12520980834961 + ], + [ + "▁Ramona", + -14.125213623046877 + ], + [ + "▁Achieving", + -14.125238418579102 + ], + [ + "▁Ghat", + -14.125248908996582 + ], + [ + "15,000", + -14.125283241271973 + ], + [ + "▁Edmunds", + -14.125306129455566 + ], + [ + "▁TPP", + -14.125329971313477 + ], + [ + "▁digi", + -14.125425338745115 + ], + [ + "▁esophageal", + -14.12543487548828 + ], + [ + "▁SMSF", + -14.12549114227295 + ], + [ + "▁Eurasian", + -14.125494003295898 + ], + [ + "rbe", + -14.125523567199709 + ], + [ + "helm", + -14.125529289245604 + ], + [ + "▁submarines", + -14.125544548034668 + ], + [ + "▁reinventing", + -14.125548362731934 + ], + [ + "▁Ohm", + -14.125550270080566 + ], + [ + "huang", + -14.12557888031006 + ], + [ + "olysis", + -14.125580787658691 + ], + [ + "COMM", + -14.125652313232422 + ], + [ + "glyph", + -14.125655174255373 + ], + [ + "ppellate", + -14.125693321228027 + ], + [ + "▁pruned", + -14.125755310058594 + ], + [ + "▁touchpoint", + -14.12581729888916 + ], + [ + "▁$140", + -14.125824928283691 + ], + [ + "Pete", + -14.125852584838867 + ], + [ + "▁telecast", + -14.12586784362793 + ], + [ + "▁petting", + -14.125894546508787 + ], + [ + "jac", + -14.125953674316406 + ], + [ + "▁sep", + -14.126035690307615 + ], + [ + "agus", + -14.126039505004885 + ], + [ + "▁diese", + -14.12605094909668 + ], + [ + "EASE", + -14.126104354858398 + ], + [ + "719", + -14.126120567321776 + ], + [ + "▁Notch", + -14.126178741455078 + ], + [ + "▁Apron", + -14.126180648803713 + ], + [ + "FIP", + -14.12621021270752 + ], + [ + "▁Nitrogen", + -14.12628173828125 + ], + [ + "CLA", + -14.12630844116211 + ], + [ + "Adapted", + -14.126314163208008 + ], + [ + "flavin", + -14.126344680786133 + ], + [ + "INGTON", + -14.126346588134766 + ], + [ + "▁maxim", + -14.126347541809082 + ], + [ + "▁dressers", + -14.126371383666992 + ], + [ + "▁gong", + -14.126373291015623 + ], + [ + "▁Eater", + -14.12649631500244 + ], + [ + "▁ambulances", + -14.126520156860352 + ], + [ + "096", + -14.126538276672363 + ], + [ + "embo", + -14.126554489135742 + ], + [ + "Drag", + -14.12662124633789 + ], + [ + "azu", + -14.126643180847168 + ], + [ + "▁Passed", + -14.126675605773926 + ], + [ + "Untitled", + -14.126705169677734 + ], + [ + "proxy", + -14.12671184539795 + ], + [ + "TABLE", + -14.126737594604492 + ], + [ + "▁lurk", + -14.126758575439451 + ], + [ + "▁stalwart", + -14.126836776733398 + ], + [ + "▁animator", + -14.126843452453612 + ], + [ + "heartedly", + -14.12686538696289 + ], + [ + "▁Hugs", + -14.126893043518066 + ], + [ + "bw", + -14.12690258026123 + ], + [ + "▁Roles", + -14.126977920532228 + ], + [ + "Dur", + -14.127007484436035 + ], + [ + "▁BUILD", + -14.127035140991213 + ], + [ + "▁CCP", + -14.127135276794434 + ], + [ + "▁Emer", + -14.127209663391112 + ], + [ + "▁Bitcoins", + -14.12727165222168 + ], + [ + "▁Captiva", + -14.127306938171388 + ], + [ + "▁’80", + -14.127325057983398 + ], + [ + "usan", + -14.127357482910156 + ], + [ + "▁simplification", + -14.127361297607422 + ], + [ + "▁exchangers", + -14.127378463745115 + ], + [ + "ohm", + -14.127470016479492 + ], + [ + "▁Jac", + -14.127497673034668 + ], + [ + "cron", + -14.12751293182373 + ], + [ + "▁Yikes", + -14.127610206604004 + ], + [ + "▁backrest", + -14.127615928649902 + ], + [ + "▁stints", + -14.1276216506958 + ], + [ + "▁Asians", + -14.127631187438965 + ], + [ + "medi", + -14.127660751342772 + ], + [ + "Went", + -14.127668380737305 + ], + [ + "lark", + -14.12767219543457 + ], + [ + "834", + -14.127680778503418 + ], + [ + "▁commenter", + -14.127696990966797 + ], + [ + "▁2025,", + -14.12770652770996 + ], + [ + "Tier", + -14.12777042388916 + ], + [ + "lodge", + -14.127802848815918 + ], + [ + "▁Gib", + -14.127827644348145 + ], + [ + "▁Scenario", + -14.12782859802246 + ], + [ + "SER", + -14.127920150756836 + ], + [ + "▁CTC", + -14.128023147583008 + ], + [ + "LEC", + -14.128029823303224 + ], + [ + "acco", + -14.128043174743652 + ], + [ + "constructed", + -14.128068923950195 + ], + [ + "▁PRA", + -14.128108024597168 + ], + [ + "▁Telegram", + -14.12812328338623 + ], + [ + "079", + -14.12816333770752 + ], + [ + "▁CUT", + -14.12816333770752 + ], + [ + "skinned", + -14.128183364868164 + ], + [ + "encompassing", + -14.128195762634276 + ], + [ + "Kansas", + -14.128209114074709 + ], + [ + "▁banded", + -14.128247261047363 + ], + [ + "Verse", + -14.128276824951172 + ], + [ + "Marcus", + -14.128299713134766 + ], + [ + "Purple", + -14.128347396850586 + ], + [ + "▁Pawn", + -14.128374099731444 + ], + [ + "EAP", + -14.128376960754396 + ], + [ + "Region", + -14.12852954864502 + ], + [ + "▁Debut", + -14.12852954864502 + ], + [ + "Jenny", + -14.128548622131348 + ], + [ + "▁YouTuber", + -14.128621101379396 + ], + [ + "▁Iain", + -14.128670692443848 + ], + [ + "bride", + -14.128671646118164 + ], + [ + "▁haste", + -14.128724098205566 + ], + [ + "▁bruise", + -14.128745079040527 + ], + [ + "▁breastfeed", + -14.128807067871094 + ], + [ + "damaged", + -14.128824234008787 + ], + [ + "▁howling", + -14.12884521484375 + ], + [ + "▁2800", + -14.128946304321287 + ], + [ + "963", + -14.128971099853516 + ], + [ + "dores", + -14.129003524780272 + ], + [ + "Ease", + -14.129020690917969 + ], + [ + "▁proportionate", + -14.129051208496094 + ], + [ + "▁Rowing", + -14.12906551361084 + ], + [ + "▁Acacia", + -14.129079818725586 + ], + [ + "▁Hodgson", + -14.129079818725586 + ], + [ + "▁Priscilla", + -14.129079818725586 + ], + [ + "▁Sheppard", + -14.129079818725586 + ], + [ + "▁melatonin", + -14.129079818725586 + ], + [ + "▁reminiscing", + -14.129079818725586 + ], + [ + "▁superstition", + -14.129079818725586 + ], + [ + "▁syndication", + -14.129079818725586 + ], + [ + "▁volkswagen", + -14.129079818725586 + ], + [ + "▁Argentinian", + -14.129080772399902 + ], + [ + "▁Floridian", + -14.129080772399902 + ], + [ + "▁grandiose", + -14.129080772399902 + ], + [ + "▁Styling", + -14.129082679748535 + ], + [ + "▁fiasco", + -14.129085540771484 + ], + [ + "▁cufflinks", + -14.129088401794434 + ], + [ + "▁telemedicine", + -14.12908935546875 + ], + [ + "▁Cusco", + -14.129090309143066 + ], + [ + "▁purée", + -14.129093170166016 + ], + [ + "▁emcee", + -14.129097938537598 + ], + [ + "▁mingling", + -14.129104614257812 + ], + [ + "▁practicable", + -14.129106521606444 + ], + [ + "▁lazada", + -14.129109382629396 + ], + [ + "▁Clem", + -14.129115104675291 + ], + [ + "▁Davos", + -14.129115104675291 + ], + [ + "▁Gosling", + -14.129115104675291 + ], + [ + "▁Joplin", + -14.12911605834961 + ], + [ + "▁NFPA", + -14.12911605834961 + ], + [ + "▁Shimano", + -14.129120826721191 + ], + [ + "▁Steamboat", + -14.129121780395508 + ], + [ + "▁Ellington", + -14.129130363464355 + ], + [ + "▁Skyrim", + -14.129133224487305 + ], + [ + "▁oligo", + -14.129141807556152 + ], + [ + "LAC", + -14.129145622253418 + ], + [ + "▁NSE", + -14.12917423248291 + ], + [ + "▁Methodology", + -14.129178047180176 + ], + [ + "▁GERD", + -14.129179954528809 + ], + [ + "Specifies", + -14.129185676574709 + ], + [ + "▁perpetrated", + -14.129207611083984 + ], + [ + "▁stairwell", + -14.129210472106934 + ], + [ + "Vertical", + -14.129233360290527 + ], + [ + "asana", + -14.129267692565918 + ], + [ + "▁unturned", + -14.129270553588867 + ], + [ + "▁fielded", + -14.129353523254396 + ], + [ + "▁employability", + -14.129356384277344 + ], + [ + "▁BODY", + -14.12936305999756 + ], + [ + "▁Childcare", + -14.129377365112305 + ], + [ + "▁assassinated", + -14.129383087158203 + ], + [ + "▁adjourned", + -14.12938404083252 + ], + [ + "▁eloquently", + -14.129390716552734 + ], + [ + "▁symmetric", + -14.12939739227295 + ], + [ + "CEN", + -14.129429817199709 + ], + [ + "▁Reasonable", + -14.129461288452148 + ], + [ + "Absorb", + -14.12946319580078 + ], + [ + "▁LOST", + -14.129549026489258 + ], + [ + "Sage", + -14.12962532043457 + ], + [ + "CEE", + -14.129650115966797 + ], + [ + "▁IAS", + -14.129683494567873 + ], + [ + "▁manger", + -14.129761695861816 + ], + [ + "#4", + -14.12986660003662 + ], + [ + "▁Kingsley", + -14.129956245422363 + ], + [ + "Coco", + -14.129968643188477 + ], + [ + "▁Raff", + -14.129987716674805 + ], + [ + "▁Conscious", + -14.12998867034912 + ], + [ + "▁Yangon", + -14.130005836486816 + ], + [ + "▁STC", + -14.130043029785156 + ], + [ + "▁fright", + -14.130049705505373 + ], + [ + "▁jay", + -14.130074501037598 + ], + [ + "▁humanoid", + -14.130080223083496 + ], + [ + "▁costco", + -14.130087852478027 + ], + [ + "Vine", + -14.130088806152344 + ], + [ + "ORD", + -14.130099296569824 + ], + [ + "▁FDR", + -14.130105018615724 + ], + [ + "▁Plugins", + -14.13011360168457 + ], + [ + "▁avenge", + -14.130200386047363 + ], + [ + "▁Sensory", + -14.130204200744627 + ], + [ + "▁temptations", + -14.130227088928224 + ], + [ + "Sending", + -14.13028621673584 + ], + [ + "▁spp", + -14.13033390045166 + ], + [ + "▁Domaine", + -14.130334854125977 + ], + [ + "▁clowns", + -14.130358695983888 + ], + [ + "▁Cables", + -14.13037109375 + ], + [ + "▁agonist", + -14.13039493560791 + ], + [ + "▁VL", + -14.130406379699709 + ], + [ + "▁Paragraph", + -14.130407333374023 + ], + [ + "▁Doherty", + -14.130410194396973 + ], + [ + "emission", + -14.130444526672363 + ], + [ + "▁VEN", + -14.130449295043944 + ], + [ + "▁(56", + -14.130464553833008 + ], + [ + "▁RMA", + -14.130473136901855 + ], + [ + "▁homebrew", + -14.130534172058104 + ], + [ + "▁Oneida", + -14.130558967590332 + ], + [ + "Backup", + -14.130562782287598 + ], + [ + "spots", + -14.130586624145508 + ], + [ + "(10)", + -14.13063621520996 + ], + [ + "▁Defenders", + -14.130715370178224 + ], + [ + "▁Scarf", + -14.130752563476562 + ], + [ + "▁Handler", + -14.130772590637209 + ], + [ + "▁browsed", + -14.130775451660156 + ], + [ + "▁Sheds", + -14.1307954788208 + ], + [ + "walled", + -14.130946159362791 + ], + [ + "COS", + -14.130949020385742 + ], + [ + "▁63%", + -14.130988121032717 + ], + [ + "▁9-12", + -14.13101291656494 + ], + [ + "▁Avant", + -14.13101577758789 + ], + [ + "▁converged", + -14.131134033203123 + ], + [ + "▁Mastering", + -14.131226539611816 + ], + [ + "▁discarding", + -14.13124942779541 + ], + [ + "▁NIS", + -14.13129997253418 + ], + [ + "▁phoned", + -14.131516456604004 + ], + [ + "Fil", + -14.131601333618164 + ], + [ + "SAFE", + -14.131601333618164 + ], + [ + "▁shakers", + -14.131608963012695 + ], + [ + "▁peter", + -14.131690979003906 + ], + [ + "EVA", + -14.131694793701172 + ], + [ + "▁Lumen", + -14.131706237792969 + ], + [ + "framed", + -14.131741523742676 + ], + [ + "▁pretzel", + -14.13174533843994 + ], + [ + "▁freezers", + -14.131746292114258 + ], + [ + "▁Gables", + -14.13180923461914 + ], + [ + "avoid", + -14.131821632385254 + ], + [ + "▁genital", + -14.13188648223877 + ], + [ + "▁lockable", + -14.131898880004885 + ], + [ + "▁SER", + -14.131940841674805 + ], + [ + "▁Topper", + -14.131994247436523 + ], + [ + "▁64%", + -14.132024765014648 + ], + [ + "Ry", + -14.132040977478027 + ], + [ + "▁cardholder", + -14.132142066955566 + ], + [ + "▁Indica", + -14.13216495513916 + ], + [ + "????????????????", + -14.13217830657959 + ], + [ + "▁Specify", + -14.132193565368652 + ], + [ + "▁ATO", + -14.132204055786133 + ], + [ + "▁overpower", + -14.132248878479004 + ], + [ + "Adams", + -14.132283210754396 + ], + [ + "▁amuse", + -14.13228702545166 + ], + [ + "resource", + -14.132319450378418 + ], + [ + "▁TBI", + -14.13232421875 + ], + [ + "multidimensional", + -14.132411003112791 + ], + [ + "options", + -14.13246726989746 + ], + [ + "▁Qin", + -14.132539749145508 + ], + [ + "THA", + -14.13259506225586 + ], + [ + "▁unclog", + -14.132597923278809 + ], + [ + "▁Mindy", + -14.13262939453125 + ], + [ + "▁Vino", + -14.132654190063477 + ], + [ + "ternity", + -14.132696151733398 + ], + [ + "▁footwork", + -14.132697105407717 + ], + [ + "rsa", + -14.132729530334473 + ], + [ + "owsky", + -14.132770538330078 + ], + [ + "▁Nuggets", + -14.132826805114746 + ], + [ + "▁skyrocket", + -14.132895469665527 + ], + [ + "▁Windmill", + -14.132980346679688 + ], + [ + "Oliver", + -14.133017539978027 + ], + [ + "Investigators", + -14.133028984069824 + ], + [ + "witness", + -14.133037567138672 + ], + [ + "▁bushings", + -14.133057594299316 + ], + [ + "▁carmaker", + -14.133065223693848 + ], + [ + "▁Mee", + -14.133087158203123 + ], + [ + "▁66%", + -14.13314723968506 + ], + [ + "▁Flavour", + -14.13314723968506 + ], + [ + "▁Dominique", + -14.133234977722168 + ], + [ + "▁Swords", + -14.133245468139648 + ], + [ + "evident", + -14.13326930999756 + ], + [ + "Neo", + -14.133289337158203 + ], + [ + "481", + -14.133333206176758 + ], + [ + "Daddy", + -14.133343696594238 + ], + [ + "▁1750", + -14.133371353149414 + ], + [ + "▁MONTH", + -14.133374214172363 + ], + [ + "▁defences", + -14.13338565826416 + ], + [ + "Recipient", + -14.133493423461914 + ], + [ + "starred", + -14.133537292480469 + ], + [ + "▁Scrolls", + -14.133593559265137 + ], + [ + "▁Tahiti", + -14.13366985321045 + ], + [ + "▁outback", + -14.13371467590332 + ], + [ + "▁ESS", + -14.133721351623535 + ], + [ + "Lux", + -14.133763313293455 + ], + [ + "▁Chromium", + -14.133774757385254 + ], + [ + "▁McPherson", + -14.133774757385254 + ], + [ + "▁compatriot", + -14.133774757385254 + ], + [ + "▁entropy", + -14.133774757385254 + ], + [ + "▁hemorrhage", + -14.133774757385254 + ], + [ + "▁prostitution", + -14.133774757385254 + ], + [ + "▁satisfactorily", + -14.133774757385254 + ], + [ + "▁wobbly", + -14.133774757385254 + ], + [ + "▁spectrometry", + -14.13377571105957 + ], + [ + "▁Psi", + -14.133779525756836 + ], + [ + "▁hon", + -14.133779525756836 + ], + [ + "▁mak", + -14.133779525756836 + ], + [ + "▁Cremation", + -14.133780479431152 + ], + [ + "▁Sudbury", + -14.13378620147705 + ], + [ + "▁ketosis", + -14.13378620147705 + ], + [ + "▁NAFTA", + -14.133792877197266 + ], + [ + "▁Stylist", + -14.133827209472656 + ], + [ + "▁Headphones", + -14.133830070495604 + ], + [ + "chapter", + -14.133837699890137 + ], + [ + "▁indebtedness", + -14.13384246826172 + ], + [ + "▁Towne", + -14.133844375610352 + ], + [ + "▁Stratton", + -14.13388729095459 + ], + [ + "▁tutu", + -14.13389492034912 + ], + [ + "affi", + -14.133898735046388 + ], + [ + "▁Reproductive", + -14.133904457092283 + ], + [ + "▁thorn", + -14.133915901184082 + ], + [ + "▁Planetary", + -14.133935928344728 + ], + [ + "▁fanbase", + -14.133950233459473 + ], + [ + "▁vertebrate", + -14.133990287780762 + ], + [ + "▁385", + -14.134004592895508 + ], + [ + "Painting", + -14.134015083312988 + ], + [ + "▁Sauna", + -14.134021759033203 + ], + [ + "▁IFC", + -14.13407039642334 + ], + [ + "▁ohio", + -14.134071350097656 + ], + [ + "▁Husky", + -14.134089469909668 + ], + [ + "▁Cyclo", + -14.134113311767578 + ], + [ + "▁collated", + -14.134122848510742 + ], + [ + "▁strictest", + -14.134145736694336 + ], + [ + "▁curiously", + -14.13417148590088 + ], + [ + "▁Fett", + -14.134209632873535 + ], + [ + "▁Proposals", + -14.134209632873535 + ], + [ + "▁Flexi", + -14.134220123291016 + ], + [ + "▁Hadley", + -14.134221076965332 + ], + [ + "▁Masque", + -14.134227752685549 + ], + [ + "▁CTE", + -14.134233474731444 + ], + [ + "lution", + -14.134234428405762 + ], + [ + "Num", + -14.13427448272705 + ], + [ + "▁Microphone", + -14.134305000305176 + ], + [ + "▁Weigh", + -14.134355545043944 + ], + [ + "ANY", + -14.134395599365234 + ], + [ + "▁rearview", + -14.13440227508545 + ], + [ + "erna", + -14.134476661682127 + ], + [ + "▁takedown", + -14.134529113769531 + ], + [ + "▁hedges", + -14.134540557861328 + ], + [ + "aad", + -14.134608268737791 + ], + [ + "▁beaming", + -14.134647369384766 + ], + [ + "taken", + -14.13467788696289 + ], + [ + "Antibiotic", + -14.134730339050291 + ], + [ + "▁UCC", + -14.1348237991333 + ], + [ + "Fisher", + -14.13483428955078 + ], + [ + "▁fran", + -14.13485336303711 + ], + [ + "▁CBSE", + -14.134855270385742 + ], + [ + "▁Vivi", + -14.134875297546388 + ], + [ + "▁Oversized", + -14.134886741638184 + ], + [ + "ethylene", + -14.134907722473145 + ], + [ + "HEAR", + -14.134917259216309 + ], + [ + "▁overstated", + -14.134976387023926 + ], + [ + "▁timbers", + -14.134995460510254 + ], + [ + "enbaum", + -14.13499641418457 + ], + [ + "▁Bli", + -14.135004043579102 + ], + [ + "▁quid", + -14.135010719299316 + ], + [ + "▁revolved", + -14.135034561157228 + ], + [ + "▁brownish", + -14.135061264038086 + ], + [ + "▁fowl", + -14.135117530822754 + ], + [ + "▁Awakens", + -14.135120391845703 + ], + [ + "pons", + -14.135171890258787 + ], + [ + "▁BSN", + -14.135211944580078 + ], + [ + "eddy", + -14.135247230529783 + ], + [ + "Matic", + -14.135286331176758 + ], + [ + "▁dodging", + -14.135315895080566 + ], + [ + "▁Planners", + -14.135327339172363 + ], + [ + "bhai", + -14.135342597961426 + ], + [ + "bbling", + -14.135420799255373 + ], + [ + "▁Jordanian", + -14.13542652130127 + ], + [ + "DEL", + -14.135526657104492 + ], + [ + "▁cashing", + -14.135541915893556 + ], + [ + "▁Sneakers", + -14.13556957244873 + ], + [ + "runners", + -14.13557243347168 + ], + [ + "▁softest", + -14.13558292388916 + ], + [ + "▁Strato", + -14.135583877563477 + ], + [ + "▁Yue", + -14.13566780090332 + ], + [ + "Tue", + -14.13571548461914 + ], + [ + "▁Decks", + -14.135786056518556 + ], + [ + "▁scallop", + -14.135955810546877 + ], + [ + "yani", + -14.136077880859377 + ], + [ + "iente", + -14.136123657226562 + ], + [ + "▁Crust", + -14.136133193969728 + ], + [ + "▁collectable", + -14.1361665725708 + ], + [ + "olina", + -14.136185646057127 + ], + [ + "▁mashup", + -14.136212348937988 + ], + [ + "▁FRP", + -14.13622760772705 + ], + [ + "▁blunder", + -14.136375427246094 + ], + [ + "REG", + -14.136388778686523 + ], + [ + "▁antidepressant", + -14.136393547058104 + ], + [ + "oeuvre", + -14.1364107131958 + ], + [ + "tien", + -14.136439323425291 + ], + [ + "-1970", + -14.136476516723633 + ], + [ + "▁Mog", + -14.136483192443848 + ], + [ + "lch", + -14.13649845123291 + ], + [ + "▁Amana", + -14.136552810668944 + ], + [ + "▁Caesars", + -14.136558532714844 + ], + [ + "▁defying", + -14.13657283782959 + ], + [ + "Resources", + -14.136614799499512 + ], + [ + "085", + -14.1367826461792 + ], + [ + "aic", + -14.13685703277588 + ], + [ + "▁BMP", + -14.136858940124512 + ], + [ + "Winners", + -14.136916160583496 + ], + [ + "▁Awa", + -14.136982917785645 + ], + [ + "TORS", + -14.13698387145996 + ], + [ + "▁Tees", + -14.137005805969238 + ], + [ + "Awards", + -14.13703727722168 + ], + [ + "▁greenish", + -14.137055397033691 + ], + [ + "▁Heng", + -14.137178421020508 + ], + [ + "▁Reflection", + -14.137240409851074 + ], + [ + "▁Gospels", + -14.137248039245604 + ], + [ + "▁Voter", + -14.137354850769045 + ], + [ + "REX", + -14.137385368347168 + ], + [ + "▁Yoko", + -14.137405395507812 + ], + [ + "dien", + -14.13742733001709 + ], + [ + "▁Intl", + -14.137432098388672 + ], + [ + "▁dropper", + -14.137456893920898 + ], + [ + "▁Unusual", + -14.137493133544922 + ], + [ + "Banks", + -14.137499809265137 + ], + [ + "tok", + -14.13750457763672 + ], + [ + "cluster", + -14.137506484985352 + ], + [ + "▁momma", + -14.13751220703125 + ], + [ + "▁tributes", + -14.137518882751465 + ], + [ + "▁wayfair", + -14.137540817260742 + ], + [ + "▁4-7", + -14.137548446655272 + ], + [ + "QF", + -14.13755226135254 + ], + [ + "CHS", + -14.137587547302246 + ], + [ + "▁mutants", + -14.1376314163208 + ], + [ + "▁mos", + -14.13778305053711 + ], + [ + "▁Establishing", + -14.137799263000488 + ], + [ + "Might", + -14.137810707092283 + ], + [ + "Surprisingly", + -14.137823104858398 + ], + [ + "cli", + -14.137823104858398 + ], + [ + "signature", + -14.137843132019045 + ], + [ + "pleasing", + -14.137849807739258 + ], + [ + "insulated", + -14.137885093688965 + ], + [ + "▁SHO", + -14.137898445129396 + ], + [ + "instant", + -14.137911796569824 + ], + [ + "doodle", + -14.13792324066162 + ], + [ + "boyfriend", + -14.137967109680176 + ], + [ + "hrer", + -14.138050079345703 + ], + [ + "▁$52", + -14.138050079345703 + ], + [ + "▁Strictly", + -14.138055801391602 + ], + [ + "torrent", + -14.138063430786133 + ], + [ + "▁Survive", + -14.138067245483398 + ], + [ + "▁Ela", + -14.13807773590088 + ], + [ + "▁CDP", + -14.138094902038574 + ], + [ + "roasted", + -14.138096809387209 + ], + [ + "▁Crews", + -14.138097763061523 + ], + [ + "881", + -14.138129234313965 + ], + [ + "teller", + -14.13818645477295 + ], + [ + "▁1837", + -14.138202667236328 + ], + [ + "bong", + -14.138243675231934 + ], + [ + "cane", + -14.138262748718262 + ], + [ + "Submission", + -14.13828182220459 + ], + [ + "crushing", + -14.138324737548828 + ], + [ + "▁showered", + -14.138349533081056 + ], + [ + "lbert", + -14.138372421264648 + ], + [ + "▁Matthias", + -14.138421058654783 + ], + [ + "Advise", + -14.138429641723633 + ], + [ + "▁chimpanzee", + -14.1384916305542 + ], + [ + "▁diminutive", + -14.1384916305542 + ], + [ + "▁Clooney", + -14.138493537902832 + ], + [ + "▁Schumacher", + -14.138493537902832 + ], + [ + "▁baritone", + -14.138493537902832 + ], + [ + "▁Hanukkah", + -14.138495445251465 + ], + [ + "▁Reykjavik", + -14.13849639892578 + ], + [ + "▁rosacea", + -14.13849639892578 + ], + [ + "▁Stupid", + -14.13849925994873 + ], + [ + "▁circadian", + -14.13849925994873 + ], + [ + "▁lampshade", + -14.138519287109377 + ], + [ + "▁dubai", + -14.138541221618652 + ], + [ + "▁annexation", + -14.13854694366455 + ], + [ + "▁Deutschland", + -14.13855266571045 + ], + [ + "▁undiscovered", + -14.138556480407717 + ], + [ + "▁Armchair", + -14.138587951660156 + ], + [ + "Dee", + -14.138598442077637 + ], + [ + "CBA", + -14.138605117797852 + ], + [ + "▁unregistered", + -14.138605117797852 + ], + [ + "honored", + -14.13861846923828 + ], + [ + "Tur", + -14.138636589050291 + ], + [ + "▁perspiration", + -14.138638496398926 + ], + [ + "▁Bonita", + -14.138665199279783 + ], + [ + "▁rinsed", + -14.138671875 + ], + [ + "▁hideaway", + -14.13867473602295 + ], + [ + "▁Jeffery", + -14.138681411743164 + ], + [ + "▁Nem", + -14.138683319091797 + ], + [ + "▁carnage", + -14.138686180114746 + ], + [ + "▁totalitarian", + -14.138689041137695 + ], + [ + "936", + -14.138721466064451 + ], + [ + "▁corset", + -14.138733863830566 + ], + [ + "megawatt", + -14.13874626159668 + ], + [ + "▁Canucks", + -14.13880729675293 + ], + [ + "Carry", + -14.138813972473145 + ], + [ + "Yea", + -14.13890266418457 + ], + [ + "HV", + -14.138904571533203 + ], + [ + "Mall", + -14.13896656036377 + ], + [ + "▁Ritter", + -14.138972282409668 + ], + [ + "▁Gentlemen", + -14.138976097106934 + ], + [ + "Shu", + -14.139004707336426 + ], + [ + "▁Asbury", + -14.139080047607422 + ], + [ + "uang", + -14.139081001281738 + ], + [ + "▁Maxine", + -14.139130592346191 + ], + [ + "▁frowned", + -14.139195442199709 + ], + [ + "Mai", + -14.139204978942873 + ], + [ + "▁Upton", + -14.139230728149414 + ], + [ + "cruise", + -14.139274597167969 + ], + [ + "044", + -14.1392822265625 + ], + [ + "▁Holi", + -14.1392822265625 + ], + [ + "▁truthfully", + -14.139307975769045 + ], + [ + "▁april", + -14.13930892944336 + ], + [ + "Maps", + -14.139326095581056 + ], + [ + "▁Osama", + -14.139366149902344 + ], + [ + "366", + -14.13946533203125 + ], + [ + "BIO", + -14.139484405517578 + ], + [ + "▁FIN", + -14.139497756958008 + ], + [ + "▁astray", + -14.13955783843994 + ], + [ + "ITIES", + -14.139680862426758 + ], + [ + "UW", + -14.139692306518556 + ], + [ + "▁Willard", + -14.13973903656006 + ], + [ + "▁Collected", + -14.139764785766602 + ], + [ + "▁enveloped", + -14.13983917236328 + ], + [ + "▁peering", + -14.139866828918455 + ], + [ + "deg", + -14.139947891235352 + ], + [ + "▁wielding", + -14.14000129699707 + ], + [ + "▁Tourists", + -14.140047073364258 + ], + [ + "hex", + -14.140052795410156 + ], + [ + "▁Dul", + -14.140081405639648 + ], + [ + "mora", + -14.140100479125977 + ], + [ + "Elite", + -14.14011573791504 + ], + [ + "▁Briefing", + -14.140167236328123 + ], + [ + "alah", + -14.140204429626465 + ], + [ + "▁tau", + -14.140212059020996 + ], + [ + "coli", + -14.14022445678711 + ], + [ + "▁Remover", + -14.140239715576172 + ], + [ + "mik", + -14.14027214050293 + ], + [ + "644", + -14.140297889709473 + ], + [ + "▁waxes", + -14.14030647277832 + ], + [ + "962", + -14.140315055847168 + ], + [ + "▁Rabi", + -14.14033031463623 + ], + [ + "▁Cao", + -14.140337944030762 + ], + [ + "▁Slade", + -14.14035415649414 + ], + [ + "Sent", + -14.140400886535645 + ], + [ + "▁detain", + -14.140413284301758 + ], + [ + "▁Exercises", + -14.140425682067873 + ], + [ + "enzi", + -14.140427589416504 + ], + [ + "▁Avec", + -14.140478134155272 + ], + [ + "▁crevices", + -14.14060878753662 + ], + [ + "sdorf", + -14.14063835144043 + ], + [ + "▁Cougar", + -14.140667915344238 + ], + [ + "37)", + -14.140731811523438 + ], + [ + "▁Rockland", + -14.140742301940918 + ], + [ + "▁Hardin", + -14.140811920166016 + ], + [ + "8;", + -14.140836715698242 + ], + [ + "Variation", + -14.140841484069824 + ], + [ + "egi", + -14.140850067138672 + ], + [ + "▁piped", + -14.140878677368164 + ], + [ + "▁pesos", + -14.140891075134276 + ], + [ + "▁LSD", + -14.140926361083984 + ], + [ + "▁skype", + -14.14097023010254 + ], + [ + "MING", + -14.140997886657717 + ], + [ + "▁2015:", + -14.141002655029297 + ], + [ + "▁Dose", + -14.141040802001951 + ], + [ + "▁outgrown", + -14.141075134277344 + ], + [ + "MJ", + -14.141106605529783 + ], + [ + "▁vignette", + -14.141133308410645 + ], + [ + "▁nugget", + -14.141140937805176 + ], + [ + "▁Kapil", + -14.14114475250244 + ], + [ + "▁fantas", + -14.14116096496582 + ], + [ + "▁Newsweek", + -14.141172409057615 + ], + [ + "▁Misc", + -14.141183853149414 + ], + [ + "▁communicators", + -14.141201972961426 + ], + [ + "BMC", + -14.141204833984377 + ], + [ + "rava", + -14.141222953796388 + ], + [ + "MENTS", + -14.141226768493652 + ], + [ + "▁Versatile", + -14.141243934631348 + ], + [ + "▁soulmate", + -14.14130973815918 + ], + [ + "▁Bomber", + -14.141331672668455 + ], + [ + "Nova", + -14.141386985778809 + ], + [ + "opy", + -14.141407012939451 + ], + [ + "ELD", + -14.141427040100098 + ], + [ + "▁Levant", + -14.141457557678224 + ], + [ + "▁Muh", + -14.141510009765623 + ], + [ + "Cert", + -14.141538619995115 + ], + [ + "▁hippie", + -14.141566276550291 + ], + [ + "194", + -14.141576766967772 + ], + [ + "nchen", + -14.141576766967772 + ], + [ + "▁Rhys", + -14.141581535339355 + ], + [ + "▁Ashok", + -14.141643524169922 + ], + [ + "cé", + -14.141711235046388 + ], + [ + "▁3.00", + -14.14177703857422 + ], + [ + "Meal", + -14.141783714294434 + ], + [ + "▁Liang", + -14.141793251037598 + ], + [ + "1:45", + -14.141804695129396 + ], + [ + "cells", + -14.141885757446287 + ], + [ + "▁Begins", + -14.141908645629885 + ], + [ + "▁FAIR", + -14.141937255859377 + ], + [ + "▁2′′", + -14.141968727111816 + ], + [ + "▁Olu", + -14.14198398590088 + ], + [ + "▁UNO", + -14.14200496673584 + ], + [ + "ANO", + -14.14208698272705 + ], + [ + "ollen", + -14.142155647277832 + ], + [ + "▁XPS", + -14.14217758178711 + ], + [ + "▁Vidya", + -14.142215728759766 + ], + [ + "▁frighten", + -14.142297744750977 + ], + [ + "Massage", + -14.142314910888672 + ], + [ + "▁Statutory", + -14.142330169677734 + ], + [ + "EXP", + -14.14245319366455 + ], + [ + "▁[1", + -14.142491340637209 + ], + [ + "▁stu", + -14.142577171325684 + ], + [ + "▁Clari", + -14.142580032348633 + ], + [ + "chak", + -14.142600059509276 + ], + [ + "▁Gardeners", + -14.142621040344238 + ], + [ + "▁Peek", + -14.142667770385742 + ], + [ + "grandfather", + -14.14267635345459 + ], + [ + "Strategic", + -14.14269733428955 + ], + [ + "reducing", + -14.142704963684082 + ], + [ + "Advice", + -14.142707824707031 + ], + [ + "ceramic", + -14.142707824707031 + ], + [ + "Tall", + -14.142708778381348 + ], + [ + "Skills", + -14.14272117614746 + ], + [ + "simply", + -14.142727851867676 + ], + [ + "▁mics", + -14.142727851867676 + ], + [ + "Transportation", + -14.14273452758789 + ], + [ + "▁Ambient", + -14.142744064331056 + ], + [ + "diamond", + -14.142752647399902 + ], + [ + "▁CEU", + -14.1427583694458 + ], + [ + "▁fixer", + -14.142765998840332 + ], + [ + "▁Primarily", + -14.142791748046877 + ], + [ + "▁conical", + -14.142827033996582 + ], + [ + "▁servi", + -14.142884254455566 + ], + [ + "gravity", + -14.1428861618042 + ], + [ + "▁Monta", + -14.142919540405272 + ], + [ + "RQ", + -14.142937660217283 + ], + [ + "▁Faso", + -14.142950057983398 + ], + [ + "▁bandages", + -14.142998695373535 + ], + [ + "1:18", + -14.143035888671877 + ], + [ + "▁Catcher", + -14.143051147460938 + ], + [ + "Oops", + -14.143106460571287 + ], + [ + "▁SMU", + -14.14311981201172 + ], + [ + "SBA", + -14.14313507080078 + ], + [ + "floating", + -14.143214225769045 + ], + [ + "sseldorf", + -14.143224716186523 + ], + [ + "▁Alicante", + -14.143231391906738 + ], + [ + "▁DELIVERY", + -14.143231391906738 + ], + [ + "▁Excelsior", + -14.143231391906738 + ], + [ + "▁Genevieve", + -14.143231391906738 + ], + [ + "▁Hampstead", + -14.143231391906738 + ], + [ + "▁Wrigley", + -14.143231391906738 + ], + [ + "▁defamatory", + -14.143231391906738 + ], + [ + "▁dilapidated", + -14.143231391906738 + ], + [ + "▁fifties", + -14.143231391906738 + ], + [ + "▁obscurity", + -14.143231391906738 + ], + [ + "▁persuading", + -14.143231391906738 + ], + [ + "▁reciprocate", + -14.143231391906738 + ], + [ + "▁umbilical", + -14.143231391906738 + ], + [ + "▁unenforceable", + -14.143231391906738 + ], + [ + "▁Transylvania", + -14.143232345581056 + ], + [ + "▁compulsion", + -14.14323616027832 + ], + [ + "▁Guzman", + -14.143237113952637 + ], + [ + "▁Hanuman", + -14.14323902130127 + ], + [ + "▁fervor", + -14.143239974975586 + ], + [ + "▁sprang", + -14.14324188232422 + ], + [ + "▁expiring", + -14.14324951171875 + ], + [ + "▁Schubert", + -14.143256187438965 + ], + [ + "▁Winthrop", + -14.143260955810549 + ], + [ + "▁corona", + -14.143270492553713 + ], + [ + "▁briefings", + -14.14327335357666 + ], + [ + "▁Bharti", + -14.14327907562256 + ], + [ + "▁Deskjet", + -14.143280029296877 + ], + [ + "▁Vicente", + -14.143282890319824 + ], + [ + "▁APPLY", + -14.143285751342772 + ], + [ + "▁Srinagar", + -14.14328670501709 + ], + [ + "▁expound", + -14.143288612365724 + ], + [ + "▁crutches", + -14.143296241760254 + ], + [ + "▁AEC", + -14.143318176269531 + ], + [ + "atable", + -14.143353462219238 + ], + [ + "▁Elbow", + -14.143355369567873 + ], + [ + "▁10.4", + -14.143359184265137 + ], + [ + "▁heatsink", + -14.143393516540527 + ], + [ + "▁IMAX", + -14.143404960632324 + ], + [ + "▁unsupported", + -14.143421173095703 + ], + [ + "▁enslaved", + -14.1434326171875 + ], + [ + "▁underwhelming", + -14.143441200256348 + ], + [ + "▁alienation", + -14.143460273742676 + ], + [ + "▁246", + -14.143479347229004 + ], + [ + "▁Belarusian", + -14.143484115600586 + ], + [ + "▁Pantone", + -14.14348602294922 + ], + [ + "hb", + -14.14352035522461 + ], + [ + "▁1040", + -14.143527030944824 + ], + [ + "▁Rainier", + -14.143531799316406 + ], + [ + "▁WMV", + -14.143543243408203 + ], + [ + "▁Olympiad", + -14.143560409545898 + ], + [ + "▁Effectiveness", + -14.143566131591797 + ], + [ + "Seeking", + -14.14357852935791 + ], + [ + "▁endoscopy", + -14.143595695495604 + ], + [ + "▁Marr", + -14.14369773864746 + ], + [ + "▁HGH", + -14.143706321716309 + ], + [ + "tsi", + -14.143726348876951 + ], + [ + "▁Newborn", + -14.143749237060549 + ], + [ + "▁ClickFunnels", + -14.14375114440918 + ], + [ + "cv", + -14.14376735687256 + ], + [ + "▁SIDE", + -14.143778800964355 + ], + [ + "terrorist", + -14.143781661987305 + ], + [ + "▁775", + -14.143786430358888 + ], + [ + "▁accelerators", + -14.143802642822266 + ], + [ + "▁disgusted", + -14.14381980895996 + ], + [ + "▁PUT", + -14.143840789794922 + ], + [ + "▁Blocked", + -14.143872261047363 + ], + [ + "▁recitals", + -14.143921852111816 + ], + [ + "Driven", + -14.14392375946045 + ], + [ + "operating", + -14.143935203552246 + ], + [ + "▁Aggies", + -14.1439847946167 + ], + [ + "zani", + -14.143985748291016 + ], + [ + "apt", + -14.14401912689209 + ], + [ + "▁Bernhard", + -14.144033432006836 + ], + [ + "▁Supernatural", + -14.144076347351074 + ], + [ + "▁bloodline", + -14.144081115722656 + ], + [ + "Unlock", + -14.144082069396973 + ], + [ + "▁Vickers", + -14.144119262695312 + ], + [ + "▁Fisherman", + -14.144150733947754 + ], + [ + "▁CDS", + -14.144152641296388 + ], + [ + "hyper", + -14.144158363342283 + ], + [ + "▁Templeton", + -14.144209861755373 + ], + [ + "▁healers", + -14.14423942565918 + ], + [ + "▁Westin", + -14.144246101379396 + ], + [ + "▁WASH", + -14.144378662109377 + ], + [ + "0.7%", + -14.14441204071045 + ], + [ + "epa", + -14.14441204071045 + ], + [ + "MARC", + -14.144417762756348 + ], + [ + "▁Unter", + -14.144475936889648 + ], + [ + "▁Ditch", + -14.144495964050291 + ], + [ + "oretic", + -14.144512176513672 + ], + [ + "▁AWARD", + -14.144512176513672 + ], + [ + "emme", + -14.144522666931152 + ], + [ + "▁Sita", + -14.144532203674316 + ], + [ + "▁Datasheet", + -14.144538879394531 + ], + [ + "▁deceit", + -14.144587516784668 + ], + [ + "▁encompassed", + -14.144625663757324 + ], + [ + "▁freaked", + -14.144685745239258 + ], + [ + "▁Burl", + -14.14468765258789 + ], + [ + "▁8.00", + -14.144689559936523 + ], + [ + "▁cruised", + -14.14473819732666 + ], + [ + "grab", + -14.144747734069824 + ], + [ + "▁compacted", + -14.14475154876709 + ], + [ + "▁Shots", + -14.14476490020752 + ], + [ + "ppen", + -14.144815444946287 + ], + [ + "▁Cheek", + -14.144901275634766 + ], + [ + "ckley", + -14.144947052001951 + ], + [ + "▁CIF", + -14.144972801208496 + ], + [ + "▁Flexibility", + -14.14504337310791 + ], + [ + "▁Replay", + -14.145075798034668 + ], + [ + "▁Starch", + -14.145097732543944 + ], + [ + "▁Ergo", + -14.145182609558104 + ], + [ + "dynamics", + -14.145185470581056 + ], + [ + "▁benzo", + -14.145197868347168 + ], + [ + "ggio", + -14.14522933959961 + ], + [ + "Alaska", + -14.14527416229248 + ], + [ + "▁Christoph", + -14.145319938659668 + ], + [ + "▁Bias", + -14.14534854888916 + ], + [ + "▁Lombardi", + -14.14534854888916 + ], + [ + "▁herding", + -14.145391464233398 + ], + [ + "▁mari", + -14.145462036132812 + ], + [ + "▁ENTER", + -14.145477294921877 + ], + [ + "llywood", + -14.145493507385254 + ], + [ + "reck", + -14.145503044128418 + ], + [ + "mama", + -14.145573616027832 + ], + [ + "tao", + -14.145605087280272 + ], + [ + "▁abbreviations", + -14.14561939239502 + ], + [ + "hlen", + -14.145682334899902 + ], + [ + "779", + -14.14568328857422 + ], + [ + "_____", + -14.145685195922852 + ], + [ + "heeled", + -14.145697593688965 + ], + [ + "▁Algo", + -14.145712852478027 + ], + [ + "▁Cura", + -14.14586353302002 + ], + [ + "▁MCS", + -14.14589023590088 + ], + [ + "▁oncologist", + -14.145931243896484 + ], + [ + "▁Enclosure", + -14.145943641662598 + ], + [ + "▁Cupcake", + -14.146020889282228 + ], + [ + "▁SEN", + -14.146023750305176 + ], + [ + "abh", + -14.146026611328123 + ], + [ + "Tang", + -14.146114349365234 + ], + [ + "chest", + -14.146151542663574 + ], + [ + "▁Kath", + -14.146224975585938 + ], + [ + "▁platelets", + -14.14626407623291 + ], + [ + "▁Crucial", + -14.146373748779297 + ], + [ + "Erin", + -14.14638900756836 + ], + [ + "▁93%", + -14.146453857421877 + ], + [ + "▁2017;", + -14.146466255187988 + ], + [ + "▁Soli", + -14.146498680114746 + ], + [ + "698", + -14.14655303955078 + ], + [ + "▁selectable", + -14.146596908569336 + ], + [ + "▁04/24/2019", + -14.146612167358398 + ], + [ + "▁61%", + -14.146682739257812 + ], + [ + "▁GK", + -14.146772384643556 + ], + [ + "CNC", + -14.146878242492676 + ], + [ + "nelli", + -14.146942138671877 + ], + [ + "estimate", + -14.146964073181152 + ], + [ + "▁harshly", + -14.147028923034668 + ], + [ + "▁drifts", + -14.147114753723145 + ], + [ + "Sets", + -14.147116661071776 + ], + [ + "989", + -14.147215843200684 + ], + [ + "▁Iraqis", + -14.147318840026855 + ], + [ + "atto", + -14.147381782531738 + ], + [ + "▁OZ", + -14.147401809692385 + ], + [ + "▁£35", + -14.147454261779783 + ], + [ + "▁Excited", + -14.147563934326172 + ], + [ + "chau", + -14.147574424743652 + ], + [ + "Famous", + -14.147578239440918 + ], + [ + "Oregon", + -14.147583961486816 + ], + [ + "ordinary", + -14.147626876831056 + ], + [ + "economy", + -14.147665977478027 + ], + [ + "5,000.", + -14.147765159606934 + ], + [ + "Silicon", + -14.147788047790527 + ], + [ + "chol", + -14.147889137268066 + ], + [ + "▁BPI", + -14.147974967956545 + ], + [ + "▁Canadiens", + -14.147993087768556 + ], + [ + "▁Guwahati", + -14.147993087768556 + ], + [ + "▁Hepburn", + -14.147993087768556 + ], + [ + "▁Sampson", + -14.147993087768556 + ], + [ + "▁baccarat", + -14.147993087768556 + ], + [ + "▁BEDROOM", + -14.147994041442873 + ], + [ + "▁MMORPG", + -14.147994041442873 + ], + [ + "▁gallbladder", + -14.147994041442873 + ], + [ + "▁hijab", + -14.147994041442873 + ], + [ + "▁antelope", + -14.147995948791504 + ], + [ + "▁perforation", + -14.14799690246582 + ], + [ + "Driscoll", + -14.147998809814451 + ], + [ + "▁generico", + -14.148000717163086 + ], + [ + "▁terrier", + -14.148001670837402 + ], + [ + "▁infarction", + -14.148003578186035 + ], + [ + "▁Taxis", + -14.148009300231934 + ], + [ + "▁cryptography", + -14.148011207580566 + ], + [ + "▁HubSpot", + -14.148015022277832 + ], + [ + "▁Insulated", + -14.148022651672363 + ], + [ + "▁serrated", + -14.148022651672363 + ], + [ + "▁DEA", + -14.148024559020996 + ], + [ + "WORTH", + -14.14803695678711 + ], + [ + "36)", + -14.14803981781006 + ], + [ + "▁Darryl", + -14.148041725158691 + ], + [ + "▁cheerleading", + -14.14804458618164 + ], + [ + "▁seg", + -14.148056030273438 + ], + [ + "▁Traction", + -14.148064613342283 + ], + [ + "▁Crusaders", + -14.148077011108398 + ], + [ + "metro", + -14.148082733154297 + ], + [ + "▁Coronado", + -14.148115158081056 + ], + [ + "▁degrading", + -14.148126602172852 + ], + [ + "▁arbitrage", + -14.148130416870115 + ], + [ + "define", + -14.148140907287598 + ], + [ + "▁coincidentally", + -14.148141860961914 + ], + [ + "▁EY", + -14.148157119750977 + ], + [ + "isc", + -14.148178100585938 + ], + [ + "▁SPAM", + -14.148215293884276 + ], + [ + "▁musicianship", + -14.14822006225586 + ], + [ + "▁supercomputer", + -14.148221015930176 + ], + [ + "▁Lambda", + -14.148221969604492 + ], + [ + "▁42\"", + -14.148235321044922 + ], + [ + "▁SEND", + -14.148235321044922 + ], + [ + "▁Muhammadu", + -14.148306846618652 + ], + [ + "▁Jillian", + -14.14833164215088 + ], + [ + "▁Prototype", + -14.148345947265623 + ], + [ + "inu", + -14.148444175720217 + ], + [ + "▁Celine", + -14.148487091064451 + ], + [ + "▁Darby", + -14.1484956741333 + ], + [ + "▁Shree", + -14.14853286743164 + ], + [ + "▁Callaway", + -14.148545265197754 + ], + [ + "▁nonexistent", + -14.14858055114746 + ], + [ + "943", + -14.148597717285156 + ], + [ + "▁frayed", + -14.148608207702637 + ], + [ + "▁Motorcycles", + -14.148609161376951 + ], + [ + "▁casks", + -14.14864444732666 + ], + [ + "▁fearsome", + -14.14871883392334 + ], + [ + "▁cleats", + -14.148725509643556 + ], + [ + "▁coworking", + -14.148829460144045 + ], + [ + "▁CEC", + -14.148850440979004 + ], + [ + "▁Edited", + -14.148877143859863 + ], + [ + "Pets", + -14.148906707763672 + ], + [ + "vind", + -14.148950576782228 + ], + [ + "▁CLS", + -14.148961067199709 + ], + [ + "Nest", + -14.1489896774292 + ], + [ + "cough", + -14.149054527282717 + ], + [ + "▁Luxor", + -14.149106979370115 + ], + [ + "▁1,2", + -14.149109840393066 + ], + [ + "▁Leno", + -14.149109840393066 + ], + [ + "uet", + -14.149144172668455 + ], + [ + "owska", + -14.149168968200684 + ], + [ + "▁Cera", + -14.149222373962402 + ], + [ + "▁Elderly", + -14.149230003356934 + ], + [ + "avar", + -14.149311065673828 + ], + [ + "died", + -14.14932346343994 + ], + [ + "fog", + -14.149331092834473 + ], + [ + "ordinating", + -14.149341583251951 + ], + [ + "▁initialize", + -14.149348258972168 + ], + [ + "LIM", + -14.14938259124756 + ], + [ + "▁nam", + -14.149418830871582 + ], + [ + "VG", + -14.149458885192873 + ], + [ + "▁Impress", + -14.149489402770996 + ], + [ + "▁Caul", + -14.149503707885742 + ], + [ + "MTC", + -14.149577140808104 + ], + [ + "▁monograph", + -14.149581909179688 + ], + [ + "▁DTS", + -14.149590492248535 + ], + [ + "authors", + -14.14965534210205 + ], + [ + "▁Vern", + -14.14971160888672 + ], + [ + "▁powdery", + -14.149751663208008 + ], + [ + "IGN", + -14.14975357055664 + ], + [ + "▁Cortez", + -14.149845123291016 + ], + [ + "▁underlie", + -14.149849891662598 + ], + [ + "▁HAL", + -14.149932861328123 + ], + [ + "▁captioning", + -14.14996337890625 + ], + [ + "▁Khi", + -14.149971961975098 + ], + [ + "▁Libre", + -14.149979591369627 + ], + [ + "▁DAW", + -14.150043487548828 + ], + [ + "▁Shutter", + -14.1500825881958 + ], + [ + "▁Beit", + -14.15010929107666 + ], + [ + "prim", + -14.150156021118164 + ], + [ + "▁culminate", + -14.150161743164062 + ], + [ + "▁Skateboard", + -14.15025234222412 + ], + [ + "holt", + -14.150327682495115 + ], + [ + "▁gimmicks", + -14.150367736816406 + ], + [ + "▁Ecommerce", + -14.150407791137695 + ], + [ + "onen", + -14.150432586669922 + ], + [ + "▁2009;", + -14.150460243225098 + ], + [ + "▁Vigo", + -14.150463104248049 + ], + [ + "▁Khalil", + -14.150486946105955 + ], + [ + "▁Hoy", + -14.150514602661133 + ], + [ + "▁somatic", + -14.15054416656494 + ], + [ + "▁REAR", + -14.150562286376951 + ], + [ + "▁Rami", + -14.150594711303713 + ], + [ + "▁Candida", + -14.150616645812988 + ], + [ + "setup", + -14.150628089904783 + ], + [ + "▁pomp", + -14.150651931762695 + ], + [ + "atura", + -14.150663375854492 + ], + [ + "▁0.1%", + -14.15066909790039 + ], + [ + "SHE", + -14.150736808776855 + ], + [ + "▁botanicals", + -14.150785446166992 + ], + [ + "▁puffs", + -14.15079116821289 + ], + [ + "▁Jameson", + -14.150832176208496 + ], + [ + "▁$$", + -14.15084457397461 + ], + [ + "nomy", + -14.15087890625 + ], + [ + "▁Danes", + -14.150897026062012 + ], + [ + "–10", + -14.150923728942873 + ], + [ + "▁Tou", + -14.150973320007324 + ], + [ + "silicate", + -14.151114463806152 + ], + [ + "Tee", + -14.151159286499023 + ], + [ + "▁Aida", + -14.15119743347168 + ], + [ + "▁togetherness", + -14.15122127532959 + ], + [ + "▁Classifieds", + -14.151227951049805 + ], + [ + "▁longed", + -14.15122890472412 + ], + [ + "65)", + -14.151256561279297 + ], + [ + "▁Musician", + -14.151273727416992 + ], + [ + "▁unter", + -14.15130615234375 + ], + [ + "iating", + -14.151348114013672 + ], + [ + "Shoe", + -14.151403427124023 + ], + [ + "vate", + -14.15145492553711 + ], + [ + "▁WeChat", + -14.151491165161133 + ], + [ + "▁passers", + -14.151564598083496 + ], + [ + "▁Boomer", + -14.15164566040039 + ], + [ + "Teams", + -14.151659965515137 + ], + [ + "▁Noor", + -14.151687622070312 + ], + [ + "Hunt", + -14.151817321777344 + ], + [ + "gado", + -14.151817321777344 + ], + [ + "▁hallucinations", + -14.151832580566406 + ], + [ + "▁intakes", + -14.15183925628662 + ], + [ + "▁pushy", + -14.151866912841797 + ], + [ + "▁artichokes", + -14.151957511901855 + ], + [ + "▁shadowy", + -14.152024269104004 + ], + [ + "▁reinvest", + -14.152044296264648 + ], + [ + "▁Hamptons", + -14.152069091796877 + ], + [ + "Gran", + -14.152080535888672 + ], + [ + "▁Continuity", + -14.152107238769531 + ], + [ + "▁touristic", + -14.152146339416504 + ], + [ + "▁Louisa", + -14.152179718017578 + ], + [ + "Practical", + -14.152227401733398 + ], + [ + "▁Periodic", + -14.15225315093994 + ], + [ + "▁Projector", + -14.152297973632812 + ], + [ + "kro", + -14.152328491210938 + ], + [ + "▁Herzegovina", + -14.15234661102295 + ], + [ + "▁Schla", + -14.152438163757324 + ], + [ + "Preparing", + -14.15245246887207 + ], + [ + "Genuine", + -14.152470588684082 + ], + [ + "Python", + -14.15248203277588 + ], + [ + "URING", + -14.152499198913574 + ], + [ + "▁Crusade", + -14.152543067932127 + ], + [ + "Senate", + -14.152552604675291 + ], + [ + "feedback", + -14.152555465698242 + ], + [ + "Labour", + -14.15258502960205 + ], + [ + "▁4.30", + -14.152658462524414 + ], + [ + "mea", + -14.152679443359377 + ], + [ + "▁fluke", + -14.152698516845703 + ], + [ + "Brit", + -14.15270709991455 + ], + [ + "colon", + -14.152711868286133 + ], + [ + "▁algebraic", + -14.15273094177246 + ], + [ + "▁Breaker", + -14.152745246887209 + ], + [ + "▁synergistic", + -14.152753829956056 + ], + [ + "▁Brandi", + -14.15276336669922 + ], + [ + "▁Atletico", + -14.152777671813965 + ], + [ + "▁Benghazi", + -14.152777671813965 + ], + [ + "▁Gerrard", + -14.152777671813965 + ], + [ + "▁Obispo", + -14.152777671813965 + ], + [ + "▁overcrowding", + -14.152777671813965 + ], + [ + "▁Felicity", + -14.15277862548828 + ], + [ + "▁Nab", + -14.15278148651123 + ], + [ + "▁Wexford", + -14.15278148651123 + ], + [ + "▁curvy", + -14.152783393859863 + ], + [ + "▁cortical", + -14.15278434753418 + ], + [ + "▁DDoS", + -14.152785301208496 + ], + [ + "▁distilleries", + -14.152790069580078 + ], + [ + "▁ravine", + -14.152791976928713 + ], + [ + "▁Sykes", + -14.152792930603027 + ], + [ + "▁snagged", + -14.152792930603027 + ], + [ + "▁thoroughfare", + -14.152807235717772 + ], + [ + "▁Bathurst", + -14.152812957763672 + ], + [ + "▁Impala", + -14.15281581878662 + ], + [ + "▁Mallory", + -14.152833938598633 + ], + [ + "▁Breakthrough", + -14.15284252166748 + ], + [ + "▁binaries", + -14.152859687805176 + ], + [ + "▁interfacing", + -14.152884483337402 + ], + [ + "▁Citroen", + -14.152891159057615 + ], + [ + "▁multivitamin", + -14.1528959274292 + ], + [ + "▁ASM", + -14.152897834777832 + ], + [ + "JK", + -14.152939796447754 + ], + [ + "▁Plainfield", + -14.152948379516602 + ], + [ + "Deals", + -14.15295124053955 + ], + [ + "082", + -14.152998924255373 + ], + [ + "1.6%", + -14.153033256530762 + ], + [ + "PJ", + -14.153040885925291 + ], + [ + "▁Locked", + -14.153042793273926 + ], + [ + "▁lakefront", + -14.153048515319824 + ], + [ + "digest", + -14.153074264526367 + ], + [ + "▁westbound", + -14.153087615966797 + ], + [ + "▁Airborne", + -14.153088569641112 + ], + [ + "▁Dealership", + -14.153096199035645 + ], + [ + "▁paddlers", + -14.15310001373291 + ], + [ + "▁paddy", + -14.153100967407228 + ], + [ + "▁Gonna", + -14.153132438659668 + ], + [ + "Rocket", + -14.153181076049805 + ], + [ + "▁Workspace", + -14.15318489074707 + ], + [ + "SID", + -14.153203964233398 + ], + [ + "▁Fastest", + -14.153221130371094 + ], + [ + "▁Mayhem", + -14.153240203857422 + ], + [ + "▁trickier", + -14.153277397155762 + ], + [ + "▁periodical", + -14.153291702270508 + ], + [ + "Producer", + -14.153301239013672 + ], + [ + "boosting", + -14.15335178375244 + ], + [ + "▁evils", + -14.15335750579834 + ], + [ + "▁steakhouse", + -14.153362274169922 + ], + [ + "▁quiver", + -14.15341567993164 + ], + [ + "Blake", + -14.153545379638672 + ], + [ + "▁EMAIL", + -14.153700828552246 + ], + [ + "cide", + -14.153705596923828 + ], + [ + "▁perished", + -14.153716087341309 + ], + [ + "iously", + -14.15373706817627 + ], + [ + "Merc", + -14.153767585754396 + ], + [ + "doesn", + -14.153833389282228 + ], + [ + "▁Alfie", + -14.153878211975098 + ], + [ + "▁Janus", + -14.15388298034668 + ], + [ + "(8)", + -14.15390968322754 + ], + [ + "▁straightened", + -14.153940200805664 + ], + [ + "▁POR", + -14.15399169921875 + ], + [ + "▁Litter", + -14.154004096984863 + ], + [ + "2.9%", + -14.154023170471191 + ], + [ + "▁imparting", + -14.154064178466797 + ], + [ + "▁Dha", + -14.154078483581545 + ], + [ + "▁bunion", + -14.154129981994627 + ], + [ + "heit", + -14.154131889343262 + ], + [ + "▁Issa", + -14.154150009155272 + ], + [ + "ovski", + -14.154193878173828 + ], + [ + "▁callous", + -14.154207229614258 + ], + [ + "912", + -14.15428352355957 + ], + [ + "▁filaments", + -14.154318809509276 + ], + [ + "Plug", + -14.154343605041504 + ], + [ + "▁productively", + -14.15436840057373 + ], + [ + "▁roughness", + -14.154369354248049 + ], + [ + "▁masterclass", + -14.154390335083008 + ], + [ + "▁241", + -14.154401779174805 + ], + [ + "▁thefts", + -14.15446949005127 + ], + [ + "▁CUP", + -14.15455150604248 + ], + [ + "▁sprites", + -14.154645919799805 + ], + [ + "DIN", + -14.154657363891602 + ], + [ + "Raj", + -14.154714584350586 + ], + [ + "▁Trot", + -14.154719352722168 + ], + [ + "▁Healy", + -14.15474796295166 + ], + [ + "▁Fatal", + -14.15475368499756 + ], + [ + "▁kt", + -14.15479850769043 + ], + [ + "▁ruffles", + -14.154831886291504 + ], + [ + "▁Gibb", + -14.154844284057615 + ], + [ + "▁graphically", + -14.154860496520996 + ], + [ + "▁Kalam", + -14.154946327209473 + ], + [ + "▁978-", + -14.154963493347168 + ], + [ + "▁Martyr", + -14.154963493347168 + ], + [ + "rms", + -14.155073165893556 + ], + [ + "tran", + -14.155122756958008 + ], + [ + "rious", + -14.155131340026855 + ], + [ + "▁Compa", + -14.15513515472412 + ], + [ + "▁Nazar", + -14.155207633972168 + ], + [ + "▁letterpress", + -14.155213356018066 + ], + [ + "▁LEO", + -14.15522289276123 + ], + [ + "Tara", + -14.155253410339355 + ], + [ + "▁Mako", + -14.15526294708252 + ], + [ + "▁skirting", + -14.155274391174316 + ], + [ + "–12", + -14.155343055725098 + ], + [ + "▁cookery", + -14.155362129211426 + ], + [ + "▁Surfing", + -14.155388832092283 + ], + [ + "1.4%", + -14.155394554138184 + ], + [ + "▁Wants", + -14.15541172027588 + ], + [ + "▁53%", + -14.155540466308594 + ], + [ + "▁$50.00", + -14.155543327331545 + ], + [ + "▁SBC", + -14.155590057373049 + ], + [ + "▁dearth", + -14.15560531616211 + ], + [ + "▁Hashem", + -14.15561580657959 + ], + [ + "▁Capsule", + -14.155631065368652 + ], + [ + "dub", + -14.155691146850586 + ], + [ + "▁4+", + -14.15571403503418 + ], + [ + "▁Emissions", + -14.15571403503418 + ], + [ + "YY", + -14.155747413635254 + ], + [ + "▁RUB", + -14.15575122833252 + ], + [ + "▁TPC", + -14.155781745910645 + ], + [ + "▁genomes", + -14.155811309814451 + ], + [ + "▁cuticle", + -14.15585708618164 + ], + [ + "▁Settle", + -14.155864715576172 + ], + [ + "▁Portman", + -14.15586757659912 + ], + [ + "uela", + -14.156012535095217 + ], + [ + "▁SDN", + -14.156017303466797 + ], + [ + "▁hexagonal", + -14.156036376953123 + ], + [ + "▁Glock", + -14.156081199645996 + ], + [ + "ее", + -14.156085014343262 + ], + [ + "▁Brei", + -14.156118392944336 + ], + [ + "▁safaris", + -14.156184196472168 + ], + [ + "▁intensively", + -14.15632438659668 + ], + [ + "radical", + -14.156328201293944 + ], + [ + "▁majorly", + -14.15639877319336 + ], + [ + "PLA", + -14.15640354156494 + ], + [ + "▁rf", + -14.156502723693848 + ], + [ + "693", + -14.156519889831545 + ], + [ + "NSF", + -14.156522750854492 + ], + [ + "views", + -14.156529426574709 + ], + [ + "leon", + -14.156542778015137 + ], + [ + "▁6.9", + -14.156564712524414 + ], + [ + "099", + -14.156600952148438 + ], + [ + "▁reeds", + -14.156633377075195 + ], + [ + "Oral", + -14.156649589538574 + ], + [ + "▁offensively", + -14.156655311584473 + ], + [ + "deco", + -14.156682014465332 + ], + [ + "▁Carriers", + -14.156702041625977 + ], + [ + "▁Nite", + -14.156723022460938 + ], + [ + "▁stumbles", + -14.156745910644531 + ], + [ + "atom", + -14.156758308410645 + ], + [ + "▁MKV", + -14.156842231750488 + ], + [ + "fah", + -14.156880378723145 + ], + [ + "itten", + -14.156883239746094 + ], + [ + "APC", + -14.156935691833496 + ], + [ + "▁assimilate", + -14.156983375549316 + ], + [ + "▁refractory", + -14.15703582763672 + ], + [ + "landers", + -14.157045364379885 + ], + [ + "▁customizations", + -14.15705108642578 + ], + [ + "ampere", + -14.157064437866213 + ], + [ + "chronic", + -14.15707778930664 + ], + [ + "▁grenades", + -14.15721321105957 + ], + [ + "▁reinstate", + -14.1572265625 + ], + [ + "Exhibit", + -14.157312393188477 + ], + [ + "▁Remov", + -14.157353401184082 + ], + [ + "▁atrophy", + -14.15736484527588 + ], + [ + "Competition", + -14.157371520996094 + ], + [ + "Temperature", + -14.157378196716309 + ], + [ + "Existing", + -14.15738582611084 + ], + [ + "results", + -14.157504081726074 + ], + [ + "Tyler", + -14.1575288772583 + ], + [ + "dero", + -14.157551765441896 + ], + [ + "▁Fayette", + -14.157573699951172 + ], + [ + "▁Glycerin", + -14.157585144042969 + ], + [ + "▁Grizzlies", + -14.157585144042969 + ], + [ + "▁dolomite", + -14.157585144042969 + ], + [ + "▁inimitable", + -14.157585144042969 + ], + [ + "▁insatiable", + -14.157585144042969 + ], + [ + "▁jojoba", + -14.157585144042969 + ], + [ + "▁lecturing", + -14.157585144042969 + ], + [ + "▁mellitus", + -14.157586097717283 + ], + [ + "▁recuperate", + -14.157586097717283 + ], + [ + "▁Stonehenge", + -14.157594680786133 + ], + [ + "▁unorthodox", + -14.157601356506348 + ], + [ + "▁Aran", + -14.157602310180664 + ], + [ + "▁cyanide", + -14.157604217529297 + ], + [ + "▁cynicism", + -14.157604217529297 + ], + [ + "▁simulating", + -14.157604217529297 + ], + [ + "▁GIRL", + -14.157611846923828 + ], + [ + "▁spelt", + -14.157618522644045 + ], + [ + "▁clotting", + -14.157623291015623 + ], + [ + "▁Assessing", + -14.157632827758787 + ], + [ + "▁connoisseurs", + -14.157648086547852 + ], + [ + "▁nachos", + -14.157649993896484 + ], + [ + "▁aviator", + -14.157651901245115 + ], + [ + "populated", + -14.157657623291016 + ], + [ + "▁dichotomy", + -14.157675743103027 + ], + [ + "Lac", + -14.157678604125977 + ], + [ + "▁Polaroid", + -14.15768337249756 + ], + [ + "▁Rutland", + -14.157684326171877 + ], + [ + "▁Accessory", + -14.15770149230957 + ], + [ + "wane", + -14.157703399658203 + ], + [ + "▁2022,", + -14.157706260681152 + ], + [ + "▁antlers", + -14.157708168029783 + ], + [ + "▁gripped", + -14.157724380493164 + ], + [ + "Jitsu", + -14.15776252746582 + ], + [ + "seriously", + -14.15777587890625 + ], + [ + "▁Visible", + -14.157780647277832 + ], + [ + "▁Sparkling", + -14.157781600952148 + ], + [ + "▁polarity", + -14.157807350158691 + ], + [ + "▁fallacy", + -14.15782642364502 + ], + [ + "▁Carlyle", + -14.157851219177246 + ], + [ + "Berg", + -14.157865524291992 + ], + [ + "ETHER", + -14.157896995544434 + ], + [ + "▁battleground", + -14.157922744750977 + ], + [ + "▁sweats", + -14.157959938049316 + ], + [ + "▁19\"", + -14.157968521118164 + ], + [ + "▁unzip", + -14.157968521118164 + ], + [ + "▁Tok", + -14.15797519683838 + ], + [ + "▁Chron", + -14.158000946044922 + ], + [ + "Objective", + -14.158008575439451 + ], + [ + "▁EMR", + -14.158073425292969 + ], + [ + "▁Sutter", + -14.158123016357422 + ], + [ + "▁ark", + -14.158207893371582 + ], + [ + "▁CLE", + -14.158230781555176 + ], + [ + "▁spurs", + -14.158239364624023 + ], + [ + "Brandon", + -14.158257484436035 + ], + [ + "▁stomping", + -14.15827751159668 + ], + [ + "weld", + -14.158296585083008 + ], + [ + "/2.8", + -14.158308029174805 + ], + [ + "▁roasts", + -14.158331871032717 + ], + [ + "▁Instance", + -14.158344268798828 + ], + [ + "▁Gossip", + -14.158361434936523 + ], + [ + "▁endangering", + -14.158380508422852 + ], + [ + "▁intermittently", + -14.1583833694458 + ], + [ + "Released", + -14.158414840698242 + ], + [ + "▁USAID", + -14.158422470092772 + ], + [ + "▁dojo", + -14.158443450927734 + ], + [ + "▁sloth", + -14.158559799194336 + ], + [ + "▁Scary", + -14.158581733703612 + ], + [ + "▁432", + -14.158604621887209 + ], + [ + "▁cutouts", + -14.158610343933104 + ], + [ + "▁housework", + -14.158706665039062 + ], + [ + "Dash", + -14.15874195098877 + ], + [ + "Somehow", + -14.158757209777832 + ], + [ + "▁transcendent", + -14.158783912658691 + ], + [ + "▁Opel", + -14.158806800842283 + ], + [ + "▁Cic", + -14.158867835998535 + ], + [ + "869", + -14.15888786315918 + ], + [ + "missing", + -14.158905029296877 + ], + [ + "boston", + -14.158912658691406 + ], + [ + "▁Madam", + -14.158921241760254 + ], + [ + "▁15.6", + -14.15895175933838 + ], + [ + "resume", + -14.15895652770996 + ], + [ + "▁Assume", + -14.15902042388916 + ], + [ + "Reduced", + -14.159038543701172 + ], + [ + "▁touristy", + -14.159066200256348 + ], + [ + "Medi", + -14.159070014953612 + ], + [ + "gif", + -14.15921688079834 + ], + [ + "Provider", + -14.159276008605955 + ], + [ + "PRA", + -14.159334182739258 + ], + [ + "▁OPC", + -14.159357070922852 + ], + [ + "efer", + -14.159367561340332 + ], + [ + "▁CUSTOM", + -14.159457206726074 + ], + [ + "▁maximized", + -14.159462928771973 + ], + [ + "▁UAB", + -14.159507751464844 + ], + [ + "▁dressage", + -14.159523010253906 + ], + [ + "gyn", + -14.15955924987793 + ], + [ + "▁Clu", + -14.159564971923828 + ], + [ + "Beautifully", + -14.159570693969728 + ], + [ + "boul", + -14.159612655639648 + ], + [ + "▁Zab", + -14.159640312194824 + ], + [ + "▁Shab", + -14.159648895263672 + ], + [ + "887", + -14.159687995910645 + ], + [ + "NAT", + -14.159700393676758 + ], + [ + "Zach", + -14.159724235534668 + ], + [ + "PIN", + -14.159772872924805 + ], + [ + "elecommunication", + -14.159819602966309 + ], + [ + "▁£18", + -14.159929275512695 + ], + [ + "▁beachside", + -14.159971237182615 + ], + [ + "▁Marko", + -14.15997314453125 + ], + [ + "▁2.5\"", + -14.159982681274414 + ], + [ + "▁colle", + -14.160125732421877 + ], + [ + "▁balancer", + -14.160181045532228 + ], + [ + "eagle", + -14.16022491455078 + ], + [ + "516", + -14.16025733947754 + ], + [ + "▁Devine", + -14.1603422164917 + ], + [ + "▁bearded", + -14.160348892211914 + ], + [ + "ESC", + -14.160369873046877 + ], + [ + "▁Herd", + -14.16038417816162 + ], + [ + "▁Muth", + -14.160412788391112 + ], + [ + "▁Renting", + -14.160439491271973 + ], + [ + "euil", + -14.16047191619873 + ], + [ + "▁gaping", + -14.160492897033691 + ], + [ + "038", + -14.160515785217283 + ], + [ + "▁wad", + -14.160534858703612 + ], + [ + "▁mite", + -14.16054630279541 + ], + [ + "uco", + -14.16055679321289 + ], + [ + "▁Demons", + -14.160600662231444 + ], + [ + "846", + -14.160606384277344 + ], + [ + "hé", + -14.16071319580078 + ], + [ + "▁Mund", + -14.160740852355955 + ], + [ + "▁Blasting", + -14.160746574401855 + ], + [ + "LAP", + -14.16076946258545 + ], + [ + "▁Hosts", + -14.160816192626951 + ], + [ + "▁Simplicity", + -14.16088581085205 + ], + [ + "IVA", + -14.160886764526367 + ], + [ + "▁Rotation", + -14.160892486572266 + ], + [ + "▁Radon", + -14.16096305847168 + ], + [ + "ammon", + -14.160964965820312 + ], + [ + "▁lobbyist", + -14.160977363586426 + ], + [ + "▁underfoot", + -14.160995483398438 + ], + [ + "grav", + -14.161001205444336 + ], + [ + "FID", + -14.161004066467283 + ], + [ + "▁broil", + -14.161086082458496 + ], + [ + "▁1852", + -14.161092758178713 + ], + [ + "▁counterpoint", + -14.16111946105957 + ], + [ + "NOR", + -14.161124229431152 + ], + [ + "▁realign", + -14.161185264587402 + ], + [ + "▁devs", + -14.161218643188477 + ], + [ + "▁condense", + -14.161253929138184 + ], + [ + "▁Tumble", + -14.161280632019045 + ], + [ + "dyn", + -14.161331176757812 + ], + [ + "▁spammers", + -14.161375045776367 + ], + [ + "▁Westside", + -14.161447525024414 + ], + [ + "funny", + -14.161524772644045 + ], + [ + "COMING", + -14.161572456359863 + ], + [ + "egu", + -14.16159439086914 + ], + [ + "▁Selenium", + -14.16174030303955 + ], + [ + "1940", + -14.161809921264648 + ], + [ + "▁1-10", + -14.161867141723633 + ], + [ + "▁Ransomware", + -14.161870956420898 + ], + [ + "Cry", + -14.161874771118164 + ], + [ + "▁Jee", + -14.16192626953125 + ], + [ + "omat", + -14.161989212036133 + ], + [ + "▁disarm", + -14.161993026733398 + ], + [ + "▁saunas", + -14.162039756774902 + ], + [ + "▁milking", + -14.1620512008667 + ], + [ + "▁patriarch", + -14.162052154541016 + ], + [ + "ое", + -14.16209316253662 + ], + [ + "841", + -14.162105560302734 + ], + [ + "HHS", + -14.162118911743164 + ], + [ + "▁##", + -14.162139892578123 + ], + [ + "▁AKC", + -14.162301063537598 + ], + [ + "▁bombard", + -14.16232681274414 + ], + [ + "▁Tropic", + -14.162342071533203 + ], + [ + "Stephanie", + -14.162352561950684 + ], + [ + "Division", + -14.162385940551758 + ], + [ + "▁Percent", + -14.16240119934082 + ], + [ + "Challenging", + -14.162416458129885 + ], + [ + "▁Cleopatra", + -14.162416458129885 + ], + [ + "▁Dmitry", + -14.162416458129885 + ], + [ + "▁dehumidifier", + -14.162416458129885 + ], + [ + "▁deprecated", + -14.162416458129885 + ], + [ + "▁Alistair", + -14.1624174118042 + ], + [ + "▁Schroeder", + -14.1624174118042 + ], + [ + "▁Casablanca", + -14.162418365478516 + ], + [ + "▁REQUIRED", + -14.162419319152832 + ], + [ + "▁Clapton", + -14.162420272827148 + ], + [ + "▁muslin", + -14.162420272827148 + ], + [ + "▁mucous", + -14.16242218017578 + ], + [ + "▁Reclaimed", + -14.16242504119873 + ], + [ + "▁TechCrunch", + -14.16242504119873 + ], + [ + "▁telemarketing", + -14.162426948547363 + ], + [ + "▁louver", + -14.162429809570312 + ], + [ + "▁Peachtree", + -14.162435531616213 + ], + [ + "▁abbey", + -14.162435531616213 + ], + [ + "▁slamming", + -14.162435531616213 + ], + [ + "▁Dupont", + -14.162436485290527 + ], + [ + "Struggling", + -14.16244125366211 + ], + [ + "▁Prosperity", + -14.162452697753906 + ], + [ + "transferable", + -14.162480354309082 + ], + [ + "Carefully", + -14.162481307983398 + ], + [ + "▁prefabricated", + -14.16248607635498 + ], + [ + "▁undermines", + -14.16251277923584 + ], + [ + "▁Greenpeace", + -14.162516593933104 + ], + [ + "▁Dietrich", + -14.162519454956056 + ], + [ + "▁ePub", + -14.162532806396484 + ], + [ + "▁Perpetual", + -14.162538528442385 + ], + [ + "marital", + -14.162551879882812 + ], + [ + "Mentor", + -14.16257667541504 + ], + [ + "visor", + -14.16259479522705 + ], + [ + "fibro", + -14.162623405456545 + ], + [ + "▁objectionable", + -14.162635803222656 + ], + [ + "RELATED", + -14.162700653076172 + ], + [ + "▁megawatts", + -14.162704467773438 + ], + [ + "▁rigour", + -14.162717819213867 + ], + [ + "gah", + -14.162742614746094 + ], + [ + "▁hijacked", + -14.162793159484863 + ], + [ + "▁nineties", + -14.162793159484863 + ], + [ + "▁occured", + -14.16280460357666 + ], + [ + "7200", + -14.162824630737305 + ], + [ + "▁imbued", + -14.162834167480469 + ], + [ + "▁hyphen", + -14.162858963012695 + ], + [ + "▁Sek", + -14.16286563873291 + ], + [ + "▁1998)", + -14.16289234161377 + ], + [ + "▁Larkin", + -14.162956237792969 + ], + [ + "▁Rides", + -14.162978172302246 + ], + [ + "▁NAI", + -14.162986755371094 + ], + [ + "Paid", + -14.16305923461914 + ], + [ + "▁octave", + -14.163076400756836 + ], + [ + "itious", + -14.163084030151367 + ], + [ + "▁Sith", + -14.163128852844238 + ], + [ + "▁Grail", + -14.163171768188477 + ], + [ + "▁enriches", + -14.163207054138184 + ], + [ + "▁Eisen", + -14.163227081298828 + ], + [ + "▁headrest", + -14.163246154785156 + ], + [ + "wold", + -14.16327667236328 + ], + [ + "▁fireproof", + -14.163278579711914 + ], + [ + "▁Brandt", + -14.163326263427734 + ], + [ + "statin", + -14.163336753845217 + ], + [ + "▁Mada", + -14.163339614868164 + ], + [ + "ulia", + -14.163363456726074 + ], + [ + "▁Rajiv", + -14.16338348388672 + ], + [ + "▁erasing", + -14.163400650024414 + ], + [ + "▁£250", + -14.16343879699707 + ], + [ + "▁haben", + -14.16347312927246 + ], + [ + "▁touting", + -14.163495063781738 + ], + [ + "crim", + -14.163496971130373 + ], + [ + "▁ketones", + -14.163508415222168 + ], + [ + "mez", + -14.163509368896484 + ], + [ + "▁Albans", + -14.163515090942385 + ], + [ + "▁DirectX", + -14.163541793823242 + ], + [ + "nope", + -14.163559913635254 + ], + [ + "▁STYLE", + -14.163585662841797 + ], + [ + "▁heartily", + -14.163681030273438 + ], + [ + "kane", + -14.163710594177246 + ], + [ + "iscal", + -14.163721084594728 + ], + [ + "MAD", + -14.163747787475586 + ], + [ + "▁CVT", + -14.163808822631836 + ], + [ + "▁Transcript", + -14.163833618164062 + ], + [ + "▁Cheque", + -14.163835525512695 + ], + [ + "▁Niall", + -14.16384983062744 + ], + [ + "▁slashing", + -14.163861274719238 + ], + [ + "▁Fewer", + -14.163890838623049 + ], + [ + "KH", + -14.163894653320312 + ], + [ + "▁TCS", + -14.163944244384766 + ], + [ + "816", + -14.163947105407717 + ], + [ + "▁domino", + -14.163957595825195 + ], + [ + "▁checkered", + -14.163995742797852 + ], + [ + "▁USF", + -14.16403579711914 + ], + [ + "▁Mera", + -14.164040565490724 + ], + [ + "pelling", + -14.164047241210938 + ], + [ + "deh", + -14.164081573486328 + ], + [ + "▁potions", + -14.164085388183594 + ], + [ + "▁suicides", + -14.164106369018556 + ], + [ + "4:00", + -14.16411590576172 + ], + [ + "▁Kass", + -14.164117813110352 + ], + [ + "cement", + -14.164140701293944 + ], + [ + "▁24,000", + -14.164178848266602 + ], + [ + "▁Aces", + -14.164189338684082 + ], + [ + "673", + -14.16420078277588 + ], + [ + "ORR", + -14.16421127319336 + ], + [ + "▁Plex", + -14.164212226867676 + ], + [ + "▁Brink", + -14.164260864257812 + ], + [ + "/01", + -14.164278030395508 + ], + [ + "▁Capsules", + -14.16439437866211 + ], + [ + "▁purr", + -14.164405822753906 + ], + [ + "▁CSM", + -14.16443157196045 + ], + [ + "▁nokia", + -14.164438247680664 + ], + [ + "▁Skyscanner", + -14.16452407836914 + ], + [ + "ician", + -14.164551734924316 + ], + [ + "▁peppered", + -14.164630889892578 + ], + [ + "▁knits", + -14.164666175842283 + ], + [ + "–7", + -14.164717674255373 + ], + [ + "▁northward", + -14.1647310256958 + ], + [ + "089", + -14.164774894714355 + ], + [ + "cancel", + -14.164819717407228 + ], + [ + "ugger", + -14.164939880371094 + ], + [ + "45)", + -14.16495132446289 + ], + [ + "▁zine", + -14.164972305297852 + ], + [ + "uska", + -14.164973258972168 + ], + [ + "conic", + -14.164998054504396 + ], + [ + "▁homestay", + -14.165083885192873 + ], + [ + "▁townships", + -14.165101051330566 + ], + [ + "seconds", + -14.165130615234377 + ], + [ + "nson", + -14.165172576904297 + ], + [ + "▁Amal", + -14.165199279785156 + ], + [ + "▁oxides", + -14.16522216796875 + ], + [ + "vard", + -14.165283203125 + ], + [ + "▁giggles", + -14.16529655456543 + ], + [ + "america", + -14.165297508239746 + ], + [ + "▁Tamar", + -14.165367126464844 + ], + [ + "izzi", + -14.165375709533691 + ], + [ + "▁sprinting", + -14.165375709533691 + ], + [ + "▁heartland", + -14.165417671203612 + ], + [ + "▁sears", + -14.165526390075684 + ], + [ + "▁Clipper", + -14.165536880493164 + ], + [ + "bund", + -14.165559768676758 + ], + [ + "▁Counting", + -14.165579795837402 + ], + [ + "Deposit", + -14.165818214416504 + ], + [ + "Diag", + -14.165982246398926 + ], + [ + "float", + -14.166032791137695 + ], + [ + "▁Pella", + -14.16603660583496 + ], + [ + "icidal", + -14.166069984436035 + ], + [ + "cester", + -14.166091918945312 + ], + [ + "▁Yuma", + -14.166109085083008 + ], + [ + "BAN", + -14.166118621826172 + ], + [ + "▁SIX", + -14.166184425354004 + ], + [ + "Triple", + -14.166204452514648 + ], + [ + "▁269", + -14.166204452514648 + ], + [ + "▁steeper", + -14.166285514831545 + ], + [ + "▁Silas", + -14.166296005249023 + ], + [ + "Birds", + -14.166346549987791 + ], + [ + "▁refurbish", + -14.16634750366211 + ], + [ + "▁(=", + -14.16635799407959 + ], + [ + "3:45", + -14.166410446166992 + ], + [ + "▁Aids", + -14.166447639465332 + ], + [ + "▁halter", + -14.166547775268556 + ], + [ + "▁Tali", + -14.166548728942873 + ], + [ + "▁CID", + -14.166585922241213 + ], + [ + "1-11", + -14.166616439819336 + ], + [ + "▁Coatings", + -14.166618347167969 + ], + [ + "aea", + -14.166640281677246 + ], + [ + "abella", + -14.166646003723145 + ], + [ + "▁whiter", + -14.166690826416016 + ], + [ + "HEA", + -14.166739463806152 + ], + [ + "▁2-6", + -14.16680145263672 + ], + [ + "▁doubting", + -14.166858673095703 + ], + [ + "▁murmur", + -14.166875839233398 + ], + [ + "wami", + -14.166894912719728 + ], + [ + "uster", + -14.166898727416992 + ], + [ + "ision", + -14.166958808898926 + ], + [ + "▁resp", + -14.166985511779783 + ], + [ + "▁Concerts", + -14.16700267791748 + ], + [ + "▁opus", + -14.167043685913086 + ], + [ + "athlon", + -14.167084693908691 + ], + [ + "▁Joke", + -14.167193412780762 + ], + [ + "▁lux", + -14.167207717895508 + ], + [ + "▁Stel", + -14.16721534729004 + ], + [ + "▁9.6", + -14.167221069335938 + ], + [ + "Egypt", + -14.167230606079102 + ], + [ + "carry", + -14.16724967956543 + ], + [ + "IPO", + -14.167261123657228 + ], + [ + "▁Correspondent", + -14.16727066040039 + ], + [ + "▁RTS", + -14.16727066040039 + ], + [ + "▁polystyrene", + -14.16727066040039 + ], + [ + "▁superannuation", + -14.16727066040039 + ], + [ + "▁verdant", + -14.16727066040039 + ], + [ + "▁Bexley", + -14.167271614074709 + ], + [ + "▁Fairgrounds", + -14.167272567749023 + ], + [ + "▁anthologies", + -14.167272567749023 + ], + [ + "▁cognac", + -14.167272567749023 + ], + [ + "▁Ayrshire", + -14.167274475097656 + ], + [ + "▁shrugged", + -14.167276382446287 + ], + [ + "▁WMA", + -14.167281150817873 + ], + [ + "▁misaligned", + -14.167284965515137 + ], + [ + "▁unincorporated", + -14.167284965515137 + ], + [ + "▁Submarine", + -14.167303085327148 + ], + [ + "▁Refinery", + -14.167305946350098 + ], + [ + "▁Baidu", + -14.16731071472168 + ], + [ + "▁Palmetto", + -14.167311668395996 + ], + [ + "comfortable", + -14.167313575744627 + ], + [ + "exercise", + -14.167319297790527 + ], + [ + "▁evoking", + -14.167319297790527 + ], + [ + "Illumina", + -14.167323112487791 + ], + [ + "1930", + -14.16732406616211 + ], + [ + "▁torrential", + -14.167327880859377 + ], + [ + "▁Napier", + -14.167329788208008 + ], + [ + "▁aloof", + -14.167330741882324 + ], + [ + "▁deterred", + -14.167330741882324 + ], + [ + "▁presentable", + -14.16733169555664 + ], + [ + "jersey", + -14.167333602905272 + ], + [ + "Kathy", + -14.167353630065918 + ], + [ + "Employment", + -14.167356491088867 + ], + [ + "▁Eraser", + -14.167359352111816 + ], + [ + "▁Janssen", + -14.167363166809082 + ], + [ + "▁toyota", + -14.167366981506348 + ], + [ + "IFIC", + -14.167398452758787 + ], + [ + "▁Chromecast", + -14.167399406433104 + ], + [ + "▁rubles", + -14.167400360107422 + ], + [ + "▁Seward", + -14.167428970336914 + ], + [ + "▁absurdity", + -14.167431831359863 + ], + [ + "physics", + -14.167444229125977 + ], + [ + "▁sexes", + -14.16749095916748 + ], + [ + "affected", + -14.16750717163086 + ], + [ + "Audit", + -14.167525291442873 + ], + [ + "▁eastbound", + -14.1675443649292 + ], + [ + "▁discolored", + -14.16758918762207 + ], + [ + "Takeaway", + -14.167638778686523 + ], + [ + "▁NFS", + -14.167691230773926 + ], + [ + "lawyer", + -14.167705535888672 + ], + [ + "▁Spots", + -14.167720794677734 + ], + [ + "▁Butch", + -14.167744636535645 + ], + [ + "▁developmentally", + -14.167760848999023 + ], + [ + "Navy", + -14.16777229309082 + ], + [ + "▁accuses", + -14.167823791503906 + ], + [ + "▁stoic", + -14.167858123779297 + ], + [ + "▁Approaches", + -14.167908668518066 + ], + [ + "956", + -14.167951583862305 + ], + [ + "french", + -14.16797924041748 + ], + [ + "▁Holes", + -14.16799545288086 + ], + [ + "Quin", + -14.167996406555176 + ], + [ + "▁deformed", + -14.168004989624023 + ], + [ + "Xpress", + -14.168014526367188 + ], + [ + "▁Bello", + -14.168015480041504 + ], + [ + "▁backpackers", + -14.16801929473877 + ], + [ + "Verlag", + -14.16804313659668 + ], + [ + "▁Henson", + -14.168068885803224 + ], + [ + "▁checksum", + -14.168110847473145 + ], + [ + "▁Eich", + -14.168127059936523 + ], + [ + "▁firepower", + -14.168163299560549 + ], + [ + "▁goo", + -14.168190956115724 + ], + [ + "spell", + -14.168220520019531 + ], + [ + "▁reared", + -14.168302536010742 + ], + [ + "▁sleeved", + -14.16833209991455 + ], + [ + "▁Rink", + -14.168365478515623 + ], + [ + "Zu", + -14.168410301208496 + ], + [ + "▁Collectors", + -14.168461799621582 + ], + [ + "kew", + -14.168469429016112 + ], + [ + "▁Supplied", + -14.168522834777832 + ], + [ + "▁penta", + -14.168581008911133 + ], + [ + "▁millimeter", + -14.16860294342041 + ], + [ + "▁anaesthetic", + -14.168622016906738 + ], + [ + "Bomb", + -14.16862964630127 + ], + [ + "trying", + -14.168661117553713 + ], + [ + "▁invocation", + -14.168701171875 + ], + [ + "▁Permits", + -14.168716430664062 + ], + [ + "▁Valves", + -14.168787956237791 + ], + [ + "674", + -14.168855667114258 + ], + [ + "▁$4.5", + -14.168956756591797 + ], + [ + "COUNT", + -14.169004440307615 + ], + [ + "__________", + -14.169004440307615 + ], + [ + "▁steamy", + -14.169007301330566 + ], + [ + "▁dialed", + -14.169013023376465 + ], + [ + "pharma", + -14.169021606445312 + ], + [ + "cato", + -14.169047355651855 + ], + [ + "▁searchers", + -14.169057846069336 + ], + [ + "▁inappropriately", + -14.169122695922852 + ], + [ + "griff", + -14.16915512084961 + ], + [ + "poster", + -14.169156074523926 + ], + [ + "▁Lodi", + -14.16920280456543 + ], + [ + "▁spinoff", + -14.169239044189451 + ], + [ + "▁PROFESSIONAL", + -14.16927433013916 + ], + [ + "▁culminates", + -14.169319152832031 + ], + [ + "chari", + -14.169352531433104 + ], + [ + "esthesia", + -14.16938018798828 + ], + [ + "▁tinge", + -14.169407844543455 + ], + [ + "▁17.5", + -14.169456481933594 + ], + [ + "Fits", + -14.169499397277832 + ], + [ + "Carter", + -14.169544219970703 + ], + [ + "▁backfire", + -14.16957664489746 + ], + [ + "cyclo", + -14.169607162475586 + ], + [ + "yur", + -14.16961669921875 + ], + [ + "cena", + -14.169636726379396 + ], + [ + "▁ensue", + -14.169727325439451 + ], + [ + "IAM", + -14.169739723205566 + ], + [ + "dric", + -14.169825553894045 + ], + [ + "MTS", + -14.169882774353027 + ], + [ + "▁VLC", + -14.16989040374756 + ], + [ + "723", + -14.169906616210938 + ], + [ + "bula", + -14.169960021972656 + ], + [ + "Calculat", + -14.170034408569336 + ], + [ + "Chop", + -14.170036315917969 + ], + [ + "ucking", + -14.170036315917969 + ], + [ + "▁signpost", + -14.170085906982422 + ], + [ + "▁bitterly", + -14.170121192932127 + ], + [ + "provider", + -14.170185089111328 + ], + [ + "osta", + -14.17025375366211 + ], + [ + "akshi", + -14.17025661468506 + ], + [ + "▁multinationals", + -14.170260429382324 + ], + [ + "zam", + -14.170307159423828 + ], + [ + "opathic", + -14.170315742492676 + ], + [ + "▁sims", + -14.17041301727295 + ], + [ + "IZED", + -14.170429229736328 + ], + [ + "refer", + -14.170433044433594 + ], + [ + "TRIP", + -14.17047119140625 + ], + [ + "▁tongs", + -14.170473098754885 + ], + [ + "▁Mio", + -14.170485496520996 + ], + [ + "932", + -14.170576095581056 + ], + [ + "NCI", + -14.170588493347168 + ], + [ + "071", + -14.170626640319824 + ], + [ + "▁tradeoff", + -14.17093276977539 + ], + [ + "▁1836", + -14.171062469482422 + ], + [ + "coder", + -14.171066284179688 + ], + [ + "▁FEE", + -14.171095848083496 + ], + [ + "▁243", + -14.17111587524414 + ], + [ + "▁plummet", + -14.171263694763184 + ], + [ + "▁sectionals", + -14.171281814575195 + ], + [ + "OTO", + -14.171289443969728 + ], + [ + "BZ", + -14.171311378479004 + ], + [ + "▁Qingdao", + -14.171342849731444 + ], + [ + "biological", + -14.17139720916748 + ], + [ + "▁337", + -14.171557426452637 + ], + [ + "▁NSC", + -14.171568870544434 + ], + [ + "▁Prostate", + -14.171623229980469 + ], + [ + "▁Unexpected", + -14.171669006347656 + ], + [ + "▁tattooed", + -14.171669960021973 + ], + [ + "▁Newell", + -14.17167854309082 + ], + [ + "HIN", + -14.171708106994627 + ], + [ + "▁MPC", + -14.171833992004396 + ], + [ + "▁Canaria", + -14.17198085784912 + ], + [ + "loose", + -14.172011375427246 + ], + [ + "853", + -14.172104835510254 + ], + [ + "activation", + -14.172125816345217 + ], + [ + "▁ANYTHING", + -14.172148704528809 + ], + [ + "▁Coimbatore", + -14.172148704528809 + ], + [ + "▁Consolidation", + -14.172148704528809 + ], + [ + "▁Immersion", + -14.172148704528809 + ], + [ + "▁McClure", + -14.172148704528809 + ], + [ + "▁admirably", + -14.172148704528809 + ], + [ + "▁decimated", + -14.172148704528809 + ], + [ + "▁dynamism", + -14.172148704528809 + ], + [ + "▁electrification", + -14.172148704528809 + ], + [ + "▁groovy", + -14.172148704528809 + ], + [ + "▁liquefied", + -14.172148704528809 + ], + [ + "▁ravioli", + -14.172148704528809 + ], + [ + "▁SiriusXM", + -14.172149658203123 + ], + [ + "▁condensate", + -14.172149658203123 + ], + [ + "4/20/2019", + -14.17215061187744 + ], + [ + "▁appalled", + -14.17215061187744 + ], + [ + "▁dissident", + -14.17215061187744 + ], + [ + "▁Dobson", + -14.172151565551758 + ], + [ + "▁BAFTA", + -14.172163009643556 + ], + [ + "Decrease", + -14.17216968536377 + ], + [ + "▁crept", + -14.17216968536377 + ], + [ + "▁Conroe", + -14.1721773147583 + ], + [ + "▁england", + -14.172185897827148 + ], + [ + "▁unfiltered", + -14.17218780517578 + ], + [ + "▁Pereira", + -14.172198295593262 + ], + [ + "▁Zapier", + -14.17220401763916 + ], + [ + "▁Bryson", + -14.172221183776855 + ], + [ + "▁valance", + -14.172268867492676 + ], + [ + "Smoking", + -14.172314643859863 + ], + [ + "conflict", + -14.172317504882812 + ], + [ + "Xinhua", + -14.172324180603027 + ], + [ + "academy", + -14.172325134277344 + ], + [ + "▁2019-2020", + -14.172327995300291 + ], + [ + "Superior", + -14.17232894897461 + ], + [ + "pharmacy", + -14.17233943939209 + ], + [ + "▁REP", + -14.172341346740724 + ], + [ + "properties", + -14.17234992980957 + ], + [ + "priority", + -14.172369003295898 + ], + [ + "Weighing", + -14.17237377166748 + ], + [ + "▁Kaye", + -14.172391891479492 + ], + [ + "reflective", + -14.172396659851074 + ], + [ + "Variable", + -14.172402381896973 + ], + [ + "Broker", + -14.1724271774292 + ], + [ + "▁nonpartisan", + -14.172439575195312 + ], + [ + "▁RTA", + -14.172462463378906 + ], + [ + "▁elated", + -14.172465324401855 + ], + [ + "ILLA", + -14.172467231750488 + ], + [ + "RTE", + -14.172477722167969 + ], + [ + "▁unneeded", + -14.17249870300293 + ], + [ + "Blind", + -14.172511100769045 + ], + [ + "▁Fanny", + -14.172521591186523 + ], + [ + "▁wheelbase", + -14.172527313232422 + ], + [ + "Retro", + -14.172548294067385 + ], + [ + "beau", + -14.172563552856444 + ], + [ + "▁CLO", + -14.172572135925291 + ], + [ + "▁randomised", + -14.172608375549316 + ], + [ + "▁Housekeeping", + -14.172619819641112 + ], + [ + "LIABLE", + -14.17266845703125 + ], + [ + "▁devotee", + -14.172690391540527 + ], + [ + "▁blackened", + -14.172714233398438 + ], + [ + "▁Targeted", + -14.17271614074707 + ], + [ + "▁orchestrate", + -14.17271614074707 + ], + [ + "Tiny", + -14.172720909118652 + ], + [ + "561", + -14.172727584838867 + ], + [ + "▁coo", + -14.172755241394045 + ], + [ + "▁Knowles", + -14.172794342041016 + ], + [ + "▁Prat", + -14.172853469848633 + ], + [ + "▁abusers", + -14.17290210723877 + ], + [ + "▁STATES", + -14.172938346862791 + ], + [ + "Pushing", + -14.172956466674805 + ], + [ + "tts", + -14.173007011413574 + ], + [ + "▁267", + -14.17301082611084 + ], + [ + "▁Observe", + -14.1730318069458 + ], + [ + "▁3.5\"", + -14.173056602478027 + ], + [ + "▁Kya", + -14.173072814941406 + ], + [ + "▁biome", + -14.173100471496582 + ], + [ + "▁windfall", + -14.173125267028809 + ], + [ + "▁anchorage", + -14.173133850097656 + ], + [ + "▁Beasts", + -14.173172950744627 + ], + [ + "▁Firth", + -14.173194885253906 + ], + [ + "PLUS", + -14.173243522644045 + ], + [ + "coupled", + -14.173258781433104 + ], + [ + "▁SECOND", + -14.173299789428713 + ], + [ + "▁Beers", + -14.17330551147461 + ], + [ + "▁Qatari", + -14.173383712768556 + ], + [ + "▁chilies", + -14.17338752746582 + ], + [ + "▁spears", + -14.17340087890625 + ], + [ + "▁258", + -14.173437118530272 + ], + [ + "▁heinous", + -14.173471450805664 + ], + [ + "▁dogma", + -14.173491477966309 + ], + [ + "▁pensioners", + -14.173542976379396 + ], + [ + "▁3.30", + -14.173564910888672 + ], + [ + "▁adorning", + -14.173576354980469 + ], + [ + "Quickly", + -14.173657417297363 + ], + [ + "▁675", + -14.17365837097168 + ], + [ + "035", + -14.173720359802246 + ], + [ + "▁diarrhoea", + -14.173779487609863 + ], + [ + "▁$110", + -14.173791885375977 + ], + [ + "▁Padma", + -14.173805236816406 + ], + [ + "▁1776", + -14.17380714416504 + ], + [ + "▁joyfully", + -14.173820495605469 + ], + [ + "Thai", + -14.173973083496094 + ], + [ + "IMP", + -14.174028396606444 + ], + [ + "▁Bartholomew", + -14.17404079437256 + ], + [ + "ilah", + -14.174068450927734 + ], + [ + "▁thugs", + -14.174072265625 + ], + [ + "hola", + -14.17408847808838 + ], + [ + "rete", + -14.174126625061035 + ], + [ + "▁6:15", + -14.174236297607422 + ], + [ + "▁Deutsch", + -14.174238204956056 + ], + [ + "▁Veda", + -14.174246788024902 + ], + [ + "nir", + -14.174320220947266 + ], + [ + "▁fem", + -14.174333572387695 + ], + [ + "Pump", + -14.174344062805176 + ], + [ + "▁TPS", + -14.17435073852539 + ], + [ + "▁variances", + -14.17442512512207 + ], + [ + "drick", + -14.17445182800293 + ], + [ + "achie", + -14.174480438232422 + ], + [ + "▁28\"", + -14.174506187438965 + ], + [ + "▁lute", + -14.174593925476074 + ], + [ + "▁Hypnosis", + -14.174637794494627 + ], + [ + "▁Ses", + -14.174664497375488 + ], + [ + "ezza", + -14.174671173095703 + ], + [ + "▁$54", + -14.174689292907717 + ], + [ + "▁glo", + -14.174692153930664 + ], + [ + "▁Passes", + -14.174747467041016 + ], + [ + "▁mam", + -14.174762725830078 + ], + [ + "▁commemorates", + -14.174766540527344 + ], + [ + "BIL", + -14.17481517791748 + ], + [ + "▁PPA", + -14.174819946289062 + ], + [ + "▁Vito", + -14.174834251403809 + ], + [ + "▁Hustle", + -14.174850463867188 + ], + [ + "▁Cem", + -14.174941062927246 + ], + [ + "▁Furnishings", + -14.174989700317385 + ], + [ + "nano", + -14.17511749267578 + ], + [ + "▁crypt", + -14.175141334533691 + ], + [ + "itia", + -14.175219535827637 + ], + [ + "polo", + -14.17526149749756 + ], + [ + "▁HCM", + -14.175283432006836 + ], + [ + "769", + -14.175284385681152 + ], + [ + "▁Someday", + -14.175296783447266 + ], + [ + "▁strangest", + -14.175347328186035 + ], + [ + "laser", + -14.17543888092041 + ], + [ + "▁sala", + -14.17551040649414 + ], + [ + "CRAFT", + -14.175549507141112 + ], + [ + "▁Luv", + -14.175613403320312 + ], + [ + "players", + -14.17565631866455 + ], + [ + "▁PIA", + -14.17568016052246 + ], + [ + "▁aspirational", + -14.17569637298584 + ], + [ + "Cats", + -14.175731658935549 + ], + [ + "▁falcon", + -14.175753593444824 + ], + [ + "rce", + -14.175787925720217 + ], + [ + "▁Bhi", + -14.17582893371582 + ], + [ + "▁SOM", + -14.175863265991213 + ], + [ + "▁Collage", + -14.176012992858888 + ], + [ + "Organizations", + -14.176036834716797 + ], + [ + "▁********", + -14.176036834716797 + ], + [ + "▁Xuan", + -14.176055908203123 + ], + [ + "Outcome", + -14.176066398620604 + ], + [ + "▁Cope", + -14.176076889038086 + ], + [ + "▁299", + -14.176143646240234 + ], + [ + "module", + -14.17614459991455 + ], + [ + "ulant", + -14.176186561584473 + ], + [ + "▁peeve", + -14.17620086669922 + ], + [ + "▁Zealanders", + -14.176201820373535 + ], + [ + "reactive", + -14.176243782043455 + ], + [ + "▁hostname", + -14.176321029663086 + ], + [ + "▁82%", + -14.176332473754885 + ], + [ + "Whit", + -14.17634105682373 + ], + [ + "▁Funky", + -14.176392555236816 + ], + [ + "▁Oka", + -14.176422119140623 + ], + [ + "Plain", + -14.176448822021484 + ], + [ + "▁invigorate", + -14.176448822021484 + ], + [ + "▁misinterpret", + -14.176505088806152 + ], + [ + "▁Egan", + -14.176558494567873 + ], + [ + "hiba", + -14.1765775680542 + ], + [ + "▁DNR", + -14.17662525177002 + ], + [ + "▁CHP", + -14.176640510559082 + ], + [ + "▁enliven", + -14.176653861999512 + ], + [ + "▁Destroy", + -14.176703453063965 + ], + [ + "▁ashley", + -14.176758766174316 + ], + [ + "▁chromosomes", + -14.17676067352295 + ], + [ + "▁receivables", + -14.176785469055176 + ], + [ + "phthal", + -14.176816940307615 + ], + [ + "▁1858", + -14.176817893981934 + ], + [ + "Healthcare", + -14.176898956298828 + ], + [ + "mela", + -14.17690658569336 + ], + [ + "▁48\"", + -14.176936149597168 + ], + [ + "CCI", + -14.176949501037598 + ], + [ + "upgrade", + -14.176996231079102 + ], + [ + "▁590", + -14.177029609680176 + ], + [ + "conjugate", + -14.17703628540039 + ], + [ + "▁$2.7", + -14.177042007446287 + ], + [ + "Facilitate", + -14.177050590515137 + ], + [ + "▁AMOLED", + -14.177050590515137 + ], + [ + "▁Alhambra", + -14.177050590515137 + ], + [ + "▁Cupertino", + -14.177050590515137 + ], + [ + "▁Madurai", + -14.177050590515137 + ], + [ + "▁PROPERTY", + -14.177050590515137 + ], + [ + "▁Rinpoche", + -14.177050590515137 + ], + [ + "▁Zanzibar", + -14.177050590515137 + ], + [ + "▁claustrophobic", + -14.177050590515137 + ], + [ + "▁debatable", + -14.177050590515137 + ], + [ + "▁defibrillator", + -14.177050590515137 + ], + [ + "▁sorority", + -14.177050590515137 + ], + [ + "▁trembling", + -14.177050590515137 + ], + [ + "▁euphoric", + -14.177051544189451 + ], + [ + "▁Excursion", + -14.17705535888672 + ], + [ + "▁dominion", + -14.17705535888672 + ], + [ + "▁Chalmers", + -14.177057266235352 + ], + [ + "▁Medigap", + -14.177057266235352 + ], + [ + "▁fiesta", + -14.177059173583984 + ], + [ + "▁hypervisor", + -14.177059173583984 + ], + [ + "▁flexibly", + -14.177062034606934 + ], + [ + "▁Kilo", + -14.177064895629885 + ], + [ + "▁alcove", + -14.177064895629885 + ], + [ + "▁applesauce", + -14.1770658493042 + ], + [ + "▁Dunlop", + -14.177066802978516 + ], + [ + "▁Delegation", + -14.17707061767578 + ], + [ + "▁modifies", + -14.177088737487791 + ], + [ + "forums", + -14.17708969116211 + ], + [ + "▁McCabe", + -14.17710781097412 + ], + [ + "▁Wooster", + -14.17710781097412 + ], + [ + "▁Indira", + -14.177111625671388 + ], + [ + "▁hastily", + -14.177116394042969 + ], + [ + "▁Prepared", + -14.177118301391602 + ], + [ + "▁Shimmer", + -14.177122116088867 + ], + [ + "▁Routing", + -14.17713737487793 + ], + [ + "▁deriving", + -14.177152633666992 + ], + [ + "▁Pollard", + -14.177154541015623 + ], + [ + "Worried", + -14.177156448364258 + ], + [ + "▁Wuhan", + -14.177180290222168 + ], + [ + "▁unequivocally", + -14.177206993103027 + ], + [ + "▁Agatha", + -14.17721939086914 + ], + [ + "▁mesmerized", + -14.177238464355469 + ], + [ + "▁whimsy", + -14.177252769470217 + ], + [ + "conventional", + -14.17725658416748 + ], + [ + "Spoon", + -14.177263259887695 + ], + [ + "ghat", + -14.17726707458496 + ], + [ + "▁reevaluate", + -14.177286148071287 + ], + [ + "committee", + -14.17729377746582 + ], + [ + "▁Elsie", + -14.177306175231934 + ], + [ + "▁Shale", + -14.177318572998049 + ], + [ + "Vietnam", + -14.17735195159912 + ], + [ + "▁Convent", + -14.177353858947754 + ], + [ + "▁HUB", + -14.17735481262207 + ], + [ + "QUESTION", + -14.177390098571776 + ], + [ + "brief", + -14.177459716796877 + ], + [ + "extremely", + -14.177515029907228 + ], + [ + "▁matchups", + -14.177530288696287 + ], + [ + "▁Razer", + -14.177581787109377 + ], + [ + "▁Enviro", + -14.177583694458008 + ], + [ + "▁pulverizer", + -14.177584648132324 + ], + [ + "residence", + -14.177640914916992 + ], + [ + "Bobby", + -14.177651405334473 + ], + [ + "▁anaerobic", + -14.1776704788208 + ], + [ + "Stuff", + -14.177688598632812 + ], + [ + "burst", + -14.17770004272461 + ], + [ + "NNA", + -14.177720069885254 + ], + [ + "HOUSE", + -14.177739143371582 + ], + [ + "peg", + -14.177769660949709 + ], + [ + "Fur", + -14.177778244018556 + ], + [ + "Confused", + -14.177799224853516 + ], + [ + "▁Sia", + -14.177845001220703 + ], + [ + "Ginger", + -14.177921295166016 + ], + [ + "▁wayside", + -14.17795753479004 + ], + [ + "▁Cleanser", + -14.17800235748291 + ], + [ + "▁dept", + -14.178030014038086 + ], + [ + "019", + -14.178045272827148 + ], + [ + "▁Diaper", + -14.178086280822754 + ], + [ + "▁Agility", + -14.178092002868652 + ], + [ + "▁Indra", + -14.178190231323242 + ], + [ + "▁2+", + -14.17839527130127 + ], + [ + "Costa", + -14.178458213806152 + ], + [ + "dallas", + -14.178485870361328 + ], + [ + "extension", + -14.17850112915039 + ], + [ + "▁mania", + -14.17851448059082 + ], + [ + "▁Synth", + -14.17852783203125 + ], + [ + "activ", + -14.178613662719728 + ], + [ + "▁risked", + -14.178621292114258 + ], + [ + "▁cytokines", + -14.178629875183104 + ], + [ + "Minor", + -14.178648948669434 + ], + [ + "▁IFSC", + -14.17874813079834 + ], + [ + "eben", + -14.17879581451416 + ], + [ + "▁mules", + -14.178799629211426 + ], + [ + "tock", + -14.17880916595459 + ], + [ + "Astro", + -14.178811073303224 + ], + [ + "clus", + -14.178821563720703 + ], + [ + "crunch", + -14.1788969039917 + ], + [ + "publish", + -14.178959846496582 + ], + [ + "▁absences", + -14.178977012634276 + ], + [ + "▁Impressions", + -14.178977966308594 + ], + [ + "▁9.4", + -14.178983688354492 + ], + [ + "▁Yemeni", + -14.179003715515137 + ], + [ + "▁Tsar", + -14.17904567718506 + ], + [ + "▁Tract", + -14.179047584533691 + ], + [ + "▁Optima", + -14.179177284240724 + ], + [ + "1970", + -14.17919635772705 + ], + [ + "▁buttered", + -14.179327011108398 + ], + [ + "▁appropriated", + -14.179407119750977 + ], + [ + "Beer", + -14.17942237854004 + ], + [ + "aaa", + -14.179445266723633 + ], + [ + "▁LIN", + -14.17945384979248 + ], + [ + "056", + -14.17949104309082 + ], + [ + "SAVE", + -14.179508209228516 + ], + [ + "▁ses", + -14.17955207824707 + ], + [ + "▁Trench", + -14.179580688476562 + ], + [ + "▁CNET", + -14.17959690093994 + ], + [ + "▁Determination", + -14.179606437683104 + ], + [ + "▁324", + -14.179615020751951 + ], + [ + "ears", + -14.17966651916504 + ], + [ + "▁dreamer", + -14.179670333862305 + ], + [ + "HOO", + -14.179682731628418 + ], + [ + "▁sudo", + -14.179723739624023 + ], + [ + "▁SALT", + -14.179734230041504 + ], + [ + "▁Conceptual", + -14.179763793945312 + ], + [ + "▁Ricoh", + -14.179811477661133 + ], + [ + "yra", + -14.17981243133545 + ], + [ + "ATI", + -14.179831504821776 + ], + [ + "89%", + -14.179861068725586 + ], + [ + "gotten", + -14.179866790771484 + ], + [ + "▁Elisa", + -14.179950714111328 + ], + [ + "▁Kaepernick", + -14.180179595947266 + ], + [ + "▁pharmacology", + -14.180277824401855 + ], + [ + "▁Pepe", + -14.180468559265137 + ], + [ + "048", + -14.1804780960083 + ], + [ + "▁1970'", + -14.180481910705566 + ], + [ + "▁Highness", + -14.180506706237791 + ], + [ + "▁kidnap", + -14.180540084838867 + ], + [ + "▁Neel", + -14.180587768554688 + ], + [ + "mire", + -14.180665016174316 + ], + [ + "▁tem", + -14.180719375610352 + ], + [ + "▁preachers", + -14.180793762207031 + ], + [ + "chun", + -14.180840492248535 + ], + [ + "cort", + -14.180877685546877 + ], + [ + "▁troopers", + -14.180950164794922 + ], + [ + "affle", + -14.1809663772583 + ], + [ + "▁Flashing", + -14.18101692199707 + ], + [ + "▁1:3", + -14.181029319763184 + ], + [ + "took", + -14.18108081817627 + ], + [ + "▁Sena", + -14.18109893798828 + ], + [ + "▁Camb", + -14.181175231933594 + ], + [ + "▁BAY", + -14.181236267089844 + ], + [ + "▁pointy", + -14.181273460388184 + ], + [ + "▁Bub", + -14.181303024291992 + ], + [ + "▁Bae", + -14.181325912475586 + ], + [ + "▁Responder", + -14.181538581848145 + ], + [ + "Designing", + -14.181548118591309 + ], + [ + "▁Aviva", + -14.1815767288208 + ], + [ + "▁Wau", + -14.181591987609863 + ], + [ + "▁lessening", + -14.181629180908203 + ], + [ + "prior", + -14.181634902954102 + ], + [ + "XXX", + -14.181652069091797 + ], + [ + "mian", + -14.181678771972656 + ], + [ + "▁455", + -14.18172836303711 + ], + [ + "anja", + -14.18173122406006 + ], + [ + "▁centering", + -14.181751251220703 + ], + [ + "eous", + -14.181769371032717 + ], + [ + "WAS", + -14.181792259216309 + ], + [ + "▁WK", + -14.181814193725586 + ], + [ + "▁Helens", + -14.181822776794434 + ], + [ + "▁subcontract", + -14.181839942932127 + ], + [ + "▁kha", + -14.181859016418455 + ], + [ + "▁crockpot", + -14.181914329528809 + ], + [ + "▁Yearbook", + -14.18193817138672 + ], + [ + "▁Novartis", + -14.181976318359377 + ], + [ + "▁Mesopotamia", + -14.181977272033691 + ], + [ + "▁ecstasy", + -14.181977272033691 + ], + [ + "▁emeritus", + -14.181977272033691 + ], + [ + "▁flamenco", + -14.181977272033691 + ], + [ + "▁indestructible", + -14.181977272033691 + ], + [ + "▁Maricopa", + -14.181978225708008 + ], + [ + "▁subsistence", + -14.181982040405272 + ], + [ + "▁Horowitz", + -14.181984901428224 + ], + [ + "▁Nominee", + -14.18198585510254 + ], + [ + "Affirm", + -14.181986808776855 + ], + [ + "▁Regatta", + -14.18199062347412 + ], + [ + "▁visualized", + -14.181998252868652 + ], + [ + "▁preoccupation", + -14.182031631469728 + ], + [ + "▁Cheesecake", + -14.18203353881836 + ], + [ + "▁deflation", + -14.182044982910156 + ], + [ + "▁READY", + -14.1820650100708 + ], + [ + "▁Doppler", + -14.182066917419434 + ], + [ + "SUP", + -14.18207550048828 + ], + [ + "▁bummer", + -14.18207836151123 + ], + [ + "▁Marlene", + -14.182079315185549 + ], + [ + "▁unwittingly", + -14.182080268859863 + ], + [ + "▁Orphan", + -14.18211555480957 + ], + [ + "▁paintbrush", + -14.182124137878418 + ], + [ + "▁Ductless", + -14.182135581970217 + ], + [ + "▁subculture", + -14.182150840759276 + ], + [ + "▁Deepak", + -14.182215690612791 + ], + [ + "▁HDFC", + -14.182232856750488 + ], + [ + "▁282", + -14.18223762512207 + ], + [ + "▁Neymar", + -14.18224811553955 + ], + [ + "▁RELEASE", + -14.182271003723145 + ], + [ + "▁utterance", + -14.182283401489258 + ], + [ + "▁Tatum", + -14.18230438232422 + ], + [ + "▁reinsurance", + -14.182330131530762 + ], + [ + "▁vowels", + -14.182345390319824 + ], + [ + "CKS", + -14.18235206604004 + ], + [ + "Innovative", + -14.18239688873291 + ], + [ + "Consequently", + -14.182402610778809 + ], + [ + "Catherine", + -14.18240451812744 + ], + [ + "Society", + -14.18241024017334 + ], + [ + "battery", + -14.182411193847656 + ], + [ + "Interpret", + -14.182415008544922 + ], + [ + "translation", + -14.182437896728516 + ], + [ + "▁Stillwater", + -14.182438850402832 + ], + [ + "▁TEA", + -14.182451248168944 + ], + [ + "▁WHOLE", + -14.182456016540527 + ], + [ + "▁adultery", + -14.182477951049805 + ], + [ + "ecca", + -14.182489395141602 + ], + [ + "▁rarer", + -14.182507514953612 + ], + [ + "▁alienated", + -14.18258285522461 + ], + [ + "Verdict", + -14.182730674743652 + ], + [ + "bik", + -14.182732582092283 + ], + [ + "▁HOLD", + -14.18274211883545 + ], + [ + "▁ин", + -14.182777404785156 + ], + [ + "▁counsellors", + -14.182783126831056 + ], + [ + "▁Lick", + -14.18279266357422 + ], + [ + "MHA", + -14.182823181152344 + ], + [ + "Securing", + -14.18287181854248 + ], + [ + "▁Impression", + -14.18287467956543 + ], + [ + "▁plantain", + -14.18287467956543 + ], + [ + "529", + -14.182881355285645 + ], + [ + "anyone", + -14.182923316955566 + ], + [ + "watched", + -14.182957649230955 + ], + [ + "784", + -14.182968139648438 + ], + [ + "573", + -14.18298053741455 + ], + [ + "▁pavilions", + -14.183016777038574 + ], + [ + "viral", + -14.183027267456056 + ], + [ + "▁decoy", + -14.183070182800291 + ], + [ + "▁Exporters", + -14.18308925628662 + ], + [ + "Prov", + -14.18309211730957 + ], + [ + "▁Shira", + -14.183109283447266 + ], + [ + "▁Kev", + -14.183135986328123 + ], + [ + "▁Plaster", + -14.183201789855955 + ], + [ + "▁unsere", + -14.183237075805664 + ], + [ + "violence", + -14.183245658874512 + ], + [ + "NIM", + -14.18325901031494 + ], + [ + "▁Cray", + -14.183263778686523 + ], + [ + "launched", + -14.183269500732422 + ], + [ + "▁Granger", + -14.18328094482422 + ], + [ + "▁paylines", + -14.183282852172852 + ], + [ + "▁Gaston", + -14.18330192565918 + ], + [ + "▁reverted", + -14.18330192565918 + ], + [ + "brig", + -14.183314323425291 + ], + [ + "-3000", + -14.183399200439451 + ], + [ + "attached", + -14.18341064453125 + ], + [ + "essel", + -14.183426856994627 + ], + [ + "▁booty", + -14.183465957641602 + ], + [ + "▁overclock", + -14.183571815490724 + ], + [ + "CME", + -14.18358325958252 + ], + [ + "▁reconciled", + -14.183624267578123 + ], + [ + "284", + -14.18378448486328 + ], + [ + "▁mallet", + -14.183818817138672 + ], + [ + "lgi", + -14.183823585510254 + ], + [ + "Barr", + -14.183833122253418 + ], + [ + "▁Reaper", + -14.183843612670898 + ], + [ + "▁MENA", + -14.18388557434082 + ], + [ + "▁Stuffed", + -14.183887481689451 + ], + [ + "▁vamp", + -14.183902740478516 + ], + [ + "▁Charters", + -14.183952331542969 + ], + [ + "alto", + -14.18396282196045 + ], + [ + "FAR", + -14.184027671813965 + ], + [ + "▁86%", + -14.184036254882812 + ], + [ + "▁Beale", + -14.18407917022705 + ], + [ + "Minimize", + -14.184082984924316 + ], + [ + "▁Prerequisite", + -14.184146881103516 + ], + [ + "ETA", + -14.184167861938477 + ], + [ + "▁sirens", + -14.184178352355955 + ], + [ + "▁Pixie", + -14.184270858764648 + ], + [ + "▁Filip", + -14.184289932250977 + ], + [ + "95%", + -14.184314727783203 + ], + [ + "▁Traditions", + -14.184319496154783 + ], + [ + "gestion", + -14.18432903289795 + ], + [ + "▁juveniles", + -14.184431076049805 + ], + [ + "▁deepened", + -14.1844482421875 + ], + [ + "▁bearable", + -14.184460639953612 + ], + [ + "▁Lé", + -14.184488296508787 + ], + [ + "▁WAC", + -14.184525489807127 + ], + [ + "▁ftp", + -14.184553146362305 + ], + [ + "▁makeovers", + -14.18455982208252 + ], + [ + "chick", + -14.184563636779783 + ], + [ + "muscle", + -14.184566497802734 + ], + [ + "▁stalker", + -14.184636116027832 + ], + [ + "CHO", + -14.184647560119627 + ], + [ + "▁conjures", + -14.184730529785156 + ], + [ + "–9", + -14.1847562789917 + ], + [ + "erium", + -14.18488597869873 + ], + [ + "▁Experiments", + -14.184934616088867 + ], + [ + "▁Perch", + -14.184969902038574 + ], + [ + "frames", + -14.185044288635254 + ], + [ + "mburg", + -14.185049057006836 + ], + [ + "PLC", + -14.185053825378418 + ], + [ + "▁XLR", + -14.1851167678833 + ], + [ + "▁Argument", + -14.185141563415527 + ], + [ + "▁noch", + -14.18520164489746 + ], + [ + "cage", + -14.185223579406738 + ], + [ + "KET", + -14.18522834777832 + ], + [ + "▁Increases", + -14.18524169921875 + ], + [ + "▁277", + -14.185307502746582 + ], + [ + "▁9.00", + -14.185432434082031 + ], + [ + "▁biometrics", + -14.185462951660156 + ], + [ + "Feature", + -14.185471534729004 + ], + [ + "cuff", + -14.185531616210938 + ], + [ + "▁Vouchers", + -14.185562133789062 + ], + [ + "945", + -14.185565948486328 + ], + [ + "▁Suspended", + -14.18561553955078 + ], + [ + "▁voyages", + -14.185745239257812 + ], + [ + "NAM", + -14.18575954437256 + ], + [ + "DRO", + -14.185778617858888 + ], + [ + "092", + -14.185811042785645 + ], + [ + "ggy", + -14.185922622680664 + ], + [ + "▁badger", + -14.185940742492676 + ], + [ + "▁Marg", + -14.185968399047852 + ], + [ + "▁840", + -14.186005592346191 + ], + [ + "Benefit", + -14.18608570098877 + ], + [ + "▁Golan", + -14.186113357543944 + ], + [ + "▁Tenants", + -14.186161994934082 + ], + [ + "▁244", + -14.186235427856444 + ], + [ + "▁physicality", + -14.18630027770996 + ], + [ + "▁Queer", + -14.1863431930542 + ], + [ + "▁TOS", + -14.186394691467283 + ], + [ + "noon", + -14.186463356018066 + ], + [ + "mary", + -14.186553001403809 + ], + [ + "terol", + -14.18659782409668 + ], + [ + "blatt", + -14.186602592468262 + ], + [ + "opter", + -14.18661880493164 + ], + [ + "▁IRB", + -14.186635971069336 + ], + [ + "▁SPRING", + -14.1866455078125 + ], + [ + "Cub", + -14.18664836883545 + ], + [ + "eet", + -14.186732292175291 + ], + [ + "▁impressing", + -14.186745643615724 + ], + [ + "emma", + -14.18674659729004 + ], + [ + "imagine", + -14.186747550964355 + ], + [ + "arissa", + -14.186771392822266 + ], + [ + "▁Oftentimes", + -14.186777114868164 + ], + [ + "▁Jakob", + -14.186795234680176 + ], + [ + "▁OBE", + -14.186860084533691 + ], + [ + "▁radish", + -14.186861991882324 + ], + [ + "Nutrition", + -14.18690586090088 + ], + [ + "▁headlamps", + -14.186917304992676 + ], + [ + "Kiss", + -14.186925888061523 + ], + [ + "▁Knives", + -14.186927795410156 + ], + [ + "▁Precinct", + -14.186927795410156 + ], + [ + "▁associating", + -14.186927795410156 + ], + [ + "▁glyphosate", + -14.186927795410156 + ], + [ + "▁hibiscus", + -14.186927795410156 + ], + [ + "▁hypnotherapy", + -14.186927795410156 + ], + [ + "▁splendour", + -14.186927795410156 + ], + [ + "▁spontaneity", + -14.186927795410156 + ], + [ + "▁unwarranted", + -14.186927795410156 + ], + [ + "▁Hedgehog", + -14.186928749084473 + ], + [ + "▁ostrich", + -14.186928749084473 + ], + [ + "▁Haskell", + -14.186930656433104 + ], + [ + "▁Caspian", + -14.186931610107422 + ], + [ + "▁rosary", + -14.186933517456056 + ], + [ + "▁lustrous", + -14.186936378479004 + ], + [ + "▁STEEL", + -14.186939239501951 + ], + [ + "▁Epoxy", + -14.18694019317627 + ], + [ + "▁1/4′′", + -14.18695831298828 + ], + [ + "▁FDI", + -14.186973571777344 + ], + [ + "▁Comfy", + -14.186979293823242 + ], + [ + "▁swagger", + -14.186985969543455 + ], + [ + "▁Footwear", + -14.186996459960938 + ], + [ + "▁Sommer", + -14.186996459960938 + ], + [ + "▁Laredo", + -14.18699836730957 + ], + [ + "▁Gators", + -14.187003135681152 + ], + [ + "▁cisco", + -14.187017440795898 + ], + [ + "ABB", + -14.187030792236328 + ], + [ + "▁Outpatient", + -14.187044143676758 + ], + [ + "foods", + -14.1870698928833 + ], + [ + "▁Increasingly", + -14.187101364135742 + ], + [ + "▁disorderly", + -14.187142372131348 + ], + [ + "▁synchro", + -14.187163352966309 + ], + [ + "karan", + -14.187182426452637 + ], + [ + "▁selfishness", + -14.187204360961914 + ], + [ + "Nan", + -14.187237739562988 + ], + [ + "rida", + -14.187243461608888 + ], + [ + "phrase", + -14.187270164489746 + ], + [ + "▁Congregational", + -14.187298774719238 + ], + [ + "ewski", + -14.18730354309082 + ], + [ + "▁encapsulates", + -14.187329292297363 + ], + [ + "▁6′′", + -14.18733024597168 + ], + [ + "▁visionaries", + -14.187338829040527 + ], + [ + "▁Entre", + -14.187342643737791 + ], + [ + "experiment", + -14.187372207641602 + ], + [ + "cheat", + -14.18737506866455 + ], + [ + "▁Dala", + -14.1873779296875 + ], + [ + "stood", + -14.187408447265623 + ], + [ + "wikipedia", + -14.18744945526123 + ], + [ + "Attendees", + -14.187464714050291 + ], + [ + "Festival", + -14.18747901916504 + ], + [ + "discrimination", + -14.187482833862305 + ], + [ + "Tesla", + -14.18748378753662 + ], + [ + "▁idealistic", + -14.18748378753662 + ], + [ + "evidence", + -14.18748664855957 + ], + [ + "retirement", + -14.18748664855957 + ], + [ + "Advertising", + -14.187487602233888 + ], + [ + "luna", + -14.187545776367188 + ], + [ + "▁Bolts", + -14.1875638961792 + ], + [ + "Downtown", + -14.187570571899414 + ], + [ + "ECH", + -14.18757152557373 + ], + [ + "▁Upstate", + -14.187581062316896 + ], + [ + "▁keystroke", + -14.18758487701416 + ], + [ + "▁victimized", + -14.187586784362791 + ], + [ + "desi", + -14.187602043151855 + ], + [ + "Gabriel", + -14.187629699707031 + ], + [ + "competition", + -14.187644004821776 + ], + [ + "wound", + -14.187644004821776 + ], + [ + "Hood", + -14.18764877319336 + ], + [ + "▁Xp", + -14.187651634216309 + ], + [ + "ELO", + -14.187697410583496 + ], + [ + "philic", + -14.187840461730955 + ], + [ + "▁repainted", + -14.187881469726562 + ], + [ + "Lie", + -14.187891006469728 + ], + [ + "Campus", + -14.187899589538574 + ], + [ + "▁Surrounding", + -14.18794059753418 + ], + [ + "▁2007;", + -14.187942504882812 + ], + [ + "matching", + -14.187952995300291 + ], + [ + "INTER", + -14.187971115112305 + ], + [ + "linux", + -14.187983512878418 + ], + [ + "zle", + -14.188000679016112 + ], + [ + "viagra", + -14.188031196594238 + ], + [ + "▁Oceanic", + -14.18806266784668 + ], + [ + "▁Hajj", + -14.188064575195312 + ], + [ + "ethanol", + -14.188190460205078 + ], + [ + "totally", + -14.188233375549316 + ], + [ + "HSA", + -14.18828582763672 + ], + [ + "▁Mattel", + -14.188372611999512 + ], + [ + "Insight", + -14.188450813293455 + ], + [ + "▁pondered", + -14.188486099243164 + ], + [ + "ECS", + -14.188575744628906 + ], + [ + "▁WILD", + -14.188603401184082 + ], + [ + "▁invasions", + -14.188618659973145 + ], + [ + "▁$64", + -14.188651084899902 + ], + [ + "▁Contribution", + -14.188651084899902 + ], + [ + "▁Globes", + -14.188776969909668 + ], + [ + "stressed", + -14.188820838928224 + ], + [ + "▁0-3", + -14.188824653625488 + ], + [ + "Sk", + -14.188835144042969 + ], + [ + "lized", + -14.188876152038574 + ], + [ + "5.5%", + -14.18887996673584 + ], + [ + "GRADE", + -14.188883781433104 + ], + [ + "▁1856", + -14.188913345336914 + ], + [ + "2:45", + -14.188920974731444 + ], + [ + "▁streamers", + -14.188929557800291 + ], + [ + "elio", + -14.18893051147461 + ], + [ + "6.5%", + -14.189024925231934 + ], + [ + "hura", + -14.189050674438477 + ], + [ + "Blo", + -14.189058303833008 + ], + [ + "▁ERC", + -14.189088821411133 + ], + [ + "auth", + -14.189090728759766 + ], + [ + "Span", + -14.189091682434082 + ], + [ + "Taxi", + -14.189108848571776 + ], + [ + "▁.5", + -14.189122200012209 + ], + [ + "▁Indore", + -14.189164161682127 + ], + [ + "glue", + -14.189167976379396 + ], + [ + "Epi", + -14.189383506774902 + ], + [ + "293", + -14.18942642211914 + ], + [ + "564", + -14.189441680908203 + ], + [ + "ERVE", + -14.18950080871582 + ], + [ + "▁2021,", + -14.189510345458984 + ], + [ + "ignan", + -14.189632415771484 + ], + [ + "▁CASA", + -14.18964958190918 + ], + [ + "Commissioner", + -14.189689636230469 + ], + [ + "▁raiding", + -14.189690589904783 + ], + [ + "▁needlessly", + -14.189692497253418 + ], + [ + "cun", + -14.18972110748291 + ], + [ + "ksi", + -14.18978786468506 + ], + [ + "▁Idle", + -14.189814567565918 + ], + [ + "▁sero", + -14.189826011657717 + ], + [ + "oxidant", + -14.189854621887209 + ], + [ + "Laugh", + -14.189886093139648 + ], + [ + "046", + -14.189913749694824 + ], + [ + "euro", + -14.189919471740724 + ], + [ + "▁Micron", + -14.189937591552734 + ], + [ + "▁Automatically", + -14.189950942993164 + ], + [ + "▁Closer", + -14.190024375915527 + ], + [ + "▁denounce", + -14.190053939819336 + ], + [ + "▁Hindustan", + -14.1900634765625 + ], + [ + "▁83%", + -14.19012451171875 + ], + [ + "▁Critic", + -14.19019603729248 + ], + [ + "electro", + -14.19019889831543 + ], + [ + "▁flutes", + -14.190261840820312 + ], + [ + "ELLE", + -14.190275192260742 + ], + [ + "▁1846", + -14.190335273742676 + ], + [ + "▁goodie", + -14.190349578857422 + ], + [ + "leb", + -14.190458297729492 + ], + [ + "Cafe", + -14.190629005432127 + ], + [ + "▁policyholder", + -14.19072437286377 + ], + [ + "Fake", + -14.190792083740234 + ], + [ + "▁passageway", + -14.190884590148926 + ], + [ + "Mario", + -14.190903663635254 + ], + [ + "▁superfood", + -14.19090461730957 + ], + [ + "Concept", + -14.190910339355469 + ], + [ + "▁Lend", + -14.19093132019043 + ], + [ + "brian", + -14.190970420837402 + ], + [ + "981", + -14.19100856781006 + ], + [ + "zeit", + -14.191020011901855 + ], + [ + "▁src", + -14.19102668762207 + ], + [ + "▁Acids", + -14.191027641296388 + ], + [ + "▁piggy", + -14.191033363342283 + ], + [ + "ophyll", + -14.191235542297363 + ], + [ + "▁exaggerate", + -14.191302299499512 + ], + [ + "▁refute", + -14.191317558288574 + ], + [ + "▁FAN", + -14.191482543945312 + ], + [ + "Rio", + -14.191511154174805 + ], + [ + "▁workpiece", + -14.191534042358398 + ], + [ + "OIS", + -14.19156265258789 + ], + [ + "poker", + -14.191572189331056 + ], + [ + "▁silvery", + -14.191651344299316 + ], + [ + "▁coves", + -14.191685676574709 + ], + [ + "▁timetables", + -14.191725730895996 + ], + [ + "▁Nye", + -14.191765785217283 + ], + [ + "Equi", + -14.191798210144045 + ], + [ + "▁Paradox", + -14.191826820373535 + ], + [ + "▁gestation", + -14.191826820373535 + ], + [ + "▁llvm", + -14.191901206970217 + ], + [ + "Opponents", + -14.191902160644531 + ], + [ + "▁Constantinople", + -14.191902160644531 + ], + [ + "▁Dispenser", + -14.191902160644531 + ], + [ + "▁Forbidden", + -14.191902160644531 + ], + [ + "▁Ludhiana", + -14.191902160644531 + ], + [ + "▁MongoDB", + -14.191902160644531 + ], + [ + "▁capacitance", + -14.191902160644531 + ], + [ + "▁dormitory", + -14.191902160644531 + ], + [ + "▁litigator", + -14.191902160644531 + ], + [ + "▁magnolia", + -14.191902160644531 + ], + [ + "wracking", + -14.191903114318848 + ], + [ + "▁Agarwal", + -14.191903114318848 + ], + [ + "▁appliqué", + -14.191903114318848 + ], + [ + "▁chaperone", + -14.191903114318848 + ], + [ + "▁exterminator", + -14.191903114318848 + ], + [ + "▁Goodness", + -14.191905975341797 + ], + [ + "▁Calculation", + -14.191906929016112 + ], + [ + "▁Abilene", + -14.191909790039062 + ], + [ + "▁Pruitt", + -14.19191074371338 + ], + [ + "▁Percussion", + -14.191911697387695 + ], + [ + "▁Shiloh", + -14.19191551208496 + ], + [ + "▁disrepair", + -14.191924095153809 + ], + [ + "▁Braille", + -14.191929817199709 + ], + [ + "▁(1988)", + -14.191938400268556 + ], + [ + "▁Buddies", + -14.191950798034668 + ], + [ + "Associate", + -14.191969871520996 + ], + [ + "▁Shabby", + -14.191978454589844 + ], + [ + "▁Niko", + -14.19199275970459 + ], + [ + "▁frills", + -14.192042350769045 + ], + [ + "▁unsigned", + -14.192049980163574 + ], + [ + "▁Stages", + -14.192098617553713 + ], + [ + "shak", + -14.19212245941162 + ], + [ + "▁tenet", + -14.192132949829102 + ], + [ + "▁Distressed", + -14.192201614379885 + ], + [ + "▁pounded", + -14.192235946655272 + ], + [ + "▁UPVC", + -14.19223976135254 + ], + [ + "▁402", + -14.192294120788574 + ], + [ + "tzer", + -14.1923189163208 + ], + [ + "▁Whitt", + -14.192325592041016 + ], + [ + "▁DRAM", + -14.19233512878418 + ], + [ + "▁feedstock", + -14.192337036132812 + ], + [ + "▁scrapes", + -14.192340850830078 + ], + [ + "▁Geeks", + -14.192352294921877 + ], + [ + "▁1845", + -14.192441940307615 + ], + [ + "Confirm", + -14.192459106445312 + ], + [ + "▁Tack", + -14.192472457885742 + ], + [ + "▁274", + -14.192502975463867 + ], + [ + "▁ZX", + -14.19252872467041 + ], + [ + "▁Crouch", + -14.192547798156738 + ], + [ + "▁TRADE", + -14.192549705505373 + ], + [ + "▁colander", + -14.19256591796875 + ], + [ + "nursing", + -14.192583084106444 + ], + [ + "substantial", + -14.192586898803713 + ], + [ + "▁postsecondary", + -14.192639350891112 + ], + [ + "crust", + -14.192657470703123 + ], + [ + "vital", + -14.192703247070312 + ], + [ + "▁Activated", + -14.192716598510742 + ], + [ + "circular", + -14.192729949951172 + ], + [ + "Nat", + -14.192773818969728 + ], + [ + "Extremely", + -14.192776679992676 + ], + [ + "▁bony", + -14.19278335571289 + ], + [ + "conductor", + -14.192805290222168 + ], + [ + "yrus", + -14.192815780639648 + ], + [ + "carpet", + -14.192862510681152 + ], + [ + "▁Coeur", + -14.19286823272705 + ], + [ + "tropic", + -14.192912101745604 + ], + [ + "▁disapprove", + -14.192919731140137 + ], + [ + "▁BNP", + -14.192923545837402 + ], + [ + "▁11.1", + -14.192960739135742 + ], + [ + "baker", + -14.19299602508545 + ], + [ + "#5", + -14.193036079406738 + ], + [ + "Grilled", + -14.193037986755373 + ], + [ + "▁rosewood", + -14.19304084777832 + ], + [ + "yck", + -14.193049430847168 + ], + [ + "▁restructured", + -14.193102836608888 + ], + [ + "▁IUCN", + -14.193207740783691 + ], + [ + "BFC", + -14.193215370178224 + ], + [ + "yay", + -14.193219184875488 + ], + [ + "trainer", + -14.193233489990234 + ], + [ + "▁CDT", + -14.193257331848145 + ], + [ + "▁cryptographic", + -14.193263053894045 + ], + [ + "▁Godly", + -14.193264961242676 + ], + [ + "▁compositional", + -14.193278312683104 + ], + [ + "gz", + -14.193310737609863 + ], + [ + "Illus", + -14.193364143371582 + ], + [ + "▁organises", + -14.193395614624023 + ], + [ + "Wondering", + -14.193408012390137 + ], + [ + "▁Surveyors", + -14.19341278076172 + ], + [ + "3/4", + -14.193614959716797 + ], + [ + "▁Dakar", + -14.19362735748291 + ], + [ + "▁331", + -14.193632125854492 + ], + [ + "▁loosened", + -14.193684577941896 + ], + [ + "38)", + -14.193696975708008 + ], + [ + "▁Fou", + -14.193754196166992 + ], + [ + "▁layover", + -14.19377899169922 + ], + [ + "▁underfloor", + -14.193865776062012 + ], + [ + "▁ferns", + -14.193921089172363 + ], + [ + "ild", + -14.193958282470703 + ], + [ + "▁classifying", + -14.19401741027832 + ], + [ + "▁microns", + -14.194140434265137 + ], + [ + "tactic", + -14.194178581237791 + ], + [ + "▁2007)", + -14.194196701049805 + ], + [ + "▁Vend", + -14.194257736206056 + ], + [ + "▁EAT", + -14.194293975830078 + ], + [ + "▁Jazeera", + -14.194316864013672 + ], + [ + "▁UMC", + -14.19434642791748 + ], + [ + "Portion", + -14.194388389587402 + ], + [ + "▁locus", + -14.194422721862791 + ], + [ + "▁Koro", + -14.194432258605955 + ], + [ + "▁Mania", + -14.194528579711914 + ], + [ + "▁calci", + -14.194561004638672 + ], + [ + "▁Crossfit", + -14.194573402404783 + ], + [ + "▁Maharaja", + -14.194595336914062 + ], + [ + "▁Drip", + -14.194624900817873 + ], + [ + "▁Foreclosure", + -14.19469928741455 + ], + [ + "yds", + -14.194721221923828 + ], + [ + "Boom", + -14.194775581359863 + ], + [ + "▁codecs", + -14.194849014282228 + ], + [ + "risto", + -14.194849967956545 + ], + [ + "▁Tej", + -14.194872856140137 + ], + [ + "Tracking", + -14.194873809814451 + ], + [ + "bonus", + -14.194950103759766 + ], + [ + "▁Ambi", + -14.19495677947998 + ], + [ + "▁GAAP", + -14.195137977600098 + ], + [ + "▁805", + -14.195157051086426 + ], + [ + "▁tumblr", + -14.1951904296875 + ], + [ + "▁quirk", + -14.195196151733398 + ], + [ + "TIL", + -14.195256233215332 + ], + [ + "▁jest", + -14.195338249206545 + ], + [ + "▁determinant", + -14.195342063903809 + ], + [ + "▁toenail", + -14.195355415344238 + ], + [ + "▁dumbbell", + -14.195356369018556 + ], + [ + "▁Bela", + -14.195416450500488 + ], + [ + "mio", + -14.19542121887207 + ], + [ + "▁25+", + -14.195516586303713 + ], + [ + "flops", + -14.19555950164795 + ], + [ + "▁garb", + -14.195575714111328 + ], + [ + "▁Kasa", + -14.195609092712402 + ], + [ + "▁Und", + -14.195634841918944 + ], + [ + "schema", + -14.195635795593262 + ], + [ + "▁2,300", + -14.195639610290527 + ], + [ + "Compose", + -14.19564151763916 + ], + [ + "▁Sash", + -14.195645332336426 + ], + [ + "items", + -14.1956787109375 + ], + [ + "▁'70", + -14.19570541381836 + ], + [ + "TRON", + -14.195741653442385 + ], + [ + "kB", + -14.195744514465332 + ], + [ + "▁2.30", + -14.195758819580078 + ], + [ + "Exec", + -14.195764541625977 + ], + [ + "▁Lutz", + -14.19577980041504 + ], + [ + "▁Manger", + -14.19582462310791 + ], + [ + "RANK", + -14.19583511352539 + ], + [ + "EES", + -14.195905685424805 + ], + [ + "lunk", + -14.195987701416016 + ], + [ + "rile", + -14.196002960205078 + ], + [ + "Connecting", + -14.196022987365724 + ], + [ + "Asset", + -14.19602870941162 + ], + [ + "▁Tally", + -14.196048736572266 + ], + [ + "penny", + -14.196123123168944 + ], + [ + "▁quill", + -14.19614028930664 + ], + [ + "Hon", + -14.196147918701172 + ], + [ + "mpel", + -14.196282386779783 + ], + [ + "kashi", + -14.196297645568848 + ], + [ + "▁crows", + -14.196331977844238 + ], + [ + "0.001)", + -14.196386337280272 + ], + [ + "LIB", + -14.19639778137207 + ], + [ + "▁Stepping", + -14.196415901184082 + ], + [ + "iska", + -14.196447372436523 + ], + [ + "IME", + -14.196499824523926 + ], + [ + "0.8%", + -14.196532249450684 + ], + [ + "purring", + -14.196550369262695 + ], + [ + "▁excellently", + -14.19655704498291 + ], + [ + "▁Behold", + -14.196566581726074 + ], + [ + "▁Budd", + -14.196657180786133 + ], + [ + "▁Anfield", + -14.196690559387209 + ], + [ + "▁mA", + -14.196707725524902 + ], + [ + "Templates", + -14.196722984313965 + ], + [ + "▁Nutr", + -14.196772575378418 + ], + [ + "▁Seater", + -14.196819305419922 + ], + [ + "Experiencing", + -14.19690227508545 + ], + [ + "▁Badminton", + -14.19690227508545 + ], + [ + "▁Epidemiology", + -14.19690227508545 + ], + [ + "▁Paediatric", + -14.19690227508545 + ], + [ + "▁Scripps", + -14.19690227508545 + ], + [ + "▁Sequoia", + -14.19690227508545 + ], + [ + "▁Tajikistan", + -14.19690227508545 + ], + [ + "▁Ulysses", + -14.19690227508545 + ], + [ + "▁inexplicable", + -14.19690227508545 + ], + [ + "▁overjoyed", + -14.196903228759766 + ], + [ + "▁Flanagan", + -14.196904182434082 + ], + [ + "▁brunette", + -14.196905136108398 + ], + [ + "▁3-3", + -14.196907043457031 + ], + [ + "▁Spiegel", + -14.196907043457031 + ], + [ + "▁Hangzhou", + -14.19690990447998 + ], + [ + "▁Champlain", + -14.196910858154297 + ], + [ + "▁FAFSA", + -14.196910858154297 + ], + [ + "▁Chassis", + -14.196913719177246 + ], + [ + "▁faxing", + -14.196918487548828 + ], + [ + "▁Accelerated", + -14.196919441223145 + ], + [ + "▁sledding", + -14.196925163269045 + ], + [ + "▁parquet", + -14.196927070617676 + ], + [ + "▁didactic", + -14.19693660736084 + ], + [ + "▁greyhound", + -14.196940422058104 + ], + [ + "▁vacationers", + -14.196945190429688 + ], + [ + "▁tamarind", + -14.19695281982422 + ], + [ + "▁fraudsters", + -14.19696044921875 + ], + [ + "▁ragged", + -14.19696044921875 + ], + [ + "Mit", + -14.196969032287598 + ], + [ + "▁Octopus", + -14.196990966796877 + ], + [ + "▁Fredericksburg", + -14.196992874145508 + ], + [ + "▁Cowgirl", + -14.19699478149414 + ], + [ + "▁Aimee", + -14.197004318237305 + ], + [ + "▁Maruti", + -14.197029113769531 + ], + [ + "▁Tsi", + -14.197038650512695 + ], + [ + "▁Propane", + -14.197053909301758 + ], + [ + "▁cautionary", + -14.197053909301758 + ], + [ + "▁Aub", + -14.19708251953125 + ], + [ + "▁Snoop", + -14.197092056274414 + ], + [ + "653", + -14.197098731994627 + ], + [ + "▁gutted", + -14.197103500366213 + ], + [ + "▁Beatty", + -14.197105407714844 + ], + [ + "▁Corsair", + -14.197113037109377 + ], + [ + "sult", + -14.197128295898438 + ], + [ + "▁femur", + -14.197144508361816 + ], + [ + "▁flak", + -14.197162628173828 + ], + [ + "1,900", + -14.197178840637209 + ], + [ + "▁Mishra", + -14.19719123840332 + ], + [ + "mines", + -14.197193145751951 + ], + [ + "▁tombstone", + -14.197265625 + ], + [ + "RDA", + -14.19728660583496 + ], + [ + "Bang", + -14.19729232788086 + ], + [ + "▁candlelight", + -14.197327613830566 + ], + [ + "▁untrained", + -14.197361946105955 + ], + [ + "▁oxidized", + -14.197362899780272 + ], + [ + "Uncle", + -14.19742488861084 + ], + [ + "▁Curiosity", + -14.1974515914917 + ], + [ + "▁predicated", + -14.197495460510254 + ], + [ + "occupied", + -14.19754123687744 + ], + [ + "▁Slipper", + -14.197566986083984 + ], + [ + "▁Brahma", + -14.197592735290527 + ], + [ + "▁superseded", + -14.197678565979004 + ], + [ + "BUSINESS", + -14.197693824768066 + ], + [ + "conservative", + -14.197696685791016 + ], + [ + "Continuous", + -14.19770050048828 + ], + [ + "▁Piston", + -14.19770050048828 + ], + [ + "▁Aragon", + -14.197704315185549 + ], + [ + "▁Weak", + -14.197705268859863 + ], + [ + "Museum", + -14.197707176208496 + ], + [ + "Enough", + -14.197712898254396 + ], + [ + "acquired", + -14.197717666625977 + ], + [ + "Campbell", + -14.197729110717772 + ], + [ + "Cherry", + -14.197745323181152 + ], + [ + "theater", + -14.19775390625 + ], + [ + "▁Lancet", + -14.197755813598633 + ], + [ + "FK", + -14.197757720947266 + ], + [ + "Surface", + -14.19776725769043 + ], + [ + "▁Lakeview", + -14.19794750213623 + ], + [ + "hued", + -14.197975158691406 + ], + [ + "▁Recognized", + -14.19797706604004 + ], + [ + "▁Leia", + -14.197990417480469 + ], + [ + "▁INDIA", + -14.197991371154783 + ], + [ + "interview", + -14.197993278503418 + ], + [ + "movement", + -14.197996139526367 + ], + [ + "Mistake", + -14.198006629943848 + ], + [ + "Arg", + -14.198037147521973 + ], + [ + "worst", + -14.198067665100098 + ], + [ + "ossa", + -14.198134422302246 + ], + [ + "coastal", + -14.198174476623535 + ], + [ + "Valentine", + -14.198198318481444 + ], + [ + "LIFT", + -14.198211669921877 + ], + [ + "▁Kava", + -14.198240280151367 + ], + [ + "▁Jap", + -14.1982421875 + ], + [ + "vp", + -14.198288917541504 + ], + [ + "rigo", + -14.198320388793944 + ], + [ + "▁DONE", + -14.198370933532717 + ], + [ + "rink", + -14.198375701904297 + ], + [ + "▁Yoda", + -14.198379516601562 + ], + [ + "▁detectable", + -14.198381423950195 + ], + [ + "mila", + -14.198392868041992 + ], + [ + "▁hinting", + -14.198404312133787 + ], + [ + "aram", + -14.1984281539917 + ], + [ + "▁disqualify", + -14.198478698730469 + ], + [ + "▁blowers", + -14.198504447937012 + ], + [ + "▁Bum", + -14.198509216308594 + ], + [ + "▁oceanic", + -14.19851016998291 + ], + [ + "ifica", + -14.198614120483398 + ], + [ + "Sheet", + -14.198657989501951 + ], + [ + "yster", + -14.198675155639648 + ], + [ + "▁chris", + -14.19875431060791 + ], + [ + "▁ensues", + -14.198779106140137 + ], + [ + "▁Latex", + -14.198834419250488 + ], + [ + "▁responder", + -14.198854446411133 + ], + [ + "▁courtship", + -14.198949813842772 + ], + [ + "▁bibs", + -14.198967933654783 + ], + [ + "▁Blackboard", + -14.199076652526855 + ], + [ + "031", + -14.199182510375977 + ], + [ + "Bowl", + -14.199188232421877 + ], + [ + "Infographic", + -14.19926643371582 + ], + [ + "universal", + -14.199295043945312 + ], + [ + "raid", + -14.199400901794434 + ], + [ + "Savor", + -14.19943141937256 + ], + [ + "▁Siren", + -14.19947338104248 + ], + [ + "▁doubtless", + -14.199514389038086 + ], + [ + "▁hanged", + -14.19955825805664 + ], + [ + "Masters", + -14.19960594177246 + ], + [ + "dé", + -14.199641227722168 + ], + [ + "▁failings", + -14.19969367980957 + ], + [ + "▁delusion", + -14.199800491333008 + ], + [ + "▁fundraise", + -14.199979782104492 + ], + [ + "▁brightens", + -14.200031280517578 + ], + [ + "▁underlines", + -14.200037002563477 + ], + [ + "▁LRT", + -14.200072288513184 + ], + [ + "▁lessened", + -14.200146675109863 + ], + [ + "Damn", + -14.20020866394043 + ], + [ + "▁Sealed", + -14.200213432312012 + ], + [ + "Solve", + -14.200268745422363 + ], + [ + "Rite", + -14.200355529785156 + ], + [ + "addy", + -14.200400352478027 + ], + [ + "▁varietal", + -14.20040225982666 + ], + [ + "▁fairing", + -14.200428009033203 + ], + [ + "ijo", + -14.200499534606934 + ], + [ + "759", + -14.200531959533691 + ], + [ + "49)", + -14.200602531433104 + ], + [ + "▁pacemaker", + -14.200604438781738 + ], + [ + "▁Sill", + -14.200641632080078 + ], + [ + "▁slipper", + -14.20065689086914 + ], + [ + "odine", + -14.20072078704834 + ], + [ + "ggi", + -14.200722694396973 + ], + [ + "▁Sake", + -14.200794219970703 + ], + [ + "862", + -14.201016426086426 + ], + [ + "▁Moda", + -14.201030731201172 + ], + [ + "Natal", + -14.2011137008667 + ], + [ + "cosa", + -14.201120376586914 + ], + [ + "▁valentines", + -14.201129913330078 + ], + [ + "▁Wallis", + -14.20120620727539 + ], + [ + "UBE", + -14.201208114624023 + ], + [ + "NTU", + -14.201210021972656 + ], + [ + "▁Obtaining", + -14.201210975646973 + ], + [ + "▁js", + -14.201251029968262 + ], + [ + "▁Donut", + -14.20133113861084 + ], + [ + "logger", + -14.201334953308104 + ], + [ + "▁cripple", + -14.201350212097168 + ], + [ + "▁615", + -14.201436042785645 + ], + [ + "▁SVP", + -14.201462745666504 + ], + [ + "▁Abba", + -14.201467514038086 + ], + [ + "▁refreshingly", + -14.201501846313477 + ], + [ + "Lev", + -14.201563835144045 + ], + [ + "▁scandalous", + -14.201600074768066 + ], + [ + "▁Broccoli", + -14.201601028442385 + ], + [ + "▁Choral", + -14.201642036437988 + ], + [ + "▁kennels", + -14.201654434204102 + ], + [ + "▁Rez", + -14.201736450195312 + ], + [ + "MRS", + -14.201752662658691 + ], + [ + "▁OPI", + -14.20177173614502 + ], + [ + "▁Khar", + -14.201772689819336 + ], + [ + "▁Pavel", + -14.201787948608398 + ], + [ + "▁refract", + -14.201821327209473 + ], + [ + "▁Exxon", + -14.201826095581056 + ], + [ + "NAR", + -14.201859474182127 + ], + [ + "SHIFT", + -14.201911926269531 + ], + [ + "▁Alfonso", + -14.201927185058594 + ], + [ + "▁Bombardier", + -14.201927185058594 + ], + [ + "▁Breckenridge", + -14.201927185058594 + ], + [ + "▁Mahatma", + -14.201927185058594 + ], + [ + "▁Typhoon", + -14.201927185058594 + ], + [ + "▁almighty", + -14.201927185058594 + ], + [ + "▁cassava", + -14.201927185058594 + ], + [ + "▁clonazepam", + -14.201927185058594 + ], + [ + "▁Obligation", + -14.20192813873291 + ], + [ + "▁appellation", + -14.20192813873291 + ], + [ + "▁indelible", + -14.20192813873291 + ], + [ + "▁phasing", + -14.20192813873291 + ], + [ + "▁solitaire", + -14.20192813873291 + ], + [ + "▁Xinjiang", + -14.201930046081545 + ], + [ + "▁caustic", + -14.201930046081545 + ], + [ + "▁entanglement", + -14.201930046081545 + ], + [ + "▁illegitimate", + -14.201930046081545 + ], + [ + "▁Servicing", + -14.20193099975586 + ], + [ + "▁fasciitis", + -14.20193099975586 + ], + [ + "▁Bertrand", + -14.201931953430176 + ], + [ + "▁bonsai", + -14.201931953430176 + ], + [ + "Pseudo", + -14.201936721801758 + ], + [ + "▁Claudio", + -14.201939582824709 + ], + [ + "▁Ghent", + -14.201942443847656 + ], + [ + "▁Dioxide", + -14.20195198059082 + ], + [ + "▁Meteorological", + -14.201959609985352 + ], + [ + "▁Bubba", + -14.20197296142578 + ], + [ + "▁Mabel", + -14.201976776123049 + ], + [ + "Navigating", + -14.201995849609377 + ], + [ + "ICH", + -14.202008247375488 + ], + [ + "▁Warrington", + -14.202025413513184 + ], + [ + "▁Barefoot", + -14.202033996582031 + ], + [ + "▁gentler", + -14.20205307006836 + ], + [ + "▁wurde", + -14.202058792114258 + ], + [ + "▁meteorologist", + -14.202077865600586 + ], + [ + "▁equaliser", + -14.202078819274902 + ], + [ + "▁impasse", + -14.202085494995115 + ], + [ + "39)", + -14.202093124389648 + ], + [ + "GUARD", + -14.202170372009276 + ], + [ + "▁foreclosed", + -14.202227592468262 + ], + [ + "Philippians", + -14.202239990234377 + ], + [ + "▁profitably", + -14.202274322509766 + ], + [ + "▁HAIR", + -14.202324867248535 + ], + [ + "▁gummy", + -14.202324867248535 + ], + [ + "-130", + -14.202348709106444 + ], + [ + "▁Findlay", + -14.202354431152344 + ], + [ + "hne", + -14.202363967895508 + ], + [ + "PCA", + -14.202364921569824 + ], + [ + "▁whomever", + -14.202374458312988 + ], + [ + "▁Ubud", + -14.202428817749023 + ], + [ + "▁disconnection", + -14.202484130859377 + ], + [ + "▁APO", + -14.20249080657959 + ], + [ + "▁Shady", + -14.202519416809082 + ], + [ + "▁ditches", + -14.202542304992676 + ], + [ + "yaki", + -14.202563285827637 + ], + [ + "▁(1.5", + -14.202624320983888 + ], + [ + "▁Adrienne", + -14.202627182006836 + ], + [ + "LAW", + -14.202655792236328 + ], + [ + "SOM", + -14.202680587768556 + ], + [ + "▁flickr", + -14.202680587768556 + ], + [ + "loa", + -14.202692985534668 + ], + [ + "zana", + -14.202713966369627 + ], + [ + "VAR", + -14.202767372131348 + ], + [ + "Grass", + -14.202800750732422 + ], + [ + "▁underscored", + -14.20280647277832 + ], + [ + "HTC", + -14.202840805053713 + ], + [ + "▁consented", + -14.202850341796877 + ], + [ + "Detroit", + -14.202869415283203 + ], + [ + "Soviet", + -14.202869415283203 + ], + [ + "▁Intuitive", + -14.20287036895752 + ], + [ + "▁Maytag", + -14.202926635742188 + ], + [ + "Franklin", + -14.20295524597168 + ], + [ + "discovered", + -14.202963829040527 + ], + [ + "Utah", + -14.202972412109377 + ], + [ + "▁Dug", + -14.203017234802246 + ], + [ + "Trak", + -14.203033447265623 + ], + [ + "▁FTA", + -14.20305061340332 + ], + [ + "▁Diff", + -14.20311164855957 + ], + [ + "▁Atta", + -14.203166961669922 + ], + [ + "Slowly", + -14.203198432922363 + ], + [ + "▁Whitetail", + -14.203274726867676 + ], + [ + "cito", + -14.203280448913574 + ], + [ + "▁Nha", + -14.203288078308104 + ], + [ + "Sunny", + -14.203322410583496 + ], + [ + "▁Behr", + -14.203357696533203 + ], + [ + "▁Reseller", + -14.203365325927734 + ], + [ + "scheduled", + -14.203375816345217 + ], + [ + "▁crosswalk", + -14.203377723693848 + ], + [ + "▁Xeno", + -14.20338249206543 + ], + [ + "laf", + -14.203425407409668 + ], + [ + "▁LEARN", + -14.203463554382324 + ], + [ + "▁Princes", + -14.20347785949707 + ], + [ + "▁Surveyor", + -14.203479766845703 + ], + [ + "▁Jat", + -14.203497886657717 + ], + [ + "▁toenails", + -14.20351219177246 + ], + [ + "Ruby", + -14.203531265258787 + ], + [ + "▁tooltip", + -14.203536987304688 + ], + [ + "Pav", + -14.203584671020508 + ], + [ + "jm", + -14.203628540039062 + ], + [ + "▁Cyan", + -14.203646659851074 + ], + [ + "SCI", + -14.203713417053224 + ], + [ + "▁(11)", + -14.203717231750488 + ], + [ + "▁Restart", + -14.203728675842283 + ], + [ + "sheng", + -14.203742980957031 + ], + [ + "▁Tic", + -14.203760147094728 + ], + [ + "▁EXTRA", + -14.203786849975586 + ], + [ + "▁888-2", + -14.203787803649902 + ], + [ + "BOC", + -14.20385456085205 + ], + [ + "▁reloading", + -14.203861236572266 + ], + [ + "▁Fink", + -14.203914642333984 + ], + [ + "▁£11", + -14.20400047302246 + ], + [ + "plants", + -14.204008102416992 + ], + [ + "▁7:15", + -14.20403003692627 + ], + [ + "QP", + -14.204054832458496 + ], + [ + "▁potion", + -14.204059600830078 + ], + [ + "ection", + -14.20407009124756 + ], + [ + "Tile", + -14.204109191894531 + ], + [ + "deposit", + -14.204154014587402 + ], + [ + "▁-0.", + -14.204276084899902 + ], + [ + "▁Pp", + -14.204351425170898 + ], + [ + "▁JF", + -14.2044038772583 + ], + [ + "Brew", + -14.204413414001465 + ], + [ + "▁rebooted", + -14.204421997070312 + ], + [ + "▁tolls", + -14.204438209533691 + ], + [ + "Acting", + -14.204460144042969 + ], + [ + "adjustable", + -14.204506874084473 + ], + [ + "▁asymmetry", + -14.204523086547852 + ], + [ + "tracked", + -14.20457935333252 + ], + [ + "▁flocking", + -14.204713821411133 + ], + [ + "▁Structured", + -14.204752922058104 + ], + [ + "rake", + -14.20479679107666 + ], + [ + "▁plasticity", + -14.204819679260254 + ], + [ + "▁bachelors", + -14.20482349395752 + ], + [ + "Oooh", + -14.204861640930176 + ], + [ + "trem", + -14.204999923706056 + ], + [ + "▁metered", + -14.205025672912598 + ], + [ + "▁2008;", + -14.205029487609863 + ], + [ + "pik", + -14.205039978027344 + ], + [ + "Requires", + -14.205095291137695 + ], + [ + "▁5-3", + -14.20514965057373 + ], + [ + "▁FAB", + -14.205204010009766 + ], + [ + "Sandy", + -14.205215454101562 + ], + [ + "Adults", + -14.2052583694458 + ], + [ + "Cooking", + -14.205341339111328 + ], + [ + "prove", + -14.20535373687744 + ], + [ + "▁LCC", + -14.205377578735352 + ], + [ + "▁translational", + -14.20542049407959 + ], + [ + "▁Giga", + -14.205526351928713 + ], + [ + "▁MOU", + -14.20555591583252 + ], + [ + "Statement", + -14.205645561218262 + ], + [ + "▁totem", + -14.20565700531006 + ], + [ + "radar", + -14.205679893493652 + ], + [ + "▁pared", + -14.20569133758545 + ], + [ + "▁lingo", + -14.205730438232422 + ], + [ + "alcohol", + -14.205817222595217 + ], + [ + "▁Expenses", + -14.205899238586426 + ], + [ + "▁PQ", + -14.205900192260742 + ], + [ + "▁Sow", + -14.20590877532959 + ], + [ + "parties", + -14.205924987792969 + ], + [ + "cherry", + -14.205955505371094 + ], + [ + "timers", + -14.206058502197266 + ], + [ + "▁thrillers", + -14.206076622009276 + ], + [ + "Leader", + -14.206110954284668 + ], + [ + "Kor", + -14.20628261566162 + ], + [ + "▁Giro", + -14.206297874450684 + ], + [ + "▁bribes", + -14.206366539001465 + ], + [ + "451", + -14.206429481506348 + ], + [ + "▁neg", + -14.206497192382812 + ], + [ + "prince", + -14.20655345916748 + ], + [ + "intuitive", + -14.206647872924805 + ], + [ + "▁Ammon", + -14.206772804260254 + ], + [ + "uggle", + -14.206825256347656 + ], + [ + "lston", + -14.206827163696287 + ], + [ + "▁rappers", + -14.20683479309082 + ], + [ + "▁byproduct", + -14.206843376159668 + ], + [ + "TORY", + -14.20688247680664 + ], + [ + "Republican", + -14.20689296722412 + ], + [ + "oce", + -14.206913948059082 + ], + [ + "▁Olaf", + -14.20695972442627 + ], + [ + "SOLUTION", + -14.206966400146484 + ], + [ + "▁Colosseum", + -14.20697784423828 + ], + [ + "▁Excellency", + -14.20697784423828 + ], + [ + "▁Southwark", + -14.20697784423828 + ], + [ + "▁Taekwondo", + -14.20697784423828 + ], + [ + "▁Trafalgar", + -14.20697784423828 + ], + [ + "▁monotony", + -14.20697784423828 + ], + [ + "▁reciprocity", + -14.20697784423828 + ], + [ + "▁superfluous", + -14.20697784423828 + ], + [ + "▁frenetic", + -14.206978797912598 + ], + [ + "▁wharf", + -14.206978797912598 + ], + [ + "▁lobbies", + -14.206979751586914 + ], + [ + "▁outscored", + -14.20698070526123 + ], + [ + "▁viscous", + -14.206981658935549 + ], + [ + "luk", + -14.206982612609863 + ], + [ + "▁Ebony", + -14.206982612609863 + ], + [ + "▁resuscitation", + -14.20698356628418 + ], + [ + "▁ABOVE", + -14.206984519958496 + ], + [ + "▁herbaceous", + -14.206985473632812 + ], + [ + "▁cremated", + -14.206991195678713 + ], + [ + "▁creatine", + -14.206993103027344 + ], + [ + "▁commotion", + -14.20701026916504 + ], + [ + "▁Sudanese", + -14.207013130187988 + ], + [ + "carp", + -14.207014083862305 + ], + [ + "▁Vargas", + -14.20701503753662 + ], + [ + "▁capillary", + -14.207021713256836 + ], + [ + "▁staffer", + -14.207023620605469 + ], + [ + "▁disinfection", + -14.207024574279783 + ], + [ + "▁prioritization", + -14.207029342651367 + ], + [ + "▁Reflux", + -14.207033157348633 + ], + [ + "▁tiara", + -14.207038879394531 + ], + [ + "▁buoyant", + -14.207045555114746 + ], + [ + "▁masse", + -14.207051277160645 + ], + [ + "▁Wiggins", + -14.207056045532228 + ], + [ + "▁Bandcamp", + -14.207060813903809 + ], + [ + "▁Lauder", + -14.207090377807615 + ], + [ + "▁Valium", + -14.207098960876465 + ], + [ + "▁(43", + -14.207103729248049 + ], + [ + "▁flowchart", + -14.207107543945312 + ], + [ + "compact", + -14.20711612701416 + ], + [ + "catalog", + -14.207139015197754 + ], + [ + "▁mocha", + -14.207148551940918 + ], + [ + "▁unproductive", + -14.207157135009766 + ], + [ + "▁reciting", + -14.20717430114746 + ], + [ + "▁Prepaid", + -14.207178115844728 + ], + [ + "▁footpaths", + -14.207181930541992 + ], + [ + "▁Finley", + -14.207191467285156 + ], + [ + "▁Operated", + -14.20722484588623 + ], + [ + "▁Woodbury", + -14.207226753234863 + ], + [ + "▁Breakdown", + -14.207250595092772 + ], + [ + "▁seashore", + -14.207258224487305 + ], + [ + "yoga", + -14.207334518432615 + ], + [ + "▁scrubber", + -14.20742893218994 + ], + [ + "shoring", + -14.20744514465332 + ], + [ + "▁Poem", + -14.207502365112305 + ], + [ + "▁snob", + -14.207552909851074 + ], + [ + "▁528", + -14.207560539245604 + ], + [ + "Lil", + -14.207645416259766 + ], + [ + "philip", + -14.207700729370115 + ], + [ + "▁Communicate", + -14.207769393920898 + ], + [ + "FILE", + -14.20780086517334 + ], + [ + "▁burglars", + -14.207836151123049 + ], + [ + "▁ssh", + -14.207840919494627 + ], + [ + "▁Tito", + -14.207877159118652 + ], + [ + "▁weighty", + -14.207965850830078 + ], + [ + "▁IPR", + -14.208017349243164 + ], + [ + "Dorothy", + -14.20803928375244 + ], + [ + "sustaining", + -14.208047866821287 + ], + [ + "Broken", + -14.208060264587402 + ], + [ + "▁WPA", + -14.208065032958984 + ], + [ + "▁mobilized", + -14.20809841156006 + ], + [ + "Plants", + -14.208136558532717 + ], + [ + "Webster", + -14.208185195922852 + ], + [ + "avu", + -14.208187103271484 + ], + [ + "▁entailed", + -14.208203315734863 + ], + [ + "Attack", + -14.208239555358888 + ], + [ + "▁subsided", + -14.208240509033203 + ], + [ + "▁Germ", + -14.208252906799316 + ], + [ + "symmetric", + -14.208294868469238 + ], + [ + "914", + -14.208416938781738 + ], + [ + "▁Thriller", + -14.20843505859375 + ], + [ + "▁plagues", + -14.208455085754396 + ], + [ + "lump", + -14.208463668823242 + ], + [ + "Tired", + -14.208480834960938 + ], + [ + "bacter", + -14.208497047424316 + ], + [ + "▁Cadets", + -14.208511352539062 + ], + [ + "▁444", + -14.20860195159912 + ], + [ + "▁Burrow", + -14.208612442016602 + ], + [ + "glazed", + -14.208641052246094 + ], + [ + "▁eradicated", + -14.208707809448242 + ], + [ + "▁Shipment", + -14.208758354187012 + ], + [ + "▁Predictions", + -14.208792686462402 + ], + [ + "EEK", + -14.208806037902832 + ], + [ + "talent", + -14.208822250366213 + ], + [ + "▁gratuit", + -14.208822250366213 + ], + [ + "Bil", + -14.208969116210938 + ], + [ + "▁Cui", + -14.20898151397705 + ], + [ + "▁Sama", + -14.209047317504885 + ], + [ + "Mg", + -14.209065437316896 + ], + [ + "▁uninstalled", + -14.209142684936523 + ], + [ + "▁Matcha", + -14.209177017211914 + ], + [ + "▁faire", + -14.209211349487305 + ], + [ + "TTS", + -14.209257125854492 + ], + [ + "_2", + -14.20938491821289 + ], + [ + "researched", + -14.209494590759276 + ], + [ + "▁grads", + -14.209512710571287 + ], + [ + "getter", + -14.209519386291504 + ], + [ + "▁slums", + -14.209540367126465 + ], + [ + "Highway", + -14.209553718566896 + ], + [ + "nutrition", + -14.209558486938477 + ], + [ + "bool", + -14.209590911865234 + ], + [ + "▁11:1", + -14.20960807800293 + ], + [ + "knock", + -14.20961570739746 + ], + [ + "▁Manson", + -14.209616661071776 + ], + [ + "Projects", + -14.209620475769045 + ], + [ + "hq", + -14.20963191986084 + ], + [ + "OMS", + -14.209635734558104 + ], + [ + "▁Esca", + -14.209638595581056 + ], + [ + "▁extinguishers", + -14.209662437438965 + ], + [ + "▁VCR", + -14.209725379943848 + ], + [ + "Result", + -14.20975399017334 + ], + [ + "▁commemorated", + -14.209754943847656 + ], + [ + "▁DCP", + -14.209756851196287 + ], + [ + "COG", + -14.209760665893556 + ], + [ + "▁EAP", + -14.209783554077148 + ], + [ + "chey", + -14.209895133972168 + ], + [ + "Oz", + -14.20995044708252 + ], + [ + "herb", + -14.20995807647705 + ], + [ + "daddy", + -14.209964752197266 + ], + [ + "▁Beverages", + -14.209968566894531 + ], + [ + "▁courtyards", + -14.210000038146973 + ], + [ + "▁blaster", + -14.2100248336792 + ], + [ + "Brite", + -14.210041046142578 + ], + [ + "▁france", + -14.210078239440918 + ], + [ + "▁Chev", + -14.210118293762209 + ], + [ + "▁peppery", + -14.2101469039917 + ], + [ + "OBA", + -14.210175514221191 + ], + [ + "▁Plas", + -14.210195541381836 + ], + [ + "Archive", + -14.210200309753418 + ], + [ + "▁cuteness", + -14.210245132446287 + ], + [ + "accurate", + -14.210298538208008 + ], + [ + "habitant", + -14.210307121276855 + ], + [ + "▁Toto", + -14.210329055786133 + ], + [ + "Beta", + -14.210345268249512 + ], + [ + "SMO", + -14.210375785827637 + ], + [ + "dinger", + -14.2103910446167 + ], + [ + "▁embarrass", + -14.210391998291016 + ], + [ + "nanda", + -14.21047306060791 + ], + [ + "spent", + -14.210494995117188 + ], + [ + "▁Protest", + -14.210607528686523 + ], + [ + "▁Tiki", + -14.2106294631958 + ], + [ + "▁pistachio", + -14.210634231567385 + ], + [ + "lige", + -14.210640907287598 + ], + [ + "▁hehe", + -14.210646629333496 + ], + [ + "Miles", + -14.210649490356444 + ], + [ + "▁brainer", + -14.210671424865724 + ], + [ + "▁TAB", + -14.21067237854004 + ], + [ + "▁Estes", + -14.210803031921388 + ], + [ + "▁constellations", + -14.210833549499512 + ], + [ + "itol", + -14.210850715637209 + ], + [ + "▁1946,", + -14.210861206054688 + ], + [ + "▁Zipp", + -14.210870742797852 + ], + [ + "ilde", + -14.210891723632812 + ], + [ + "▁APN", + -14.21099090576172 + ], + [ + "▁Collecting", + -14.21101188659668 + ], + [ + "blocks", + -14.211036682128906 + ], + [ + "▁(42", + -14.211037635803224 + ], + [ + "▁15.5", + -14.211041450500488 + ], + [ + "▁hobbyist", + -14.211100578308104 + ], + [ + "illegal", + -14.211122512817385 + ], + [ + "▁RVs", + -14.211136817932127 + ], + [ + "rmo", + -14.211138725280762 + ], + [ + "FISH", + -14.211195945739746 + ], + [ + "imbo", + -14.211268424987791 + ], + [ + "▁249", + -14.211339950561523 + ], + [ + "▁Mohs", + -14.211363792419434 + ], + [ + "▁Upgrades", + -14.211383819580078 + ], + [ + "▁naturalistic", + -14.211384773254396 + ], + [ + "erland", + -14.211400985717772 + ], + [ + "▁predicate", + -14.211453437805176 + ], + [ + "▁handrail", + -14.211488723754885 + ], + [ + "▁SSN", + -14.2116117477417 + ], + [ + "▁soloists", + -14.211706161499023 + ], + [ + "OSA", + -14.211713790893556 + ], + [ + "▁slouch", + -14.211810111999512 + ], + [ + "▁photocopy", + -14.211873054504396 + ], + [ + "anji", + -14.211894989013672 + ], + [ + "▁cheerleaders", + -14.211905479431152 + ], + [ + "realistic", + -14.21191120147705 + ], + [ + "eppe", + -14.211989402770996 + ], + [ + "▁emphatic", + -14.212028503417969 + ], + [ + "▁Cabbage", + -14.212054252624512 + ], + [ + "▁Gothenburg", + -14.212054252624512 + ], + [ + "▁Lollipop", + -14.212054252624512 + ], + [ + "▁capacitive", + -14.212054252624512 + ], + [ + "▁colliding", + -14.212054252624512 + ], + [ + "▁confidant", + -14.212054252624512 + ], + [ + "▁contrived", + -14.212054252624512 + ], + [ + "▁disconcerting", + -14.212054252624512 + ], + [ + "▁embassies", + -14.212054252624512 + ], + [ + "▁hemoglobin", + -14.212054252624512 + ], + [ + "▁maestro", + -14.212054252624512 + ], + [ + "▁pretentious", + -14.212054252624512 + ], + [ + "▁shuffling", + -14.212054252624512 + ], + [ + "▁ebony", + -14.212055206298828 + ], + [ + "▁Bridesmaid", + -14.21205711364746 + ], + [ + "▁Dickerson", + -14.21205711364746 + ], + [ + "▁protrude", + -14.21205711364746 + ], + [ + "▁proliferate", + -14.212058067321776 + ], + [ + "▁zigzag", + -14.21205997467041 + ], + [ + "▁cursing", + -14.21206283569336 + ], + [ + "▁Maternal", + -14.212063789367676 + ], + [ + "▁Politico", + -14.212066650390623 + ], + [ + "▁LIVING", + -14.212068557739258 + ], + [ + "▁FINALLY", + -14.212069511413574 + ], + [ + "▁recursive", + -14.212082862854004 + ], + [ + "▁soffit", + -14.212084770202637 + ], + [ + "▁Champaign", + -14.212087631225586 + ], + [ + "▁Marbella", + -14.212096214294434 + ], + [ + "▁Akshay", + -14.212098121643066 + ], + [ + "▁hollywood", + -14.212098121643066 + ], + [ + "▁impenetrable", + -14.212100982666016 + ], + [ + "▁Heavyweight", + -14.212121963500977 + ], + [ + "▁Hadid", + -14.21214771270752 + ], + [ + "▁Enduro", + -14.212159156799316 + ], + [ + "▁jugs", + -14.212173461914062 + ], + [ + "▁Massacre", + -14.212218284606934 + ], + [ + "▁Danbury", + -14.212257385253906 + ], + [ + "▁webmasters", + -14.212294578552246 + ], + [ + "▁categorised", + -14.212299346923828 + ], + [ + "▁remastered", + -14.212300300598145 + ], + [ + "ERY", + -14.212309837341309 + ], + [ + "▁Beagle", + -14.212337493896484 + ], + [ + "▁$8,000", + -14.212340354919434 + ], + [ + "▁memos", + -14.212346076965332 + ], + [ + "▁orientations", + -14.212349891662598 + ], + [ + "▁worshipping", + -14.212374687194824 + ], + [ + "DAVID", + -14.212383270263672 + ], + [ + "▁constable", + -14.212448120117188 + ], + [ + "–18", + -14.212481498718262 + ], + [ + "Sponsor", + -14.212498664855955 + ], + [ + "▁lanai", + -14.212509155273438 + ], + [ + "Striking", + -14.212510108947754 + ], + [ + "▁MEDIA", + -14.212604522705078 + ], + [ + "▁Shopper", + -14.212635040283203 + ], + [ + "▁1818", + -14.212716102600098 + ], + [ + "▁Koda", + -14.212719917297363 + ], + [ + "▁dabble", + -14.212726593017578 + ], + [ + "Mala", + -14.212841987609863 + ], + [ + "▁interrelated", + -14.212846755981444 + ], + [ + "▁holidaymakers", + -14.212875366210938 + ], + [ + "valve", + -14.212945938110352 + ], + [ + "▁channeled", + -14.212965965270996 + ], + [ + "▁jammer", + -14.212968826293944 + ], + [ + "ERRY", + -14.213011741638184 + ], + [ + "▁ingesting", + -14.213027954101562 + ], + [ + "▁Mede", + -14.213075637817385 + ], + [ + "▁criticise", + -14.213092803955078 + ], + [ + "▁oilfield", + -14.21311378479004 + ], + [ + "Lecture", + -14.21322536468506 + ], + [ + "▁Correspondence", + -14.213247299194336 + ], + [ + "Crime", + -14.21325969696045 + ], + [ + "Melbourne", + -14.213263511657717 + ], + [ + "Lenovo", + -14.213266372680664 + ], + [ + "financing", + -14.21326732635498 + ], + [ + "Turkish", + -14.213272094726562 + ], + [ + "▁Parental", + -14.213272094726562 + ], + [ + "▁$2.4", + -14.213275909423828 + ], + [ + "▁Respond", + -14.213318824768066 + ], + [ + "▁trolleys", + -14.213324546813965 + ], + [ + "diversity", + -14.213351249694824 + ], + [ + "Interactive", + -14.213353157043455 + ], + [ + "▁Fabio", + -14.213358879089355 + ], + [ + "oye", + -14.213363647460938 + ], + [ + "▁raccoons", + -14.213415145874023 + ], + [ + "boli", + -14.213448524475098 + ], + [ + "▁Haji", + -14.213489532470703 + ], + [ + "▁nay", + -14.213558197021484 + ], + [ + "UPDATED", + -14.2135648727417 + ], + [ + "Agree", + -14.213566780090332 + ], + [ + "▁UE", + -14.213615417480469 + ], + [ + "▁VBS", + -14.21363925933838 + ], + [ + "ulan", + -14.213666915893556 + ], + [ + "▁Coupled", + -14.213717460632324 + ], + [ + "▁boldness", + -14.213746070861816 + ], + [ + "LTD", + -14.213783264160156 + ], + [ + "441", + -14.213790893554688 + ], + [ + "▁BAN", + -14.213796615600586 + ], + [ + "▁paintwork", + -14.213808059692385 + ], + [ + "stasis", + -14.213919639587402 + ], + [ + "STC", + -14.213981628417969 + ], + [ + "graft", + -14.213984489440918 + ], + [ + "limiting", + -14.214105606079102 + ], + [ + "▁storytellers", + -14.214107513427734 + ], + [ + "prison", + -14.214109420776367 + ], + [ + "bats", + -14.214115142822266 + ], + [ + "Kal", + -14.214131355285645 + ], + [ + "uble", + -14.214171409606934 + ], + [ + "▁GUIDE", + -14.214218139648438 + ], + [ + "▁vanishing", + -14.214225769042969 + ], + [ + "▁Limb", + -14.214241027832031 + ], + [ + "frost", + -14.21426486968994 + ], + [ + "▁PCBs", + -14.214354515075684 + ], + [ + "▁Swag", + -14.214360237121582 + ], + [ + "▁logon", + -14.214384078979492 + ], + [ + "▁Garnet", + -14.214390754699709 + ], + [ + "▁Plaintiffs", + -14.214405059814451 + ], + [ + "▁crafters", + -14.214421272277832 + ], + [ + "Shah", + -14.21445369720459 + ], + [ + "958", + -14.21449089050293 + ], + [ + "Tower", + -14.214537620544434 + ], + [ + "silk", + -14.214585304260254 + ], + [ + "agu", + -14.214651107788086 + ], + [ + "▁contesting", + -14.214725494384766 + ], + [ + "▁Celebrities", + -14.214773178100586 + ], + [ + "▁Hama", + -14.214777946472168 + ], + [ + "▁discourses", + -14.214783668518066 + ], + [ + "▁wounding", + -14.214791297912598 + ], + [ + "▁Cade", + -14.214794158935549 + ], + [ + "▁Shap", + -14.214797973632812 + ], + [ + "Nam", + -14.21482753753662 + ], + [ + "▁Concern", + -14.214874267578123 + ], + [ + "▁Tyres", + -14.214882850646973 + ], + [ + "▁(30)", + -14.214942932128906 + ], + [ + "Scout", + -14.21495532989502 + ], + [ + "▁Robotic", + -14.215002059936523 + ], + [ + "▁519", + -14.215004920959473 + ], + [ + "▁Pillar", + -14.215049743652344 + ], + [ + "▁Alexandr", + -14.215054512023926 + ], + [ + "tough", + -14.21509075164795 + ], + [ + "▁precede", + -14.215113639831545 + ], + [ + "▁09:00", + -14.215134620666504 + ], + [ + "cmd", + -14.215139389038086 + ], + [ + "▁Gazebo", + -14.215184211730955 + ], + [ + "▁cookers", + -14.215232849121094 + ], + [ + "▁Pastel", + -14.21524143218994 + ], + [ + "HOU", + -14.215325355529783 + ], + [ + "▁Circles", + -14.215407371520996 + ], + [ + "eker", + -14.215510368347168 + ], + [ + "▁Smit", + -14.215557098388672 + ], + [ + "797", + -14.21564769744873 + ], + [ + "▁LOVES", + -14.215662956237791 + ], + [ + "▁(48", + -14.215696334838867 + ], + [ + "ALC", + -14.215699195861816 + ], + [ + "▁specialisation", + -14.21571922302246 + ], + [ + "▁Cheri", + -14.215734481811523 + ], + [ + "5-11", + -14.215761184692385 + ], + [ + "▁raccoon", + -14.215789794921877 + ], + [ + "▁caliper", + -14.215794563293455 + ], + [ + "▁utensil", + -14.215807914733888 + ], + [ + "▁Tofu", + -14.215822219848633 + ], + [ + "▁Mandir", + -14.215826988220217 + ], + [ + "▁feudal", + -14.21583652496338 + ], + [ + "▁YU", + -14.215864181518556 + ], + [ + "Combined", + -14.215879440307615 + ], + [ + "▁heft", + -14.215916633605955 + ], + [ + "▁Luk", + -14.215988159179688 + ], + [ + "▁Arriving", + -14.21603012084961 + ], + [ + "▁Batter", + -14.21607494354248 + ], + [ + "▁enchant", + -14.216076850891112 + ], + [ + "▁refuel", + -14.216142654418944 + ], + [ + "▁BONUS", + -14.216180801391602 + ], + [ + "▁environs", + -14.21620750427246 + ], + [ + "▁Kib", + -14.216211318969728 + ], + [ + "bucks", + -14.216243743896484 + ], + [ + "▁Poles", + -14.216374397277832 + ], + [ + "Clay", + -14.216421127319336 + ], + [ + "▁divest", + -14.216509819030762 + ], + [ + "▁Pietro", + -14.216516494750977 + ], + [ + "+/-", + -14.216540336608888 + ], + [ + "▁repaint", + -14.216562271118164 + ], + [ + "▁modulate", + -14.21658420562744 + ], + [ + "▁Smarter", + -14.216628074645996 + ], + [ + "aksha", + -14.216681480407717 + ], + [ + "▁feasts", + -14.216713905334473 + ], + [ + "▁curbing", + -14.21673583984375 + ], + [ + "▁Ln", + -14.216753005981444 + ], + [ + "zewski", + -14.216776847839355 + ], + [ + "▁skeptics", + -14.216812133789062 + ], + [ + "959", + -14.216856956481934 + ], + [ + "Volunteer", + -14.216889381408691 + ], + [ + "Bandit", + -14.216894149780272 + ], + [ + "homing", + -14.21695327758789 + ], + [ + "utt", + -14.21697235107422 + ], + [ + "▁BTU", + -14.21713638305664 + ], + [ + "▁exponent", + -14.217144966125488 + ], + [ + "Evaluating", + -14.217156410217283 + ], + [ + "▁Stylus", + -14.217156410217283 + ], + [ + "▁Tolerance", + -14.217156410217283 + ], + [ + "▁croutons", + -14.217156410217283 + ], + [ + "▁disseminating", + -14.217156410217283 + ], + [ + "▁Activision", + -14.217157363891602 + ], + [ + "▁Ortega", + -14.217157363891602 + ], + [ + "▁Primitive", + -14.217158317565918 + ], + [ + "▁egos", + -14.217161178588867 + ], + [ + "▁nebula", + -14.217162132263184 + ], + [ + "▁platoon", + -14.217162132263184 + ], + [ + "ISSUE", + -14.2171630859375 + ], + [ + "Galatians", + -14.21716594696045 + ], + [ + "▁giggling", + -14.217166900634766 + ], + [ + "▁leeway", + -14.217166900634766 + ], + [ + "▁Winfrey", + -14.217170715332031 + ], + [ + "▁biodiesel", + -14.217177391052246 + ], + [ + "▁Hammersmith", + -14.217185020446776 + ], + [ + "Restoring", + -14.217190742492676 + ], + [ + "▁occlusion", + -14.217191696166992 + ], + [ + "SCREEN", + -14.217199325561523 + ], + [ + "Scaling", + -14.217202186584473 + ], + [ + "▁Shredder", + -14.217204093933104 + ], + [ + "▁Keegan", + -14.217211723327637 + ], + [ + "▁changeable", + -14.217225074768066 + ], + [ + "▁knitwear", + -14.217228889465332 + ], + [ + "▁tut", + -14.217242240905762 + ], + [ + "▁Muay", + -14.217243194580078 + ], + [ + "▁nitric", + -14.217248916625977 + ], + [ + "ected", + -14.217262268066406 + ], + [ + "Fry", + -14.217265129089355 + ], + [ + "▁Candice", + -14.217269897460938 + ], + [ + "cured", + -14.217279434204102 + ], + [ + "▁Plaque", + -14.217283248901367 + ], + [ + "▁hijack", + -14.217284202575684 + ], + [ + "▁retrace", + -14.217317581176758 + ], + [ + "▁indentation", + -14.217329978942873 + ], + [ + "▁lightbulb", + -14.21734619140625 + ], + [ + "▁patrolling", + -14.217355728149414 + ], + [ + "▁Yeshua", + -14.217365264892578 + ], + [ + "▁martyrs", + -14.21739101409912 + ], + [ + "▁Chum", + -14.217391967773438 + ], + [ + "▁phospho", + -14.217398643493652 + ], + [ + "▁rationality", + -14.217452049255373 + ], + [ + "▁hazel", + -14.21749496459961 + ], + [ + "uzi", + -14.217498779296877 + ], + [ + "▁Kindness", + -14.217512130737305 + ], + [ + "615", + -14.217530250549316 + ], + [ + "CSP", + -14.217561721801758 + ], + [ + "qt", + -14.21757698059082 + ], + [ + "▁YRS", + -14.217632293701172 + ], + [ + "▁Semantic", + -14.21772003173828 + ], + [ + "▁clocking", + -14.217735290527344 + ], + [ + "▁Pup", + -14.217812538146973 + ], + [ + "▁charted", + -14.217828750610352 + ], + [ + "▁wilted", + -14.217865943908691 + ], + [ + "▁Revel", + -14.217877388000488 + ], + [ + "Hooray", + -14.217912673950195 + ], + [ + "▁annexed", + -14.217925071716309 + ], + [ + "▁266", + -14.217950820922852 + ], + [ + "▁homeownership", + -14.217951774597168 + ], + [ + "Brent", + -14.217960357666016 + ], + [ + "▁flowery", + -14.21798324584961 + ], + [ + "▁CER", + -14.217998504638672 + ], + [ + "kini", + -14.218066215515137 + ], + [ + "▁Odo", + -14.218066215515137 + ], + [ + "▁($8", + -14.218091011047363 + ], + [ + "939", + -14.218104362487791 + ], + [ + "CDMA", + -14.21814250946045 + ], + [ + "vn", + -14.218161582946776 + ], + [ + "752", + -14.218185424804688 + ], + [ + "Ultimate", + -14.218250274658203 + ], + [ + "▁arranger", + -14.21828269958496 + ], + [ + "▁lacquered", + -14.21830940246582 + ], + [ + "▁hauler", + -14.218348503112791 + ], + [ + "▁Kast", + -14.218399047851562 + ], + [ + "temporal", + -14.218443870544434 + ], + [ + "Journey", + -14.21844482421875 + ], + [ + "Mexican", + -14.218466758728027 + ], + [ + "▁cycled", + -14.21846866607666 + ], + [ + "Statistics", + -14.218491554260254 + ], + [ + "Cotton", + -14.21849536895752 + ], + [ + "vendor", + -14.218523025512695 + ], + [ + "457", + -14.218531608581545 + ], + [ + "Shoot", + -14.218554496765137 + ], + [ + "▁Indulge", + -14.21860122680664 + ], + [ + "Garage", + -14.218653678894045 + ], + [ + "▁kraft", + -14.21866512298584 + ], + [ + "▁1980'", + -14.218682289123535 + ], + [ + "▁Shoppers", + -14.218868255615234 + ], + [ + "Dancing", + -14.21889591217041 + ], + [ + "fleur", + -14.218921661376951 + ], + [ + "affiliated", + -14.21893310546875 + ], + [ + "YING", + -14.218955993652344 + ], + [ + "▁Basse", + -14.218966484069824 + ], + [ + "REAL", + -14.219012260437012 + ], + [ + "drained", + -14.21901798248291 + ], + [ + "Unknown", + -14.219023704528809 + ], + [ + "▁Axle", + -14.219075202941896 + ], + [ + "hatch", + -14.21908950805664 + ], + [ + "Medicare", + -14.219110488891602 + ], + [ + "cco", + -14.219120979309082 + ], + [ + "▁Kish", + -14.219120979309082 + ], + [ + "Containing", + -14.219130516052246 + ], + [ + "▁Arg", + -14.21920108795166 + ], + [ + "Voila", + -14.219402313232422 + ], + [ + "▁Blackout", + -14.219459533691406 + ], + [ + "tinib", + -14.219522476196287 + ], + [ + "Align", + -14.219531059265137 + ], + [ + "▁Geb", + -14.219569206237791 + ], + [ + "▁renounce", + -14.219621658325195 + ], + [ + "▁techie", + -14.219681739807127 + ], + [ + "▁penetrated", + -14.219749450683594 + ], + [ + "▁Delightful", + -14.21975040435791 + ], + [ + "▁grafts", + -14.21980094909668 + ], + [ + "/]", + -14.21981430053711 + ], + [ + "▁mink", + -14.219855308532717 + ], + [ + "▁Gave", + -14.219857215881348 + ], + [ + "▁POINT", + -14.219886779785156 + ], + [ + "▁servicemen", + -14.21993637084961 + ], + [ + "Border", + -14.219969749450684 + ], + [ + "mpg", + -14.220014572143556 + ], + [ + "▁henna", + -14.220027923583984 + ], + [ + "CCO", + -14.220056533813477 + ], + [ + "vra", + -14.220069885253906 + ], + [ + "▁Theta", + -14.220088005065918 + ], + [ + "drops", + -14.220100402832031 + ], + [ + "▁Counselors", + -14.2201509475708 + ], + [ + "▁PUR", + -14.220226287841797 + ], + [ + "▁blip", + -14.220229148864746 + ], + [ + "▁40\"", + -14.220499038696287 + ], + [ + "haga", + -14.220523834228516 + ], + [ + "▁Opened", + -14.22061252593994 + ], + [ + "wg", + -14.220646858215332 + ], + [ + "▁£300", + -14.220693588256836 + ], + [ + "Farmers", + -14.220742225646973 + ], + [ + "itte", + -14.220791816711426 + ], + [ + "▁Berliner", + -14.220808029174805 + ], + [ + "Income", + -14.220836639404297 + ], + [ + "▁mated", + -14.22085189819336 + ], + [ + "▁Positions", + -14.22095012664795 + ], + [ + "diving", + -14.221034049987791 + ], + [ + "▁Piet", + -14.221034049987791 + ], + [ + "▁293", + -14.221057891845703 + ], + [ + "▁PSL", + -14.221102714538574 + ], + [ + "▁Licht", + -14.22121810913086 + ], + [ + "▁insurgency", + -14.22129726409912 + ], + [ + "▁451", + -14.221330642700195 + ], + [ + "1:50", + -14.221351623535156 + ], + [ + "▁iterate", + -14.221352577209473 + ], + [ + "▁subgroup", + -14.2213716506958 + ], + [ + "GPU", + -14.221389770507812 + ], + [ + "▁pretext", + -14.221452713012695 + ], + [ + "▁caretakers", + -14.221465110778809 + ], + [ + "Kas", + -14.221477508544922 + ], + [ + "▁Erd", + -14.221477508544922 + ], + [ + "Ellen", + -14.221498489379885 + ], + [ + "▁disrupts", + -14.221498489379885 + ], + [ + "ECC", + -14.2214994430542 + ], + [ + "▁spearhead", + -14.221597671508787 + ], + [ + "▁292", + -14.221607208251951 + ], + [ + "▁Beauti", + -14.221628189086914 + ], + [ + "▁emanate", + -14.221699714660645 + ], + [ + "▁Sometime", + -14.221729278564451 + ], + [ + "Pig", + -14.221750259399414 + ], + [ + "▁Headlight", + -14.22193431854248 + ], + [ + "ossi", + -14.221935272216797 + ], + [ + "▁kw", + -14.221967697143556 + ], + [ + "▁Yee", + -14.22202491760254 + ], + [ + "▁Fuente", + -14.222182273864746 + ], + [ + "Served", + -14.222197532653809 + ], + [ + "▁Octo", + -14.222224235534668 + ], + [ + "▁PX", + -14.222228050231934 + ], + [ + "▁dosages", + -14.222262382507324 + ], + [ + "▁Allegheny", + -14.222284317016602 + ], + [ + "▁Guantanamo", + -14.222284317016602 + ], + [ + "▁Hoboken", + -14.222284317016602 + ], + [ + "▁Renfrew", + -14.222284317016602 + ], + [ + "▁Sagittarius", + -14.222284317016602 + ], + [ + "▁alchemy", + -14.222284317016602 + ], + [ + "▁florets", + -14.222284317016602 + ], + [ + "▁gilded", + -14.222284317016602 + ], + [ + "▁lobbied", + -14.222284317016602 + ], + [ + "▁sommelier", + -14.222284317016602 + ], + [ + "▁unfulfilled", + -14.222284317016602 + ], + [ + "▁Guerrero", + -14.222285270690918 + ], + [ + "▁PROCESS", + -14.222285270690918 + ], + [ + "▁clandestine", + -14.222286224365234 + ], + [ + "▁intoxication", + -14.222286224365234 + ], + [ + "▁mexican", + -14.222286224365234 + ], + [ + "▁CHOICE", + -14.222288131713867 + ], + [ + "▁Simultaneously", + -14.2222900390625 + ], + [ + "▁tailgating", + -14.22230339050293 + ], + [ + "▁Bachchan", + -14.222308158874512 + ], + [ + "▁yelp", + -14.222310066223145 + ], + [ + "▁pantries", + -14.222312927246094 + ], + [ + "▁Burkina", + -14.222320556640623 + ], + [ + "Took", + -14.222323417663574 + ], + [ + "▁Bradenton", + -14.222326278686523 + ], + [ + "▁Meuble", + -14.222326278686523 + ], + [ + "▁Lambeth", + -14.222332954406738 + ], + [ + "▁289", + -14.222333908081056 + ], + [ + "▁deluge", + -14.222333908081056 + ], + [ + "▁mismanagement", + -14.222333908081056 + ], + [ + "▁opium", + -14.222368240356444 + ], + [ + "▁reconstructive", + -14.222369194030762 + ], + [ + "▁forerunner", + -14.22237491607666 + ], + [ + "▁Segway", + -14.222394943237305 + ], + [ + "hmer", + -14.222405433654783 + ], + [ + "▁OpenVPN", + -14.222406387329102 + ], + [ + "▁Erwin", + -14.222418785095217 + ], + [ + "Dwyer", + -14.22242546081543 + ], + [ + "Completed", + -14.222457885742188 + ], + [ + "liver", + -14.22248363494873 + ], + [ + "▁peacekeeping", + -14.222518920898438 + ], + [ + "▁Ongoing", + -14.222563743591309 + ], + [ + "▁Jagger", + -14.222599029541016 + ], + [ + "▁apprehended", + -14.22262477874756 + ], + [ + "▁AFR", + -14.222626686096191 + ], + [ + "▁Kesh", + -14.222655296325684 + ], + [ + "▁VHF", + -14.222697257995604 + ], + [ + "▁defied", + -14.222719192504885 + ], + [ + "▁flirty", + -14.2227201461792 + ], + [ + "▁mobilise", + -14.222797393798828 + ], + [ + "▁toothbrushes", + -14.222837448120115 + ], + [ + "▁Keating", + -14.222847938537598 + ], + [ + "▁Spaghetti", + -14.222847938537598 + ], + [ + "▁priming", + -14.222867965698242 + ], + [ + "▁Wounded", + -14.222890853881836 + ], + [ + "▁Lenses", + -14.222926139831545 + ], + [ + "▁Ferri", + -14.222947120666504 + ], + [ + "▁AVC", + -14.22296142578125 + ], + [ + "▁Halle", + -14.222972869873049 + ], + [ + "▁clique", + -14.222993850708008 + ], + [ + "▁compiles", + -14.22312068939209 + ], + [ + "▁FINAL", + -14.22313404083252 + ], + [ + "!!!!!!!!", + -14.22314739227295 + ], + [ + "yield", + -14.223153114318848 + ], + [ + "▁treatable", + -14.223237037658691 + ], + [ + "▁Tonic", + -14.223237991333008 + ], + [ + "▁Huss", + -14.223248481750488 + ], + [ + "▁reinvented", + -14.223270416259766 + ], + [ + "BEST", + -14.223305702209473 + ], + [ + "▁vile", + -14.223383903503418 + ], + [ + "▁Careful", + -14.223402976989746 + ], + [ + "▁centralised", + -14.223470687866213 + ], + [ + "▁56%", + -14.223573684692385 + ], + [ + "ATES", + -14.223677635192873 + ], + [ + "Pattern", + -14.22368335723877 + ], + [ + "▁Cantor", + -14.223712921142578 + ], + [ + "Authentic", + -14.223719596862791 + ], + [ + "explanatory", + -14.223722457885742 + ], + [ + "▁Addresses", + -14.22372341156006 + ], + [ + "esian", + -14.22372817993164 + ], + [ + "Affiliate", + -14.223731994628906 + ], + [ + "▁Rwandan", + -14.223731994628906 + ], + [ + "Shar", + -14.223737716674805 + ], + [ + "Liberty", + -14.22376823425293 + ], + [ + "twice", + -14.22377872467041 + ], + [ + "▁disregarded", + -14.223814964294434 + ], + [ + "Employ", + -14.22385025024414 + ], + [ + "▁Slick", + -14.22386360168457 + ], + [ + "▁experi", + -14.223868370056152 + ], + [ + "▁deliverance", + -14.223888397216797 + ], + [ + "ilian", + -14.223889350891112 + ], + [ + "racial", + -14.224004745483398 + ], + [ + "Wayne", + -14.224017143249512 + ], + [ + "abil", + -14.224029541015623 + ], + [ + "Brick", + -14.224032402038574 + ], + [ + "▁predictors", + -14.224059104919434 + ], + [ + "(3", + -14.224096298217772 + ], + [ + "▁Sheryl", + -14.22410011291504 + ], + [ + "buds", + -14.224119186401367 + ], + [ + "▁mull", + -14.22417163848877 + ], + [ + "▁supervises", + -14.22418975830078 + ], + [ + "▁loch", + -14.224231719970703 + ], + [ + "Licensed", + -14.224292755126951 + ], + [ + "maki", + -14.224339485168455 + ], + [ + "▁cuticles", + -14.224384307861328 + ], + [ + "ZER", + -14.224394798278809 + ], + [ + "▁syndromes", + -14.224458694458008 + ], + [ + "clay", + -14.22454833984375 + ], + [ + "udra", + -14.224601745605469 + ], + [ + "026", + -14.22464656829834 + ], + [ + "VIA", + -14.224668502807615 + ], + [ + "▁Runtime", + -14.224786758422852 + ], + [ + "▁loon", + -14.224788665771484 + ], + [ + "▁Manly", + -14.224793434143066 + ], + [ + "▁Believer", + -14.224847793579102 + ], + [ + "▁Vidal", + -14.22487735748291 + ], + [ + "Casey", + -14.224884033203123 + ], + [ + "▁Sourcing", + -14.224908828735352 + ], + [ + "▁cloned", + -14.224980354309082 + ], + [ + "▁marinas", + -14.225028038024902 + ], + [ + "cius", + -14.225086212158203 + ], + [ + "OON", + -14.225167274475098 + ], + [ + "▁levelled", + -14.225175857543944 + ], + [ + "▁zealous", + -14.22518539428711 + ], + [ + "6.50", + -14.22522258758545 + ], + [ + "▁$75,000", + -14.225242614746094 + ], + [ + "Movies", + -14.225296020507812 + ], + [ + "▁JCB", + -14.225337028503418 + ], + [ + "▁Hump", + -14.225337982177734 + ], + [ + "▁inlaid", + -14.225397109985352 + ], + [ + "▁Baer", + -14.22546100616455 + ], + [ + "▁competently", + -14.225544929504396 + ], + [ + "Hans", + -14.22560214996338 + ], + [ + "doors", + -14.22560214996338 + ], + [ + "amara", + -14.225603103637695 + ], + [ + "urian", + -14.225634574890137 + ], + [ + "Pointer", + -14.22566032409668 + ], + [ + "0.08", + -14.225716590881348 + ], + [ + "NATION", + -14.225763320922852 + ], + [ + "▁realty", + -14.225787162780762 + ], + [ + "▁orbiting", + -14.225811004638672 + ], + [ + "already", + -14.225812911987305 + ], + [ + "▁338", + -14.225817680358888 + ], + [ + "▁Museo", + -14.225829124450684 + ], + [ + "▁Farah", + -14.225996017456056 + ], + [ + "▁Sask", + -14.22602081298828 + ], + [ + "LIG", + -14.226037979125977 + ], + [ + "▁Clements", + -14.226045608520508 + ], + [ + "rgh", + -14.226078033447266 + ], + [ + "▁tradeshow", + -14.22612762451172 + ], + [ + "Cow", + -14.226140975952148 + ], + [ + "▁Fixing", + -14.226144790649414 + ], + [ + "RILL", + -14.226170539855955 + ], + [ + "▁margarita", + -14.226173400878906 + ], + [ + "▁biomarker", + -14.226188659667969 + ], + [ + "▁pullback", + -14.226189613342283 + ], + [ + "▁Modify", + -14.226284980773926 + ], + [ + "▁homers", + -14.226341247558594 + ], + [ + "▁Castell", + -14.226347923278809 + ], + [ + "Altogether", + -14.22637176513672 + ], + [ + "Listening", + -14.226377487182615 + ], + [ + "hurt", + -14.226449966430664 + ], + [ + "ARIA", + -14.226459503173828 + ], + [ + "▁Crib", + -14.226503372192385 + ], + [ + "Utiliz", + -14.226512908935549 + ], + [ + "▁indent", + -14.226580619812012 + ], + [ + "lobo", + -14.226597785949709 + ], + [ + "▁hesitated", + -14.226777076721191 + ], + [ + "▁envisage", + -14.226839065551758 + ], + [ + "▁envisions", + -14.22689437866211 + ], + [ + "OZ", + -14.226923942565918 + ], + [ + "▁BMS", + -14.226930618286133 + ], + [ + "phobic", + -14.226946830749512 + ], + [ + "▁Mili", + -14.226972579956056 + ], + [ + "▁Midi", + -14.227030754089355 + ], + [ + "▁pandas", + -14.22704029083252 + ], + [ + "▁Douglass", + -14.22707176208496 + ], + [ + "Webcam", + -14.227089881896973 + ], + [ + "▁$1.9", + -14.227091789245604 + ], + [ + "▁Internationally", + -14.227197647094728 + ], + [ + "▁interrupts", + -14.227237701416016 + ], + [ + "▁ingress", + -14.227313995361328 + ], + [ + "!!\"", + -14.227357864379885 + ], + [ + "▁Eucalyptus", + -14.227438926696776 + ], + [ + "▁McLeod", + -14.227438926696776 + ], + [ + "▁Osprey", + -14.227438926696776 + ], + [ + "▁Xanax", + -14.227438926696776 + ], + [ + "▁elastomer", + -14.227438926696776 + ], + [ + "▁laureate", + -14.227438926696776 + ], + [ + "▁misspelled", + -14.227438926696776 + ], + [ + "▁recombinant", + -14.227438926696776 + ], + [ + "▁subterranean", + -14.227438926696776 + ], + [ + "▁causation", + -14.227439880371094 + ], + [ + "▁oblivion", + -14.227439880371094 + ], + [ + "▁traumatized", + -14.227439880371094 + ], + [ + "▁Baccarat", + -14.22744083404541 + ], + [ + "▁cologne", + -14.22744083404541 + ], + [ + "▁cmdlet", + -14.227442741394045 + ], + [ + "▁CONTRACT", + -14.22744369506836 + ], + [ + "▁insignia", + -14.227444648742676 + ], + [ + "▁levies", + -14.227444648742676 + ], + [ + "▁Ghostbusters", + -14.227445602416992 + ], + [ + "▁Penrith", + -14.227446556091309 + ], + [ + "▁Rasmussen", + -14.227447509765623 + ], + [ + "▁garrison", + -14.22744846343994 + ], + [ + "▁austere", + -14.227450370788574 + ], + [ + "▁likable", + -14.227450370788574 + ], + [ + "▁Optimus", + -14.22745132446289 + ], + [ + "▁Bogota", + -14.227453231811523 + ], + [ + "▁Mustafa", + -14.227458953857422 + ], + [ + "▁unhelpful", + -14.227466583251951 + ], + [ + "▁FMCG", + -14.227473258972168 + ], + [ + "▁Nawaz", + -14.227474212646484 + ], + [ + "▁(1987)", + -14.227476119995115 + ], + [ + "▁pokemon", + -14.227477073669434 + ], + [ + "▁quorum", + -14.22747802734375 + ], + [ + "▁cornmeal", + -14.227478981018066 + ], + [ + "▁Guiding", + -14.227479934692385 + ], + [ + "▁interwoven", + -14.227481842041016 + ], + [ + "▁Townhomes", + -14.227494239807127 + ], + [ + "▁bombardment", + -14.22752571105957 + ], + [ + "▁misunderstand", + -14.2275390625 + ], + [ + "▁nitty", + -14.2275390625 + ], + [ + "▁toothache", + -14.22756004333496 + ], + [ + "▁475", + -14.227563858032228 + ], + [ + "▁nappy", + -14.227569580078123 + ], + [ + "▁Cahill", + -14.227578163146973 + ], + [ + "▁operatic", + -14.227581024169922 + ], + [ + "▁Clarksville", + -14.227596282958984 + ], + [ + "▁placard", + -14.22760772705078 + ], + [ + "▁consecrated", + -14.22762393951416 + ], + [ + "▁Illuminated", + -14.227633476257324 + ], + [ + "asca", + -14.227635383605955 + ], + [ + "azione", + -14.22769832611084 + ], + [ + "▁terry", + -14.227703094482422 + ], + [ + "▁Notepad", + -14.227713584899902 + ], + [ + "▁dancefloor", + -14.227721214294434 + ], + [ + "▁smothered", + -14.227774620056152 + ], + [ + "BRO", + -14.227779388427734 + ], + [ + "▁buyback", + -14.227848052978516 + ], + [ + "▁(51", + -14.227852821350098 + ], + [ + "▁Pooh", + -14.227893829345703 + ], + [ + "▁FACE", + -14.227935791015623 + ], + [ + "▁Boa", + -14.22806167602539 + ], + [ + "erno", + -14.228067398071287 + ], + [ + "▁Girlfriend", + -14.228067398071287 + ], + [ + "▁Marti", + -14.228108406066896 + ], + [ + "▁mismatched", + -14.22814655303955 + ], + [ + "appy", + -14.22817325592041 + ], + [ + "▁MPA", + -14.228198051452637 + ], + [ + "▁Husk", + -14.228209495544434 + ], + [ + "▁croissants", + -14.228276252746582 + ], + [ + "▁republished", + -14.228277206420898 + ], + [ + "-2002", + -14.22834587097168 + ], + [ + "▁TBA", + -14.228367805480955 + ], + [ + "▁Zeta", + -14.228400230407717 + ], + [ + "▁Lenin", + -14.228410720825195 + ], + [ + "▁permeates", + -14.228464126586914 + ], + [ + "▁traceable", + -14.228468894958496 + ], + [ + "▁gunmen", + -14.228504180908203 + ], + [ + "▁Brianna", + -14.228522300720217 + ], + [ + "2.7%", + -14.22852611541748 + ], + [ + "993", + -14.228543281555176 + ], + [ + "▁Woolf", + -14.228575706481934 + ], + [ + "▁271", + -14.228595733642578 + ], + [ + "▁Deanna", + -14.228611946105955 + ], + [ + "seated", + -14.228643417358398 + ], + [ + "▁Pending", + -14.22864818572998 + ], + [ + "▁slumped", + -14.228650093078612 + ], + [ + "sensitivity", + -14.228694915771484 + ], + [ + "▁Serv", + -14.228760719299316 + ], + [ + "Slip", + -14.228765487670898 + ], + [ + "▁Brae", + -14.228792190551758 + ], + [ + "promote", + -14.228797912597656 + ], + [ + "racht", + -14.228816986083984 + ], + [ + "▁Macedonian", + -14.22882843017578 + ], + [ + "▁$1.50", + -14.228877067565918 + ], + [ + "acetic", + -14.228915214538574 + ], + [ + "restricted", + -14.22898006439209 + ], + [ + "Tweet", + -14.228986740112305 + ], + [ + "Able", + -14.228996276855469 + ], + [ + "▁Wasn", + -14.229000091552734 + ], + [ + "plum", + -14.229009628295898 + ], + [ + "▁441", + -14.22903060913086 + ], + [ + "abortion", + -14.229031562805176 + ], + [ + "Purchasing", + -14.229032516479492 + ], + [ + "Switzerland", + -14.229048728942873 + ], + [ + "Promotion", + -14.22905158996582 + ], + [ + "domestic", + -14.229081153869627 + ], + [ + "affir", + -14.229105949401855 + ], + [ + "linguistic", + -14.229113578796388 + ], + [ + "Nelson", + -14.229155540466309 + ], + [ + "▁Aesthetics", + -14.22916030883789 + ], + [ + "▁Hazardous", + -14.229211807250977 + ], + [ + "▁Shaman", + -14.229212760925291 + ], + [ + "▁joists", + -14.22921657562256 + ], + [ + "▁Reza", + -14.229286193847656 + ], + [ + "▁Momo", + -14.229326248168944 + ], + [ + "▁Moderator", + -14.229331016540527 + ], + [ + "▁7.7", + -14.229443550109863 + ], + [ + "1.25", + -14.229557037353516 + ], + [ + "Photography", + -14.229594230651855 + ], + [ + "▁Alright", + -14.229625701904297 + ], + [ + "▁SEARCH", + -14.229649543762209 + ], + [ + "▁Pageant", + -14.229655265808104 + ], + [ + "Glo", + -14.229708671569824 + ], + [ + "▁reworking", + -14.22977066040039 + ], + [ + "▁4:3", + -14.229788780212402 + ], + [ + "DEA", + -14.229838371276855 + ], + [ + "▁remodels", + -14.229846000671388 + ], + [ + "completely", + -14.229849815368652 + ], + [ + "▁pak", + -14.229924201965332 + ], + [ + "▁Foodie", + -14.229973793029783 + ], + [ + "Thru", + -14.230034828186035 + ], + [ + "divi", + -14.230080604553224 + ], + [ + "▁outcast", + -14.230109214782717 + ], + [ + "1986", + -14.230111122131348 + ], + [ + "Getty", + -14.230112075805664 + ], + [ + "replacement", + -14.230120658874512 + ], + [ + "▁seniority", + -14.230140686035156 + ], + [ + "▁thorns", + -14.230194091796877 + ], + [ + "uding", + -14.23022174835205 + ], + [ + "MHC", + -14.230250358581545 + ], + [ + "▁Appel", + -14.23031234741211 + ], + [ + ".25%", + -14.2303466796875 + ], + [ + "Annie", + -14.230423927307127 + ], + [ + "▁scaring", + -14.23045253753662 + ], + [ + "Defending", + -14.23049259185791 + ], + [ + "Newer", + -14.230518341064451 + ], + [ + "▁tracer", + -14.23058795928955 + ], + [ + "▁ontology", + -14.230599403381348 + ], + [ + "▁Jurisdiction", + -14.230602264404297 + ], + [ + "▁helplessness", + -14.230629920959473 + ], + [ + "▁excused", + -14.23064136505127 + ], + [ + "▁TLD", + -14.23066520690918 + ], + [ + "jn", + -14.230687141418455 + ], + [ + "▁sly", + -14.230706214904783 + ], + [ + "1979", + -14.230786323547363 + ], + [ + "ccompanied", + -14.230789184570312 + ], + [ + "▁layman", + -14.230819702148438 + ], + [ + "crete", + -14.23083782196045 + ], + [ + "▁SALES", + -14.230862617492676 + ], + [ + "Flying", + -14.23088550567627 + ], + [ + "▁therapeutics", + -14.230896949768066 + ], + [ + "▁Tend", + -14.23099422454834 + ], + [ + "▁vaults", + -14.231083869934082 + ], + [ + "▁Bé", + -14.231144905090332 + ], + [ + "▁AOC", + -14.231216430664062 + ], + [ + "▁Tenth", + -14.231237411499023 + ], + [ + "Hitting", + -14.231245994567873 + ], + [ + "MSC", + -14.231304168701172 + ], + [ + "▁366", + -14.231348991394045 + ], + [ + "▁nigh", + -14.231353759765623 + ], + [ + "▁pilgrim", + -14.23135757446289 + ], + [ + "rescue", + -14.231377601623535 + ], + [ + "▁Ransom", + -14.231398582458496 + ], + [ + "▁Kreme", + -14.231407165527344 + ], + [ + "BOL", + -14.231427192687988 + ], + [ + "Zoom", + -14.231431007385254 + ], + [ + "▁integrator", + -14.23144817352295 + ], + [ + "▁Pura", + -14.231465339660645 + ], + [ + "Setup", + -14.231568336486816 + ], + [ + "4:45", + -14.231613159179688 + ], + [ + "▁Pomegranate", + -14.23163604736328 + ], + [ + "▁Deadly", + -14.231675148010254 + ], + [ + "ouille", + -14.231683731079102 + ], + [ + "▁Thane", + -14.231735229492188 + ], + [ + "▁Dele", + -14.231766700744627 + ], + [ + "PCR", + -14.231782913208008 + ], + [ + "▁porting", + -14.231809616088867 + ], + [ + "▁Ionic", + -14.231866836547852 + ], + [ + "▁Broom", + -14.231976509094238 + ], + [ + "▁splashed", + -14.231996536254885 + ], + [ + "▁caterpillars", + -14.232011795043944 + ], + [ + "▁redistribute", + -14.23201847076416 + ], + [ + "▁seduce", + -14.232033729553224 + ], + [ + "$7", + -14.232035636901855 + ], + [ + "grossing", + -14.232037544250488 + ], + [ + "ographies", + -14.232135772705078 + ], + [ + "Cass", + -14.232148170471191 + ], + [ + "▁Grinch", + -14.232162475585938 + ], + [ + "oge", + -14.232183456420898 + ], + [ + "▁Assign", + -14.232194900512695 + ], + [ + "▁718", + -14.232223510742188 + ], + [ + "▁tasteless", + -14.232373237609863 + ], + [ + "▁EFF", + -14.232498168945312 + ], + [ + "▁quali", + -14.232519149780272 + ], + [ + "BAS", + -14.232577323913574 + ], + [ + "▁Notices", + -14.232592582702637 + ], + [ + "incomprehensible", + -14.232620239257812 + ], + [ + "▁04/21/2019", + -14.232620239257812 + ], + [ + "▁Davao", + -14.232620239257812 + ], + [ + "▁Middlesbrough", + -14.232620239257812 + ], + [ + "▁Nightingale", + -14.232620239257812 + ], + [ + "▁atherosclerosis", + -14.232620239257812 + ], + [ + "▁cleavage", + -14.232620239257812 + ], + [ + "▁expedient", + -14.232620239257812 + ], + [ + "▁incapacitated", + -14.232620239257812 + ], + [ + "▁odyssey", + -14.232620239257812 + ], + [ + "▁rhyming", + -14.232620239257812 + ], + [ + "▁salaried", + -14.232621192932127 + ], + [ + "▁lotteries", + -14.232622146606444 + ], + [ + "▁pledging", + -14.232622146606444 + ], + [ + "▁Mitigation", + -14.232623100280762 + ], + [ + "▁tremble", + -14.232626914978027 + ], + [ + "▁Lucifer", + -14.23263454437256 + ], + [ + "▁Bedfordshire", + -14.232638359069824 + ], + [ + "▁Boynton", + -14.23263931274414 + ], + [ + "▁Carbide", + -14.232640266418455 + ], + [ + "▁interchangeably", + -14.23264503479004 + ], + [ + "▁crucifixion", + -14.232646942138672 + ], + [ + "▁(1985)", + -14.232657432556152 + ], + [ + "▁Mercado", + -14.232662200927734 + ], + [ + "▁flaxseed", + -14.232670783996582 + ], + [ + "▁pausing", + -14.232672691345217 + ], + [ + "▁requisition", + -14.23267936706543 + ], + [ + "▁coffers", + -14.232684135437012 + ], + [ + "▁surmise", + -14.23268699645996 + ], + [ + "▁Puritan", + -14.232690811157228 + ], + [ + "▁pegboard", + -14.232690811157228 + ], + [ + "▁Racecourse", + -14.232698440551758 + ], + [ + "erz", + -14.232707023620604 + ], + [ + "▁Barnsley", + -14.23271942138672 + ], + [ + "OIL", + -14.23272705078125 + ], + [ + "▁Iberian", + -14.232757568359377 + ], + [ + "▁ethnicities", + -14.232779502868652 + ], + [ + "Hook", + -14.232789993286133 + ], + [ + "▁Workstation", + -14.232803344726562 + ], + [ + "▁dingy", + -14.23280429840088 + ], + [ + "▁Snowboard", + -14.232806205749512 + ], + [ + "▁Lenox", + -14.232844352722168 + ], + [ + "▁Steady", + -14.232864379882812 + ], + [ + "▁IHS", + -14.23293113708496 + ], + [ + "▁Merino", + -14.23294162750244 + ], + [ + "▁Lua", + -14.23297882080078 + ], + [ + "▁outburst", + -14.233003616333008 + ], + [ + "849", + -14.23301601409912 + ], + [ + "▁Valet", + -14.23302173614502 + ], + [ + "▁Concerned", + -14.233024597167969 + ], + [ + "▁STORY", + -14.233040809631348 + ], + [ + "▁Glenwood", + -14.233044624328612 + ], + [ + "▁uptrend", + -14.233054161071776 + ], + [ + "lever", + -14.23309326171875 + ], + [ + "bead", + -14.233108520507812 + ], + [ + "▁Zoho", + -14.233109474182127 + ], + [ + "▁smuggled", + -14.233136177062988 + ], + [ + "Prosecutors", + -14.233144760131836 + ], + [ + "▁baggy", + -14.23322582244873 + ], + [ + "▁Shepherds", + -14.233264923095703 + ], + [ + "▁Nea", + -14.233274459838867 + ], + [ + "1960", + -14.233321189880373 + ], + [ + "▁Activist", + -14.233356475830078 + ], + [ + "Loop", + -14.233373641967772 + ], + [ + "▁crawlers", + -14.233390808105469 + ], + [ + "▁FK", + -14.233416557312012 + ], + [ + "▁Knott", + -14.23342227935791 + ], + [ + "SHS", + -14.233427047729492 + ], + [ + "▁Judea", + -14.233428955078123 + ], + [ + "ovan", + -14.233514785766602 + ], + [ + "3300", + -14.233531951904297 + ], + [ + "▁Guido", + -14.233563423156738 + ], + [ + "Advising", + -14.233597755432127 + ], + [ + "lada", + -14.233620643615724 + ], + [ + "▁MQ", + -14.233665466308594 + ], + [ + "ution", + -14.233705520629885 + ], + [ + "FCC", + -14.233710289001465 + ], + [ + "splash", + -14.233725547790527 + ], + [ + "▁Zub", + -14.233831405639648 + ], + [ + "▁LUN", + -14.23390007019043 + ], + [ + "▁shar", + -14.233942031860352 + ], + [ + "▁Tuning", + -14.233963966369627 + ], + [ + "impos", + -14.2340087890625 + ], + [ + "Separate", + -14.234081268310549 + ], + [ + "Million", + -14.234102249145508 + ], + [ + "▁shears", + -14.234108924865724 + ], + [ + "bern", + -14.234119415283203 + ], + [ + "▁resection", + -14.234137535095217 + ], + [ + "▁outfitter", + -14.234270095825195 + ], + [ + "Lived", + -14.234289169311523 + ], + [ + "Exploring", + -14.234344482421877 + ], + [ + "Pocket", + -14.23434829711914 + ], + [ + "Association", + -14.23435878753662 + ], + [ + "infected", + -14.23435878753662 + ], + [ + "surprise", + -14.23435878753662 + ], + [ + "Stretch", + -14.234390258789062 + ], + [ + "▁WSOP", + -14.234416961669922 + ], + [ + "regardless", + -14.23442268371582 + ], + [ + "2.4%", + -14.234439849853516 + ], + [ + "4+", + -14.234448432922363 + ], + [ + "▁sehr", + -14.234451293945312 + ], + [ + "▁Succeed", + -14.234469413757324 + ], + [ + "consult", + -14.234487533569336 + ], + [ + "concern", + -14.234501838684082 + ], + [ + "absolutely", + -14.23452377319336 + ], + [ + "Sonic", + -14.234529495239258 + ], + [ + "Achieve", + -14.23458480834961 + ], + [ + "Donations", + -14.234627723693848 + ], + [ + "▁Hinge", + -14.234638214111328 + ], + [ + "framing", + -14.234665870666504 + ], + [ + "cushion", + -14.2346830368042 + ], + [ + "▁autonomously", + -14.234692573547363 + ], + [ + "Rama", + -14.234704971313477 + ], + [ + "▁multimillion", + -14.234704971313477 + ], + [ + "▁273", + -14.234732627868652 + ], + [ + "AIA", + -14.234789848327637 + ], + [ + "▁Amex", + -14.234862327575684 + ], + [ + "Fancy", + -14.234938621520996 + ], + [ + "▁0.00000", + -14.234992027282717 + ], + [ + "▁assaulting", + -14.235088348388672 + ], + [ + "▁1997)", + -14.235095024108888 + ], + [ + "▁Turned", + -14.235147476196287 + ], + [ + "sleeved", + -14.235170364379885 + ], + [ + "▁Demonstrate", + -14.235187530517578 + ], + [ + "▁MSCI", + -14.235203742980955 + ], + [ + "Joan", + -14.235206604003906 + ], + [ + "LAY", + -14.235210418701172 + ], + [ + "▁bod", + -14.235215187072754 + ], + [ + "osine", + -14.235220909118652 + ], + [ + "▁adv", + -14.235297203063965 + ], + [ + "▁Bernardo", + -14.235336303710938 + ], + [ + "lago", + -14.235355377197266 + ], + [ + "[0", + -14.23539924621582 + ], + [ + "▁Timeless", + -14.23540210723877 + ], + [ + "flora", + -14.235485076904297 + ], + [ + "PASS", + -14.235565185546877 + ], + [ + "▁Gosh", + -14.235590934753418 + ], + [ + "▁crocheting", + -14.235595703125 + ], + [ + "▁Selfie", + -14.235623359680176 + ], + [ + "▁4/5", + -14.23564338684082 + ], + [ + "▁armchairs", + -14.235645294189451 + ], + [ + "highway", + -14.235650062561035 + ], + [ + "▁Accuracy", + -14.23565673828125 + ], + [ + "Trek", + -14.235770225524902 + ], + [ + "▁minefield", + -14.235827445983888 + ], + [ + "▁490", + -14.235840797424316 + ], + [ + "rides", + -14.235851287841797 + ], + [ + "jour", + -14.23585605621338 + ], + [ + "riano", + -14.23587703704834 + ], + [ + "▁1849", + -14.235949516296388 + ], + [ + "▁65,000", + -14.235965728759766 + ], + [ + "▁Nj", + -14.235987663269045 + ], + [ + "Hosted", + -14.236076354980469 + ], + [ + "ffel", + -14.236199378967283 + ], + [ + "sealed", + -14.236204147338867 + ], + [ + "▁88%", + -14.236213684082031 + ], + [ + "▁Bind", + -14.23622226715088 + ], + [ + "▁Schne", + -14.236231803894045 + ], + [ + "Debt", + -14.236273765563965 + ], + [ + "▁Taft", + -14.236318588256836 + ], + [ + "13-14", + -14.236374855041504 + ], + [ + "Cad", + -14.236384391784668 + ], + [ + "choose", + -14.236412048339844 + ], + [ + "▁CPE", + -14.236475944519045 + ], + [ + "Raf", + -14.23647689819336 + ], + [ + "▁steeply", + -14.236493110656738 + ], + [ + "kade", + -14.236506462097168 + ], + [ + "▁lagoons", + -14.236544609069824 + ], + [ + "VAC", + -14.236549377441406 + ], + [ + "▁Kristi", + -14.236577033996582 + ], + [ + "severe", + -14.23660659790039 + ], + [ + "▁Valor", + -14.236618995666504 + ], + [ + "MRA", + -14.236668586730955 + ], + [ + "▁condiment", + -14.236698150634766 + ], + [ + "▁aerodynamics", + -14.236699104309082 + ], + [ + "▁Necessary", + -14.23671054840088 + ], + [ + "▁disinfect", + -14.236713409423828 + ], + [ + "▁nutritionally", + -14.236754417419434 + ], + [ + "▁ketone", + -14.236818313598633 + ], + [ + "vag", + -14.23682975769043 + ], + [ + "Parker", + -14.236881256103516 + ], + [ + "▁mime", + -14.236883163452148 + ], + [ + "▁1853", + -14.236906051635742 + ], + [ + "null", + -14.236944198608398 + ], + [ + "▁splint", + -14.237019538879396 + ], + [ + "▁eyepiece", + -14.237077713012695 + ], + [ + "▁Emilio", + -14.237102508544922 + ], + [ + "HUR", + -14.237153053283691 + ], + [ + "▁Pharm", + -14.237153053283691 + ], + [ + "▁Forced", + -14.237156867980955 + ], + [ + "▁befitting", + -14.23719596862793 + ], + [ + "▁geologic", + -14.237228393554688 + ], + [ + "▁Shapes", + -14.2372407913208 + ], + [ + "983", + -14.2372465133667 + ], + [ + "Bolt", + -14.237303733825684 + ], + [ + "▁lichen", + -14.237330436706545 + ], + [ + "aided", + -14.237375259399414 + ], + [ + "relationship", + -14.23738956451416 + ], + [ + "▁beamed", + -14.237465858459473 + ], + [ + "Graphics", + -14.23754596710205 + ], + [ + "OVE", + -14.237821578979492 + ], + [ + "▁Astronomical", + -14.237829208374023 + ], + [ + "▁MERCHANTABILITY", + -14.237829208374023 + ], + [ + "▁bereaved", + -14.237829208374023 + ], + [ + "▁dredging", + -14.237829208374023 + ], + [ + "▁dysplasia", + -14.237829208374023 + ], + [ + "▁epidural", + -14.237829208374023 + ], + [ + "▁irreverent", + -14.237829208374023 + ], + [ + "▁retribution", + -14.237829208374023 + ], + [ + "▁sydney", + -14.237829208374023 + ], + [ + "▁Daphne", + -14.23783016204834 + ], + [ + "▁Qualifier", + -14.23783016204834 + ], + [ + "▁admonish", + -14.23783016204834 + ], + [ + "▁extruder", + -14.23783016204834 + ], + [ + "▁Dummies", + -14.237831115722656 + ], + [ + "▁tahini", + -14.237832069396973 + ], + [ + "▁Sightseeing", + -14.237833976745604 + ], + [ + "▁relativity", + -14.237836837768556 + ], + [ + "▁urination", + -14.237836837768556 + ], + [ + "▁Enamel", + -14.23784637451172 + ], + [ + "▁Corinth", + -14.237847328186035 + ], + [ + "▁Kepler", + -14.237850189208984 + ], + [ + "▁Darfur", + -14.2378511428833 + ], + [ + "▁deformity", + -14.237857818603516 + ], + [ + "▁interlude", + -14.237863540649414 + ], + [ + "▁fickle", + -14.237872123718262 + ], + [ + "▁vehemently", + -14.237881660461426 + ], + [ + "▁Forgot", + -14.23788356781006 + ], + [ + "▁Elevate", + -14.23791217803955 + ], + [ + "▁preconceived", + -14.237919807434082 + ], + [ + "▁TOTAL", + -14.237921714782717 + ], + [ + "▁Ultima", + -14.237930297851562 + ], + [ + "▁doubleheader", + -14.237936973571776 + ], + [ + "3100", + -14.237953186035156 + ], + [ + "hoot", + -14.237970352172852 + ], + [ + "bria", + -14.237975120544434 + ], + [ + "▁worshippers", + -14.237994194030762 + ], + [ + "▁attestation", + -14.238025665283203 + ], + [ + "▁Assyrian", + -14.238031387329102 + ], + [ + "▁truncated", + -14.23805046081543 + ], + [ + "▁Palais", + -14.238059043884276 + ], + [ + "▁Fillmore", + -14.238064765930176 + ], + [ + "EJ", + -14.23808765411377 + ], + [ + "▁Robles", + -14.23809051513672 + ], + [ + "▁idioms", + -14.238103866577148 + ], + [ + "▁flanges", + -14.238107681274414 + ], + [ + "means", + -14.238121032714844 + ], + [ + "▁PRP", + -14.23812770843506 + ], + [ + "▁Variations", + -14.23814868927002 + ], + [ + "▁Aetna", + -14.23819637298584 + ], + [ + "▁Visualization", + -14.238276481628418 + ], + [ + "knot", + -14.23827838897705 + ], + [ + "▁magma", + -14.23829746246338 + ], + [ + "▁GQ", + -14.238309860229492 + ], + [ + "Zoo", + -14.238313674926758 + ], + [ + "▁audi", + -14.238344192504885 + ], + [ + "▁Jennie", + -14.23836612701416 + ], + [ + "▁18:00", + -14.238378524780272 + ], + [ + "▁retouch", + -14.23838996887207 + ], + [ + "▁obstructing", + -14.23849868774414 + ], + [ + "▁sawmill", + -14.238523483276367 + ], + [ + "demon", + -14.238602638244627 + ], + [ + "▁Cohn", + -14.238661766052246 + ], + [ + "▁overshadow", + -14.238682746887209 + ], + [ + "▁wintry", + -14.238714218139648 + ], + [ + "zah", + -14.238810539245604 + ], + [ + "▁RET", + -14.238821029663086 + ], + [ + "▁Sex", + -14.238836288452148 + ], + [ + "▁fluently", + -14.238845825195312 + ], + [ + "aaaa", + -14.238850593566896 + ], + [ + "▁degenerate", + -14.238859176635742 + ], + [ + "▁rigors", + -14.238889694213867 + ], + [ + "Conclusions", + -14.238892555236816 + ], + [ + "▁0.75", + -14.238953590393066 + ], + [ + "▁ferrous", + -14.238958358764648 + ], + [ + "coco", + -14.238959312438965 + ], + [ + "▁sniffing", + -14.238972663879396 + ], + [ + "▁gale", + -14.238978385925291 + ], + [ + "▁slaying", + -14.238986015319824 + ], + [ + "▁solicited", + -14.239006996154783 + ], + [ + "▁cuppa", + -14.23903751373291 + ], + [ + "Rules", + -14.239142417907717 + ], + [ + "▁Gully", + -14.239184379577637 + ], + [ + "ehler", + -14.23919677734375 + ], + [ + "▁estimations", + -14.23922634124756 + ], + [ + "▁bodysuit", + -14.239229202270508 + ], + [ + "moz", + -14.239267349243164 + ], + [ + "▁Lifeline", + -14.239274978637695 + ], + [ + "valued", + -14.239282608032228 + ], + [ + "▁appropriateness", + -14.239287376403809 + ], + [ + "assie", + -14.239298820495604 + ], + [ + "▁CBR", + -14.239340782165527 + ], + [ + "▁tints", + -14.23936653137207 + ], + [ + "▁CORP", + -14.239371299743652 + ], + [ + "▁DEAD", + -14.239405632019045 + ], + [ + "▁Waller", + -14.239418029785156 + ], + [ + "glas", + -14.239453315734863 + ], + [ + "▁Mountaineer", + -14.239462852478027 + ], + [ + "IDENT", + -14.239508628845217 + ], + [ + "Lawmakers", + -14.239554405212402 + ], + [ + "▁digger", + -14.23965549468994 + ], + [ + "acea", + -14.239667892456056 + ], + [ + "advantage", + -14.239686012268066 + ], + [ + "▁bong", + -14.239705085754396 + ], + [ + "Scientific", + -14.239712715148926 + ], + [ + "antique", + -14.23971462249756 + ], + [ + "intelligence", + -14.239717483520508 + ], + [ + "▁sé", + -14.239718437194824 + ], + [ + "Unlimited", + -14.239737510681152 + ], + [ + "AKI", + -14.239738464355469 + ], + [ + "fueled", + -14.23976707458496 + ], + [ + "eminent", + -14.239784240722656 + ], + [ + "▁aristocratic", + -14.239789009094238 + ], + [ + "Sustainable", + -14.2398099899292 + ], + [ + "▁Modem", + -14.239850997924805 + ], + [ + "Recovery", + -14.239913940429688 + ], + [ + "NHS", + -14.239917755126951 + ], + [ + "bosch", + -14.239920616149902 + ], + [ + "▁Kuro", + -14.239964485168455 + ], + [ + "▁Joni", + -14.23997974395752 + ], + [ + "extraterrestrial", + -14.240042686462402 + ], + [ + "▁Econ", + -14.240042686462402 + ], + [ + "2:10", + -14.24004364013672 + ], + [ + "Guys", + -14.240050315856934 + ], + [ + "films", + -14.24006175994873 + ], + [ + "▁modernisation", + -14.24006175994873 + ], + [ + "▁disprove", + -14.240113258361816 + ], + [ + "piano", + -14.240208625793455 + ], + [ + "visa", + -14.240269660949709 + ], + [ + "▁wrecking", + -14.240286827087402 + ], + [ + "▁cranking", + -14.24030303955078 + ], + [ + "▁ferro", + -14.240416526794434 + ], + [ + "▁pada", + -14.240428924560549 + ], + [ + "▁Stew", + -14.240500450134276 + ], + [ + "▁Attacks", + -14.240592002868652 + ], + [ + "RSA", + -14.24065399169922 + ], + [ + "ENDER", + -14.240817070007324 + ], + [ + "▁mayors", + -14.240840911865234 + ], + [ + "▁Quart", + -14.240856170654297 + ], + [ + "▁Homeschool", + -14.240948677062988 + ], + [ + "shant", + -14.24099063873291 + ], + [ + "itti", + -14.241223335266112 + ], + [ + "▁Balt", + -14.241290092468262 + ], + [ + "▁Warp", + -14.24135971069336 + ], + [ + "tributing", + -14.241395950317385 + ], + [ + "▁Hagen", + -14.241397857666016 + ], + [ + "natured", + -14.241410255432127 + ], + [ + "▁tentacles", + -14.241714477539062 + ], + [ + "SITE", + -14.241738319396973 + ], + [ + "▁fliers", + -14.241782188415527 + ], + [ + "▁(41", + -14.241806030273438 + ], + [ + "▁LPC", + -14.24188995361328 + ], + [ + "▁Lawton", + -14.241929054260254 + ], + [ + "payer", + -14.24194622039795 + ], + [ + "▁DIV", + -14.24197483062744 + ], + [ + "0-9", + -14.241978645324709 + ], + [ + "▁Debug", + -14.241990089416504 + ], + [ + "retin", + -14.24201202392578 + ], + [ + "Maine", + -14.24203395843506 + ], + [ + "▁george", + -14.24205207824707 + ], + [ + "▁nephr", + -14.242055892944336 + ], + [ + "▁streetcar", + -14.24216651916504 + ], + [ + "cooling", + -14.242279052734377 + ], + [ + "▁semiconductors", + -14.242289543151855 + ], + [ + "united", + -14.242295265197754 + ], + [ + "▁Germanic", + -14.24233627319336 + ], + [ + "holz", + -14.242379188537598 + ], + [ + "▁spades", + -14.24238395690918 + ], + [ + "00:00", + -14.242384910583496 + ], + [ + "▁CCG", + -14.242388725280762 + ], + [ + "Crowd", + -14.242403030395508 + ], + [ + "Partners", + -14.24243450164795 + ], + [ + "▁flung", + -14.242467880249023 + ], + [ + "▁fifteenth", + -14.242473602294922 + ], + [ + "▁Mould", + -14.24248504638672 + ], + [ + "NIS", + -14.242526054382324 + ], + [ + "▁Schw", + -14.242545127868652 + ], + [ + "chairman", + -14.242547035217283 + ], + [ + "▁coco", + -14.24269199371338 + ], + [ + "▁Crafting", + -14.2427396774292 + ], + [ + "▁resurface", + -14.242868423461914 + ], + [ + "▁computations", + -14.242881774902344 + ], + [ + "▁cockroach", + -14.24292278289795 + ], + [ + "ULE", + -14.243034362792969 + ], + [ + "▁COMMUNITY", + -14.243063926696776 + ], + [ + "▁Teflon", + -14.243063926696776 + ], + [ + "▁engrossed", + -14.243063926696776 + ], + [ + "▁epiphany", + -14.243063926696776 + ], + [ + "▁fissure", + -14.243063926696776 + ], + [ + "▁introspective", + -14.243063926696776 + ], + [ + "▁kostenlos", + -14.243063926696776 + ], + [ + "▁unspoilt", + -14.243063926696776 + ], + [ + "▁xanax", + -14.243063926696776 + ], + [ + "▁Ophelia", + -14.243064880371094 + ], + [ + "▁disheartening", + -14.243064880371094 + ], + [ + "▁nomenclature", + -14.243064880371094 + ], + [ + "▁Cosmopolitan", + -14.24306583404541 + ], + [ + "▁Genocide", + -14.24306583404541 + ], + [ + "▁immersing", + -14.24306583404541 + ], + [ + "▁epigenetic", + -14.243067741394045 + ], + [ + "▁BitTorrent", + -14.24306869506836 + ], + [ + "▁melanin", + -14.243069648742676 + ], + [ + "▁Snowflake", + -14.243070602416992 + ], + [ + "avage", + -14.24307346343994 + ], + [ + "▁Poultry", + -14.24307346343994 + ], + [ + "▁bicarbonate", + -14.24307346343994 + ], + [ + "▁EDITION", + -14.24307632446289 + ], + [ + "▁Kampala", + -14.243078231811523 + ], + [ + "benzene", + -14.24307918548584 + ], + [ + "▁imitating", + -14.243082046508787 + ], + [ + "▁SERIES", + -14.24308967590332 + ], + [ + "▁Gregorian", + -14.243099212646484 + ], + [ + "▁Cupid", + -14.24310302734375 + ], + [ + "▁Chadwick", + -14.243104934692385 + ], + [ + "▁damask", + -14.243106842041016 + ], + [ + "▁shorthand", + -14.243109703063965 + ], + [ + "▁Winslow", + -14.243131637573242 + ], + [ + "Zhengzhou", + -14.243133544921877 + ], + [ + "▁scarred", + -14.243149757385254 + ], + [ + "▁Unemployment", + -14.243152618408203 + ], + [ + "ZIP", + -14.243168830871582 + ], + [ + "▁Multicultural", + -14.243175506591797 + ], + [ + "vyn", + -14.243188858032228 + ], + [ + "▁bicyclists", + -14.243199348449709 + ], + [ + "▁bedspread", + -14.243219375610352 + ], + [ + "▁subtleties", + -14.243241310119627 + ], + [ + "▁(64", + -14.243295669555664 + ], + [ + "uil", + -14.243353843688965 + ], + [ + "kku", + -14.243370056152344 + ], + [ + "▁humiliated", + -14.24338436126709 + ], + [ + "uating", + -14.243396759033203 + ], + [ + "ayne", + -14.243419647216797 + ], + [ + "▁precincts", + -14.243462562561035 + ], + [ + "▁latches", + -14.243473052978516 + ], + [ + "▁LAX", + -14.24348258972168 + ], + [ + "▁MARCH", + -14.243485450744627 + ], + [ + "▁Ormond", + -14.24349594116211 + ], + [ + "▁Squire", + -14.243542671203612 + ], + [ + "▁Hutton", + -14.243552207946776 + ], + [ + "tiered", + -14.243597984313965 + ], + [ + "▁CONDITIONS", + -14.243630409240724 + ], + [ + "▁panning", + -14.243653297424316 + ], + [ + "▁expended", + -14.24366569519043 + ], + [ + "TEST", + -14.243755340576172 + ], + [ + "Hint", + -14.243829727172852 + ], + [ + "Calculate", + -14.24386501312256 + ], + [ + "▁chipboard", + -14.243926048278809 + ], + [ + "▁Hooper", + -14.243931770324709 + ], + [ + "▁Delivering", + -14.24394702911377 + ], + [ + "▁patchy", + -14.243953704833984 + ], + [ + "uman", + -14.24398708343506 + ], + [ + "▁Flake", + -14.243990898132324 + ], + [ + "▁Prog", + -14.244065284729004 + ], + [ + "thio", + -14.244070053100586 + ], + [ + "▁headliner", + -14.244102478027344 + ], + [ + "▁Forster", + -14.244110107421877 + ], + [ + "Ferra", + -14.24411392211914 + ], + [ + "randa", + -14.244144439697266 + ], + [ + "Trim", + -14.244163513183594 + ], + [ + "▁metabolites", + -14.244183540344238 + ], + [ + "▁paramedic", + -14.244239807128906 + ], + [ + "cigarette", + -14.244280815124512 + ], + [ + "/06", + -14.244436264038086 + ], + [ + "abuse", + -14.244486808776855 + ], + [ + "▁Oath", + -14.244504928588867 + ], + [ + "▁351", + -14.244515419006348 + ], + [ + "▁handrails", + -14.244531631469728 + ], + [ + "▁wicking", + -14.244549751281738 + ], + [ + "▁Garde", + -14.244574546813965 + ], + [ + "▁Prin", + -14.244599342346191 + ], + [ + "holme", + -14.244638442993164 + ], + [ + "lauren", + -14.244650840759276 + ], + [ + "▁Branches", + -14.244688987731934 + ], + [ + "Portal", + -14.244695663452148 + ], + [ + "mington", + -14.244757652282717 + ], + [ + "▁EXC", + -14.244763374328612 + ], + [ + "olog", + -14.244781494140623 + ], + [ + "▁wry", + -14.244829177856444 + ], + [ + "▁Infants", + -14.244839668273926 + ], + [ + "across", + -14.244843482971191 + ], + [ + "OSHA", + -14.244867324829102 + ], + [ + "▁Fences", + -14.24489688873291 + ], + [ + "CHES", + -14.24489974975586 + ], + [ + "▁Bh", + -14.244951248168944 + ], + [ + "▁Cllr", + -14.244961738586426 + ], + [ + "▁incursion", + -14.24498462677002 + ], + [ + "▁carbonated", + -14.24500560760498 + ], + [ + "▁OTP", + -14.245059967041016 + ], + [ + "▁EYE", + -14.245060920715332 + ], + [ + "Arsenal", + -14.245086669921877 + ], + [ + "▁bodyweight", + -14.245088577270508 + ], + [ + "Benjamin", + -14.245089530944824 + ], + [ + "Illinois", + -14.24509334564209 + ], + [ + "▁murderers", + -14.24510669708252 + ], + [ + "leaving", + -14.245128631591797 + ], + [ + "precious", + -14.245128631591797 + ], + [ + "▁natively", + -14.245137214660645 + ], + [ + "▁scuff", + -14.24514389038086 + ], + [ + "▁Cavern", + -14.245161056518556 + ], + [ + "referred", + -14.245226860046388 + ], + [ + "Vet", + -14.24528980255127 + ], + [ + "Creation", + -14.245293617248535 + ], + [ + "▁Positioning", + -14.245312690734863 + ], + [ + "▁nuke", + -14.245314598083496 + ], + [ + "▁IMHO", + -14.245359420776367 + ], + [ + "▁Worn", + -14.245438575744627 + ], + [ + "▁secs", + -14.245461463928224 + ], + [ + "▁photons", + -14.245491027832031 + ], + [ + "lga", + -14.245553016662598 + ], + [ + "wali", + -14.245562553405762 + ], + [ + "▁Kraus", + -14.24560260772705 + ], + [ + "Thr", + -14.245627403259276 + ], + [ + "▁DROP", + -14.24562931060791 + ], + [ + "▁interned", + -14.24567985534668 + ], + [ + "Grave", + -14.245712280273438 + ], + [ + "FLO", + -14.245723724365234 + ], + [ + "oxygen", + -14.245742797851562 + ], + [ + "▁BOM", + -14.245769500732422 + ], + [ + "▁Fak", + -14.245858192443848 + ], + [ + "Caution", + -14.245874404907228 + ], + [ + "▁1′′", + -14.245908737182615 + ], + [ + "▁Zand", + -14.24594783782959 + ], + [ + "SCH", + -14.245957374572754 + ], + [ + "027", + -14.246058464050291 + ], + [ + "▁emphasises", + -14.246169090270996 + ], + [ + "▁itemized", + -14.246183395385742 + ], + [ + "NDC", + -14.246441841125488 + ], + [ + "icu", + -14.246454238891602 + ], + [ + "416", + -14.246478080749512 + ], + [ + "▁Synopsis", + -14.246514320373535 + ], + [ + "▁folio", + -14.246541023254396 + ], + [ + "▁IFS", + -14.24659824371338 + ], + [ + "scented", + -14.246646881103516 + ], + [ + "▁permeate", + -14.246710777282717 + ], + [ + "▁publically", + -14.246710777282717 + ], + [ + "▁Peaceful", + -14.246726036071776 + ], + [ + "▁Bourg", + -14.24672794342041 + ], + [ + "AIM", + -14.246801376342772 + ], + [ + "pari", + -14.246811866760254 + ], + [ + "▁Jeb", + -14.246814727783203 + ], + [ + "987", + -14.246819496154783 + ], + [ + "mw", + -14.246826171875 + ], + [ + "▁Canna", + -14.24687385559082 + ], + [ + "HAR", + -14.246888160705566 + ], + [ + "aglio", + -14.24696445465088 + ], + [ + "▁cashless", + -14.24699878692627 + ], + [ + "covering", + -14.2470121383667 + ], + [ + "▁fb", + -14.247020721435549 + ], + [ + "schl", + -14.247027397155762 + ], + [ + "Serv", + -14.247057914733888 + ], + [ + "/29", + -14.247137069702148 + ], + [ + "MLA", + -14.24714469909668 + ], + [ + "Drill", + -14.247175216674805 + ], + [ + "▁Schoen", + -14.247211456298828 + ], + [ + "▁Frontiers", + -14.247264862060549 + ], + [ + "▁Happen", + -14.247296333312988 + ], + [ + "▁descriptor", + -14.24729824066162 + ], + [ + "▁crayon", + -14.247300148010254 + ], + [ + "GYN", + -14.247346878051758 + ], + [ + "cx", + -14.247369766235352 + ], + [ + "▁smug", + -14.247492790222168 + ], + [ + "▁Whitehead", + -14.247495651245115 + ], + [ + "vance", + -14.247583389282228 + ], + [ + "▁canines", + -14.247614860534668 + ], + [ + "steroid", + -14.247688293457031 + ], + [ + "wb", + -14.24778938293457 + ], + [ + "▁Zim", + -14.247910499572754 + ], + [ + "intend", + -14.247919082641602 + ], + [ + "junk", + -14.247946739196776 + ], + [ + "Buyer", + -14.247963905334473 + ], + [ + "▁ideation", + -14.24798583984375 + ], + [ + "▁$180", + -14.248011589050291 + ], + [ + "982", + -14.24802303314209 + ], + [ + "▁10.6", + -14.24802303314209 + ], + [ + "▁PMP", + -14.24803352355957 + ], + [ + "▁Organizers", + -14.24807071685791 + ], + [ + "▁Malin", + -14.248083114624023 + ], + [ + "▁defiant", + -14.248085021972656 + ], + [ + "75)", + -14.248265266418455 + ], + [ + "▁ACO", + -14.248296737670898 + ], + [ + "▁Tren", + -14.248299598693848 + ], + [ + "ERR", + -14.248311042785645 + ], + [ + "▁Cessna", + -14.248327255249023 + ], + [ + "▁Gutierrez", + -14.248327255249023 + ], + [ + "▁Ophthalmology", + -14.248327255249023 + ], + [ + "▁chennai", + -14.248327255249023 + ], + [ + "▁cuddling", + -14.248327255249023 + ], + [ + "▁daisies", + -14.248327255249023 + ], + [ + "▁lawnmower", + -14.248327255249023 + ], + [ + "▁tributaries", + -14.248327255249023 + ], + [ + "▁Aguilar", + -14.24832820892334 + ], + [ + "▁Wrought", + -14.24832820892334 + ], + [ + "▁NEWSWIRE", + -14.248329162597656 + ], + [ + "Communicating", + -14.248331069946287 + ], + [ + "▁jasper", + -14.248331069946287 + ], + [ + "▁Timberlake", + -14.248343467712402 + ], + [ + "▁crockery", + -14.248348236083984 + ], + [ + "▁VOIP", + -14.248351097106934 + ], + [ + "▁Steampunk", + -14.24835205078125 + ], + [ + "ceding", + -14.248355865478516 + ], + [ + "▁Viejo", + -14.248357772827148 + ], + [ + "▁Purcell", + -14.248371124267578 + ], + [ + "▁IMPACT", + -14.248372077941896 + ], + [ + "▁Neumann", + -14.24837875366211 + ], + [ + "▁fawn", + -14.248401641845703 + ], + [ + "Gay", + -14.2484130859375 + ], + [ + "▁myeloma", + -14.2484130859375 + ], + [ + "▁polarizing", + -14.248456001281738 + ], + [ + "▁ethnographic", + -14.248462677001951 + ], + [ + "▁Lia", + -14.24847412109375 + ], + [ + "▁concentric", + -14.24847412109375 + ], + [ + "NHTSA", + -14.248477935791016 + ], + [ + "▁weightlifting", + -14.248486518859863 + ], + [ + "▁Walkthrough", + -14.248517036437988 + ], + [ + "ultra", + -14.248520851135254 + ], + [ + "▁Modifier", + -14.24852466583252 + ], + [ + "Bron", + -14.248549461364746 + ], + [ + "▁Sway", + -14.24855899810791 + ], + [ + "▁Aussies", + -14.248579978942873 + ], + [ + "▁Longhorn", + -14.248579978942873 + ], + [ + "▁strapping", + -14.248581886291504 + ], + [ + "▁Patr", + -14.24858856201172 + ], + [ + "▁Bingham", + -14.24860382080078 + ], + [ + "▁lurch", + -14.248611450195312 + ], + [ + "▁unilaterally", + -14.248676300048828 + ], + [ + "NFP", + -14.248701095581056 + ], + [ + "▁Fittings", + -14.248724937438965 + ], + [ + "▁CarPlay", + -14.24876594543457 + ], + [ + "▁Hatfield", + -14.248786926269531 + ], + [ + "▁Aiden", + -14.248908996582031 + ], + [ + "▁Brownsville", + -14.248910903930664 + ], + [ + "▁2018/2019", + -14.248931884765623 + ], + [ + "Mic", + -14.248934745788574 + ], + [ + "▁Addressing", + -14.248973846435549 + ], + [ + "buckle", + -14.248993873596191 + ], + [ + "▁CHO", + -14.24900722503662 + ], + [ + "▁Gabon", + -14.249055862426758 + ], + [ + "973", + -14.24908447265625 + ], + [ + "▁2004).", + -14.249112129211426 + ], + [ + "▁Muz", + -14.24913215637207 + ], + [ + "Handle", + -14.249226570129396 + ], + [ + "ACO", + -14.24927043914795 + ], + [ + "▁snowing", + -14.249277114868164 + ], + [ + "AAP", + -14.24930477142334 + ], + [ + "edible", + -14.249311447143556 + ], + [ + "▁speculations", + -14.249320030212402 + ], + [ + "NEXT", + -14.249334335327148 + ], + [ + "▁googled", + -14.249428749084473 + ], + [ + "IKO", + -14.249663352966309 + ], + [ + "▁Melton", + -14.249713897705078 + ], + [ + ".75%", + -14.249767303466797 + ], + [ + "Chasing", + -14.24981689453125 + ], + [ + "▁allusion", + -14.249817848205566 + ], + [ + "▁$2.50", + -14.249839782714844 + ], + [ + "▁vert", + -14.249892234802246 + ], + [ + "/05", + -14.249895095825195 + ], + [ + "▁Demographic", + -14.250066757202148 + ], + [ + "▁$2.3", + -14.25019645690918 + ], + [ + "nall", + -14.250198364257812 + ], + [ + "▁Massa", + -14.250198364257812 + ], + [ + "Shower", + -14.250240325927734 + ], + [ + "▁antigens", + -14.250284194946287 + ], + [ + "▁contending", + -14.250288009643556 + ], + [ + "Solutions", + -14.250349044799805 + ], + [ + "Fellow", + -14.250414848327637 + ], + [ + "Pharma", + -14.250417709350586 + ], + [ + "GLOBAL", + -14.250422477722168 + ], + [ + "Celebrating", + -14.250469207763672 + ], + [ + "▁Hamper", + -14.250479698181152 + ], + [ + "Detective", + -14.250480651855469 + ], + [ + "▁demi", + -14.250495910644531 + ], + [ + "privacy", + -14.25050163269043 + ], + [ + "recovery", + -14.25051212310791 + ], + [ + "jurisdictional", + -14.25057888031006 + ], + [ + "▁Lathe", + -14.250596046447754 + ], + [ + "judicial", + -14.25062370300293 + ], + [ + "Honda", + -14.25068187713623 + ], + [ + "▁Moll", + -14.250718116760254 + ], + [ + "VV", + -14.250725746154783 + ], + [ + "hok", + -14.250750541687012 + ], + [ + "▁stipulations", + -14.250754356384276 + ], + [ + "▁CRP", + -14.250757217407228 + ], + [ + "Chances", + -14.250765800476074 + ], + [ + "Str", + -14.250767707824709 + ], + [ + "▁Lamont", + -14.250781059265137 + ], + [ + "shank", + -14.250846862792969 + ], + [ + "heid", + -14.25086498260498 + ], + [ + "▁CSE", + -14.250925064086914 + ], + [ + "▁ipod", + -14.251008987426758 + ], + [ + "grading", + -14.251014709472656 + ], + [ + "▁envi", + -14.251100540161133 + ], + [ + "▁Trang", + -14.2511625289917 + ], + [ + "Somewhere", + -14.251185417175291 + ], + [ + "Pitch", + -14.251273155212402 + ], + [ + "▁Seventeen", + -14.251447677612305 + ], + [ + "▁Prefer", + -14.251461029052734 + ], + [ + "▁Braz", + -14.251484870910645 + ], + [ + "▁STOCK", + -14.251521110534668 + ], + [ + "italia", + -14.251557350158691 + ], + [ + "WIND", + -14.251574516296388 + ], + [ + "▁MWC", + -14.251629829406738 + ], + [ + "▁horde", + -14.251636505126951 + ], + [ + "SMC", + -14.25164794921875 + ], + [ + "▁TMS", + -14.251665115356444 + ], + [ + "▁headroom", + -14.25173568725586 + ], + [ + "tained", + -14.251747131347656 + ], + [ + "▁707", + -14.251879692077637 + ], + [ + "dapat", + -14.251890182495115 + ], + [ + "▁74%", + -14.251893043518066 + ], + [ + "rle", + -14.251914978027344 + ], + [ + "▁tankers", + -14.252016067504885 + ], + [ + "▁363", + -14.252025604248049 + ], + [ + "▁Czechoslovakia", + -14.252059936523438 + ], + [ + "▁modesty", + -14.252060890197754 + ], + [ + "▁syllables", + -14.252094268798828 + ], + [ + "▁Bonner", + -14.252150535583496 + ], + [ + "kem", + -14.252323150634766 + ], + [ + "▁Counts", + -14.252352714538574 + ], + [ + "▁PEI", + -14.252357482910156 + ], + [ + "▁ICP", + -14.252459526062012 + ], + [ + "prep", + -14.252480506896973 + ], + [ + "INDER", + -14.252646446228027 + ], + [ + "▁insistent", + -14.252711296081545 + ], + [ + "Fishing", + -14.252713203430176 + ], + [ + "▁Noodles", + -14.252714157104492 + ], + [ + "NCT", + -14.252906799316406 + ], + [ + "065", + -14.252917289733888 + ], + [ + "▁Pupils", + -14.252943992614746 + ], + [ + "enterprise", + -14.252995491027832 + ], + [ + "▁7,500", + -14.253090858459473 + ], + [ + "▁mangrove", + -14.253097534179688 + ], + [ + "▁deport", + -14.253124237060549 + ], + [ + "▁detoxify", + -14.253156661987305 + ], + [ + "▁surcharges", + -14.253179550170898 + ], + [ + "▁bulletins", + -14.253191947937012 + ], + [ + "atorium", + -14.253217697143556 + ], + [ + "▁Caffeine", + -14.253276824951172 + ], + [ + "▁SMALL", + -14.253430366516112 + ], + [ + "dea", + -14.253443717956545 + ], + [ + "▁Fergus", + -14.253472328186035 + ], + [ + "▁Rave", + -14.253525733947754 + ], + [ + "Nm", + -14.253579139709473 + ], + [ + "cfm", + -14.253589630126951 + ], + [ + "fertilize", + -14.2535982131958 + ], + [ + "▁Dunk", + -14.253613471984863 + ], + [ + "Analyzing", + -14.253618240356444 + ], + [ + "Sputnik", + -14.253618240356444 + ], + [ + "▁Phosphate", + -14.253618240356444 + ], + [ + "▁Sturgeon", + -14.253618240356444 + ], + [ + "▁boisterous", + -14.253618240356444 + ], + [ + "▁citadel", + -14.253618240356444 + ], + [ + "▁moisturising", + -14.253618240356444 + ], + [ + "▁reprieve", + -14.253618240356444 + ], + [ + "▁unnerving", + -14.253618240356444 + ], + [ + "▁Beneficiation", + -14.253619194030762 + ], + [ + "▁bewildered", + -14.253619194030762 + ], + [ + "▁SUMMER", + -14.253620147705078 + ], + [ + "▁embroiled", + -14.253622055053713 + ], + [ + "▁Primrose", + -14.253623008728027 + ], + [ + "▁herringbone", + -14.253623962402344 + ], + [ + "▁granulated", + -14.253634452819824 + ], + [ + "▁Counsellor", + -14.253639221191406 + ], + [ + "▁Discuz", + -14.25364112854004 + ], + [ + "▁Citibank", + -14.253643035888672 + ], + [ + "▁APRIL", + -14.25364589691162 + ], + [ + "▁undivided", + -14.25364875793457 + ], + [ + "▁Kurds", + -14.253656387329102 + ], + [ + "▁Preventive", + -14.253673553466797 + ], + [ + "▁snort", + -14.25367546081543 + ], + [ + "▁(34", + -14.25367832183838 + ], + [ + "▁Discourse", + -14.25368595123291 + ], + [ + "▁Moritz", + -14.253707885742188 + ], + [ + "▁raking", + -14.253714561462402 + ], + [ + "▁NATIONAL", + -14.253745079040527 + ], + [ + "▁Moab", + -14.25374698638916 + ], + [ + "hina", + -14.253768920898438 + ], + [ + "▁supersonic", + -14.25377082824707 + ], + [ + "▁lcd", + -14.253791809082031 + ], + [ + "▁symphonic", + -14.25381565093994 + ], + [ + "▁rusting", + -14.253826141357422 + ], + [ + "▁Asperger", + -14.253846168518066 + ], + [ + "▁worksite", + -14.253854751586914 + ], + [ + "▁victorian", + -14.253859519958496 + ], + [ + "▁Morningstar", + -14.25387477874756 + ], + [ + "▁Dez", + -14.253877639770508 + ], + [ + "▁Schemes", + -14.253944396972656 + ], + [ + "▁purportedly", + -14.25399398803711 + ], + [ + "garage", + -14.25401496887207 + ], + [ + "nih", + -14.254104614257812 + ], + [ + "▁pyro", + -14.25416088104248 + ], + [ + "zada", + -14.254199981689451 + ], + [ + "▁midrange", + -14.254227638244627 + ], + [ + "ebi", + -14.254257202148438 + ], + [ + "▁loaders", + -14.254294395446776 + ], + [ + "HIV", + -14.254311561584473 + ], + [ + "laptop", + -14.254364967346191 + ], + [ + "▁Cloudy", + -14.25437355041504 + ], + [ + "▁Fac", + -14.25445556640625 + ], + [ + "ENSE", + -14.254493713378906 + ], + [ + "41)", + -14.254511833190918 + ], + [ + "тер", + -14.254520416259766 + ], + [ + "▁$12,000", + -14.254631996154783 + ], + [ + "▁3600", + -14.254646301269531 + ], + [ + "▁propagated", + -14.254651069641112 + ], + [ + "▁catalyze", + -14.254749298095703 + ], + [ + "▁Neiman", + -14.25475025177002 + ], + [ + "▁£150", + -14.25477123260498 + ], + [ + "▁splints", + -14.254804611206056 + ], + [ + "▁Tien", + -14.254996299743652 + ], + [ + "1234", + -14.25507926940918 + ], + [ + "▁footbed", + -14.255105018615724 + ], + [ + "▁Predators", + -14.255107879638672 + ], + [ + "▁colourway", + -14.255117416381836 + ], + [ + "▁50-60", + -14.255142211914062 + ], + [ + "▁JAMA", + -14.25518035888672 + ], + [ + "▁Cinco", + -14.25519847869873 + ], + [ + "▁DMCA", + -14.255231857299805 + ], + [ + "eyer", + -14.255237579345703 + ], + [ + "▁shrinks", + -14.25525188446045 + ], + [ + "illas", + -14.25526523590088 + ], + [ + "▁Gorman", + -14.2553071975708 + ], + [ + "▁Expires", + -14.255393028259276 + ], + [ + "▁Wraps", + -14.255406379699709 + ], + [ + "Gather", + -14.25543212890625 + ], + [ + "▁caries", + -14.255464553833008 + ], + [ + "▁XIII", + -14.255478858947754 + ], + [ + "▁Kud", + -14.25551414489746 + ], + [ + "▁Skies", + -14.255517959594728 + ], + [ + "Convey", + -14.25551986694336 + ], + [ + "violet", + -14.255536079406738 + ], + [ + "Videos", + -14.255603790283203 + ], + [ + "▁chalets", + -14.255623817443848 + ], + [ + "▁comrade", + -14.25566864013672 + ], + [ + "▁spasm", + -14.25578498840332 + ], + [ + "YG", + -14.255826950073242 + ], + [ + "Twelve", + -14.255914688110352 + ], + [ + "TIVE", + -14.255915641784668 + ], + [ + "Strategy", + -14.25593090057373 + ], + [ + "apparently", + -14.25593376159668 + ], + [ + "▁2040", + -14.256062507629396 + ], + [ + "apartment", + -14.256118774414062 + ], + [ + "SHOT", + -14.256135940551758 + ], + [ + "ogg", + -14.25618839263916 + ], + [ + "▁consign", + -14.256299018859863 + ], + [ + "sprit", + -14.25629997253418 + ], + [ + "quoi", + -14.25636100769043 + ], + [ + "▁Encrypt", + -14.256443977355955 + ], + [ + "▁Chromebooks", + -14.25653839111328 + ], + [ + "▁Abortion", + -14.256587028503418 + ], + [ + "inne", + -14.25658893585205 + ], + [ + "▁oversold", + -14.256635665893556 + ], + [ + "canada", + -14.256636619567873 + ], + [ + "mography", + -14.2566556930542 + ], + [ + "▁clashed", + -14.256742477416992 + ], + [ + "TERRA", + -14.256786346435549 + ], + [ + "▁tran", + -14.256973266601562 + ], + [ + "▁Missed", + -14.25698184967041 + ], + [ + "dade", + -14.257038116455078 + ], + [ + "▁slugs", + -14.257086753845217 + ], + [ + "retta", + -14.257098197937012 + ], + [ + "Enhanced", + -14.25716495513916 + ], + [ + "▁1847", + -14.257184982299805 + ], + [ + "▁eel", + -14.257208824157717 + ], + [ + "Involve", + -14.257225036621094 + ], + [ + "aciones", + -14.257225036621094 + ], + [ + "▁TSB", + -14.25722599029541 + ], + [ + "▁playfully", + -14.257293701171877 + ], + [ + "pointed", + -14.257309913635254 + ], + [ + "▁Shun", + -14.257431983947754 + ], + [ + "▁BUS", + -14.257526397705078 + ], + [ + "▁AMT", + -14.257580757141112 + ], + [ + "▁flicks", + -14.257617950439451 + ], + [ + "▁23,000", + -14.25762939453125 + ], + [ + "Reporting", + -14.257644653320312 + ], + [ + "3]", + -14.25781536102295 + ], + [ + "Austria", + -14.257862091064451 + ], + [ + "▁Professionally", + -14.25791835784912 + ], + [ + "▁condone", + -14.257949829101562 + ], + [ + "▁DIG", + -14.257965087890623 + ], + [ + "RANT", + -14.257980346679688 + ], + [ + "engineer", + -14.258001327514648 + ], + [ + "▁Packer", + -14.258001327514648 + ], + [ + "enci", + -14.258007049560549 + ], + [ + "▁Males", + -14.258015632629396 + ], + [ + "igg", + -14.258016586303713 + ], + [ + "▁aficionado", + -14.258020401000977 + ], + [ + "▁Blom", + -14.258023262023926 + ], + [ + "▁Lined", + -14.258031845092772 + ], + [ + "▁DART", + -14.25804328918457 + ], + [ + "OMB", + -14.258113861083984 + ], + [ + "Turns", + -14.258118629455566 + ], + [ + "▁opiate", + -14.258132934570312 + ], + [ + "▁misfit", + -14.258169174194336 + ], + [ + "▁appraise", + -14.25820255279541 + ], + [ + "▁lubricate", + -14.258336067199709 + ], + [ + "asti", + -14.258342742919922 + ], + [ + "/2007", + -14.258343696594238 + ], + [ + "Oreal", + -14.25849437713623 + ], + [ + "▁SAI", + -14.258546829223633 + ], + [ + "valley", + -14.258588790893556 + ], + [ + "REP", + -14.258615493774414 + ], + [ + "▁utopia", + -14.258711814880373 + ], + [ + "pora", + -14.258736610412598 + ], + [ + "▁261", + -14.25875186920166 + ], + [ + "▁870", + -14.258807182312012 + ], + [ + "saki", + -14.258819580078123 + ], + [ + "Taken", + -14.258852005004885 + ], + [ + "▁PCP", + -14.258864402770996 + ], + [ + "▁Saleh", + -14.258878707885742 + ], + [ + "▁Bamb", + -14.25888442993164 + ], + [ + "puff", + -14.2589111328125 + ], + [ + "Strict", + -14.258934020996094 + ], + [ + "nelle", + -14.258934020996094 + ], + [ + "Evidently", + -14.25893783569336 + ], + [ + "▁DeKalb", + -14.25893783569336 + ], + [ + "▁Launceston", + -14.25893783569336 + ], + [ + "▁MANAGEMENT", + -14.25893783569336 + ], + [ + "▁Preparatory", + -14.25893783569336 + ], + [ + "▁Salomon", + -14.25893783569336 + ], + [ + "▁Wrexham", + -14.25893783569336 + ], + [ + "▁calamity", + -14.25893783569336 + ], + [ + "▁derogatory", + -14.25893783569336 + ], + [ + "▁drowsiness", + -14.25893783569336 + ], + [ + "▁epidermis", + -14.25893783569336 + ], + [ + "▁quintet", + -14.25893783569336 + ], + [ + "▁renaming", + -14.25893783569336 + ], + [ + "▁tapestries", + -14.25893783569336 + ], + [ + "▁unscathed", + -14.25893783569336 + ], + [ + "▁Ladbroke", + -14.258938789367676 + ], + [ + "▁dynamite", + -14.258938789367676 + ], + [ + "▁hydrochloride", + -14.258939743041992 + ], + [ + "luminescent", + -14.258941650390623 + ], + [ + "▁Prosecco", + -14.258941650390623 + ], + [ + "▁Quinoa", + -14.258944511413574 + ], + [ + "▁Butterflies", + -14.258947372436523 + ], + [ + "▁Sheehan", + -14.258966445922852 + ], + [ + "▁NetSuite", + -14.258971214294434 + ], + [ + "▁mafia", + -14.258973121643066 + ], + [ + "▁carafe", + -14.258974075317385 + ], + [ + "▁Clancy", + -14.258975982666016 + ], + [ + "▁subcutaneous", + -14.25898551940918 + ], + [ + "▁tricycle", + -14.258999824523926 + ], + [ + "itution", + -14.259008407592772 + ], + [ + "▁Instrumental", + -14.25901699066162 + ], + [ + "▁Monique", + -14.259035110473633 + ], + [ + "▁Wha", + -14.25904655456543 + ], + [ + "▁cull", + -14.25904655456543 + ], + [ + "▁Additive", + -14.259057998657228 + ], + [ + "▁cinder", + -14.259061813354492 + ], + [ + "inck", + -14.259063720703123 + ], + [ + "▁Motley", + -14.259066581726074 + ], + [ + "▁Paradigm", + -14.2590913772583 + ], + [ + "▁Rugged", + -14.25912380218506 + ], + [ + "▁Testimonials", + -14.25912857055664 + ], + [ + "igny", + -14.25916576385498 + ], + [ + "500,000", + -14.259181022644045 + ], + [ + "MeToo", + -14.259200096130373 + ], + [ + "▁2016-2017", + -14.259215354919434 + ], + [ + "greater", + -14.259224891662598 + ], + [ + "▁Cottonwood", + -14.259259223937988 + ], + [ + "TENS", + -14.25926685333252 + ], + [ + "▁Eun", + -14.259305953979492 + ], + [ + "vast", + -14.25930881500244 + ], + [ + "disqualification", + -14.259318351745604 + ], + [ + "▁Rocker", + -14.25932788848877 + ], + [ + "▁NAF", + -14.259329795837402 + ], + [ + "TERS", + -14.25934886932373 + ], + [ + "Monte", + -14.259358406066896 + ], + [ + "▁Moana", + -14.259389877319336 + ], + [ + "▁embarks", + -14.259418487548828 + ], + [ + "▁Happening", + -14.25945281982422 + ], + [ + "▁sexist", + -14.25945281982422 + ], + [ + "▁Sprite", + -14.259464263916016 + ], + [ + "▁ironed", + -14.259519577026367 + ], + [ + "▁scoured", + -14.259523391723633 + ], + [ + "▁Jodie", + -14.259570121765137 + ], + [ + "▁perceives", + -14.259747505187988 + ], + [ + "anski", + -14.25974941253662 + ], + [ + "▁Odor", + -14.25981330871582 + ], + [ + "▁#15", + -14.259879112243652 + ], + [ + "iken", + -14.260014533996582 + ], + [ + "▁Marking", + -14.260048866271973 + ], + [ + "▁lifesaver", + -14.260066032409668 + ], + [ + "▁18.5", + -14.260068893432615 + ], + [ + "▁ruptured", + -14.260082244873049 + ], + [ + "▁lockdown", + -14.260104179382324 + ], + [ + "hacker", + -14.260111808776855 + ], + [ + "▁Colton", + -14.26014518737793 + ], + [ + "▁outbursts", + -14.260177612304688 + ], + [ + "▁july", + -14.260213851928713 + ], + [ + "RIDE", + -14.26021957397461 + ], + [ + "▁Shakti", + -14.260235786437988 + ], + [ + "1983", + -14.260287284851074 + ], + [ + "▁Vibrant", + -14.260321617126465 + ], + [ + "#8", + -14.260486602783203 + ], + [ + "▁Refill", + -14.260527610778809 + ], + [ + "▁Imports", + -14.260528564453123 + ], + [ + "▁postmodern", + -14.26052951812744 + ], + [ + "▁Eighty", + -14.260533332824709 + ], + [ + "numer", + -14.26053524017334 + ], + [ + "▁lashing", + -14.26059627532959 + ], + [ + "vocal", + -14.260608673095703 + ], + [ + "▁Bagel", + -14.260733604431152 + ], + [ + "▁FAM", + -14.260734558105469 + ], + [ + "▁bandana", + -14.260782241821287 + ], + [ + "MIR", + -14.26081371307373 + ], + [ + "massive", + -14.26086711883545 + ], + [ + "▁parametric", + -14.260897636413574 + ], + [ + "▁halting", + -14.260900497436523 + ], + [ + "junction", + -14.260950088500977 + ], + [ + "▁Tunes", + -14.260968208312988 + ], + [ + "▁Sev", + -14.261040687561035 + ], + [ + "▁hasty", + -14.26105785369873 + ], + [ + "▁Regan", + -14.261093139648438 + ], + [ + "▁underwriters", + -14.261102676391602 + ], + [ + "▁Serves", + -14.261104583740234 + ], + [ + "hida", + -14.261176109313965 + ], + [ + "Francis", + -14.26133155822754 + ], + [ + "▁antidepressants", + -14.26136589050293 + ], + [ + "Compatible", + -14.261380195617676 + ], + [ + "obsessed", + -14.261393547058104 + ], + [ + "Defense", + -14.26140022277832 + ], + [ + "Stuart", + -14.26142692565918 + ], + [ + "▁judgmental", + -14.261431694030762 + ], + [ + "▁Biel", + -14.26144790649414 + ], + [ + "▁tucking", + -14.261466026306152 + ], + [ + "Legend", + -14.26154899597168 + ], + [ + "popping", + -14.26156520843506 + ], + [ + "▁Whose", + -14.261597633361816 + ], + [ + "ligh", + -14.261615753173828 + ], + [ + "▁mehr", + -14.26162052154541 + ], + [ + "creek", + -14.261636734008787 + ], + [ + "Imp", + -14.261656761169434 + ], + [ + "▁Vul", + -14.261659622192385 + ], + [ + "▁Roadster", + -14.261674880981444 + ], + [ + "Plex", + -14.261725425720217 + ], + [ + "▁Wach", + -14.261746406555176 + ], + [ + "intended", + -14.26175022125244 + ], + [ + "▁Drawn", + -14.26175594329834 + ], + [ + "ugo", + -14.261762619018556 + ], + [ + "▁molybdenum", + -14.261801719665527 + ], + [ + "▁Juris", + -14.261859893798828 + ], + [ + "▁Cowan", + -14.26186466217041 + ], + [ + "▁Audition", + -14.261870384216309 + ], + [ + "▁Gadget", + -14.261882781982422 + ], + [ + "▁Undoubtedly", + -14.261907577514648 + ], + [ + "419", + -14.261943817138672 + ], + [ + "▁NRI", + -14.262004852294922 + ], + [ + "▁Cena", + -14.262055397033691 + ], + [ + "▁RAS", + -14.26210117340088 + ], + [ + "▁bystanders", + -14.26211643218994 + ], + [ + "7:00", + -14.26224422454834 + ], + [ + "▁Judo", + -14.262248992919922 + ], + [ + "instrument", + -14.262323379516602 + ], + [ + "▁Manda", + -14.262332916259766 + ], + [ + "▁0.2%", + -14.262343406677246 + ], + [ + "▁Bluebird", + -14.262384414672852 + ], + [ + "▁Tania", + -14.262428283691406 + ], + [ + "Uber", + -14.262495994567873 + ], + [ + "rbo", + -14.262516021728516 + ], + [ + "▁Riddle", + -14.262537002563477 + ], + [ + "Granted", + -14.26255702972412 + ], + [ + "▁bode", + -14.262616157531738 + ], + [ + "▁Joss", + -14.26262092590332 + ], + [ + "reporting", + -14.262664794921877 + ], + [ + "▁crunching", + -14.262736320495604 + ], + [ + "▁dupe", + -14.262738227844238 + ], + [ + "▁Mamma", + -14.262784957885742 + ], + [ + "▁Thal", + -14.262791633605955 + ], + [ + "]\"", + -14.262832641601562 + ], + [ + "SSD", + -14.262874603271484 + ], + [ + "uzz", + -14.263004302978516 + ], + [ + "shooter", + -14.263063430786133 + ], + [ + "▁discounting", + -14.263145446777344 + ], + [ + "▁coiled", + -14.26315212249756 + ], + [ + "▁Maru", + -14.263176918029783 + ], + [ + "PERS", + -14.263205528259276 + ], + [ + "platz", + -14.263239860534668 + ], + [ + "▁tuners", + -14.263351440429688 + ], + [ + "ROB", + -14.263355255126951 + ], + [ + "▁STORE", + -14.2633638381958 + ], + [ + "GRAPH", + -14.263378143310549 + ], + [ + "arse", + -14.263400077819824 + ], + [ + "android", + -14.26340389251709 + ], + [ + "▁croissant", + -14.26341724395752 + ], + [ + "▁DAB", + -14.263426780700684 + ], + [ + "▁keyhole", + -14.26353645324707 + ], + [ + "▁Cedric", + -14.26353931427002 + ], + [ + "binary", + -14.263628005981444 + ], + [ + "Enjoyed", + -14.263628959655762 + ], + [ + "▁viva", + -14.263712882995604 + ], + [ + "▁816", + -14.263748168945312 + ], + [ + "tke", + -14.263774871826172 + ], + [ + "▁trawl", + -14.263789176940918 + ], + [ + "▁hula", + -14.263861656188965 + ], + [ + "resort", + -14.263968467712402 + ], + [ + "McK", + -14.264023780822754 + ], + [ + "retto", + -14.264023780822754 + ], + [ + "mentor", + -14.26405143737793 + ], + [ + "▁Avoiding", + -14.26418685913086 + ], + [ + "▁Newest", + -14.26420783996582 + ], + [ + "▁Haber", + -14.264217376708984 + ], + [ + "▁thai", + -14.264240264892578 + ], + [ + "▁strikers", + -14.264243125915527 + ], + [ + "fridge", + -14.264249801635742 + ], + [ + "85%", + -14.264266967773438 + ], + [ + "▁Burroughs", + -14.26428508758545 + ], + [ + "▁compensating", + -14.26428508758545 + ], + [ + "▁malleable", + -14.26428508758545 + ], + [ + "▁sanctity", + -14.26428508758545 + ], + [ + "▁telematics", + -14.26428508758545 + ], + [ + "▁thirties", + -14.26428508758545 + ], + [ + "▁Socrates", + -14.264287948608398 + ], + [ + "▁fungicide", + -14.264287948608398 + ], + [ + "▁Optimum", + -14.264288902282717 + ], + [ + "▁ischemic", + -14.264288902282717 + ], + [ + "▁vertigo", + -14.264288902282717 + ], + [ + "▁Braxton", + -14.264289855957031 + ], + [ + "▁Herzog", + -14.264291763305664 + ], + [ + "▁TRAVEL", + -14.264291763305664 + ], + [ + "▁neoliberal", + -14.264291763305664 + ], + [ + "▁Quattro", + -14.26429271697998 + ], + [ + "▁Radcliffe", + -14.264293670654297 + ], + [ + "▁ELISA", + -14.264294624328612 + ], + [ + "▁grapevine", + -14.264294624328612 + ], + [ + "▁Balboa", + -14.26429557800293 + ], + [ + "▁Reinforced", + -14.264301300048828 + ], + [ + "▁bearers", + -14.264302253723145 + ], + [ + "▁polenta", + -14.264307975769045 + ], + [ + "▁Roblox", + -14.264309883117676 + ], + [ + "acci", + -14.264311790466309 + ], + [ + "▁woofer", + -14.264314651489258 + ], + [ + "▁microbiology", + -14.264317512512209 + ], + [ + "▁Betfair", + -14.264322280883787 + ], + [ + "▁shun", + -14.264364242553713 + ], + [ + "Hobbies", + -14.264370918273926 + ], + [ + "▁discography", + -14.264389038085938 + ], + [ + "▁TIMES", + -14.264394760131836 + ], + [ + "▁Outlander", + -14.264396667480469 + ], + [ + "▁Sheeran", + -14.26440143585205 + ], + [ + "▁sinned", + -14.264404296875 + ], + [ + "▁interviewers", + -14.264412879943848 + ], + [ + "▁Grammys", + -14.264469146728516 + ], + [ + "▁Sanitation", + -14.264498710632324 + ], + [ + "▁2015-2016", + -14.264509201049805 + ], + [ + "▁chateau", + -14.26452350616455 + ], + [ + "issimo", + -14.264617919921877 + ], + [ + "▁Protestants", + -14.264633178710938 + ], + [ + "▁Footprint", + -14.264687538146973 + ], + [ + "▁SENS", + -14.2647123336792 + ], + [ + "▁Whitehall", + -14.264719009399414 + ], + [ + "▁Intention", + -14.264756202697754 + ], + [ + "▁husky", + -14.26476001739502 + ], + [ + "▁SSDI", + -14.264780044555664 + ], + [ + "alpa", + -14.264814376831056 + ], + [ + "▁Incentives", + -14.264816284179688 + ], + [ + "▁hijacking", + -14.264826774597168 + ], + [ + "▁Ayala", + -14.264892578125 + ], + [ + "▁seafront", + -14.264986991882324 + ], + [ + "russia", + -14.26499366760254 + ], + [ + "aholic", + -14.264999389648438 + ], + [ + "▁Disable", + -14.265007972717283 + ], + [ + "оо", + -14.26501178741455 + ], + [ + "▁UTI", + -14.265023231506348 + ], + [ + "▁Enix", + -14.26503849029541 + ], + [ + "▁Ratna", + -14.265069961547852 + ], + [ + "▁Friar", + -14.26508617401123 + ], + [ + "▁housewife", + -14.265093803405762 + ], + [ + "▁TIG", + -14.265178680419922 + ], + [ + "Courses", + -14.265212059020996 + ], + [ + "▁bacterium", + -14.265260696411133 + ], + [ + "▁HOTEL", + -14.265308380126951 + ], + [ + "-3/4\"", + -14.265318870544434 + ], + [ + "▁Overlay", + -14.265339851379396 + ], + [ + "▁schoolers", + -14.26534366607666 + ], + [ + "▁Kato", + -14.265381813049316 + ], + [ + "attend", + -14.265400886535645 + ], + [ + "raptor", + -14.265403747558594 + ], + [ + "▁Lewiston", + -14.265409469604492 + ], + [ + "lusion", + -14.265419006347656 + ], + [ + "branding", + -14.26544952392578 + ], + [ + "/2000", + -14.26546859741211 + ], + [ + "orian", + -14.26547622680664 + ], + [ + "Insurers", + -14.26550579071045 + ], + [ + "ruby", + -14.265517234802246 + ], + [ + "▁Rumors", + -14.265533447265623 + ], + [ + "▁Downton", + -14.26553726196289 + ], + [ + "▁asses", + -14.265564918518066 + ], + [ + "pang", + -14.265647888183594 + ], + [ + "▁Wentz", + -14.26567268371582 + ], + [ + "scopic", + -14.26569652557373 + ], + [ + "▁Sundar", + -14.265710830688477 + ], + [ + "▁zesty", + -14.265767097473145 + ], + [ + "▁Sanderson", + -14.265769004821776 + ], + [ + "▁Dozens", + -14.265817642211914 + ], + [ + "▁SIT", + -14.265857696533203 + ], + [ + "▁Eri", + -14.265889167785645 + ], + [ + "iquette", + -14.265936851501465 + ], + [ + "cratic", + -14.265965461730955 + ], + [ + "zard", + -14.265993118286133 + ], + [ + "▁TSX", + -14.266074180603027 + ], + [ + "▁Fonda", + -14.26608943939209 + ], + [ + "▁offbeat", + -14.26611042022705 + ], + [ + "▁Capitan", + -14.266157150268556 + ], + [ + "▁nave", + -14.26616382598877 + ], + [ + "▁(14)", + -14.26616668701172 + ], + [ + "▁hookups", + -14.26630401611328 + ], + [ + "izar", + -14.26630973815918 + ], + [ + "westerly", + -14.26634407043457 + ], + [ + "▁thirteenth", + -14.266349792480469 + ], + [ + "erous", + -14.26636028289795 + ], + [ + "▁BLU", + -14.26638412475586 + ], + [ + "▁nba", + -14.266395568847656 + ], + [ + "ATM", + -14.266432762145996 + ], + [ + "▁6:45", + -14.266595840454102 + ], + [ + "uha", + -14.266613006591797 + ], + [ + "luster", + -14.266636848449709 + ], + [ + "Mau", + -14.266642570495604 + ], + [ + "▁Aye", + -14.266648292541504 + ], + [ + "▁bulkhead", + -14.266661643981934 + ], + [ + "previous", + -14.2666654586792 + ], + [ + "▁Startups", + -14.266799926757812 + ], + [ + "▁gab", + -14.26685905456543 + ], + [ + "Laptop", + -14.266887664794922 + ], + [ + "▁Mullins", + -14.266890525817873 + ], + [ + "Missouri", + -14.266891479492188 + ], + [ + "Vinyl", + -14.26689910888672 + ], + [ + "▁subcontinent", + -14.266948699951172 + ], + [ + "▁uninstalling", + -14.267019271850586 + ], + [ + "▁cannons", + -14.2670316696167 + ], + [ + "Warner", + -14.26704216003418 + ], + [ + "▁Announced", + -14.267045974731444 + ], + [ + "▁shavings", + -14.267046928405762 + ], + [ + "Afterwards", + -14.267051696777344 + ], + [ + "▁Strips", + -14.26705265045166 + ], + [ + "▁CART", + -14.267138481140137 + ], + [ + "eln", + -14.267139434814451 + ], + [ + "wink", + -14.267149925231934 + ], + [ + "shoes", + -14.267241477966309 + ], + [ + "CORE", + -14.267248153686523 + ], + [ + "Princess", + -14.267279624938965 + ], + [ + "REF", + -14.26730728149414 + ], + [ + "police", + -14.26731300354004 + ], + [ + "dain", + -14.267328262329102 + ], + [ + "▁automat", + -14.26736068725586 + ], + [ + "▁DCC", + -14.267366409301758 + ], + [ + "▁fabulously", + -14.267389297485352 + ], + [ + "pré", + -14.26743507385254 + ], + [ + "KIM", + -14.26747226715088 + ], + [ + "gig", + -14.26748752593994 + ], + [ + "practical", + -14.267502784729004 + ], + [ + "Horn", + -14.267585754394531 + ], + [ + "Resolution", + -14.267627716064451 + ], + [ + "▁pearly", + -14.267633438110352 + ], + [ + "chek", + -14.267765998840332 + ], + [ + "gross", + -14.267766952514648 + ], + [ + "▁swish", + -14.267779350280762 + ], + [ + "▁Petri", + -14.26782512664795 + ], + [ + "▁Teo", + -14.267865180969238 + ], + [ + "▁insures", + -14.26789379119873 + ], + [ + "▁Sly", + -14.26794147491455 + ], + [ + "▁solvers", + -14.267979621887209 + ], + [ + "▁Argan", + -14.267990112304688 + ], + [ + "XE", + -14.2680025100708 + ], + [ + "▁mead", + -14.268016815185549 + ], + [ + "▁Safer", + -14.26803493499756 + ], + [ + "hose", + -14.268040657043455 + ], + [ + "▁Astor", + -14.268047332763672 + ], + [ + "raze", + -14.26806354522705 + ], + [ + "▁pavements", + -14.268099784851074 + ], + [ + "theft", + -14.268110275268556 + ], + [ + "▁Flavors", + -14.268112182617188 + ], + [ + "▁jib", + -14.268224716186523 + ], + [ + "stellar", + -14.268280029296877 + ], + [ + "▁OKC", + -14.268287658691406 + ], + [ + "▁Tumor", + -14.26829433441162 + ], + [ + "nberg", + -14.26838493347168 + ], + [ + "▁ppl", + -14.268434524536133 + ], + [ + "taka", + -14.268465042114258 + ], + [ + "designated", + -14.268475532531738 + ], + [ + "ansi", + -14.268521308898926 + ], + [ + "▁Headset", + -14.268563270568848 + ], + [ + "micron", + -14.268607139587402 + ], + [ + "modules", + -14.268617630004885 + ], + [ + "922", + -14.268701553344728 + ], + [ + "ONT", + -14.26870346069336 + ], + [ + "MUS", + -14.268714904785156 + ], + [ + "stilling", + -14.268752098083496 + ], + [ + "URS", + -14.268802642822266 + ], + [ + "atio", + -14.26882553100586 + ], + [ + "▁Raptor", + -14.268933296203612 + ], + [ + "▁PATH", + -14.268990516662598 + ], + [ + "▁imperfection", + -14.26899242401123 + ], + [ + "▁armrest", + -14.269003868103027 + ], + [ + "olone", + -14.269071578979492 + ], + [ + "▁patriots", + -14.269092559814451 + ], + [ + "▁dente", + -14.269170761108398 + ], + [ + "▁Yad", + -14.269193649291992 + ], + [ + "nost", + -14.26921272277832 + ], + [ + "yng", + -14.269227027893066 + ], + [ + "▁plunder", + -14.269289016723633 + ], + [ + "lavi", + -14.269356727600098 + ], + [ + "▁433", + -14.269403457641602 + ], + [ + "pei", + -14.26941967010498 + ], + [ + "▁Voodoo", + -14.269448280334473 + ], + [ + "▁modifiers", + -14.269450187683104 + ], + [ + "ceptive", + -14.269464492797852 + ], + [ + "▁auth", + -14.26951503753662 + ], + [ + "▁torpedo", + -14.269519805908203 + ], + [ + "1981", + -14.269601821899414 + ], + [ + "Articles", + -14.269624710083008 + ], + [ + "▁Pitts", + -14.269647598266602 + ], + [ + "▁04/23/2019", + -14.269661903381348 + ], + [ + "▁24/7/365", + -14.269661903381348 + ], + [ + "▁Amusement", + -14.269661903381348 + ], + [ + "▁Liturgy", + -14.269661903381348 + ], + [ + "▁Lothian", + -14.269661903381348 + ], + [ + "▁Minolta", + -14.269661903381348 + ], + [ + "▁Monticello", + -14.269661903381348 + ], + [ + "▁Parramatta", + -14.269661903381348 + ], + [ + "▁Pulmonary", + -14.269661903381348 + ], + [ + "▁Texarkana", + -14.269661903381348 + ], + [ + "▁alleviation", + -14.269661903381348 + ], + [ + "▁concentrator", + -14.269661903381348 + ], + [ + "▁democracies", + -14.269661903381348 + ], + [ + "▁extraordinaire", + -14.269661903381348 + ], + [ + "▁handkerchief", + -14.269661903381348 + ], + [ + "▁lactation", + -14.269661903381348 + ], + [ + "▁lexapro", + -14.269661903381348 + ], + [ + "▁metallurgy", + -14.269661903381348 + ], + [ + "▁prescriptive", + -14.269661903381348 + ], + [ + "▁prosciutto", + -14.269661903381348 + ], + [ + "▁Ocasio", + -14.269662857055664 + ], + [ + "▁perplexing", + -14.269662857055664 + ], + [ + "▁Heinrich", + -14.269664764404297 + ], + [ + "▁Wilfred", + -14.269665718078612 + ], + [ + "878", + -14.269670486450195 + ], + [ + "▁janitorial", + -14.269670486450195 + ], + [ + "▁disarray", + -14.269671440124512 + ], + [ + "▁prosthesis", + -14.269675254821776 + ], + [ + "▁hyperactivity", + -14.269681930541992 + ], + [ + "▁Calories", + -14.26968765258789 + ], + [ + "▁emphatically", + -14.269689559936523 + ], + [ + "▁Zia", + -14.269691467285156 + ], + [ + "▁campervan", + -14.269696235656738 + ], + [ + "▁unsolved", + -14.269697189331056 + ], + [ + "▁cavernous", + -14.26970386505127 + ], + [ + "▁Boogie", + -14.26970672607422 + ], + [ + "▁Patsy", + -14.269719123840332 + ], + [ + "▁hvac", + -14.26972198486328 + ], + [ + "▁disillusioned", + -14.26973819732666 + ], + [ + "50.00", + -14.26974105834961 + ], + [ + "▁hush", + -14.26974105834961 + ], + [ + "▁pervade", + -14.269767761230469 + ], + [ + "▁UConn", + -14.26979637145996 + ], + [ + "Amp", + -14.269798278808594 + ], + [ + "▁snarl", + -14.269807815551758 + ], + [ + "▁Crafty", + -14.269882202148438 + ], + [ + "▁foiled", + -14.269888877868652 + ], + [ + "▁Plaid", + -14.269935607910156 + ], + [ + "▁Servant", + -14.269944190979004 + ], + [ + "▁Damp", + -14.269997596740724 + ], + [ + "▁gusto", + -14.270014762878418 + ], + [ + "▁sashes", + -14.27017307281494 + ], + [ + "▁SPORTS", + -14.270218849182127 + ], + [ + "▁dishonesty", + -14.270222663879396 + ], + [ + "▁Southside", + -14.270249366760254 + ], + [ + "612", + -14.270261764526367 + ], + [ + "▁imparts", + -14.270292282104492 + ], + [ + "▁Merced", + -14.27029514312744 + ], + [ + "▁Missy", + -14.27036476135254 + ], + [ + "ksa", + -14.27038288116455 + ], + [ + "▁cred", + -14.270413398742676 + ], + [ + "▁jackson", + -14.270423889160156 + ], + [ + "Chase", + -14.270474433898926 + ], + [ + "mongering", + -14.270496368408203 + ], + [ + "▁RHP", + -14.27052879333496 + ], + [ + "gib", + -14.270562171936035 + ], + [ + "▁$100.00", + -14.2705659866333 + ], + [ + "▁stimulants", + -14.270573616027832 + ], + [ + "▁brav", + -14.270574569702148 + ], + [ + "throne", + -14.270623207092283 + ], + [ + "icity", + -14.270630836486816 + ], + [ + "▁Ties", + -14.27066135406494 + ], + [ + "▁capstone", + -14.270699501037598 + ], + [ + "▁Guitars", + -14.270700454711914 + ], + [ + "▁subtracting", + -14.270726203918455 + ], + [ + "▁validates", + -14.270727157592772 + ], + [ + "▁Journeys", + -14.27079963684082 + ], + [ + "896", + -14.270825386047363 + ], + [ + "▁OneNote", + -14.270870208740234 + ], + [ + "▁decisively", + -14.270910263061523 + ], + [ + "▁offshoot", + -14.270919799804688 + ], + [ + "▁Whoop", + -14.270984649658203 + ], + [ + "▁starboard", + -14.271082878112791 + ], + [ + "▁EFL", + -14.271172523498535 + ], + [ + "▁enacting", + -14.2711763381958 + ], + [ + "▁Practicing", + -14.271183967590332 + ], + [ + "▁Amiga", + -14.271233558654783 + ], + [ + "▁overtones", + -14.271258354187012 + ], + [ + "Extract", + -14.271300315856934 + ], + [ + "▁aurora", + -14.271342277526855 + ], + [ + "Vir", + -14.271370887756348 + ], + [ + "Strange", + -14.271377563476562 + ], + [ + "▁topple", + -14.271389961242676 + ], + [ + "▁captioned", + -14.271403312683104 + ], + [ + "▁accorded", + -14.271459579467772 + ], + [ + "▁Defined", + -14.271507263183594 + ], + [ + "3.8%", + -14.271516799926758 + ], + [ + "▁wildcard", + -14.271559715270996 + ], + [ + "liev", + -14.27158260345459 + ], + [ + "▁443", + -14.27158546447754 + ], + [ + "sweep", + -14.27160930633545 + ], + [ + "▁worktops", + -14.27161693572998 + ], + [ + "▁Sarri", + -14.271624565124512 + ], + [ + "▁CSF", + -14.27165412902832 + ], + [ + "▁combed", + -14.271678924560549 + ], + [ + "▁18+", + -14.271688461303713 + ], + [ + "▁Mena", + -14.27177619934082 + ], + [ + "▁homicides", + -14.271803855895996 + ], + [ + "JT", + -14.271862983703612 + ], + [ + "Keefe", + -14.271891593933104 + ], + [ + "▁Laughter", + -14.271897315979004 + ], + [ + "872", + -14.27189826965332 + ], + [ + "1.7%", + -14.271917343139648 + ], + [ + "▁triglycerides", + -14.271950721740724 + ], + [ + "▁overtaking", + -14.27197551727295 + ], + [ + "nais", + -14.2720365524292 + ], + [ + "931", + -14.27206039428711 + ], + [ + "filing", + -14.272101402282717 + ], + [ + "▁characterizes", + -14.272154808044434 + ], + [ + "▁benefic", + -14.272218704223633 + ], + [ + "▁consumerism", + -14.27221965789795 + ], + [ + "▁Infections", + -14.272226333618164 + ], + [ + "▁2.25", + -14.2722806930542 + ], + [ + "▁Tung", + -14.272286415100098 + ], + [ + "▁PERSON", + -14.272337913513184 + ], + [ + "RDC", + -14.272368431091309 + ], + [ + "▁Barak", + -14.27237606048584 + ], + [ + "▁CIOs", + -14.272391319274902 + ], + [ + "acclaimed", + -14.272415161132812 + ], + [ + "difficult", + -14.272418022155762 + ], + [ + "Lawrence", + -14.272421836853027 + ], + [ + "speech", + -14.272446632385254 + ], + [ + "▁rela", + -14.272520065307615 + ], + [ + "▁12-14", + -14.272522926330566 + ], + [ + "thyroid", + -14.272531509399414 + ], + [ + "residents", + -14.272550582885742 + ], + [ + "Protection", + -14.272553443908691 + ], + [ + "Layout", + -14.272573471069336 + ], + [ + "Whoever", + -14.272649765014648 + ], + [ + "▁belle", + -14.272711753845217 + ], + [ + "freedom", + -14.272769927978516 + ], + [ + "▁BDO", + -14.272775650024414 + ], + [ + "▁positional", + -14.272802352905272 + ], + [ + "▁Exhibitions", + -14.272882461547852 + ], + [ + "▁Rive", + -14.272896766662598 + ], + [ + "RIM", + -14.272919654846191 + ], + [ + "Mason", + -14.272954940795898 + ], + [ + "thur", + -14.272984504699709 + ], + [ + "Restore", + -14.27302360534668 + ], + [ + "▁99.9", + -14.273032188415527 + ], + [ + "▁CFC", + -14.273112297058104 + ], + [ + "▁brash", + -14.273116111755373 + ], + [ + "Cheers", + -14.273123741149902 + ], + [ + "inney", + -14.273152351379396 + ], + [ + "Virgin", + -14.273308753967283 + ], + [ + "▁BEN", + -14.273404121398926 + ], + [ + "▁PRS", + -14.273422241210938 + ], + [ + "Expo", + -14.273436546325684 + ], + [ + "▁lifelike", + -14.273502349853516 + ], + [ + "▁Vets", + -14.27354335784912 + ], + [ + "▁Dressed", + -14.273555755615234 + ], + [ + "▁bales", + -14.273555755615234 + ], + [ + "▁Concerning", + -14.2735595703125 + ], + [ + "ifa", + -14.273571014404297 + ], + [ + "▁Mie", + -14.273603439331056 + ], + [ + "conversion", + -14.273619651794434 + ], + [ + "▁LEAD", + -14.27364444732666 + ], + [ + "▁Nij", + -14.273659706115724 + ], + [ + "▁Moi", + -14.27367877960205 + ], + [ + "ROOM", + -14.273733139038086 + ], + [ + "▁Forgive", + -14.273740768432615 + ], + [ + "omics", + -14.273743629455566 + ], + [ + "alert", + -14.273807525634766 + ], + [ + "▁Mikey", + -14.273963928222656 + ], + [ + "▁DIP", + -14.274004936218262 + ], + [ + "▁Immune", + -14.274032592773438 + ], + [ + "▁DOUBLE", + -14.274040222167969 + ], + [ + "▁Zn", + -14.274130821228027 + ], + [ + "▁Miners", + -14.274140357971191 + ], + [ + "▁3:15", + -14.274158477783203 + ], + [ + "▁808", + -14.274187088012695 + ], + [ + "Ker", + -14.274199485778809 + ], + [ + "ikin", + -14.274236679077148 + ], + [ + "PEN", + -14.274258613586426 + ], + [ + "▁Apologies", + -14.2742919921875 + ], + [ + "▁impediment", + -14.274309158325195 + ], + [ + "▁narcotic", + -14.27432918548584 + ], + [ + "▁Caregiver", + -14.274346351623535 + ], + [ + "▁geologist", + -14.274359703063965 + ], + [ + "fans", + -14.274367332458496 + ], + [ + "▁recollections", + -14.274402618408203 + ], + [ + "▁WIDE", + -14.27443504333496 + ], + [ + "▁FSB", + -14.274442672729492 + ], + [ + "▁huddle", + -14.27449893951416 + ], + [ + "▁banger", + -14.274502754211426 + ], + [ + "▁nucleotide", + -14.2745361328125 + ], + [ + "▁lattes", + -14.274560928344728 + ], + [ + "▁flounder", + -14.27458381652832 + ], + [ + "▁84%", + -14.27459716796875 + ], + [ + "▁Conta", + -14.274741172790527 + ], + [ + "▁Faz", + -14.274785041809082 + ], + [ + "▁handball", + -14.274815559387209 + ], + [ + "▁Skiing", + -14.27483081817627 + ], + [ + "yote", + -14.274930000305176 + ], + [ + "Owners", + -14.274948120117188 + ], + [ + "Asking", + -14.274999618530272 + ], + [ + "▁OSI", + -14.27502727508545 + ], + [ + "▁Survivors", + -14.275028228759766 + ], + [ + "▁Jimenez", + -14.275067329406738 + ], + [ + "▁Swaziland", + -14.275067329406738 + ], + [ + "▁Tbilisi", + -14.275067329406738 + ], + [ + "▁Waikiki", + -14.275067329406738 + ], + [ + "▁botanist", + -14.275067329406738 + ], + [ + "▁gizmo", + -14.275067329406738 + ], + [ + "▁parlour", + -14.275067329406738 + ], + [ + "▁percussive", + -14.275067329406738 + ], + [ + "▁perpetuity", + -14.275067329406738 + ], + [ + "▁stifling", + -14.275067329406738 + ], + [ + "▁tutelage", + -14.275067329406738 + ], + [ + "▁Akademi", + -14.275069236755373 + ], + [ + "▁HISTORY", + -14.275069236755373 + ], + [ + "▁displeasure", + -14.275069236755373 + ], + [ + "▁succesful", + -14.275069236755373 + ], + [ + "▁valtrex", + -14.275069236755373 + ], + [ + "▁Immunology", + -14.275071144104004 + ], + [ + "▁SILVER", + -14.275071144104004 + ], + [ + "▁Taunton", + -14.275071144104004 + ], + [ + "▁ovaries", + -14.275071144104004 + ], + [ + "▁Federico", + -14.27507209777832 + ], + [ + "▁sojourn", + -14.275076866149902 + ], + [ + "▁Forklift", + -14.2750825881958 + ], + [ + "▁reinstatement", + -14.275114059448242 + ], + [ + "ombi", + -14.275140762329102 + ], + [ + "▁Jimi", + -14.275140762329102 + ], + [ + "michigan", + -14.275152206420898 + ], + [ + "▁spamming", + -14.275152206420898 + ], + [ + "▁flied", + -14.275154113769531 + ], + [ + "Dale", + -14.275174140930176 + ], + [ + "▁Stakeholder", + -14.275175094604492 + ], + [ + "▁Tribeca", + -14.275175094604492 + ], + [ + "▁coaxial", + -14.275208473205566 + ], + [ + "▁oblong", + -14.275208473205566 + ], + [ + "▁ghana", + -14.275238990783691 + ], + [ + "▁trafficked", + -14.275270462036133 + ], + [ + "▁HIIT", + -14.27528190612793 + ], + [ + "▁QuickTime", + -14.275314331054688 + ], + [ + "Jojoba", + -14.275335311889648 + ], + [ + "▁DPA", + -14.275345802307127 + ], + [ + "▁Fudge", + -14.275348663330078 + ], + [ + "▁Charley", + -14.27538776397705 + ], + [ + "▁Vivienne", + -14.275395393371582 + ], + [ + "▁glen", + -14.275396347045898 + ], + [ + "Polar", + -14.275397300720217 + ], + [ + "▁Carrick", + -14.275437355041504 + ], + [ + "▁2012-13", + -14.275467872619627 + ], + [ + "comma", + -14.275485038757324 + ], + [ + "тр", + -14.27549648284912 + ], + [ + "▁$53", + -14.275501251220703 + ], + [ + "▁MST", + -14.275530815124512 + ], + [ + "▁Janelle", + -14.275534629821776 + ], + [ + "▁nightstands", + -14.27553653717041 + ], + [ + "▁unworthy", + -14.275561332702637 + ], + [ + "▁medallist", + -14.275623321533203 + ], + [ + "▁Skipper", + -14.275642395019531 + ], + [ + "▁campaigner", + -14.275691986083984 + ], + [ + "▁tarnished", + -14.275768280029297 + ], + [ + "▁Farley", + -14.275792121887209 + ], + [ + "▁schoolchildren", + -14.275948524475098 + ], + [ + "12.00", + -14.275955200195312 + ], + [ + "isce", + -14.275962829589844 + ], + [ + "nius", + -14.27596950531006 + ], + [ + "▁1/10", + -14.275971412658691 + ], + [ + "▁flatware", + -14.276000022888184 + ], + [ + "▁Domains", + -14.276080131530762 + ], + [ + "▁Twp", + -14.276097297668455 + ], + [ + "▁IVR", + -14.276123046875 + ], + [ + "dist", + -14.27612590789795 + ], + [ + "▁Galerie", + -14.276126861572266 + ], + [ + "▁statistician", + -14.276236534118652 + ], + [ + "▁Lineage", + -14.276327133178713 + ], + [ + "▁empirically", + -14.27634334564209 + ], + [ + "▁Skel", + -14.276365280151367 + ], + [ + "▁SCSI", + -14.27639389038086 + ], + [ + "▁Breeding", + -14.276395797729492 + ], + [ + "▁kun", + -14.276418685913086 + ], + [ + "▁MPV", + -14.2764310836792 + ], + [ + "▁balmy", + -14.276453971862791 + ], + [ + "ditch", + -14.27649974822998 + ], + [ + "WV", + -14.276568412780762 + ], + [ + "Btw", + -14.276572227478027 + ], + [ + "-1-1", + -14.27659511566162 + ], + [ + "BMI", + -14.276647567749023 + ], + [ + "▁tacked", + -14.276697158813477 + ], + [ + "▁Explained", + -14.276704788208008 + ], + [ + "▁tapering", + -14.276862144470217 + ], + [ + "sections", + -14.27699851989746 + ], + [ + "▁watersports", + -14.277007102966309 + ], + [ + "▁Cochin", + -14.277009963989258 + ], + [ + "▁glu", + -14.277029037475586 + ], + [ + "926", + -14.277088165283203 + ], + [ + "conspirator", + -14.277112007141112 + ], + [ + "▁Andean", + -14.277132987976074 + ], + [ + "2100", + -14.277260780334473 + ], + [ + "▁Teng", + -14.277274131774902 + ], + [ + "▁Ono", + -14.277352333068848 + ], + [ + "▁weakens", + -14.27735424041748 + ], + [ + "▁Kwon", + -14.27745246887207 + ], + [ + "Effect", + -14.27749729156494 + ], + [ + "▁staking", + -14.277503967285156 + ], + [ + "▁Diverse", + -14.277750968933104 + ], + [ + "▁warping", + -14.277824401855469 + ], + [ + "▁notches", + -14.277862548828123 + ], + [ + "nana", + -14.27786922454834 + ], + [ + "Emotional", + -14.277959823608398 + ], + [ + "Committee", + -14.277962684631348 + ], + [ + "Swift", + -14.27797031402588 + ], + [ + "responsible", + -14.277974128723145 + ], + [ + "▁Yusuf", + -14.27797794342041 + ], + [ + "▁Sey", + -14.27798843383789 + ], + [ + "▁SCM", + -14.278036117553713 + ], + [ + "▁Swarm", + -14.278048515319824 + ], + [ + "Comfortable", + -14.278081893920898 + ], + [ + "latest", + -14.278100967407228 + ], + [ + "Gently", + -14.278118133544922 + ], + [ + "warning", + -14.278138160705566 + ], + [ + "▁Proton", + -14.278162956237791 + ], + [ + "▁CPT", + -14.278194427490234 + ], + [ + "▁Quinta", + -14.278215408325195 + ], + [ + "Thanksgiving", + -14.278217315673828 + ], + [ + "yog", + -14.278217315673828 + ], + [ + "aylor", + -14.278278350830078 + ], + [ + "Relationship", + -14.278314590454102 + ], + [ + "▁rerun", + -14.278332710266112 + ], + [ + "Pizza", + -14.278364181518556 + ], + [ + "▁deconstruct", + -14.27836799621582 + ], + [ + "Kara", + -14.27840805053711 + ], + [ + "Beware", + -14.278441429138184 + ], + [ + "stitched", + -14.278559684753418 + ], + [ + "▁Inbound", + -14.278677940368652 + ], + [ + "▁12.2", + -14.278718948364258 + ], + [ + "▁brokenness", + -14.278731346130373 + ], + [ + "▁Rish", + -14.278753280639648 + ], + [ + "▁Ogun", + -14.278754234313965 + ], + [ + "▁prioritizes", + -14.278759002685549 + ], + [ + "▁kindred", + -14.278770446777344 + ], + [ + "▁Brau", + -14.278778076171877 + ], + [ + "▁$15.00", + -14.278802871704102 + ], + [ + "▁($10", + -14.278853416442873 + ], + [ + "▁Ponds", + -14.278897285461426 + ], + [ + "▁PAPER", + -14.278960227966309 + ], + [ + "vention", + -14.27896213531494 + ], + [ + "Stor", + -14.27898406982422 + ], + [ + "-232", + -14.278997421264648 + ], + [ + "Empower", + -14.279032707214355 + ], + [ + "▁(38", + -14.279040336608888 + ], + [ + "nato", + -14.27915096282959 + ], + [ + "otomy", + -14.279237747192385 + ], + [ + "▁downspouts", + -14.279237747192385 + ], + [ + "▁Covent", + -14.27924633026123 + ], + [ + "▁Execute", + -14.279316902160645 + ], + [ + "ZT", + -14.27932357788086 + ], + [ + "Bol", + -14.279346466064451 + ], + [ + "▁natal", + -14.279419898986816 + ], + [ + "Mul", + -14.27944564819336 + ], + [ + "▁jigs", + -14.279447555541992 + ], + [ + "▁DESCRIPTION", + -14.27945613861084 + ], + [ + "▁warring", + -14.27950954437256 + ], + [ + "▁26,000", + -14.279533386230469 + ], + [ + "▁outgrow", + -14.279540061950684 + ], + [ + "▁Delegate", + -14.279542922973633 + ], + [ + "▁mitts", + -14.279576301574709 + ], + [ + "Pix", + -14.279586791992188 + ], + [ + "Peak", + -14.27962875366211 + ], + [ + "▁Nix", + -14.27965259552002 + ], + [ + "▁streamlines", + -14.279667854309082 + ], + [ + "▁Bobbi", + -14.279780387878418 + ], + [ + "Kh", + -14.279809951782228 + ], + [ + "▁Fetch", + -14.279873847961426 + ], + [ + "▁pious", + -14.279902458190918 + ], + [ + "MRO", + -14.27990436553955 + ], + [ + "PCB", + -14.279913902282717 + ], + [ + "▁Teh", + -14.280006408691406 + ], + [ + "ollo", + -14.280014991760254 + ], + [ + "▁Hardly", + -14.280035018920898 + ], + [ + "▁spline", + -14.280051231384276 + ], + [ + "eee", + -14.28010368347168 + ], + [ + "▁cellist", + -14.280150413513184 + ], + [ + "▁transparently", + -14.2801513671875 + ], + [ + "▁Hallway", + -14.280162811279297 + ], + [ + "▁topically", + -14.280196189880373 + ], + [ + "screened", + -14.28021240234375 + ], + [ + "smoke", + -14.280233383178713 + ], + [ + "Printed", + -14.280319213867188 + ], + [ + "▁abscess", + -14.280365943908691 + ], + [ + "ddi", + -14.280477523803713 + ], + [ + "▁04/22/2019", + -14.28050136566162 + ], + [ + "▁Epiphany", + -14.28050136566162 + ], + [ + "▁Ignatius", + -14.28050136566162 + ], + [ + "▁emblazoned", + -14.28050136566162 + ], + [ + "▁facsimile", + -14.28050136566162 + ], + [ + "▁hexadecimal", + -14.28050136566162 + ], + [ + "▁moustache", + -14.28050136566162 + ], + [ + "▁rehearsing", + -14.28050136566162 + ], + [ + "▁Bratislava", + -14.280502319335938 + ], + [ + "▁Darjeeling", + -14.280502319335938 + ], + [ + "▁Kurdistan", + -14.280502319335938 + ], + [ + "▁abysmal", + -14.280503273010254 + ], + [ + "▁Oatmeal", + -14.28050422668457 + ], + [ + "▁pretense", + -14.28050422668457 + ], + [ + "▁pliable", + -14.280506134033203 + ], + [ + "▁shoddy", + -14.280506134033203 + ], + [ + "▁FINRA", + -14.280508041381836 + ], + [ + "▁Spaniel", + -14.280513763427734 + ], + [ + "▁Wabash", + -14.280515670776367 + ], + [ + "▁amicable", + -14.280515670776367 + ], + [ + "▁Gutenberg", + -14.28052043914795 + ], + [ + "▁Archangel", + -14.280522346496582 + ], + [ + "▁privatisation", + -14.280523300170898 + ], + [ + "▁Mulberry", + -14.280529975891112 + ], + [ + "▁crowdsourcing", + -14.280535697937012 + ], + [ + "▁hostilities", + -14.28055191040039 + ], + [ + "ORO", + -14.280569076538086 + ], + [ + "▁marginalised", + -14.280573844909668 + ], + [ + "▁boogie", + -14.280590057373049 + ], + [ + "▁aeration", + -14.280599594116213 + ], + [ + "▁Benedictine", + -14.280604362487791 + ], + [ + "Shawn", + -14.280613899230955 + ], + [ + "▁munitions", + -14.280616760253906 + ], + [ + "▁Slaughter", + -14.280624389648438 + ], + [ + "▁Sentiment", + -14.280631065368652 + ], + [ + "▁Loads", + -14.28064250946045 + ], + [ + "▁Youngstown", + -14.280646324157717 + ], + [ + "▁PSN", + -14.280653953552246 + ], + [ + "▁receding", + -14.28065586090088 + ], + [ + "▁Deerfield", + -14.28071403503418 + ], + [ + "▁hypothesized", + -14.280733108520508 + ], + [ + "▁Secured", + -14.280756950378418 + ], + [ + "▁Breeders", + -14.280771255493164 + ], + [ + "slave", + -14.280790328979492 + ], + [ + "▁TCU", + -14.280797004699709 + ], + [ + "▁disservice", + -14.280801773071287 + ], + [ + "Adj", + -14.280811309814451 + ], + [ + "▁HOURS", + -14.28081512451172 + ], + [ + "pano", + -14.280835151672363 + ], + [ + "▁busses", + -14.280840873718262 + ], + [ + "▁timepieces", + -14.280847549438477 + ], + [ + "Northamptonshire", + -14.28090476989746 + ], + [ + "▁spreader", + -14.28090476989746 + ], + [ + "▁peddle", + -14.28091049194336 + ], + [ + "EFA", + -14.280930519104004 + ], + [ + "▁Databases", + -14.280943870544434 + ], + [ + "▁stovetop", + -14.280963897705078 + ], + [ + "▁Melville", + -14.28099536895752 + ], + [ + "NPC", + -14.280996322631836 + ], + [ + "VOC", + -14.281007766723633 + ], + [ + "▁clang", + -14.281044960021973 + ], + [ + "proofing", + -14.28108024597168 + ], + [ + "▁Toolbar", + -14.281134605407717 + ], + [ + "▁foie", + -14.281139373779297 + ], + [ + "▁Koon", + -14.281145095825195 + ], + [ + "▁piqued", + -14.28122329711914 + ], + [ + "▁Recon", + -14.281245231628418 + ], + [ + "▁prying", + -14.281265258789062 + ], + [ + "▁Pec", + -14.281268119812012 + ], + [ + "abha", + -14.281349182128906 + ], + [ + "▁Ballot", + -14.281350135803224 + ], + [ + "DAV", + -14.281357765197754 + ], + [ + "▁farce", + -14.281412124633787 + ], + [ + "▁despised", + -14.281415939331056 + ], + [ + "▁jus", + -14.281438827514648 + ], + [ + "Walt", + -14.281457901000977 + ], + [ + "▁Arrived", + -14.281502723693848 + ], + [ + "spoke", + -14.281529426574709 + ], + [ + "▁PACE", + -14.28154182434082 + ], + [ + "▁abounds", + -14.281572341918944 + ], + [ + "FCO", + -14.281614303588867 + ], + [ + "▁plz", + -14.28173542022705 + ], + [ + "vala", + -14.281747817993164 + ], + [ + "▁deactivated", + -14.281761169433594 + ], + [ + "▁labored", + -14.281835556030272 + ], + [ + "▁cleave", + -14.281845092773438 + ], + [ + "singh", + -14.281901359558104 + ], + [ + "▁Ascent", + -14.281937599182127 + ], + [ + "▁pistachios", + -14.282024383544922 + ], + [ + "▁MACHINE", + -14.282052040100098 + ], + [ + "▁legions", + -14.282089233398438 + ], + [ + "▁Zune", + -14.282177925109863 + ], + [ + "▁Bronco", + -14.282186508178713 + ], + [ + "▁Switches", + -14.282231330871582 + ], + [ + "▁AST", + -14.282238960266112 + ], + [ + "▁offload", + -14.282401084899902 + ], + [ + "▁NATURAL", + -14.282462120056152 + ], + [ + "▁collie", + -14.282463073730469 + ], + [ + "choke", + -14.282464027404783 + ], + [ + "▁nailing", + -14.282472610473633 + ], + [ + "▁Determined", + -14.282513618469238 + ], + [ + "▁91%", + -14.282523155212402 + ], + [ + "▁bronzer", + -14.282569885253906 + ], + [ + "▁Knapp", + -14.282577514648438 + ], + [ + "▁DoD", + -14.282590866088867 + ], + [ + "▁Cassel", + -14.282672882080078 + ], + [ + "Colin", + -14.282679557800291 + ], + [ + "▁papa", + -14.282804489135742 + ], + [ + "▁Yoon", + -14.282858848571776 + ], + [ + "▁$1,0", + -14.282876968383787 + ], + [ + "▁authorizes", + -14.282880783081056 + ], + [ + "EAM", + -14.282885551452637 + ], + [ + "hau", + -14.282885551452637 + ], + [ + "▁selectors", + -14.282946586608888 + ], + [ + "vay", + -14.282979011535645 + ], + [ + "▁279", + -14.283063888549805 + ], + [ + "HON", + -14.28314208984375 + ], + [ + "stria", + -14.283143997192385 + ], + [ + "▁Lipo", + -14.283163070678713 + ], + [ + "▁347", + -14.28325080871582 + ], + [ + "lh", + -14.283305168151855 + ], + [ + "rott", + -14.283347129821776 + ], + [ + "▁Loaf", + -14.283388137817385 + ], + [ + "Optimize", + -14.283409118652344 + ], + [ + "Plot", + -14.283425331115724 + ], + [ + "▁Bubbles", + -14.283448219299316 + ], + [ + "▁16:1", + -14.283464431762695 + ], + [ + "Claude", + -14.28348445892334 + ], + [ + "likely", + -14.28349494934082 + ], + [ + "▁Kak", + -14.283504486083984 + ], + [ + "Navigate", + -14.283512115478516 + ], + [ + "specified", + -14.28352165222168 + ], + [ + "Shanghai", + -14.28355598449707 + ], + [ + "transparent", + -14.28356647491455 + ], + [ + "Dylan", + -14.283573150634766 + ], + [ + "4]", + -14.28357982635498 + ], + [ + "▁nib", + -14.283644676208496 + ], + [ + "ceded", + -14.283650398254396 + ], + [ + "▁Sunil", + -14.283674240112305 + ], + [ + "▁Watermelon", + -14.283687591552734 + ], + [ + "Belt", + -14.283693313598633 + ], + [ + "▁quarts", + -14.28371810913086 + ], + [ + "▁Ibn", + -14.28388214111328 + ], + [ + "▁edibles", + -14.283897399902344 + ], + [ + "▁LESS", + -14.283926963806152 + ], + [ + "goda", + -14.283944129943848 + ], + [ + "▁bowels", + -14.284008026123049 + ], + [ + "MPL", + -14.284016609191896 + ], + [ + "▁$$$", + -14.284050941467283 + ], + [ + "GUI", + -14.284059524536133 + ], + [ + "youth", + -14.284090995788574 + ], + [ + "verted", + -14.284181594848633 + ], + [ + "▁burials", + -14.28425407409668 + ], + [ + "▁Lateral", + -14.28428840637207 + ], + [ + "▁SPL", + -14.284303665161133 + ], + [ + "979", + -14.284310340881348 + ], + [ + "vail", + -14.284341812133787 + ], + [ + "JACK", + -14.284385681152344 + ], + [ + "▁Followed", + -14.284396171569824 + ], + [ + "▁£14", + -14.284406661987305 + ], + [ + "electrical", + -14.284443855285645 + ], + [ + "oque", + -14.284501075744627 + ], + [ + "▁Gaussian", + -14.28452205657959 + ], + [ + "Escape", + -14.284546852111816 + ], + [ + "▁inquest", + -14.284601211547852 + ], + [ + "▁UPC", + -14.284607887268066 + ], + [ + "▁Loot", + -14.284643173217772 + ], + [ + "▁Harlan", + -14.284662246704102 + ], + [ + "psychological", + -14.284671783447266 + ], + [ + "▁Gav", + -14.28468418121338 + ], + [ + "assess", + -14.28474235534668 + ], + [ + "vam", + -14.2847900390625 + ], + [ + "▁Nil", + -14.284820556640623 + ], + [ + "▁Lombard", + -14.284823417663574 + ], + [ + "Raise", + -14.284876823425291 + ], + [ + "▁yak", + -14.284937858581545 + ], + [ + "▁keepsakes", + -14.284975051879885 + ], + [ + "▁Huy", + -14.285211563110352 + ], + [ + "▁Floss", + -14.285234451293944 + ], + [ + "▁516", + -14.285242080688477 + ], + [ + "▁confessions", + -14.28528118133545 + ], + [ + "▁JAC", + -14.285306930541992 + ], + [ + "▁expatriate", + -14.285338401794434 + ], + [ + "▁Requirement", + -14.285355567932127 + ], + [ + "ersen", + -14.285393714904783 + ], + [ + "consciousness", + -14.285451889038086 + ], + [ + "▁spiraling", + -14.285600662231444 + ], + [ + "▁infusions", + -14.285604476928713 + ], + [ + "▁jewelers", + -14.285625457763672 + ], + [ + "udder", + -14.28565502166748 + ], + [ + "Chiropractor", + -14.285684585571287 + ], + [ + "WAR", + -14.285738945007324 + ], + [ + "▁nyc", + -14.285775184631348 + ], + [ + "▁attested", + -14.28577709197998 + ], + [ + "▁Maharaj", + -14.28579807281494 + ], + [ + "anthus", + -14.285807609558104 + ], + [ + "▁2006;", + -14.285861015319824 + ], + [ + "▁Haru", + -14.285866737365724 + ], + [ + "tuit", + -14.28587818145752 + ], + [ + "▁Sukh", + -14.28591251373291 + ], + [ + "▁Blankets", + -14.285916328430176 + ], + [ + "▁CUSTOMER", + -14.285927772521973 + ], + [ + "▁Amazingly", + -14.2859468460083 + ], + [ + "2.6%", + -14.2859525680542 + ], + [ + "Carbohydrate", + -14.285965919494627 + ], + [ + "TORONTO", + -14.285965919494627 + ], + [ + "▁Abbotsford", + -14.285965919494627 + ], + [ + "▁Panoramic", + -14.285965919494627 + ], + [ + "▁Sarajevo", + -14.285965919494627 + ], + [ + "▁amoxicillin", + -14.285965919494627 + ], + [ + "▁enamored", + -14.285965919494627 + ], + [ + "▁pulsating", + -14.285965919494627 + ], + [ + "▁Iqbal", + -14.285966873168944 + ], + [ + "▁innocuous", + -14.285966873168944 + ], + [ + "Believing", + -14.285967826843262 + ], + [ + "▁cathode", + -14.285968780517578 + ], + [ + "▁gimbal", + -14.285968780517578 + ], + [ + "▁Arbitra", + -14.285969734191896 + ], + [ + "▁december", + -14.285969734191896 + ], + [ + "▁aeroplane", + -14.28597354888916 + ], + [ + "▁quantification", + -14.28597927093506 + ], + [ + "▁skimming", + -14.285983085632324 + ], + [ + "▁neutered", + -14.285984992980955 + ], + [ + "▁telephoto", + -14.285988807678224 + ], + [ + "▁histogram", + -14.28598976135254 + ], + [ + "▁Bandar", + -14.285991668701172 + ], + [ + "▁Abyss", + -14.28600025177002 + ], + [ + "▁Pomona", + -14.286002159118652 + ], + [ + "▁seclusion", + -14.286002159118652 + ], + [ + "▁tundra", + -14.286005020141602 + ], + [ + "▁Brixton", + -14.286016464233398 + ], + [ + "Vac", + -14.286018371582031 + ], + [ + "▁tamil", + -14.286029815673828 + ], + [ + "▁Norbert", + -14.286036491394045 + ], + [ + "▁Frankfort", + -14.286052703857422 + ], + [ + "▁Yaz", + -14.286069869995115 + ], + [ + "▁Barbour", + -14.286107063293455 + ], + [ + "▁anointed", + -14.286124229431152 + ], + [ + "▁ridership", + -14.286165237426758 + ], + [ + "▁subdivided", + -14.286181449890137 + ], + [ + "▁SOUND", + -14.286214828491213 + ], + [ + "▁Yank", + -14.286242485046388 + ], + [ + "▁exalted", + -14.286276817321776 + ], + [ + "wach", + -14.28628635406494 + ], + [ + "▁gradation", + -14.28630542755127 + ], + [ + "▁holistically", + -14.28631591796875 + ], + [ + "▁unveils", + -14.286373138427734 + ], + [ + "▁Attendant", + -14.286389350891112 + ], + [ + "vion", + -14.28643035888672 + ], + [ + "▁wanders", + -14.286434173583984 + ], + [ + "▁Gunnar", + -14.286439895629885 + ], + [ + "▁Schema", + -14.28650951385498 + ], + [ + "ACTION", + -14.28657341003418 + ], + [ + "indicate", + -14.28657341003418 + ], + [ + "▁Newcomer", + -14.286585807800291 + ], + [ + "▁Pry", + -14.286588668823242 + ], + [ + "▁amenable", + -14.286592483520508 + ], + [ + "rong", + -14.286611557006836 + ], + [ + "raco", + -14.286617279052734 + ], + [ + "Auth", + -14.28661823272705 + ], + [ + "▁urea", + -14.28663444519043 + ], + [ + "▁Interment", + -14.286687850952148 + ], + [ + "▁Fai", + -14.286697387695312 + ], + [ + "▁lyricist", + -14.286714553833008 + ], + [ + "▁WTA", + -14.286773681640623 + ], + [ + "▁tattooing", + -14.286806106567385 + ], + [ + "▁Bord", + -14.286845207214355 + ], + [ + "6:00", + -14.286856651306152 + ], + [ + "▁Conception", + -14.286876678466797 + ], + [ + "ATOR", + -14.28691577911377 + ], + [ + "▁427", + -14.28691577911377 + ], + [ + "▁harmoniously", + -14.286922454833984 + ], + [ + "▁starved", + -14.286924362182615 + ], + [ + "avant", + -14.286946296691896 + ], + [ + "▁(500", + -14.286948204040527 + ], + [ + "▁Myths", + -14.28712272644043 + ], + [ + "▁Momma", + -14.287148475646973 + ], + [ + "▁failover", + -14.287152290344238 + ], + [ + "▁inflicting", + -14.287152290344238 + ], + [ + "▁AMERICAN", + -14.287179946899414 + ], + [ + "ieu", + -14.287242889404297 + ], + [ + "rental", + -14.287259101867676 + ], + [ + "▁Sampler", + -14.287307739257812 + ], + [ + "▁Roseville", + -14.287376403808594 + ], + [ + "▁Swedes", + -14.28745460510254 + ], + [ + "▁Yat", + -14.287455558776855 + ], + [ + "▁unleashing", + -14.287518501281738 + ], + [ + "▁13.3", + -14.287574768066406 + ], + [ + "▁$160", + -14.28757667541504 + ], + [ + "1700", + -14.28761863708496 + ], + [ + "▁raked", + -14.287672996520996 + ], + [ + "▁Crocker", + -14.28768825531006 + ], + [ + "▁typefaces", + -14.287796974182127 + ], + [ + "▁EMP", + -14.28783893585205 + ], + [ + "▁Bracelets", + -14.287857055664062 + ], + [ + "▁Gantt", + -14.287878036499023 + ], + [ + "▁twofold", + -14.287886619567873 + ], + [ + "atori", + -14.287981033325195 + ], + [ + "FAST", + -14.28808307647705 + ], + [ + "ruch", + -14.288119316101074 + ], + [ + "▁tangles", + -14.288124084472656 + ], + [ + "▁502", + -14.288126945495604 + ], + [ + "Reverse", + -14.288130760192873 + ], + [ + "▁515", + -14.288132667541504 + ], + [ + "▁Glade", + -14.288206100463867 + ], + [ + "▁Pima", + -14.288206100463867 + ], + [ + "ilon", + -14.288456916809082 + ], + [ + "Cord", + -14.288491249084473 + ], + [ + "▁stipulates", + -14.288556098937988 + ], + [ + "▁Rune", + -14.2886323928833 + ], + [ + "▁legislatures", + -14.288708686828612 + ], + [ + "1950", + -14.288729667663574 + ], + [ + "▁vide", + -14.288785934448242 + ], + [ + "▁CSO", + -14.288891792297363 + ], + [ + "▁gloriously", + -14.28890609741211 + ], + [ + "Suggest", + -14.2889986038208 + ], + [ + "▁(186", + -14.28902816772461 + ], + [ + "▁McNe", + -14.289055824279783 + ], + [ + "existence", + -14.289095878601074 + ], + [ + "Evaluate", + -14.289128303527832 + ], + [ + "adhesive", + -14.289158821105955 + ], + [ + "Nintendo", + -14.28917407989502 + ], + [ + "appointment", + -14.289175987243652 + ], + [ + "python", + -14.289196968078612 + ], + [ + "exterior", + -14.289202690124512 + ], + [ + "▁AVA", + -14.28920841217041 + ], + [ + "Revenue", + -14.28921127319336 + ], + [ + "▁Janis", + -14.28921604156494 + ], + [ + "Beam", + -14.289230346679688 + ], + [ + "▁Sato", + -14.28925323486328 + ], + [ + "MID", + -14.289261817932127 + ], + [ + "▁medallions", + -14.289299011230469 + ], + [ + "891", + -14.289356231689451 + ], + [ + "▁numbing", + -14.2894287109375 + ], + [ + "▁forearms", + -14.289432525634766 + ], + [ + "Rare", + -14.289443969726562 + ], + [ + "Qu", + -14.289448738098145 + ], + [ + "▁recycler", + -14.2894926071167 + ], + [ + "▁690", + -14.289501190185549 + ], + [ + "/29/", + -14.28952693939209 + ], + [ + "interface", + -14.28957176208496 + ], + [ + "epe", + -14.28964900970459 + ], + [ + "▁Sift", + -14.289649963378906 + ], + [ + "▁Kuni", + -14.289718627929688 + ], + [ + "▁SPC", + -14.289745330810549 + ], + [ + "▁hardback", + -14.289772987365724 + ], + [ + "Inform", + -14.28977870941162 + ], + [ + "▁titan", + -14.289782524108888 + ], + [ + "▁Calle", + -14.289884567260742 + ], + [ + "prise", + -14.289916038513184 + ], + [ + "PES", + -14.28994846343994 + ], + [ + "Trial", + -14.289965629577637 + ], + [ + "▁HST", + -14.289994239807127 + ], + [ + "Army", + -14.290000915527344 + ], + [ + "zler", + -14.290009498596191 + ], + [ + "▁Kurtz", + -14.290019989013672 + ], + [ + "COU", + -14.290066719055176 + ], + [ + "▁primers", + -14.290083885192873 + ], + [ + "▁roadblock", + -14.290099143981934 + ], + [ + "Wu", + -14.29015827178955 + ], + [ + "airline", + -14.290224075317385 + ], + [ + "Instructions", + -14.29023551940918 + ], + [ + "▁Pedestrian", + -14.29028034210205 + ], + [ + "▁Snowy", + -14.29029941558838 + ], + [ + "seeker", + -14.290301322937012 + ], + [ + "FYI", + -14.290325164794922 + ], + [ + "Scene", + -14.290431022644045 + ], + [ + "▁Nip", + -14.290556907653809 + ], + [ + "▁lobes", + -14.290583610534668 + ], + [ + "OWS", + -14.290608406066896 + ], + [ + "▁BED", + -14.290613174438477 + ], + [ + "657", + -14.29069709777832 + ], + [ + "1.3%", + -14.290735244750977 + ], + [ + "▁ergo", + -14.290749549865724 + ], + [ + "▁Naughty", + -14.2908296585083 + ], + [ + "ateur", + -14.290839195251465 + ], + [ + "▁Mandala", + -14.29085922241211 + ], + [ + "Reclaim", + -14.290888786315918 + ], + [ + "▁Ozark", + -14.290898323059082 + ], + [ + "▁Pancake", + -14.29092502593994 + ], + [ + "agno", + -14.29094409942627 + ], + [ + "▁£60", + -14.290976524353027 + ], + [ + "▁Arrivals", + -14.29107666015625 + ], + [ + "▁Matteo", + -14.29116439819336 + ], + [ + "1300", + -14.29117488861084 + ], + [ + "rka", + -14.291187286376951 + ], + [ + "Muffin", + -14.2911958694458 + ], + [ + "▁Northland", + -14.291298866271973 + ], + [ + "bbin", + -14.291418075561523 + ], + [ + "peritoneal", + -14.291460990905762 + ], + [ + "▁Eindhoven", + -14.291460990905762 + ], + [ + "▁Ordnance", + -14.291460990905762 + ], + [ + "▁Scientology", + -14.291460990905762 + ], + [ + "▁WikiLeaks", + -14.291460990905762 + ], + [ + "▁extravagance", + -14.291460990905762 + ], + [ + "▁grumble", + -14.291460990905762 + ], + [ + "▁lethargic", + -14.291460990905762 + ], + [ + "▁navigable", + -14.291460990905762 + ], + [ + "▁revitalizing", + -14.291460990905762 + ], + [ + "▁sorghum", + -14.291460990905762 + ], + [ + "▁trepidation", + -14.291460990905762 + ], + [ + "▁adipose", + -14.291461944580078 + ], + [ + "▁Bozeman", + -14.291462898254396 + ], + [ + "▁unaccompanied", + -14.291463851928713 + ], + [ + "▁curving", + -14.29146671295166 + ], + [ + "▁Thierry", + -14.291467666625977 + ], + [ + "▁Caicos", + -14.291470527648926 + ], + [ + "▁chubby", + -14.291492462158203 + ], + [ + "▁Carmichael", + -14.29149341583252 + ], + [ + "▁dengue", + -14.291501998901367 + ], + [ + "▁barbershop", + -14.29151439666748 + ], + [ + "▁Geometric", + -14.291533470153809 + ], + [ + "▁ThinkPad", + -14.291539192199709 + ], + [ + "▁Kessler", + -14.291544914245604 + ], + [ + "▁culvert", + -14.291549682617188 + ], + [ + "▁Recliner", + -14.291561126708984 + ], + [ + "▁execs", + -14.291563034057615 + ], + [ + "▁Lumbar", + -14.291570663452148 + ], + [ + "▁ExxonMobil", + -14.291571617126465 + ], + [ + "▁Locator", + -14.291585922241213 + ], + [ + "▁Sturdy", + -14.291587829589844 + ], + [ + "▁unsung", + -14.29160213470459 + ], + [ + "▁STP", + -14.29163646697998 + ], + [ + "▁UCSF", + -14.29164218902588 + ], + [ + "▁erasure", + -14.291645050048828 + ], + [ + "▁Sophisticated", + -14.291653633117676 + ], + [ + "▁Capability", + -14.29165744781494 + ], + [ + "aert", + -14.29166030883789 + ], + [ + "▁cutscene", + -14.291664123535156 + ], + [ + "▁Chosen", + -14.291669845581056 + ], + [ + "frey", + -14.291692733764648 + ], + [ + "▁Ginny", + -14.291698455810549 + ], + [ + "asked", + -14.29170036315918 + ], + [ + "▁Laz", + -14.29171371459961 + ], + [ + "▁Variant", + -14.29173469543457 + ], + [ + "▁Windham", + -14.291763305664062 + ], + [ + "▁homeostasis", + -14.29177474975586 + ], + [ + "Guided", + -14.291781425476074 + ], + [ + "▁Rowley", + -14.291825294494627 + ], + [ + "Reinforce", + -14.291845321655272 + ], + [ + "▁XXL", + -14.291857719421388 + ], + [ + "▁Allentown", + -14.291873931884766 + ], + [ + "▁Pulling", + -14.291874885559082 + ], + [ + "▁Morley", + -14.291878700256348 + ], + [ + "▁neuron", + -14.291921615600586 + ], + [ + "0.9%", + -14.291936874389648 + ], + [ + "Alexa", + -14.29194450378418 + ], + [ + "▁Shil", + -14.291947364807127 + ], + [ + "▁Peking", + -14.292011260986328 + ], + [ + "▁Silverlight", + -14.292024612426758 + ], + [ + "▁volvo", + -14.292054176330566 + ], + [ + "▁Celia", + -14.292062759399414 + ], + [ + "▁Discrimination", + -14.292073249816896 + ], + [ + "Casa", + -14.292116165161133 + ], + [ + "▁MacOS", + -14.292139053344728 + ], + [ + "▁outlawed", + -14.292146682739258 + ], + [ + "Swing", + -14.292154312133787 + ], + [ + "▁scrutinized", + -14.292181015014648 + ], + [ + "quia", + -14.292190551757812 + ], + [ + "▁Numerical", + -14.292341232299805 + ], + [ + "▁Polyurethane", + -14.292341232299805 + ], + [ + "▁recoveries", + -14.292360305786133 + ], + [ + "▁WU", + -14.29237937927246 + ], + [ + "▁Riverdale", + -14.292428016662598 + ], + [ + "▁Weil", + -14.292485237121582 + ], + [ + "angled", + -14.292502403259276 + ], + [ + "▁BHP", + -14.292552947998049 + ], + [ + "▁playfulness", + -14.292567253112791 + ], + [ + "▁Fluor", + -14.292580604553224 + ], + [ + "▁Choco", + -14.292588233947754 + ], + [ + "▁strived", + -14.292658805847168 + ], + [ + "▁Andaman", + -14.2926607131958 + ], + [ + "Hotels", + -14.292669296264648 + ], + [ + "▁MOTOR", + -14.292682647705078 + ], + [ + "▁Caution", + -14.292686462402344 + ], + [ + "Cul", + -14.292688369750977 + ], + [ + "Cards", + -14.292746543884276 + ], + [ + "▁Argo", + -14.29282569885254 + ], + [ + "▁Enthusiast", + -14.292858123779297 + ], + [ + "osu", + -14.292888641357422 + ], + [ + "▁Storey", + -14.293075561523438 + ], + [ + "▁WIL", + -14.293092727661133 + ], + [ + "▁moped", + -14.293169021606444 + ], + [ + "▁Scales", + -14.293218612670898 + ], + [ + "▁Rigg", + -14.29322910308838 + ], + [ + "▁Starring", + -14.29323959350586 + ], + [ + "▁airliner", + -14.293286323547363 + ], + [ + "▁werewolf", + -14.293343544006348 + ], + [ + "▁widowed", + -14.293375015258787 + ], + [ + "Silk", + -14.2933988571167 + ], + [ + "timed", + -14.293399810791016 + ], + [ + "WEB", + -14.293407440185549 + ], + [ + "▁concealing", + -14.293426513671877 + ], + [ + "▁globalisation", + -14.29347038269043 + ], + [ + "▁Gladys", + -14.293496131896973 + ], + [ + "094", + -14.293587684631348 + ], + [ + "▁adjoin", + -14.293619155883787 + ], + [ + "▁Brawl", + -14.2936429977417 + ], + [ + "▁prepayment", + -14.29371452331543 + ], + [ + "thorne", + -14.293771743774414 + ], + [ + "▁RRB", + -14.293793678283691 + ], + [ + "▁dreading", + -14.293810844421388 + ], + [ + "▁Audiobook", + -14.293841361999512 + ], + [ + "gga", + -14.293858528137209 + ], + [ + "▁(+1", + -14.293950080871582 + ], + [ + "Records", + -14.294014930725098 + ], + [ + "▁Lott", + -14.294148445129396 + ], + [ + "riva", + -14.29415225982666 + ], + [ + "acca", + -14.294178009033203 + ], + [ + "▁mailer", + -14.294207572937012 + ], + [ + "▁sundown", + -14.294256210327148 + ], + [ + "-350", + -14.294293403625488 + ], + [ + "▁licks", + -14.29432487487793 + ], + [ + "▁raved", + -14.29434299468994 + ], + [ + "quina", + -14.294367790222168 + ], + [ + "Scribe", + -14.294382095336914 + ], + [ + "▁Scoring", + -14.29438304901123 + ], + [ + "▁FJ", + -14.294425964355469 + ], + [ + "▁Platte", + -14.294437408447266 + ], + [ + "mane", + -14.294569969177246 + ], + [ + "▁Dividers", + -14.294575691223145 + ], + [ + "▁Greta", + -14.294614791870115 + ], + [ + "partners", + -14.294638633728027 + ], + [ + "enactment", + -14.29464054107666 + ], + [ + "▁Approximate", + -14.294716835021973 + ], + [ + "friendliness", + -14.294803619384766 + ], + [ + "Possibly", + -14.294804573059082 + ], + [ + "possible", + -14.294805526733398 + ], + [ + "Nestled", + -14.294818878173828 + ], + [ + "▁Dentists", + -14.294830322265623 + ], + [ + "aggressive", + -14.29483127593994 + ], + [ + "relief", + -14.294835090637209 + ], + [ + "Wendy", + -14.29483699798584 + ], + [ + "▁redshirt", + -14.294864654541016 + ], + [ + "▁Jalan", + -14.294865608215332 + ], + [ + "Scrap", + -14.294882774353027 + ], + [ + "Mommy", + -14.29491138458252 + ], + [ + "HTTP", + -14.294912338256836 + ], + [ + "▁eclipsed", + -14.294918060302734 + ], + [ + "contrast", + -14.294995307922363 + ], + [ + "3.6%", + -14.295034408569336 + ], + [ + "gathering", + -14.295039176940918 + ], + [ + "▁Lectures", + -14.295045852661133 + ], + [ + "nutrient", + -14.29515266418457 + ], + [ + "▁fooling", + -14.295164108276367 + ], + [ + "▁june", + -14.29518699645996 + ], + [ + "hedron", + -14.295207023620604 + ], + [ + "▁decayed", + -14.295238494873049 + ], + [ + "▁facil", + -14.295246124267578 + ], + [ + "CCM", + -14.29526424407959 + ], + [ + "commission", + -14.29532241821289 + ], + [ + "▁odours", + -14.295370101928713 + ], + [ + "▁1835", + -14.295432090759276 + ], + [ + "Holly", + -14.295442581176758 + ], + [ + "Kr", + -14.29550552368164 + ], + [ + "SPEC", + -14.295512199401855 + ], + [ + "▁3-7", + -14.295514106750488 + ], + [ + "rtz", + -14.295519828796388 + ], + [ + "▁Timo", + -14.295519828796388 + ], + [ + "swap", + -14.295591354370115 + ], + [ + "▁clickable", + -14.295631408691406 + ], + [ + "▁SWF", + -14.295636177062988 + ], + [ + "▁screwing", + -14.295746803283691 + ], + [ + "FOS", + -14.29576301574707 + ], + [ + "Bread", + -14.295774459838867 + ], + [ + "▁Playoffs", + -14.295778274536133 + ], + [ + "▁recharged", + -14.29579257965088 + ], + [ + "anic", + -14.295842170715332 + ], + [ + "078", + -14.295873641967772 + ], + [ + "Alas", + -14.2959623336792 + ], + [ + "dancing", + -14.295963287353516 + ], + [ + "▁Luggage", + -14.296075820922852 + ], + [ + "▁12.30", + -14.296130180358888 + ], + [ + "▁0.03", + -14.29613971710205 + ], + [ + "IOS", + -14.296154022216797 + ], + [ + "Walter", + -14.296172142028809 + ], + [ + "▁Marsha", + -14.296213150024414 + ], + [ + "Unable", + -14.296256065368652 + ], + [ + "Identifying", + -14.296384811401367 + ], + [ + "cub", + -14.29641342163086 + ], + [ + "▁Coats", + -14.29641342163086 + ], + [ + "▁Biscuit", + -14.296469688415527 + ], + [ + "▁squeal", + -14.296476364135742 + ], + [ + "▁Nationally", + -14.296488761901855 + ], + [ + "▁Dungeons", + -14.296561241149902 + ], + [ + "▁Cochran", + -14.296589851379396 + ], + [ + "▁PINK", + -14.296590805053713 + ], + [ + "▁arouse", + -14.296649932861328 + ], + [ + "xyz", + -14.296706199645996 + ], + [ + "▁PDC", + -14.296733856201172 + ], + [ + "kau", + -14.296798706054688 + ], + [ + "▁divisional", + -14.296810150146484 + ], + [ + "matsu", + -14.296846389770508 + ], + [ + "▁Bien", + -14.29687786102295 + ], + [ + "▁distinctively", + -14.296916007995604 + ], + [ + "ruth", + -14.29692268371582 + ], + [ + "▁Methyl", + -14.296950340270996 + ], + [ + "▁subdomains", + -14.29697608947754 + ], + [ + "Inevitably", + -14.296985626220703 + ], + [ + "▁Artillery", + -14.296985626220703 + ], + [ + "▁Saginaw", + -14.296985626220703 + ], + [ + "▁Simcoe", + -14.296985626220703 + ], + [ + "▁actuarial", + -14.296985626220703 + ], + [ + "▁anchovies", + -14.296985626220703 + ], + [ + "▁bulldozer", + -14.296985626220703 + ], + [ + "▁escorts", + -14.296985626220703 + ], + [ + "▁exuberance", + -14.296985626220703 + ], + [ + "▁memorization", + -14.296985626220703 + ], + [ + "▁Aikido", + -14.29698657989502 + ], + [ + "▁mammography", + -14.29698657989502 + ], + [ + "▁WONDER", + -14.296987533569336 + ], + [ + "▁thrombosis", + -14.296987533569336 + ], + [ + "▁Solitaire", + -14.296988487243652 + ], + [ + "▁Brevard", + -14.296990394592283 + ], + [ + "▁hydrophobic", + -14.296996116638184 + ], + [ + "▁Liberties", + -14.296998023986816 + ], + [ + "▁Sarawak", + -14.296998977661133 + ], + [ + "▁nappies", + -14.296998977661133 + ], + [ + "▁Witnesses", + -14.297006607055664 + ], + [ + "▁monoclonal", + -14.29700756072998 + ], + [ + "▁Komodo", + -14.297012329101562 + ], + [ + "▁Storytelling", + -14.29701805114746 + ], + [ + "▁Pirelli", + -14.297025680541992 + ], + [ + "innovation", + -14.297030448913574 + ], + [ + "▁EXPO", + -14.297030448913574 + ], + [ + "▁SketchUp", + -14.297039031982422 + ], + [ + "▁Soundcloud", + -14.29705810546875 + ], + [ + "▁subsurface", + -14.297103881835938 + ], + [ + "▁Belinda", + -14.297117233276367 + ], + [ + "chains", + -14.297130584716797 + ], + [ + "▁batsmen", + -14.297138214111328 + ], + [ + "▁EDU", + -14.297168731689451 + ], + [ + "▁AWAY", + -14.29716968536377 + ], + [ + "▁Opinions", + -14.297179222106934 + ], + [ + "CALL", + -14.297192573547363 + ], + [ + "▁enshrined", + -14.297224044799805 + ], + [ + "▁deftly", + -14.297232627868652 + ], + [ + "▁Rol", + -14.297252655029297 + ], + [ + "vak", + -14.297266006469728 + ], + [ + "▁imperialism", + -14.29727268218994 + ], + [ + "Programs", + -14.29729461669922 + ], + [ + "Terri", + -14.297320365905762 + ], + [ + "LTE", + -14.29733657836914 + ], + [ + "norm", + -14.29733657836914 + ], + [ + "zinger", + -14.29739475250244 + ], + [ + "▁Hanley", + -14.297436714172363 + ], + [ + "▁Api", + -14.297480583190918 + ], + [ + "▁Taman", + -14.29751682281494 + ], + [ + "Mysterious", + -14.297581672668455 + ], + [ + "594", + -14.29758644104004 + ], + [ + "▁lubricated", + -14.297611236572266 + ], + [ + "Customize", + -14.297635078430176 + ], + [ + "phony", + -14.297650337219238 + ], + [ + "▁(2017", + -14.297661781311035 + ], + [ + "▁Breakout", + -14.297703742980955 + ], + [ + "ombe", + -14.297737121582031 + ], + [ + "▁Namely", + -14.297741889953612 + ], + [ + "crop", + -14.297746658325195 + ], + [ + "iosis", + -14.29783821105957 + ], + [ + "▁28,000", + -14.297935485839844 + ], + [ + "▁basking", + -14.29796314239502 + ], + [ + "▁AIG", + -14.298007011413574 + ], + [ + "▁Const", + -14.298033714294434 + ], + [ + "▁freaks", + -14.298043251037598 + ], + [ + "▁overheard", + -14.298068046569824 + ], + [ + "partial", + -14.298080444335938 + ], + [ + "оро", + -14.298103332519531 + ], + [ + "UIT", + -14.298110008239746 + ], + [ + "▁Kalyan", + -14.298112869262695 + ], + [ + "▁WMS", + -14.298113822937012 + ], + [ + "▁Smiley", + -14.298150062561035 + ], + [ + "▁Hurdle", + -14.298179626464844 + ], + [ + "▁Hanger", + -14.298184394836426 + ], + [ + "▁Heil", + -14.29819679260254 + ], + [ + "▁Zil", + -14.29821491241455 + ], + [ + "▁Shard", + -14.29824161529541 + ], + [ + "▁Jog", + -14.298274993896484 + ], + [ + "▁thatched", + -14.298428535461426 + ], + [ + "uminous", + -14.298453330993652 + ], + [ + "ivate", + -14.298535346984863 + ], + [ + "▁1790", + -14.298545837402344 + ], + [ + "▁abnormally", + -14.298547744750977 + ], + [ + "dey", + -14.298620223999023 + ], + [ + "▁dorms", + -14.298624992370604 + ], + [ + "▁dass", + -14.298635482788086 + ], + [ + "PTC", + -14.298701286315918 + ], + [ + "▁boneless", + -14.298724174499512 + ], + [ + "▁RIGHTS", + -14.29873275756836 + ], + [ + "▁laughable", + -14.29881191253662 + ], + [ + "▁Acquisitions", + -14.298834800720217 + ], + [ + "▁Cavan", + -14.29885482788086 + ], + [ + "▁Caption", + -14.298911094665527 + ], + [ + "ROOT", + -14.298941612243652 + ], + [ + "pedal", + -14.298952102661133 + ], + [ + "▁(55", + -14.298970222473145 + ], + [ + "▁Teja", + -14.299102783203123 + ], + [ + "Authorised", + -14.299114227294922 + ], + [ + "▁Cob", + -14.299156188964844 + ], + [ + "▁wonky", + -14.299205780029297 + ], + [ + "▁hoe", + -14.299269676208496 + ], + [ + "appe", + -14.299297332763672 + ], + [ + "hadi", + -14.299356460571287 + ], + [ + "▁Chilli", + -14.299408912658691 + ], + [ + "rabi", + -14.299415588378906 + ], + [ + "▁Kup", + -14.299521446228027 + ], + [ + "▁Joshi", + -14.299543380737305 + ], + [ + "▁animators", + -14.299640655517578 + ], + [ + "▁Girard", + -14.299694061279297 + ], + [ + "▁martin", + -14.29970932006836 + ], + [ + "Tis", + -14.299735069274902 + ], + [ + "▁$20.00", + -14.299745559692385 + ], + [ + "▁mica", + -14.29975128173828 + ], + [ + "baba", + -14.299756050109863 + ], + [ + "▁FED", + -14.299761772155762 + ], + [ + "commit", + -14.299772262573242 + ], + [ + "-12)", + -14.299826622009276 + ], + [ + "Sham", + -14.299830436706545 + ], + [ + "▁marc", + -14.29985809326172 + ], + [ + "bq", + -14.299914360046388 + ], + [ + "▁Treating", + -14.299931526184082 + ], + [ + "▁Hornet", + -14.300183296203612 + ], + [ + "$25", + -14.30019187927246 + ], + [ + "▁Esk", + -14.300244331359863 + ], + [ + "▁ITA", + -14.300253868103027 + ], + [ + "jacking", + -14.300387382507324 + ], + [ + "▁instalments", + -14.300393104553224 + ], + [ + "▁gunner", + -14.300399780273438 + ], + [ + "▁FBA", + -14.30043125152588 + ], + [ + "Cortez", + -14.300455093383787 + ], + [ + "Mortgage", + -14.300456047058104 + ], + [ + "negotiable", + -14.300471305847168 + ], + [ + "Swimming", + -14.300503730773926 + ], + [ + "verso", + -14.300503730773926 + ], + [ + "Intelligence", + -14.300506591796877 + ], + [ + "Vancouver", + -14.300508499145508 + ], + [ + "Brooklyn", + -14.300512313842772 + ], + [ + "▁Bernadette", + -14.300515174865724 + ], + [ + "biggest", + -14.300518035888672 + ], + [ + "▁Enchant", + -14.300521850585938 + ], + [ + "Cheese", + -14.30052375793457 + ], + [ + "royal", + -14.300531387329102 + ], + [ + "▁Bangla", + -14.300542831420898 + ], + [ + "Caroline", + -14.300554275512695 + ], + [ + "naka", + -14.300583839416504 + ], + [ + "▁334", + -14.300626754760742 + ], + [ + "statistics", + -14.30069065093994 + ], + [ + "Held", + -14.300748825073242 + ], + [ + "▁356", + -14.300843238830566 + ], + [ + "▁Boyer", + -14.300846099853516 + ], + [ + "Quiet", + -14.300867080688477 + ], + [ + "▁Kline", + -14.300920486450195 + ], + [ + "ATC", + -14.300929069519045 + ], + [ + "▁scoff", + -14.300935745239258 + ], + [ + "▁Foxes", + -14.301087379455566 + ], + [ + "▁Tach", + -14.301091194152832 + ], + [ + "▁tidying", + -14.301166534423828 + ], + [ + "▁Avila", + -14.301210403442385 + ], + [ + "▁AMERICA", + -14.301308631896973 + ], + [ + "archi", + -14.301329612731934 + ], + [ + "fam", + -14.30133056640625 + ], + [ + "Jer", + -14.301383018493652 + ], + [ + "▁encapsulate", + -14.30148983001709 + ], + [ + "▁LAC", + -14.301499366760254 + ], + [ + "▁59%", + -14.301547050476074 + ], + [ + "▁sprains", + -14.301556587219238 + ], + [ + "Kenya", + -14.30156421661377 + ], + [ + "▁Pockets", + -14.301583290100098 + ], + [ + "▁Drunk", + -14.301617622375488 + ], + [ + "▁birdies", + -14.301617622375488 + ], + [ + "▁Deed", + -14.301637649536133 + ], + [ + "providing", + -14.301735877990724 + ], + [ + "kommen", + -14.30174732208252 + ], + [ + "▁OJ", + -14.301788330078123 + ], + [ + "hte", + -14.301912307739258 + ], + [ + "Phe", + -14.301913261413574 + ], + [ + "▁butchers", + -14.30193042755127 + ], + [ + "▁epitomize", + -14.3019380569458 + ], + [ + "idium", + -14.301952362060549 + ], + [ + "▁Sonar", + -14.301963806152344 + ], + [ + "▁Infor", + -14.301994323730469 + ], + [ + "cule", + -14.30202293395996 + ], + [ + "▁bung", + -14.302069664001465 + ], + [ + "accident", + -14.302074432373049 + ], + [ + "▁thump", + -14.302104949951172 + ], + [ + "▁stateroom", + -14.302111625671388 + ], + [ + "▁malts", + -14.302116394042969 + ], + [ + "NIE", + -14.302154541015623 + ], + [ + "▁SEI", + -14.302170753479004 + ], + [ + "▁Somers", + -14.302230834960938 + ], + [ + "ILO", + -14.302239418029783 + ], + [ + "▁Suresh", + -14.30225944519043 + ], + [ + "▁Kitchener", + -14.302312850952148 + ], + [ + "▁Conv", + -14.302422523498535 + ], + [ + "gine", + -14.302465438842772 + ], + [ + "sorption", + -14.302497863769531 + ], + [ + "▁20:1", + -14.302515983581545 + ], + [ + "▁Rectangle", + -14.30254077911377 + ], + [ + "▁Rhetoric", + -14.30254077911377 + ], + [ + "▁Spalding", + -14.30254077911377 + ], + [ + "▁avionics", + -14.30254077911377 + ], + [ + "▁enraged", + -14.30254077911377 + ], + [ + "▁gauntlet", + -14.30254077911377 + ], + [ + "▁mitsubishi", + -14.30254077911377 + ], + [ + "▁rejoicing", + -14.30254077911377 + ], + [ + "▁wretched", + -14.30254077911377 + ], + [ + "▁relevancy", + -14.302541732788086 + ], + [ + "▁amortization", + -14.302542686462402 + ], + [ + "▁endogenous", + -14.302542686462402 + ], + [ + "▁Pérez", + -14.302544593811035 + ], + [ + "▁grunge", + -14.302545547485352 + ], + [ + "▁turbocharger", + -14.302545547485352 + ], + [ + "▁Nougat", + -14.302546501159668 + ], + [ + "▁amorphous", + -14.302546501159668 + ], + [ + "▁transponder", + -14.302547454833984 + ], + [ + "▁reminiscence", + -14.302549362182615 + ], + [ + "▁scalar", + -14.302549362182615 + ], + [ + "▁Elimination", + -14.302553176879885 + ], + [ + "▁Magenta", + -14.302556991577148 + ], + [ + "▁purging", + -14.302559852600098 + ], + [ + "Welcoming", + -14.302565574645996 + ], + [ + "▁Regime", + -14.302568435668944 + ], + [ + "▁Dhoni", + -14.302574157714844 + ], + [ + "▁fortitude", + -14.302608489990234 + ], + [ + "▁Preparedness", + -14.302611351013184 + ], + [ + "▁undamaged", + -14.302623748779297 + ], + [ + "▁Lemonade", + -14.302624702453612 + ], + [ + "communicable", + -14.302629470825195 + ], + [ + "▁lemongrass", + -14.302635192871094 + ], + [ + "▁coexistence", + -14.30264949798584 + ], + [ + "▁1843", + -14.302658081054688 + ], + [ + "coni", + -14.302666664123535 + ], + [ + "▁Fenway", + -14.302667617797852 + ], + [ + "▁Gracia", + -14.30267333984375 + ], + [ + "▁457", + -14.302678108215332 + ], + [ + "▁Tasman", + -14.302721977233888 + ], + [ + "POSITION", + -14.302730560302734 + ], + [ + "▁Miracles", + -14.30274486541748 + ], + [ + "▁Lora", + -14.302753448486328 + ], + [ + "▁Minster", + -14.302760124206545 + ], + [ + "▁helical", + -14.302785873413086 + ], + [ + "Consideration", + -14.302804946899414 + ], + [ + "lunch", + -14.302839279174805 + ], + [ + "▁Lakeshore", + -14.302850723266602 + ], + [ + "▁2016/17", + -14.302865028381348 + ], + [ + "arda", + -14.30286693572998 + ], + [ + "▁Dillard", + -14.302881240844728 + ], + [ + "nchez", + -14.30289077758789 + ], + [ + "▁magnetism", + -14.302892684936523 + ], + [ + "▁Username", + -14.302923202514648 + ], + [ + "▁deregulation", + -14.302935600280762 + ], + [ + "▁Ruskin", + -14.302955627441406 + ], + [ + "▁Happened", + -14.302961349487305 + ], + [ + "▁chirping", + -14.30296230316162 + ], + [ + "▁zirconia", + -14.30296516418457 + ], + [ + "▁stockholders", + -14.302968978881836 + ], + [ + "▁panther", + -14.30300998687744 + ], + [ + "▁Quail", + -14.303030967712402 + ], + [ + "jewel", + -14.303051948547363 + ], + [ + "▁2004)", + -14.30305290222168 + ], + [ + "bog", + -14.303071022033691 + ], + [ + "▁multichannel", + -14.303099632263184 + ], + [ + "▁Peet", + -14.303114891052246 + ], + [ + "OPE", + -14.303122520446776 + ], + [ + "▁CTRL", + -14.303143501281738 + ], + [ + "▁Insured", + -14.303149223327637 + ], + [ + "ooooo", + -14.303180694580078 + ], + [ + "▁Pave", + -14.30319881439209 + ], + [ + "TSA", + -14.303207397460938 + ], + [ + "▁MEGA", + -14.303211212158203 + ], + [ + "dson", + -14.303216934204102 + ], + [ + "▁Mariana", + -14.303226470947266 + ], + [ + "ikar", + -14.30323886871338 + ], + [ + "merge", + -14.303257942199709 + ], + [ + "▁Herod", + -14.303260803222656 + ], + [ + "▁spirals", + -14.303339004516602 + ], + [ + "repeat", + -14.303340911865234 + ], + [ + "WAVE", + -14.303345680236816 + ], + [ + "Fracture", + -14.303375244140623 + ], + [ + "▁incumbents", + -14.30339241027832 + ], + [ + "▁knick", + -14.303422927856444 + ], + [ + "arty", + -14.30343246459961 + ], + [ + "treating", + -14.303438186645508 + ], + [ + "▁Festive", + -14.30353832244873 + ], + [ + "▁feeble", + -14.303574562072754 + ], + [ + "JG", + -14.303585052490234 + ], + [ + "▁Parry", + -14.303618431091309 + ], + [ + "OUND", + -14.303709030151367 + ], + [ + "ivities", + -14.303732872009276 + ], + [ + "managing", + -14.303743362426758 + ], + [ + "▁wearers", + -14.303772926330566 + ], + [ + "natch", + -14.30378246307373 + ], + [ + "▁hopelessly", + -14.30383014678955 + ], + [ + "tude", + -14.303844451904297 + ], + [ + "▁Depor", + -14.303899765014648 + ], + [ + "embl", + -14.303921699523926 + ], + [ + "RSS", + -14.303980827331545 + ], + [ + "▁PCT", + -14.304001808166504 + ], + [ + "▁SoCal", + -14.304018020629885 + ], + [ + "Kil", + -14.30402946472168 + ], + [ + "▁revamping", + -14.304070472717283 + ], + [ + "▁stricken", + -14.304085731506348 + ], + [ + "locking", + -14.304150581359863 + ], + [ + "NIR", + -14.304248809814451 + ], + [ + "▁localised", + -14.3042631149292 + ], + [ + "▁TSP", + -14.30428409576416 + ], + [ + "eligible", + -14.304291725158691 + ], + [ + "▁Strath", + -14.304495811462402 + ], + [ + "▁Avast", + -14.304511070251465 + ], + [ + "▁WON", + -14.3046236038208 + ], + [ + "▁VCU", + -14.304698944091797 + ], + [ + "hao", + -14.30470371246338 + ], + [ + "▁Thar", + -14.304723739624023 + ], + [ + "▁landfall", + -14.304737091064451 + ], + [ + "▁Endpoint", + -14.304831504821776 + ], + [ + "▁reconnecting", + -14.30483341217041 + ], + [ + "TAIL", + -14.30485725402832 + ], + [ + "Grav", + -14.304939270019531 + ], + [ + "▁14001", + -14.304946899414062 + ], + [ + "897", + -14.3049898147583 + ], + [ + "arney", + -14.30500030517578 + ], + [ + "▁RDS", + -14.305021286010742 + ], + [ + "▁8:15", + -14.305115699768066 + ], + [ + "Odd", + -14.305171012878418 + ], + [ + "numbers", + -14.305176734924316 + ], + [ + "symbol", + -14.305187225341797 + ], + [ + "Yan", + -14.30525016784668 + ], + [ + "▁bootleg", + -14.305316925048828 + ], + [ + "trell", + -14.305349349975586 + ], + [ + "▁Milne", + -14.305349349975586 + ], + [ + "▁Sabre", + -14.30536651611328 + ], + [ + "▁boron", + -14.305379867553713 + ], + [ + "outlet", + -14.305414199829102 + ], + [ + "▁sweeper", + -14.305474281311035 + ], + [ + "jazz", + -14.305492401123049 + ], + [ + "▁deliverable", + -14.305500984191896 + ], + [ + "Nicola", + -14.30552864074707 + ], + [ + "▁Incidentally", + -14.305559158325195 + ], + [ + "▁Olde", + -14.305599212646484 + ], + [ + "▁Prospects", + -14.305689811706545 + ], + [ + "▁9781", + -14.305777549743652 + ], + [ + "extricably", + -14.305778503417969 + ], + [ + "claw", + -14.305829048156738 + ], + [ + "depressant", + -14.305832862854004 + ], + [ + "934", + -14.305933952331545 + ], + [ + "▁MFT", + -14.305952072143556 + ], + [ + "48)", + -14.305974960327148 + ], + [ + "covers", + -14.306007385253906 + ], + [ + "Foster", + -14.306013107299805 + ], + [ + "occurring", + -14.306086540222168 + ], + [ + "flux", + -14.306095123291016 + ], + [ + "TRACT", + -14.306124687194824 + ], + [ + "▁rhinestones", + -14.306127548217772 + ], + [ + "Participation", + -14.306201934814451 + ], + [ + "▁Dissertations", + -14.306228637695312 + ], + [ + "Thunder", + -14.306245803833008 + ], + [ + "▁Stocking", + -14.306248664855955 + ], + [ + "Thailand", + -14.306267738342283 + ], + [ + "Hybrid", + -14.306268692016602 + ], + [ + "796", + -14.3062744140625 + ], + [ + "Venture", + -14.306291580200195 + ], + [ + "Stefan", + -14.306331634521484 + ], + [ + "▁couriers", + -14.306351661682127 + ], + [ + "psychology", + -14.306365966796877 + ], + [ + "▁Foll", + -14.306440353393556 + ], + [ + "▁Tacos", + -14.306448936462402 + ], + [ + "528", + -14.306469917297363 + ], + [ + "advised", + -14.306493759155272 + ], + [ + "favor", + -14.306507110595703 + ], + [ + "Dude", + -14.306540489196776 + ], + [ + "bene", + -14.306571006774902 + ], + [ + "▁Avent", + -14.306652069091797 + ], + [ + "▁11.6", + -14.306679725646973 + ], + [ + "REST", + -14.306685447692873 + ], + [ + "▁steelhead", + -14.306696891784668 + ], + [ + "▁Tsun", + -14.30677604675293 + ], + [ + "▁Commodities", + -14.306788444519045 + ], + [ + "▁simulates", + -14.306877136230469 + ], + [ + "Poster", + -14.30690860748291 + ], + [ + "esses", + -14.30695629119873 + ], + [ + "seeds", + -14.307008743286133 + ], + [ + "roux", + -14.307013511657717 + ], + [ + "Examine", + -14.307032585144045 + ], + [ + "▁PAD", + -14.3070650100708 + ], + [ + "SKI", + -14.307083129882812 + ], + [ + "Ideas", + -14.307206153869627 + ], + [ + "Shallow", + -14.307215690612791 + ], + [ + "▁squander", + -14.307226181030272 + ], + [ + "▁buoy", + -14.307275772094728 + ], + [ + "▁Turing", + -14.30734157562256 + ], + [ + "Lowering", + -14.30734634399414 + ], + [ + "▁Londoners", + -14.307376861572266 + ], + [ + "▁inefficiency", + -14.307382583618164 + ], + [ + "rva", + -14.307450294494627 + ], + [ + "Formerly", + -14.307456970214844 + ], + [ + "reports", + -14.307470321655272 + ], + [ + "strategic", + -14.307518005371094 + ], + [ + "▁VOD", + -14.307549476623535 + ], + [ + "▁quads", + -14.30756664276123 + ], + [ + "051", + -14.307581901550291 + ], + [ + "▁gymnasts", + -14.30760669708252 + ], + [ + "ppm", + -14.307608604431152 + ], + [ + "▁recede", + -14.307703018188477 + ], + [ + "▁Pavl", + -14.307732582092283 + ], + [ + "▁Chamb", + -14.307734489440918 + ], + [ + "▁Integrating", + -14.307761192321776 + ], + [ + "▁Mindful", + -14.307785034179688 + ], + [ + "▁Recognize", + -14.307835578918455 + ], + [ + "Mann", + -14.307836532592772 + ], + [ + "▁Osh", + -14.307883262634276 + ], + [ + "▁11.2", + -14.30798625946045 + ], + [ + "▁fashionista", + -14.308042526245115 + ], + [ + "▁eyewitness", + -14.308086395263672 + ], + [ + "Losing", + -14.308100700378418 + ], + [ + "GLE", + -14.308120727539062 + ], + [ + "▁Atmosphere", + -14.308127403259276 + ], + [ + "▁Azalea", + -14.308127403259276 + ], + [ + "▁Cavendish", + -14.308127403259276 + ], + [ + "▁Commencement", + -14.308127403259276 + ], + [ + "▁entourage", + -14.308127403259276 + ], + [ + "▁fibroblast", + -14.308127403259276 + ], + [ + "▁jacquard", + -14.308127403259276 + ], + [ + "▁oligarch", + -14.308127403259276 + ], + [ + "▁remedied", + -14.308127403259276 + ], + [ + "▁tweezers", + -14.308127403259276 + ], + [ + "▁adjudication", + -14.308128356933594 + ], + [ + "▁alopecia", + -14.308128356933594 + ], + [ + "▁embankment", + -14.308128356933594 + ], + [ + "▁gigabit", + -14.308128356933594 + ], + [ + "▁perceptual", + -14.308128356933594 + ], + [ + "▁XYZ", + -14.30812931060791 + ], + [ + "▁Gonzaga", + -14.308133125305176 + ], + [ + "▁overpass", + -14.308135986328123 + ], + [ + "▁Clemens", + -14.308141708374023 + ], + [ + "▁Enzyme", + -14.308141708374023 + ], + [ + "▁Publix", + -14.30814266204834 + ], + [ + "▁Pentium", + -14.308143615722656 + ], + [ + "▁generika", + -14.308143615722656 + ], + [ + "▁speculating", + -14.308146476745604 + ], + [ + "▁Bendigo", + -14.308148384094238 + ], + [ + "▁carcinogenic", + -14.308150291442873 + ], + [ + "▁Circulation", + -14.308151245117188 + ], + [ + "▁Bainbridge", + -14.30815887451172 + ], + [ + "▁Wicklow", + -14.308165550231934 + ], + [ + "▁Flesh", + -14.308168411254885 + ], + [ + "Embracing", + -14.308171272277832 + ], + [ + "▁Tamworth", + -14.308183670043944 + ], + [ + "▁McDaniel", + -14.308198928833008 + ], + [ + "▁fancier", + -14.308198928833008 + ], + [ + "▁Scanning", + -14.30820369720459 + ], + [ + "▁Hackett", + -14.30821418762207 + ], + [ + "▁HELL", + -14.308237075805664 + ], + [ + "▁recitation", + -14.30824089050293 + ], + [ + "▁extradition", + -14.308242797851562 + ], + [ + "▁MARK", + -14.308246612548828 + ], + [ + "▁Mahler", + -14.308246612548828 + ], + [ + "▁repossession", + -14.30824851989746 + ], + [ + "▁Tripura", + -14.308255195617676 + ], + [ + "▁tailings", + -14.308262825012209 + ], + [ + "▁Technologist", + -14.308274269104004 + ], + [ + "▁bobcat", + -14.308279037475586 + ], + [ + "▁Bukit", + -14.30828094482422 + ], + [ + "▁McMaster", + -14.30828857421875 + ], + [ + "▁Teatro", + -14.308294296264648 + ], + [ + "▁countering", + -14.308300018310549 + ], + [ + "▁bastion", + -14.308324813842772 + ], + [ + "▁shelved", + -14.308349609375 + ], + [ + "▁abnormality", + -14.308355331420898 + ], + [ + "▁Tweak", + -14.308366775512695 + ], + [ + "▁Morristown", + -14.308380126953123 + ], + [ + "▁sawdust", + -14.308382034301758 + ], + [ + "▁Mileage", + -14.308382987976074 + ], + [ + "Educating", + -14.308453559875488 + ], + [ + "4,900", + -14.308496475219728 + ], + [ + "▁Glorious", + -14.30852508544922 + ], + [ + "▁furrow", + -14.308545112609863 + ], + [ + "▁mulled", + -14.308561325073242 + ], + [ + "brace", + -14.308575630187988 + ], + [ + "▁slapping", + -14.30860424041748 + ], + [ + "▁Cathay", + -14.308613777160645 + ], + [ + "▁DEAL", + -14.308613777160645 + ], + [ + "▁turrets", + -14.30861759185791 + ], + [ + "▁Koll", + -14.308631896972656 + ], + [ + "▁Tulane", + -14.308636665344238 + ], + [ + "▁overused", + -14.30866241455078 + ], + [ + "▁retouching", + -14.308672904968262 + ], + [ + "▁citizenry", + -14.30868148803711 + ], + [ + "mox", + -14.308698654174805 + ], + [ + "▁casings", + -14.308727264404297 + ], + [ + "▁408", + -14.308743476867676 + ], + [ + "▁Canning", + -14.30875015258789 + ], + [ + "▁Athlon", + -14.308758735656738 + ], + [ + "▁resurfaced", + -14.308770179748535 + ], + [ + "▁manipulations", + -14.308783531188965 + ], + [ + "▁spate", + -14.30881404876709 + ], + [ + "▁$4.99", + -14.308866500854492 + ], + [ + "▁Gentry", + -14.308871269226074 + ], + [ + "▁Treg", + -14.308924674987791 + ], + [ + "BLA", + -14.308982849121094 + ], + [ + "articular", + -14.309091567993164 + ], + [ + "▁dinnerware", + -14.309163093566896 + ], + [ + "▁platformer", + -14.309165954589844 + ], + [ + "▁stoneware", + -14.30918025970459 + ], + [ + "fib", + -14.309191703796388 + ], + [ + "▁ecologist", + -14.309200286865234 + ], + [ + "▁mired", + -14.309231758117676 + ], + [ + "▁Rocking", + -14.309316635131836 + ], + [ + "ETT", + -14.309332847595217 + ], + [ + "▁2011-12", + -14.309344291687012 + ], + [ + "VCA", + -14.309366226196287 + ], + [ + "▁equated", + -14.309391021728516 + ], + [ + "▁NEET", + -14.309415817260742 + ], + [ + "▁727", + -14.30955982208252 + ], + [ + "▁Cinematic", + -14.309571266174316 + ], + [ + "▁Sof", + -14.309603691101074 + ], + [ + "▁reinstalled", + -14.30962371826172 + ], + [ + "▁ISM", + -14.309627532958984 + ], + [ + "FSC", + -14.309647560119627 + ], + [ + "▁MOM", + -14.309738159179688 + ], + [ + "▁Gujarati", + -14.309752464294434 + ], + [ + "▁rattled", + -14.30976104736328 + ], + [ + "▁Successfully", + -14.309769630432127 + ], + [ + "▁delle", + -14.30982780456543 + ], + [ + "▁proofreader", + -14.309881210327148 + ], + [ + "gym", + -14.309945106506348 + ], + [ + "▁ditched", + -14.310029983520508 + ], + [ + "▁Mauri", + -14.310052871704102 + ], + [ + "▁Jayne", + -14.310073852539062 + ], + [ + "▁contradicts", + -14.310076713562012 + ], + [ + "Thor", + -14.310125350952148 + ], + [ + "▁Harare", + -14.310125350952148 + ], + [ + "▁JOY", + -14.31016445159912 + ], + [ + "▁invertebrates", + -14.310192108154297 + ], + [ + "▁narcissistic", + -14.310287475585938 + ], + [ + "▁Aux", + -14.310314178466797 + ], + [ + "ROY", + -14.310401916503906 + ], + [ + "▁nutritionists", + -14.310469627380373 + ], + [ + "▁Rant", + -14.31048583984375 + ], + [ + "parc", + -14.31052017211914 + ], + [ + "▁Arrows", + -14.310551643371582 + ], + [ + "▁Silly", + -14.31057357788086 + ], + [ + "hint", + -14.31057834625244 + ], + [ + "▁Shari", + -14.310625076293944 + ], + [ + "lora", + -14.31067943572998 + ], + [ + "▁Upgraded", + -14.310747146606444 + ], + [ + "illum", + -14.31079387664795 + ], + [ + "▁326", + -14.310800552368164 + ], + [ + "▁419", + -14.310820579528809 + ], + [ + "▁affording", + -14.31083869934082 + ], + [ + "▁Troops", + -14.310848236083984 + ], + [ + "▁Moved", + -14.31098747253418 + ], + [ + "▁Woot", + -14.31100845336914 + ], + [ + "058", + -14.311017036437988 + ], + [ + "berman", + -14.311025619506836 + ], + [ + "elig", + -14.31104564666748 + ], + [ + "▁vastness", + -14.311078071594238 + ], + [ + "gale", + -14.311123847961426 + ], + [ + "▁Notary", + -14.311182975769045 + ], + [ + "▁inlays", + -14.31122589111328 + ], + [ + "ophile", + -14.311239242553713 + ], + [ + "▁coolness", + -14.311264038085938 + ], + [ + "▁fouled", + -14.311305046081545 + ], + [ + "gier", + -14.311322212219238 + ], + [ + "▁Funnels", + -14.311355590820312 + ], + [ + "▁Swann", + -14.311446189880373 + ], + [ + "colla", + -14.311553001403809 + ], + [ + "features", + -14.31157112121582 + ], + [ + "▁SCORE", + -14.31157112121582 + ], + [ + "▁publicist", + -14.3115873336792 + ], + [ + "ulga", + -14.311639785766602 + ], + [ + "4.25", + -14.31165885925293 + ], + [ + "Mesh", + -14.311694145202637 + ], + [ + "Roast", + -14.311753273010254 + ], + [ + "balancing", + -14.311829566955566 + ], + [ + "Glenn", + -14.31184196472168 + ], + [ + "prevent", + -14.311877250671388 + ], + [ + "romantic", + -14.31191635131836 + ], + [ + "Deploy", + -14.311923027038574 + ], + [ + "Measuring", + -14.31194305419922 + ], + [ + "Chancellor", + -14.311960220336914 + ], + [ + "Belgium", + -14.311967849731444 + ], + [ + "▁Afri", + -14.31212329864502 + ], + [ + "computing", + -14.312140464782717 + ], + [ + "organisation", + -14.3121976852417 + ], + [ + "VAN", + -14.312232971191406 + ], + [ + "monkey", + -14.312313079833984 + ], + [ + "Grinding", + -14.312329292297363 + ], + [ + "Dawn", + -14.312341690063477 + ], + [ + "pression", + -14.31243896484375 + ], + [ + "▁Siam", + -14.312442779541016 + ], + [ + "Recycle", + -14.312469482421877 + ], + [ + "▁McKee", + -14.312477111816406 + ], + [ + "▁sapphires", + -14.312494277954102 + ], + [ + "▁Digger", + -14.312495231628418 + ], + [ + "▁Susanna", + -14.312506675720217 + ], + [ + "▁fen", + -14.312511444091797 + ], + [ + "▁Hype", + -14.312543869018556 + ], + [ + "▁Pause", + -14.312559127807615 + ], + [ + "▁docker", + -14.312617301940918 + ], + [ + "▁Bahama", + -14.312644004821776 + ], + [ + "gham", + -14.312674522399902 + ], + [ + "▁Tillman", + -14.312685012817385 + ], + [ + "▁Pract", + -14.312785148620604 + ], + [ + "▁Lauri", + -14.3128080368042 + ], + [ + "▁harbors", + -14.312808990478516 + ], + [ + "▁SIS", + -14.312823295593262 + ], + [ + "Reset", + -14.31291389465332 + ], + [ + "▁BATH", + -14.312915802001951 + ], + [ + "▁FALL", + -14.3129243850708 + ], + [ + "OOO", + -14.312952041625977 + ], + [ + "▁prefect", + -14.312968254089355 + ], + [ + "▁DOD", + -14.313020706176758 + ], + [ + "▁Sach", + -14.313028335571287 + ], + [ + "▁$35,000", + -14.31313705444336 + ], + [ + "chow", + -14.313210487365724 + ], + [ + "prin", + -14.313214302062988 + ], + [ + "PRC", + -14.313240051269531 + ], + [ + "▁cooperated", + -14.313355445861816 + ], + [ + "▁SEAT", + -14.313366889953612 + ], + [ + "changed", + -14.313368797302246 + ], + [ + "▁pinching", + -14.313400268554688 + ], + [ + "▁Wunder", + -14.313405990600586 + ], + [ + "▁Bohemia", + -14.313410758972168 + ], + [ + "▁Markers", + -14.313436508178713 + ], + [ + "▁insecticide", + -14.31344223022461 + ], + [ + "Wan", + -14.313446044921877 + ], + [ + "Thoughts", + -14.313485145568848 + ], + [ + "▁neue", + -14.313488960266112 + ], + [ + "▁$62", + -14.313529014587402 + ], + [ + "▁glitz", + -14.313556671142578 + ], + [ + "dhara", + -14.313579559326172 + ], + [ + "szt", + -14.313589096069336 + ], + [ + "▁PNC", + -14.313589096069336 + ], + [ + "▁Kashmiri", + -14.31361484527588 + ], + [ + "▁Defend", + -14.313632011413574 + ], + [ + "▁Sylvan", + -14.313633918762209 + ], + [ + "▁Expensive", + -14.3136625289917 + ], + [ + "▁pout", + -14.313688278198242 + ], + [ + "066", + -14.313735008239746 + ], + [ + "▁Hilda", + -14.313742637634276 + ], + [ + "9001:2008", + -14.313745498657228 + ], + [ + "▁Annapurna", + -14.313745498657228 + ], + [ + "▁Apricot", + -14.313745498657228 + ], + [ + "▁HOLIDAY", + -14.313745498657228 + ], + [ + "▁Hilfiger", + -14.313745498657228 + ], + [ + "▁Implications", + -14.313745498657228 + ], + [ + "▁Labyrinth", + -14.313745498657228 + ], + [ + "▁apologizing", + -14.313745498657228 + ], + [ + "▁appetizing", + -14.313745498657228 + ], + [ + "▁equivalence", + -14.313745498657228 + ], + [ + "▁fentanyl", + -14.313745498657228 + ], + [ + "▁gentrification", + -14.313745498657228 + ], + [ + "▁legacies", + -14.313745498657228 + ], + [ + "▁memorizing", + -14.313745498657228 + ], + [ + "▁palladium", + -14.313745498657228 + ], + [ + "▁unclaimed", + -14.313745498657228 + ], + [ + "▁Feminist", + -14.313746452331545 + ], + [ + "▁Membrane", + -14.313746452331545 + ], + [ + "▁reunification", + -14.313746452331545 + ], + [ + "STUDIO", + -14.31374740600586 + ], + [ + "▁matinee", + -14.31374740600586 + ], + [ + "▁ZenFone", + -14.313751220703123 + ], + [ + "▁minuscule", + -14.313751220703123 + ], + [ + "▁Feinstein", + -14.31375503540039 + ], + [ + "▁camshaft", + -14.31375789642334 + ], + [ + "▁illogical", + -14.31375789642334 + ], + [ + "MZ", + -14.313758850097656 + ], + [ + "▁Lucille", + -14.313761711120604 + ], + [ + "▁uneventful", + -14.313761711120604 + ], + [ + "▁Ryerson", + -14.313764572143556 + ], + [ + "▁bummed", + -14.313766479492188 + ], + [ + "▁Redesign", + -14.31377410888672 + ], + [ + "▁Bateman", + -14.313777923583984 + ], + [ + "▁Veritas", + -14.31378173828125 + ], + [ + "▁Quadrant", + -14.313782691955566 + ], + [ + "▁unsweetened", + -14.313785552978516 + ], + [ + "▁Accountancy", + -14.313804626464844 + ], + [ + "▁roving", + -14.313804626464844 + ], + [ + "▁maneuverability", + -14.313822746276855 + ], + [ + "▁unoccupied", + -14.313822746276855 + ], + [ + "▁materialized", + -14.31383228302002 + ], + [ + "▁manmade", + -14.31385612487793 + ], + [ + "▁gestational", + -14.313867568969728 + ], + [ + "▁devolution", + -14.313902854919434 + ], + [ + "▁Cardigan", + -14.313904762268066 + ], + [ + "▁chasm", + -14.313918113708496 + ], + [ + "▁Rove", + -14.313934326171877 + ], + [ + "▁Sherpa", + -14.313987731933594 + ], + [ + "▁Glazing", + -14.313990592956545 + ], + [ + "▁watchmaker", + -14.313995361328123 + ], + [ + "breasted", + -14.314014434814451 + ], + [ + "▁mutated", + -14.314043045043944 + ], + [ + "▁rubies", + -14.314078330993652 + ], + [ + "▁MILL", + -14.314112663269045 + ], + [ + "▁1.5\"", + -14.31411361694336 + ], + [ + "▁photogenic", + -14.31417465209961 + ], + [ + "▁postdoc", + -14.314189910888672 + ], + [ + "RSE", + -14.314204216003418 + ], + [ + "POST", + -14.314266204833984 + ], + [ + "▁Bridgestone", + -14.31427764892578 + ], + [ + "▁postnatal", + -14.31428050994873 + ], + [ + "▁Planck", + -14.314337730407717 + ], + [ + "▁weavers", + -14.314393043518066 + ], + [ + "▁Marquez", + -14.314445495605469 + ], + [ + "▁saith", + -14.314453125 + ], + [ + "▁gasses", + -14.314454078674316 + ], + [ + "▁Classy", + -14.314493179321287 + ], + [ + "▁furiously", + -14.314499855041504 + ], + [ + "▁55+", + -14.314504623413086 + ], + [ + "▁Remembering", + -14.314544677734377 + ], + [ + "▁Kita", + -14.314558029174805 + ], + [ + "▁Russel", + -14.31458568572998 + ], + [ + "▁levelling", + -14.31462287902832 + ], + [ + "▁Donnie", + -14.31466007232666 + ], + [ + "▁Wildwood", + -14.314717292785645 + ], + [ + "▁FUND", + -14.314737319946287 + ], + [ + "▁Justine", + -14.314748764038086 + ], + [ + "▁Circa", + -14.31479263305664 + ], + [ + "iera", + -14.314800262451172 + ], + [ + "▁Singleton", + -14.314921379089355 + ], + [ + "ownership", + -14.315007209777832 + ], + [ + "MOUNT", + -14.315023422241213 + ], + [ + "▁flexion", + -14.315103530883787 + ], + [ + "▁overland", + -14.315136909484863 + ], + [ + "▁ESTATE", + -14.315139770507812 + ], + [ + "environmentalist", + -14.315140724182127 + ], + [ + "comments", + -14.315178871154783 + ], + [ + "▁Rattle", + -14.315215110778809 + ], + [ + "▁precedes", + -14.315263748168944 + ], + [ + "STRA", + -14.31528091430664 + ], + [ + "▁Dorian", + -14.315308570861816 + ], + [ + "GOT", + -14.315315246582031 + ], + [ + "▁shuffled", + -14.31532859802246 + ], + [ + "▁anthems", + -14.315354347229004 + ], + [ + "▁19,000", + -14.31535530090332 + ], + [ + "▁ASB", + -14.315366744995115 + ], + [ + "▁Curved", + -14.31541347503662 + ], + [ + "▁$1,1", + -14.315430641174316 + ], + [ + "▁perverse", + -14.31545352935791 + ], + [ + "sauce", + -14.315465927124023 + ], + [ + "MRC", + -14.315481185913086 + ], + [ + "▁eastward", + -14.31551456451416 + ], + [ + "▁Altar", + -14.315563201904297 + ], + [ + "▁Sabin", + -14.315579414367676 + ], + [ + "▁hairpin", + -14.315589904785156 + ], + [ + "▁modernism", + -14.315645217895508 + ], + [ + "Checking", + -14.315668106079102 + ], + [ + "▁Shasta", + -14.3157320022583 + ], + [ + "▁admirer", + -14.31581211090088 + ], + [ + "bbl", + -14.31586742401123 + ], + [ + "difference", + -14.315926551818848 + ], + [ + "▁XE", + -14.316048622131348 + ], + [ + "architecture", + -14.316054344177246 + ], + [ + "▁commutes", + -14.316055297851562 + ], + [ + "▁deft", + -14.31606388092041 + ], + [ + "874", + -14.316170692443848 + ], + [ + "▁skinned", + -14.316201210021973 + ], + [ + "gary", + -14.316256523132324 + ], + [ + "document", + -14.316274642944336 + ], + [ + "MIL", + -14.316279411315918 + ], + [ + "Signed", + -14.316291809082031 + ], + [ + "▁Shoal", + -14.316375732421877 + ], + [ + "styling", + -14.316483497619627 + ], + [ + "4400", + -14.31652545928955 + ], + [ + "RET", + -14.316654205322266 + ], + [ + "▁extendable", + -14.316699028015137 + ], + [ + "▁OWNER", + -14.316715240478516 + ], + [ + "▁XXI", + -14.316768646240234 + ], + [ + "▁1842", + -14.31677532196045 + ], + [ + "▁generalist", + -14.316779136657717 + ], + [ + "▁Semp", + -14.31678295135498 + ], + [ + "ezi", + -14.31682300567627 + ], + [ + "▁Prado", + -14.316883087158203 + ], + [ + "fana", + -14.316940307617188 + ], + [ + "▁overbearing", + -14.316940307617188 + ], + [ + "▁Corral", + -14.317028999328612 + ], + [ + "▁NPP", + -14.317066192626951 + ], + [ + "machi", + -14.31710433959961 + ], + [ + "alina", + -14.317161560058594 + ], + [ + "odder", + -14.317190170288086 + ], + [ + "▁unfriendly", + -14.317264556884766 + ], + [ + "▁hulls", + -14.31729507446289 + ], + [ + "Lane", + -14.317296981811523 + ], + [ + "▁querying", + -14.31743335723877 + ], + [ + "Registr", + -14.317487716674805 + ], + [ + "idler", + -14.31755256652832 + ], + [ + "▁Mov", + -14.31757354736328 + ], + [ + "▁qi", + -14.317593574523926 + ], + [ + "median", + -14.317646980285645 + ], + [ + "Permanent", + -14.317672729492188 + ], + [ + "sustainable", + -14.317681312561035 + ], + [ + "▁Prefab", + -14.31772232055664 + ], + [ + "Councillor", + -14.317723274230955 + ], + [ + "Residence", + -14.31772804260254 + ], + [ + "▁leasehold", + -14.31772804260254 + ], + [ + "▁Updating", + -14.31774616241455 + ], + [ + "▁Terrell", + -14.317766189575195 + ], + [ + "crisis", + -14.317767143249512 + ], + [ + "Pixel", + -14.317800521850586 + ], + [ + "cq", + -14.317826271057127 + ], + [ + "Duty", + -14.317864418029783 + ], + [ + "▁Maximize", + -14.317874908447266 + ], + [ + "▁Surat", + -14.317882537841797 + ], + [ + "▁Kep", + -14.317885398864746 + ], + [ + "▁Brea", + -14.317917823791504 + ], + [ + "Tommy", + -14.317946434020996 + ], + [ + "▁relayed", + -14.317959785461426 + ], + [ + "borrow", + -14.317974090576172 + ], + [ + "▁Stinger", + -14.318011283874512 + ], + [ + "▁Gle", + -14.318015098571776 + ], + [ + "▁Englishman", + -14.318150520324709 + ], + [ + "(?)", + -14.318158149719238 + ], + [ + "Sponsored", + -14.31816291809082 + ], + [ + "iture", + -14.318181037902832 + ], + [ + "▁IAM", + -14.318204879760742 + ], + [ + "$15", + -14.318222045898438 + ], + [ + "disabled", + -14.318227767944336 + ], + [ + "▁GIA", + -14.318278312683104 + ], + [ + "understanding", + -14.318388938903809 + ], + [ + "2.8%", + -14.318400382995604 + ], + [ + "laugh", + -14.318458557128906 + ], + [ + "▁snowed", + -14.318467140197754 + ], + [ + "tich", + -14.318483352661133 + ], + [ + "▁inwards", + -14.31860065460205 + ], + [ + "10+", + -14.318604469299316 + ], + [ + "finch", + -14.318655014038086 + ], + [ + "▁wane", + -14.318666458129885 + ], + [ + "pitched", + -14.318751335144045 + ], + [ + "▁Emerge", + -14.31875705718994 + ], + [ + "idan", + -14.318792343139648 + ], + [ + "▁Raza", + -14.318889617919922 + ], + [ + "▁constrict", + -14.318910598754885 + ], + [ + "▁Fanta", + -14.318939208984377 + ], + [ + "reta", + -14.31894302368164 + ], + [ + "▁1250", + -14.31901741027832 + ], + [ + "▁sorta", + -14.319059371948242 + ], + [ + "▁thistle", + -14.319067001342772 + ], + [ + "posting", + -14.319091796875 + ], + [ + "▁Accel", + -14.319100379943848 + ], + [ + "▁elude", + -14.31914520263672 + ], + [ + "sund", + -14.319186210632324 + ], + [ + "bulb", + -14.319221496582031 + ], + [ + "▁Grund", + -14.319229125976562 + ], + [ + "▁coyote", + -14.319242477416992 + ], + [ + "Rating", + -14.31926155090332 + ], + [ + "▁Cano", + -14.319262504577637 + ], + [ + "▁Signup", + -14.31932544708252 + ], + [ + "▁alienate", + -14.319378852844238 + ], + [ + "▁Horticulture", + -14.3193941116333 + ], + [ + "▁Bedouin", + -14.319395065307615 + ], + [ + "▁Elixir", + -14.319395065307615 + ], + [ + "▁Strategist", + -14.319395065307615 + ], + [ + "▁Twentieth", + -14.319395065307615 + ], + [ + "▁acupuncturist", + -14.319395065307615 + ], + [ + "▁aubergine", + -14.319395065307615 + ], + [ + "▁dissuade", + -14.319395065307615 + ], + [ + "▁edifice", + -14.319395065307615 + ], + [ + "▁fiddling", + -14.319395065307615 + ], + [ + "▁irreparable", + -14.319395065307615 + ], + [ + "▁maverick", + -14.319395065307615 + ], + [ + "▁sweltering", + -14.319395065307615 + ], + [ + "encrusted", + -14.319396018981934 + ], + [ + "▁Zinfandel", + -14.319396018981934 + ], + [ + "▁marmalade", + -14.319396018981934 + ], + [ + "▁populism", + -14.319396018981934 + ], + [ + "▁pulsing", + -14.319396018981934 + ], + [ + "▁Involvement", + -14.31939697265625 + ], + [ + "▁masquerade", + -14.31939697265625 + ], + [ + "▁mobilizing", + -14.31939697265625 + ], + [ + "▁revitalise", + -14.31939697265625 + ], + [ + "▁equinox", + -14.319398880004885 + ], + [ + "▁lexicon", + -14.319398880004885 + ], + [ + "▁Lucerne", + -14.319400787353516 + ], + [ + "▁Pogba", + -14.319402694702148 + ], + [ + "▁ketogenic", + -14.319402694702148 + ], + [ + "▁Genomics", + -14.319409370422363 + ], + [ + "▁decibel", + -14.31941032409668 + ], + [ + "▁rabid", + -14.319425582885742 + ], + [ + "▁$1,000,000", + -14.319429397583008 + ], + [ + "▁curatorial", + -14.31944751739502 + ], + [ + "▁pathologist", + -14.31944751739502 + ], + [ + "▁Blockbuster", + -14.319453239440918 + ], + [ + "▁Cama", + -14.319472312927246 + ], + [ + "▁headway", + -14.319477081298828 + ], + [ + "▁unprocessed", + -14.319486618041992 + ], + [ + "▁scrappy", + -14.319497108459473 + ], + [ + "oule", + -14.319499015808104 + ], + [ + "▁ISLAND", + -14.319512367248535 + ], + [ + "▁Aware", + -14.319518089294434 + ], + [ + "▁Metrics", + -14.319572448730469 + ], + [ + "▁Headache", + -14.319583892822266 + ], + [ + "caught", + -14.319610595703123 + ], + [ + "▁Nagpur", + -14.319646835327148 + ], + [ + "▁slat", + -14.319646835327148 + ], + [ + "STOP", + -14.31965160369873 + ], + [ + "LONG", + -14.319729804992676 + ], + [ + "▁VFW", + -14.319745063781738 + ], + [ + "▁Squarespace", + -14.319747924804688 + ], + [ + "istically", + -14.319756507873535 + ], + [ + "opp", + -14.319772720336914 + ], + [ + "▁Shipped", + -14.319806098937988 + ], + [ + "▁(15)", + -14.319847106933594 + ], + [ + "▁$58", + -14.319853782653809 + ], + [ + "▁Vines", + -14.319866180419922 + ], + [ + "▁Xeon", + -14.319869995117188 + ], + [ + "▁ROG", + -14.319902420043944 + ], + [ + "▁VAC", + -14.31997776031494 + ], + [ + "▁VFX", + -14.320009231567385 + ], + [ + "▁compostable", + -14.320038795471191 + ], + [ + "stuck", + -14.32007884979248 + ], + [ + "▁Dishes", + -14.32009220123291 + ], + [ + "neal", + -14.32009506225586 + ], + [ + "▁hatches", + -14.320230484008787 + ], + [ + "▁Whey", + -14.320245742797852 + ], + [ + "▁Murano", + -14.32028865814209 + ], + [ + "▁champs", + -14.32030200958252 + ], + [ + "▁speedily", + -14.320308685302734 + ], + [ + "emos", + -14.32034397125244 + ], + [ + "▁thunderous", + -14.320362091064451 + ], + [ + "▁arcades", + -14.320379257202148 + ], + [ + "-2001", + -14.320394515991213 + ], + [ + "Skill", + -14.320426940917969 + ], + [ + "▁idling", + -14.320426940917969 + ], + [ + "▁Riz", + -14.320486068725586 + ], + [ + "▁Invalid", + -14.3204927444458 + ], + [ + "▁stares", + -14.320507049560549 + ], + [ + "▁seaport", + -14.32050895690918 + ], + [ + "65%", + -14.320586204528809 + ], + [ + "▁McCu", + -14.320643424987791 + ], + [ + "VII", + -14.320674896240234 + ], + [ + "Iowa", + -14.320688247680664 + ], + [ + "▁KLM", + -14.320792198181152 + ], + [ + "▁Alti", + -14.32090663909912 + ], + [ + "▁matcha", + -14.320916175842283 + ], + [ + "▁Havre", + -14.32091999053955 + ], + [ + "▁volunteerism", + -14.320950508117676 + ], + [ + "-002", + -14.320987701416016 + ], + [ + "▁oar", + -14.321062088012695 + ], + [ + "▁Banjo", + -14.321086883544922 + ], + [ + "▁Prod", + -14.321097373962402 + ], + [ + "▁Bobcats", + -14.321105003356934 + ], + [ + "▁Geno", + -14.32113265991211 + ], + [ + "loans", + -14.321171760559082 + ], + [ + "BMW", + -14.321208953857422 + ], + [ + "ACI", + -14.32127571105957 + ], + [ + "▁twig", + -14.321276664733888 + ], + [ + "▁glycogen", + -14.32127857208252 + ], + [ + "Spice", + -14.321358680725098 + ], + [ + "991", + -14.321414947509766 + ], + [ + "lée", + -14.32144260406494 + ], + [ + "historic", + -14.321517944335938 + ], + [ + "▁Examinations", + -14.321550369262695 + ], + [ + "▁MONT", + -14.321551322937012 + ], + [ + "▁Ghar", + -14.321579933166504 + ], + [ + "gnostic", + -14.321627616882324 + ], + [ + "vocation", + -14.321646690368652 + ], + [ + "▁Zeit", + -14.321664810180664 + ], + [ + "dau", + -14.321693420410156 + ], + [ + "▁Crows", + -14.32170295715332 + ], + [ + "▁syringes", + -14.3217191696167 + ], + [ + "▁preposition", + -14.321748733520508 + ], + [ + "▁banquets", + -14.321760177612305 + ], + [ + "▁baseboard", + -14.321870803833008 + ], + [ + "▁Fashioned", + -14.321907043457031 + ], + [ + "061", + -14.32194709777832 + ], + [ + "▁Helpline", + -14.32196807861328 + ], + [ + "iffy", + -14.32197380065918 + ], + [ + "514", + -14.322025299072266 + ], + [ + "▁Triad", + -14.32205581665039 + ], + [ + "PHE", + -14.322080612182615 + ], + [ + "AML", + -14.32219696044922 + ], + [ + "▁Ake", + -14.322280883789062 + ], + [ + "▁ACCEPT", + -14.322319984436035 + ], + [ + "▁treadmills", + -14.322513580322266 + ], + [ + "2.3%", + -14.32254123687744 + ], + [ + "▁motorways", + -14.322587013244627 + ], + [ + "IAS", + -14.322602272033691 + ], + [ + "▁envelop", + -14.322638511657717 + ], + [ + "▁topographic", + -14.322654724121094 + ], + [ + "luv", + -14.322680473327637 + ], + [ + "▁HV", + -14.322681427001951 + ], + [ + "▁4.00", + -14.322704315185549 + ], + [ + "Popularity", + -14.322745323181152 + ], + [ + "▁Pud", + -14.322766304016112 + ], + [ + "HUN", + -14.32284450531006 + ], + [ + "▁shadowing", + -14.322973251342772 + ], + [ + "rara", + -14.322980880737305 + ], + [ + "MCC", + -14.323017120361328 + ], + [ + "nid", + -14.32313060760498 + ], + [ + "▁warts", + -14.32315444946289 + ], + [ + "▁chauffeurs", + -14.323190689086914 + ], + [ + "▁wafers", + -14.323213577270508 + ], + [ + "lamb", + -14.323220252990724 + ], + [ + "ocracy", + -14.323257446289062 + ], + [ + "▁Tots", + -14.32336711883545 + ], + [ + "austin", + -14.323455810546877 + ], + [ + "stricken", + -14.323504447937012 + ], + [ + "▁Glynn", + -14.323511123657228 + ], + [ + "▁hydrates", + -14.323528289794922 + ], + [ + "william", + -14.323532104492188 + ], + [ + "organisms", + -14.323541641235352 + ], + [ + "Decision", + -14.323554039001465 + ], + [ + "companies", + -14.32355785369873 + ], + [ + "Tennessee", + -14.323563575744627 + ], + [ + "Cameron", + -14.323575973510742 + ], + [ + "socket", + -14.32357692718506 + ], + [ + "crawl", + -14.323594093322754 + ], + [ + "Lightweight", + -14.323603630065918 + ], + [ + "majority", + -14.323648452758787 + ], + [ + "Arrow", + -14.32367706298828 + ], + [ + "▁Keri", + -14.323695182800291 + ], + [ + "Grape", + -14.323699951171877 + ], + [ + "CHECK", + -14.323750495910645 + ], + [ + "OMO", + -14.323771476745604 + ], + [ + "NEWS", + -14.32384204864502 + ], + [ + "zac", + -14.323892593383787 + ], + [ + "▁stalling", + -14.32394027709961 + ], + [ + "▁receptacles", + -14.323974609375 + ], + [ + "1955", + -14.32404899597168 + ], + [ + "Sensor", + -14.324056625366213 + ], + [ + "NCS", + -14.324058532714844 + ], + [ + "▁mantras", + -14.324067115783691 + ], + [ + "▁Cv", + -14.324085235595703 + ], + [ + "▁Regularly", + -14.324189186096191 + ], + [ + "▁Poco", + -14.32421875 + ], + [ + "▁Lovell", + -14.32422161102295 + ], + [ + "▁Creators", + -14.324237823486328 + ], + [ + "▁Caster", + -14.324271202087402 + ], + [ + "▁Indus", + -14.324291229248049 + ], + [ + "▁hairdo", + -14.324334144592283 + ], + [ + "▁spindles", + -14.324344635009766 + ], + [ + "▁SELL", + -14.324360847473145 + ], + [ + "▁looped", + -14.324408531188965 + ], + [ + "▁interrogate", + -14.324475288391112 + ], + [ + "▁transcribe", + -14.32448673248291 + ], + [ + "monitoring", + -14.32450008392334 + ], + [ + "▁Expressions", + -14.32451343536377 + ], + [ + "pipes", + -14.324515342712402 + ], + [ + "retired", + -14.324536323547363 + ], + [ + "▁Hira", + -14.32458209991455 + ], + [ + "▁twirl", + -14.324585914611816 + ], + [ + "▁Threshold", + -14.324594497680664 + ], + [ + "oot", + -14.324613571166992 + ], + [ + "▁yawn", + -14.324641227722168 + ], + [ + "elastic", + -14.32468605041504 + ], + [ + "▁Freshly", + -14.324718475341797 + ], + [ + "––", + -14.324736595153809 + ], + [ + "▁Harr", + -14.324749946594238 + ], + [ + "comic", + -14.32479190826416 + ], + [ + "chung", + -14.324877738952637 + ], + [ + "Amongst", + -14.324894905090332 + ], + [ + "▁Galicia", + -14.324954986572266 + ], + [ + "▁resolute", + -14.32496738433838 + ], + [ + "▁Insure", + -14.32501983642578 + ], + [ + "ucine", + -14.325029373168944 + ], + [ + "▁Kazakh", + -14.32507610321045 + ], + [ + "epileptic", + -14.325077056884766 + ], + [ + "▁Ceremonies", + -14.325077056884766 + ], + [ + "▁FRANCISCO", + -14.325077056884766 + ], + [ + "▁attenuation", + -14.325077056884766 + ], + [ + "▁endometriosis", + -14.325077056884766 + ], + [ + "▁ventricle", + -14.325077056884766 + ], + [ + "▁profanity", + -14.325078010559082 + ], + [ + "▁fanciful", + -14.325078964233398 + ], + [ + "▁quantifiable", + -14.325078964233398 + ], + [ + "▁LIABILITY", + -14.325079917907717 + ], + [ + "▁MATLAB", + -14.325079917907717 + ], + [ + "▁crotch", + -14.325079917907717 + ], + [ + "▁immeasurable", + -14.325079917907717 + ], + [ + "▁Fraternity", + -14.325080871582031 + ], + [ + "▁Pinellas", + -14.325080871582031 + ], + [ + "Soprano", + -14.32508373260498 + ], + [ + "▁boolean", + -14.32508373260498 + ], + [ + "▁SAFETY", + -14.325085639953612 + ], + [ + "▁amnesia", + -14.32508659362793 + ], + [ + "▁Aquinas", + -14.325088500976562 + ], + [ + "▁omnichannel", + -14.32508945465088 + ], + [ + "▁Altitude", + -14.325090408325195 + ], + [ + "▁swanky", + -14.325091361999512 + ], + [ + "contraindication", + -14.325096130371094 + ], + [ + "▁brazen", + -14.325119018554688 + ], + [ + "▁McHenry", + -14.325119972229004 + ], + [ + "▁enrollees", + -14.325121879577637 + ], + [ + "▁Cheerleader", + -14.325125694274902 + ], + [ + "incarnate", + -14.325136184692385 + ], + [ + "relle", + -14.325145721435549 + ], + [ + "▁storefronts", + -14.325145721435549 + ], + [ + "occo", + -14.32515811920166 + ], + [ + "▁gaseous", + -14.32516384124756 + ], + [ + "▁satchel", + -14.325164794921877 + ], + [ + "▁Binghamton", + -14.325166702270508 + ], + [ + "▁paella", + -14.32518196105957 + ], + [ + "▁ejection", + -14.325202941894531 + ], + [ + "jutsu", + -14.32520580291748 + ], + [ + "▁fume", + -14.325217247009276 + ], + [ + "▁Henne", + -14.325221061706545 + ], + [ + "▁SHORT", + -14.32522964477539 + ], + [ + "▁nervously", + -14.325247764587402 + ], + [ + "▁tacit", + -14.325255393981934 + ], + [ + "▁Foursquare", + -14.32526683807373 + ], + [ + "JUST", + -14.325271606445312 + ], + [ + "▁Jeanette", + -14.325286865234377 + ], + [ + "▁uncooked", + -14.32529354095459 + ], + [ + "Aging", + -14.325307846069336 + ], + [ + "torial", + -14.325335502624512 + ], + [ + "CHEM", + -14.32534122467041 + ], + [ + "▁nonviolent", + -14.325359344482422 + ], + [ + "▁utopian", + -14.325369834899902 + ], + [ + "▁(95", + -14.325400352478027 + ], + [ + "▁SCS", + -14.325424194335938 + ], + [ + "zadeh", + -14.325501441955566 + ], + [ + "▁Defect", + -14.32551097869873 + ], + [ + "faq", + -14.325523376464844 + ], + [ + "Dana", + -14.32554054260254 + ], + [ + "tph", + -14.325550079345703 + ], + [ + "JV", + -14.325565338134766 + ], + [ + "▁bangle", + -14.325569152832031 + ], + [ + "▁Sabine", + -14.325626373291016 + ], + [ + "LRC", + -14.325701713562012 + ], + [ + "▁EXCLUSIVE", + -14.325703620910645 + ], + [ + "▁Centri", + -14.325761795043944 + ], + [ + "▁dismayed", + -14.325773239135742 + ], + [ + "shut", + -14.32579517364502 + ], + [ + "▁Garza", + -14.325798034667969 + ], + [ + "▁RARE", + -14.325871467590332 + ], + [ + "▁Shoreline", + -14.32587432861328 + ], + [ + "▁Wolverines", + -14.32588005065918 + ], + [ + "▁Ranging", + -14.325886726379396 + ], + [ + "▁Edel", + -14.325907707214355 + ], + [ + "▁disassembled", + -14.32593822479248 + ], + [ + "▁choreographers", + -14.325957298278809 + ], + [ + "nsa", + -14.325998306274414 + ], + [ + "▁MEAN", + -14.326016426086426 + ], + [ + "▁Woodford", + -14.32603359222412 + ], + [ + "1111", + -14.326109886169434 + ], + [ + "magi", + -14.326127052307127 + ], + [ + "▁moron", + -14.326128959655762 + ], + [ + "▁417", + -14.32620906829834 + ], + [ + "assar", + -14.32621955871582 + ], + [ + "▁SONG", + -14.32625675201416 + ], + [ + "0.05", + -14.32626724243164 + ], + [ + "UMA", + -14.326323509216309 + ], + [ + "▁Tusk", + -14.32634735107422 + ], + [ + "▁jr", + -14.326393127441406 + ], + [ + "▁carpark", + -14.32639503479004 + ], + [ + "▁duality", + -14.326422691345217 + ], + [ + "allen", + -14.32643985748291 + ], + [ + "992", + -14.32648468017578 + ], + [ + "▁chatbots", + -14.326510429382324 + ], + [ + "▁1844", + -14.326516151428224 + ], + [ + "▁Litre", + -14.326611518859863 + ], + [ + "fated", + -14.326617240905762 + ], + [ + "▁modems", + -14.32664680480957 + ], + [ + "▁USGS", + -14.326687812805176 + ], + [ + "Mum", + -14.32669448852539 + ], + [ + "ober", + -14.32669448852539 + ], + [ + "▁Prayers", + -14.326705932617188 + ], + [ + "▁kenya", + -14.3268404006958 + ], + [ + "▁precursors", + -14.326847076416016 + ], + [ + "gravi", + -14.326857566833496 + ], + [ + "??????", + -14.326865196228027 + ], + [ + "minant", + -14.32686996459961 + ], + [ + "▁Feder", + -14.326891899108888 + ], + [ + "▁tshirt", + -14.32691764831543 + ], + [ + "▁Foreclosures", + -14.32693576812744 + ], + [ + "maria", + -14.327033042907717 + ], + [ + "▁martyr", + -14.327043533325195 + ], + [ + "fortunate", + -14.32705020904541 + ], + [ + "kong", + -14.3270845413208 + ], + [ + "▁Jha", + -14.32709789276123 + ], + [ + "▁7-0", + -14.32711124420166 + ], + [ + "▁Redford", + -14.327146530151367 + ], + [ + "▁Ply", + -14.32724952697754 + ], + [ + "tried", + -14.32725429534912 + ], + [ + "▁Lobo", + -14.327272415161133 + ], + [ + "pointing", + -14.327306747436523 + ], + [ + "▁ooze", + -14.327347755432127 + ], + [ + "▁Nerve", + -14.327352523803713 + ], + [ + "▁Consul", + -14.327364921569824 + ], + [ + "▁Shingles", + -14.327381134033203 + ], + [ + "▁Angelica", + -14.327392578125 + ], + [ + "bolo", + -14.32740306854248 + ], + [ + "ggett", + -14.327411651611328 + ], + [ + "alco", + -14.32742691040039 + ], + [ + "▁Necro", + -14.327463150024414 + ], + [ + "establishment", + -14.327468872070312 + ], + [ + "054", + -14.327539443969728 + ], + [ + "▁councilor", + -14.32756233215332 + ], + [ + "▁wallow", + -14.327566146850586 + ], + [ + "▁Mush", + -14.327597618103027 + ], + [ + "CCF", + -14.327601432800291 + ], + [ + "▁Fonts", + -14.327629089355469 + ], + [ + "▁soundly", + -14.327638626098633 + ], + [ + "culi", + -14.32763957977295 + ], + [ + "▁pall", + -14.327699661254885 + ], + [ + "GRI", + -14.32772445678711 + ], + [ + "tolerance", + -14.327730178833008 + ], + [ + "▁surnames", + -14.327876091003418 + ], + [ + "▁RBS", + -14.32787799835205 + ], + [ + "▁invokes", + -14.32787799835205 + ], + [ + "▁14:2", + -14.327884674072266 + ], + [ + "halo", + -14.327893257141112 + ], + [ + "▁mortals", + -14.327899932861328 + ], + [ + "fini", + -14.327908515930176 + ], + [ + "Initiate", + -14.327943801879885 + ], + [ + "▁Harrier", + -14.32795524597168 + ], + [ + "▁Clon", + -14.327972412109377 + ], + [ + "▁Hern", + -14.327975273132324 + ], + [ + "062", + -14.327994346618652 + ], + [ + "▁rancher", + -14.328043937683104 + ], + [ + "▁Armin", + -14.328064918518066 + ], + [ + "▁reci", + -14.328107833862305 + ], + [ + "Whoa", + -14.32811164855957 + ], + [ + "▁BEING", + -14.32815647125244 + ], + [ + "▁Teller", + -14.32826328277588 + ], + [ + "▁tonnage", + -14.32829761505127 + ], + [ + "▁kung", + -14.3283052444458 + ], + [ + "OLO", + -14.328327178955078 + ], + [ + "coop", + -14.328357696533203 + ], + [ + "▁Fontana", + -14.328374862670898 + ], + [ + "▁(20)", + -14.328417778015137 + ], + [ + "▁effecting", + -14.32846736907959 + ], + [ + "plasma", + -14.328479766845703 + ], + [ + "cky", + -14.32850742340088 + ], + [ + "▁Landlords", + -14.328516960144045 + ], + [ + "▁redevelop", + -14.328653335571287 + ], + [ + "gency", + -14.32867431640625 + ], + [ + "Thu", + -14.328680038452148 + ], + [ + "▁(18)", + -14.328694343566896 + ], + [ + "▁Duma", + -14.328746795654297 + ], + [ + "▁Cress", + -14.328757286071776 + ], + [ + "▁Bookings", + -14.328790664672852 + ], + [ + "crash", + -14.328791618347168 + ], + [ + "▁Overflow", + -14.32888126373291 + ], + [ + "▁bowing", + -14.328972816467283 + ], + [ + "▁PIR", + -14.328983306884766 + ], + [ + "▁Cerebral", + -14.32899570465088 + ], + [ + "▁Giuliani", + -14.32901382446289 + ], + [ + "▁SPOT", + -14.329108238220217 + ], + [ + "printable", + -14.32912540435791 + ], + [ + "Bou", + -14.329146385192873 + ], + [ + "Extreme", + -14.329164505004885 + ], + [ + "▁Carers", + -14.32922649383545 + ], + [ + "strategi", + -14.329288482666016 + ], + [ + "STIC", + -14.329290390014648 + ], + [ + "Component", + -14.329371452331545 + ], + [ + "Extensive", + -14.329379081726074 + ], + [ + "Campaign", + -14.329394340515137 + ], + [ + "Anonymous", + -14.329398155212402 + ], + [ + "Rainbow", + -14.32941436767578 + ], + [ + "achieving", + -14.329416275024414 + ], + [ + "Blockchain", + -14.32941722869873 + ], + [ + "Ink", + -14.329418182373049 + ], + [ + "professed", + -14.32944107055664 + ], + [ + "▁£16", + -14.329480171203612 + ], + [ + "▁Brix", + -14.329487800598145 + ], + [ + "survey", + -14.329496383666992 + ], + [ + "AUDIO", + -14.329512596130373 + ], + [ + "dirty", + -14.329562187194824 + ], + [ + "Talent", + -14.329581260681152 + ], + [ + "57)", + -14.329582214355469 + ], + [ + "Desktop", + -14.329583168029783 + ], + [ + "Dubai", + -14.329588890075684 + ], + [ + "Randy", + -14.329594612121582 + ], + [ + "Replacement", + -14.329656600952148 + ], + [ + "went", + -14.329671859741213 + ], + [ + "Protein", + -14.329718589782717 + ], + [ + "039", + -14.329767227172852 + ], + [ + "array", + -14.329781532287598 + ], + [ + "TRE", + -14.32978630065918 + ], + [ + "olf", + -14.32982063293457 + ], + [ + "▁petit", + -14.32983684539795 + ], + [ + "▁Splendid", + -14.32985019683838 + ], + [ + "▁Ota", + -14.3298921585083 + ], + [ + "RIF", + -14.329910278320312 + ], + [ + "▁Ears", + -14.329919815063477 + ], + [ + "Wallet", + -14.32992935180664 + ], + [ + "▁513", + -14.329960823059082 + ], + [ + "drom", + -14.329980850219728 + ], + [ + "▁10:45", + -14.329981803894045 + ], + [ + "usage", + -14.32999038696289 + ], + [ + "RDS", + -14.330015182495115 + ], + [ + "fying", + -14.33005714416504 + ], + [ + "ELE", + -14.330101013183594 + ], + [ + "▁terminates", + -14.330158233642578 + ], + [ + "accio", + -14.330181121826172 + ], + [ + "NUM", + -14.330224990844728 + ], + [ + "!!!!!!!", + -14.330266952514648 + ], + [ + "▁gleam", + -14.33027458190918 + ], + [ + "▁Sna", + -14.330365180969238 + ], + [ + "Lyric", + -14.3303804397583 + ], + [ + "▁TRS", + -14.330414772033691 + ], + [ + "▁loudspeakers", + -14.330421447753906 + ], + [ + "▁launder", + -14.330422401428224 + ], + [ + "▁Copp", + -14.330427169799805 + ], + [ + "▁941", + -14.330452919006348 + ], + [ + "ancies", + -14.33053970336914 + ], + [ + "▁jordan", + -14.330626487731934 + ], + [ + "lera", + -14.330641746520996 + ], + [ + "▁astronomer", + -14.330677032470703 + ], + [ + "▁absolut", + -14.330689430236816 + ], + [ + "▁Collectible", + -14.330699920654297 + ], + [ + "▁COUNTRY", + -14.330791473388672 + ], + [ + "▁Hokkaido", + -14.330791473388672 + ], + [ + "▁Kinabalu", + -14.330791473388672 + ], + [ + "▁THIRD", + -14.330791473388672 + ], + [ + "▁disjointed", + -14.330791473388672 + ], + [ + "▁hierarchies", + -14.330791473388672 + ], + [ + "▁immediacy", + -14.330791473388672 + ], + [ + "▁invincible", + -14.330791473388672 + ], + [ + "▁predisposition", + -14.330791473388672 + ], + [ + "▁activator", + -14.330792427062988 + ], + [ + "▁infrastructural", + -14.330792427062988 + ], + [ + "▁Maurizio", + -14.330793380737305 + ], + [ + "▁Poppins", + -14.330793380737305 + ], + [ + "▁Sikkim", + -14.330793380737305 + ], + [ + "▁buoyancy", + -14.33079433441162 + ], + [ + "▁opulence", + -14.33079433441162 + ], + [ + "▁Neolithic", + -14.330798149108888 + ], + [ + "▁Breastfeeding", + -14.330799102783203 + ], + [ + "▁SEASON", + -14.330801010131836 + ], + [ + "▁noxious", + -14.330801010131836 + ], + [ + "▁Involved", + -14.33080768585205 + ], + [ + "▁categorization", + -14.330809593200684 + ], + [ + "▁excitation", + -14.33081340789795 + ], + [ + "▁gladiator", + -14.33081340789795 + ], + [ + "▁disorganized", + -14.330820083618164 + ], + [ + "▁(1986)", + -14.330828666687012 + ], + [ + "▁CMT", + -14.330829620361328 + ], + [ + "▁diorama", + -14.330833435058594 + ], + [ + "▁scariest", + -14.33084201812744 + ], + [ + "▁inductive", + -14.33084774017334 + ], + [ + "▁Shimla", + -14.330851554870604 + ], + [ + "▁Kenyon", + -14.330854415893556 + ], + [ + "▁flashcards", + -14.330854415893556 + ], + [ + "▁sheepskin", + -14.330854415893556 + ], + [ + "▁Paytm", + -14.33086109161377 + ], + [ + "▁Evolutionary", + -14.33089542388916 + ], + [ + "▁Spotted", + -14.330920219421388 + ], + [ + "▁Honourable", + -14.330924034118652 + ], + [ + "▁architecturally", + -14.3309965133667 + ], + [ + "▁Raffle", + -14.331043243408203 + ], + [ + "▁screensaver", + -14.331052780151367 + ], + [ + "▁Clarion", + -14.331060409545898 + ], + [ + "▁curbside", + -14.331079483032228 + ], + [ + "▁9-10", + -14.331082344055176 + ], + [ + "▁Fatty", + -14.331103324890137 + ], + [ + "▁carolina", + -14.331109046936035 + ], + [ + "▁Destinations", + -14.33116340637207 + ], + [ + "▁wept", + -14.33116626739502 + ], + [ + "adie", + -14.331171035766602 + ], + [ + "blooded", + -14.331185340881348 + ], + [ + "▁Felicia", + -14.331280708312988 + ], + [ + "composer", + -14.33128547668457 + ], + [ + "Contributing", + -14.331306457519531 + ], + [ + "turing", + -14.331385612487791 + ], + [ + "▁Topshop", + -14.331388473510742 + ], + [ + "▁Ackerman", + -14.331402778625488 + ], + [ + "Tail", + -14.331409454345703 + ], + [ + "▁Sahib", + -14.331411361694336 + ], + [ + "35)", + -14.33143424987793 + ], + [ + "▁foreseen", + -14.331443786621094 + ], + [ + "▁CHRIST", + -14.33149242401123 + ], + [ + "▁woodwind", + -14.331494331359863 + ], + [ + "▁Fontaine", + -14.331570625305176 + ], + [ + "▁cobbler", + -14.331604957580566 + ], + [ + "luvial", + -14.331629753112791 + ], + [ + "▁Carlin", + -14.331701278686523 + ], + [ + "TTP", + -14.331831932067873 + ], + [ + "SMART", + -14.331833839416504 + ], + [ + "▁fermenting", + -14.331862449645996 + ], + [ + "▁footballers", + -14.331939697265623 + ], + [ + "▁poisons", + -14.331965446472168 + ], + [ + "?!)", + -14.331974029541016 + ], + [ + "▁Viti", + -14.331978797912598 + ], + [ + "Pont", + -14.332018852233888 + ], + [ + "▁Greco", + -14.332036018371582 + ], + [ + "Startup", + -14.332130432128906 + ], + [ + "ggles", + -14.332188606262209 + ], + [ + "▁postural", + -14.33225154876709 + ], + [ + "▁BOARD", + -14.33227252960205 + ], + [ + "▁PPM", + -14.33228588104248 + ], + [ + "▁Flushing", + -14.332334518432615 + ], + [ + "ampton", + -14.33233642578125 + ], + [ + "▁Khor", + -14.332338333129885 + ], + [ + "▁enlisting", + -14.332342147827148 + ], + [ + "Charter", + -14.332372665405272 + ], + [ + "DEF", + -14.332404136657717 + ], + [ + "0-300", + -14.332423210144045 + ], + [ + "▁civility", + -14.33244800567627 + ], + [ + "▁APEX", + -14.33247184753418 + ], + [ + "▁Vr", + -14.332484245300291 + ], + [ + "▁Thra", + -14.332504272460938 + ], + [ + "▁donkeys", + -14.33253288269043 + ], + [ + "Barn", + -14.332534790039062 + ], + [ + "▁drainer", + -14.332561492919922 + ], + [ + "▁gentleness", + -14.332605361938477 + ], + [ + "(7):", + -14.33260726928711 + ], + [ + "lighted", + -14.33260726928711 + ], + [ + "▁Frontline", + -14.332674026489258 + ], + [ + "▁reckoning", + -14.332763671875 + ], + [ + "papers", + -14.332841873168944 + ], + [ + "▁Loy", + -14.332891464233398 + ], + [ + "agiri", + -14.33289909362793 + ], + [ + "▁(#1", + -14.332919120788574 + ], + [ + "crowd", + -14.33295440673828 + ], + [ + "▁changeover", + -14.332956314086914 + ], + [ + "▁randomness", + -14.33298397064209 + ], + [ + "▁RIVER", + -14.33302402496338 + ], + [ + "▁cranked", + -14.33302879333496 + ], + [ + "▁1831", + -14.333057403564451 + ], + [ + "stopper", + -14.333085060119627 + ], + [ + "ngu", + -14.333196640014648 + ], + [ + "▁Hyp", + -14.333208084106444 + ], + [ + "▁Saline", + -14.333213806152344 + ], + [ + "incl", + -14.333244323730469 + ], + [ + "▁Hillman", + -14.333248138427734 + ], + [ + "▁Cruze", + -14.333251953125 + ], + [ + "▁birthstone", + -14.33325481414795 + ], + [ + "▁ditching", + -14.333280563354492 + ], + [ + "▁Paired", + -14.33329963684082 + ], + [ + "stats", + -14.333375930786133 + ], + [ + "▁PIE", + -14.333392143249512 + ], + [ + "▁$2.00", + -14.333417892456056 + ], + [ + "obj", + -14.333460807800291 + ], + [ + "PIA", + -14.333600044250488 + ], + [ + "▁Formed", + -14.333617210388184 + ], + [ + "arama", + -14.33374309539795 + ], + [ + "thetic", + -14.333769798278809 + ], + [ + "▁Cami", + -14.33378791809082 + ], + [ + "9,500", + -14.333833694458008 + ], + [ + "▁cotta", + -14.333870887756348 + ], + [ + "▁Oke", + -14.33388900756836 + ], + [ + "leaders", + -14.333958625793455 + ], + [ + "commonly", + -14.334036827087402 + ], + [ + "▁Revo", + -14.33404541015625 + ], + [ + "rook", + -14.3340482711792 + ], + [ + "▁Fru", + -14.334077835083008 + ], + [ + "▁Pina", + -14.334091186523438 + ], + [ + "▁Lian", + -14.33412742614746 + ], + [ + "▁kong", + -14.334129333496094 + ], + [ + "BERT", + -14.334266662597656 + ], + [ + "cluded", + -14.334271430969238 + ], + [ + "abbing", + -14.334298133850098 + ], + [ + "▁04/25/2019", + -14.33430004119873 + ], + [ + "▁workgroup", + -14.334359169006348 + ], + [ + "▁Mato", + -14.334467887878418 + ], + [ + "▁STAND", + -14.3345365524292 + ], + [ + "▁AGA", + -14.334592819213867 + ], + [ + "Ralph", + -14.334620475769045 + ], + [ + "ntino", + -14.33464241027832 + ], + [ + "License", + -14.334643363952637 + ], + [ + "▁multicast", + -14.334660530090332 + ], + [ + "▁sanitize", + -14.334672927856444 + ], + [ + "increase", + -14.334680557250977 + ], + [ + "▁LSE", + -14.334688186645508 + ], + [ + "Praise", + -14.334733963012695 + ], + [ + "▁Fey", + -14.334781646728516 + ], + [ + "▁Donny", + -14.334796905517578 + ], + [ + "▁broadcasted", + -14.33484172821045 + ], + [ + "▁Stray", + -14.334900856018066 + ], + [ + "▁arse", + -14.334905624389648 + ], + [ + "▁Silverman", + -14.334921836853027 + ], + [ + "advert", + -14.334966659545898 + ], + [ + "839", + -14.33499240875244 + ], + [ + "▁combs", + -14.33501148223877 + ], + [ + "0:00", + -14.335038185119627 + ], + [ + "▁RSC", + -14.335076332092283 + ], + [ + "▁Boch", + -14.33508014678955 + ], + [ + "▁leapt", + -14.33509349822998 + ], + [ + "▁vend", + -14.335129737854004 + ], + [ + "xima", + -14.335156440734863 + ], + [ + "Paying", + -14.33521556854248 + ], + [ + "▁Syd", + -14.33523941040039 + ], + [ + "▁-->", + -14.335243225097656 + ], + [ + "Serial", + -14.335245132446287 + ], + [ + "Deciding", + -14.335251808166504 + ], + [ + "Suppose", + -14.335265159606934 + ], + [ + "▁Carta", + -14.33526611328125 + ], + [ + "▁sutures", + -14.335325241088867 + ], + [ + "Marshall", + -14.335342407226562 + ], + [ + "▁heist", + -14.335362434387209 + ], + [ + "▁depress", + -14.335384368896484 + ], + [ + "Ancient", + -14.33539581298828 + ], + [ + "▁Mex", + -14.335471153259276 + ], + [ + "SLE", + -14.33548641204834 + ], + [ + "SPAR", + -14.335501670837402 + ], + [ + "Deadline", + -14.335521697998049 + ], + [ + "become", + -14.335553169250488 + ], + [ + "Carpet", + -14.335556030273438 + ], + [ + "▁relievers", + -14.335559844970703 + ], + [ + "Configure", + -14.335600852966309 + ], + [ + "▁Emu", + -14.335640907287598 + ], + [ + "▁irre", + -14.335693359375 + ], + [ + "▁Purchaser", + -14.33574676513672 + ], + [ + "▁Sensation", + -14.335800170898438 + ], + [ + "▁embroider", + -14.335848808288574 + ], + [ + "▁stings", + -14.335860252380373 + ], + [ + "▁contactor", + -14.335867881774902 + ], + [ + "pone", + -14.335907936096191 + ], + [ + "▁Mariner", + -14.335908889770508 + ], + [ + "▁substantiate", + -14.335936546325684 + ], + [ + "▁ANTI", + -14.336055755615234 + ], + [ + "▁PAS", + -14.33606243133545 + ], + [ + "▁Chir", + -14.336081504821776 + ], + [ + "Representatives", + -14.336139678955078 + ], + [ + "▁Vein", + -14.336149215698242 + ], + [ + "FPS", + -14.336247444152832 + ], + [ + "scripts", + -14.33625316619873 + ], + [ + "▁Zeb", + -14.336264610290527 + ], + [ + "MDB", + -14.336307525634766 + ], + [ + "smokers", + -14.336309432983398 + ], + [ + "▁rota", + -14.336329460144045 + ], + [ + "▁dined", + -14.336376190185549 + ], + [ + "▁1:2", + -14.336419105529783 + ], + [ + "▁Quarters", + -14.336430549621582 + ], + [ + "▁ethylene", + -14.336519241333008 + ], + [ + "▁trouser", + -14.336524963378906 + ], + [ + "▁Brahms", + -14.336538314819336 + ], + [ + "▁Explosive", + -14.336538314819336 + ], + [ + "▁Grumman", + -14.336538314819336 + ], + [ + "▁Konstantin", + -14.336538314819336 + ], + [ + "▁Palliative", + -14.336538314819336 + ], + [ + "▁baffling", + -14.336538314819336 + ], + [ + "▁cheetah", + -14.336538314819336 + ], + [ + "▁Dalhousie", + -14.336539268493652 + ], + [ + "▁Masjid", + -14.336539268493652 + ], + [ + "▁Synagogue", + -14.336539268493652 + ], + [ + "▁Zhejiang", + -14.336539268493652 + ], + [ + "▁amphitheater", + -14.336539268493652 + ], + [ + "▁cistern", + -14.336539268493652 + ], + [ + "▁earplugs", + -14.336539268493652 + ], + [ + "▁orangutan", + -14.336539268493652 + ], + [ + "▁subversive", + -14.336539268493652 + ], + [ + "▁CHILDREN", + -14.336540222167969 + ], + [ + "▁Whelan", + -14.336540222167969 + ], + [ + "▁Ventilation", + -14.336541175842283 + ], + [ + "Ignoring", + -14.336543083190918 + ], + [ + "▁beehive", + -14.33654499053955 + ], + [ + "▁ICICI", + -14.336549758911133 + ], + [ + "▁stagnate", + -14.336549758911133 + ], + [ + "▁laxative", + -14.336553573608398 + ], + [ + "▁Medallion", + -14.336554527282717 + ], + [ + "▁disapproval", + -14.336555480957031 + ], + [ + "▁microcosm", + -14.336562156677246 + ], + [ + "▁VISIT", + -14.336566925048828 + ], + [ + "▁nativity", + -14.33657455444336 + ], + [ + "▁pillowcase", + -14.336576461791992 + ], + [ + "▁oxford", + -14.336580276489258 + ], + [ + "▁Restricted", + -14.336584091186523 + ], + [ + "▁Hadrian", + -14.33658504486084 + ], + [ + "▁prologue", + -14.336599349975586 + ], + [ + "▁Collagen", + -14.336602210998535 + ], + [ + "▁Papi", + -14.336604118347168 + ], + [ + "▁Grandparents", + -14.336606979370115 + ], + [ + "▁punctuality", + -14.336612701416016 + ], + [ + "▁1815", + -14.336615562438965 + ], + [ + "▁JetBlue", + -14.336624145507812 + ], + [ + "▁Celestial", + -14.336628913879396 + ], + [ + "AMC", + -14.336634635925291 + ], + [ + "▁unsaturated", + -14.336642265319824 + ], + [ + "▁706", + -14.336645126342772 + ], + [ + "▁Stoppers", + -14.336675643920898 + ], + [ + "▁$19.99", + -14.336682319641112 + ], + [ + "▁Janesville", + -14.336715698242188 + ], + [ + "▁Cabana", + -14.33671760559082 + ], + [ + "▁Crusader", + -14.336722373962402 + ], + [ + "▁Truro", + -14.336726188659668 + ], + [ + "▁dinning", + -14.336752891540527 + ], + [ + "▁Juliette", + -14.336785316467283 + ], + [ + "HCA", + -14.33680534362793 + ], + [ + "▁viewership", + -14.336810111999512 + ], + [ + "▁Woodrow", + -14.336822509765623 + ], + [ + "▁wrangler", + -14.336851119995115 + ], + [ + "966", + -14.336894989013672 + ], + [ + "▁BUILDING", + -14.336925506591797 + ], + [ + "▁reactivity", + -14.33693504333496 + ], + [ + "PaaS", + -14.337031364440918 + ], + [ + "Forty", + -14.337068557739258 + ], + [ + "▁Creature", + -14.337068557739258 + ], + [ + "▁honouring", + -14.337080955505373 + ], + [ + "▁trespassing", + -14.337175369262695 + ], + [ + "▁TRX", + -14.337246894836426 + ], + [ + "▁unsold", + -14.33730125427246 + ], + [ + "049", + -14.337302207946776 + ], + [ + "apk", + -14.33733081817627 + ], + [ + "idor", + -14.337331771850586 + ], + [ + "▁Soaking", + -14.33743953704834 + ], + [ + "AMCO", + -14.337525367736816 + ], + [ + "conceived", + -14.337554931640623 + ], + [ + "▁refinished", + -14.337579727172852 + ], + [ + "▁Speaks", + -14.33777141571045 + ], + [ + "Kel", + -14.337785720825195 + ], + [ + "▁Ruck", + -14.337794303894045 + ], + [ + "Kristin", + -14.337810516357422 + ], + [ + "▁stung", + -14.337818145751951 + ], + [ + "▁Enjoying", + -14.337838172912598 + ], + [ + "▁savesay", + -14.337852478027344 + ], + [ + "ayi", + -14.33791446685791 + ], + [ + "Soak", + -14.337944984436035 + ], + [ + "087", + -14.338000297546388 + ], + [ + "▁15-30", + -14.338159561157228 + ], + [ + "SDG", + -14.338199615478516 + ], + [ + "▁Flan", + -14.338249206542969 + ], + [ + "▁wrinkled", + -14.338260650634766 + ], + [ + "▁Fung", + -14.338271141052246 + ], + [ + "▁Ruler", + -14.338298797607422 + ], + [ + "oxidants", + -14.338315963745115 + ], + [ + "▁AY", + -14.338324546813965 + ], + [ + "LMS", + -14.338345527648926 + ], + [ + "▁ascertained", + -14.33836555480957 + ], + [ + "▁Eyre", + -14.338380813598633 + ], + [ + "▁registrants", + -14.33838176727295 + ], + [ + "▁Manipur", + -14.338418960571287 + ], + [ + "▁LUX", + -14.338427543640137 + ], + [ + "▁Dix", + -14.338449478149414 + ], + [ + "▁Praying", + -14.338492393493652 + ], + [ + "ffler", + -14.338502883911133 + ], + [ + "▁Divided", + -14.338502883911133 + ], + [ + "▁Gravi", + -14.33856201171875 + ], + [ + "hiko", + -14.338615417480469 + ], + [ + "renz", + -14.338635444641112 + ], + [ + "ussy", + -14.338653564453123 + ], + [ + "▁Eccles", + -14.338678359985352 + ], + [ + "▁Kenn", + -14.33886432647705 + ], + [ + "crying", + -14.338983535766602 + ], + [ + "▁Enclosures", + -14.339030265808104 + ], + [ + "Stim", + -14.33909034729004 + ], + [ + "___", + -14.339093208312988 + ], + [ + "wilson", + -14.339156150817873 + ], + [ + "▁Bout", + -14.3391695022583 + ], + [ + "▁(120", + -14.339181900024414 + ], + [ + "phae", + -14.33922290802002 + ], + [ + "▁PAX", + -14.339228630065918 + ], + [ + "▁Davie", + -14.339248657226562 + ], + [ + "▁AFM", + -14.339343070983888 + ], + [ + "utility", + -14.33937931060791 + ], + [ + "▁Councillors", + -14.339380264282228 + ], + [ + "▁CBO", + -14.33939266204834 + ], + [ + "▁Gastro", + -14.339423179626465 + ], + [ + "▁Capo", + -14.339494705200195 + ], + [ + "861", + -14.339597702026367 + ], + [ + "yres", + -14.339604377746582 + ], + [ + "▁04/19/2019", + -14.339621543884276 + ], + [ + "tolerant", + -14.339653968811035 + ], + [ + "▁Informed", + -14.339743614196776 + ], + [ + "▁Seminoles", + -14.339882850646973 + ], + [ + "▁phonetic", + -14.339930534362791 + ], + [ + "Separately", + -14.33999729156494 + ], + [ + "▁Zum", + -14.34006118774414 + ], + [ + "▁Vocabulary", + -14.340067863464355 + ], + [ + "▁Maas", + -14.340271949768066 + ], + [ + "▁$1.0", + -14.340298652648926 + ], + [ + "1.1%", + -14.340373992919922 + ], + [ + "▁lapses", + -14.340398788452148 + ], + [ + "▁Picard", + -14.34048557281494 + ], + [ + "▁Suburbs", + -14.340499877929688 + ], + [ + "hoon", + -14.340513229370115 + ], + [ + "▁cramp", + -14.34056282043457 + ], + [ + "▁spinners", + -14.340712547302246 + ], + [ + "▁Lumi", + -14.340874671936035 + ], + [ + "▁Pict", + -14.340886116027832 + ], + [ + "▁JET", + -14.340892791748049 + ], + [ + "piper", + -14.34091854095459 + ], + [ + "HIC", + -14.340970039367676 + ], + [ + "HAL", + -14.340972900390623 + ], + [ + "▁egress", + -14.341056823730469 + ], + [ + "Pub", + -14.341062545776367 + ], + [ + "45%", + -14.341071128845217 + ], + [ + "rni", + -14.34107780456543 + ], + [ + "▁crema", + -14.341127395629885 + ], + [ + "▁Kerri", + -14.341135025024414 + ], + [ + "ferrous", + -14.341194152832031 + ], + [ + "Automation", + -14.341211318969728 + ], + [ + "distinct", + -14.341216087341309 + ], + [ + "▁Naturalist", + -14.341235160827637 + ], + [ + "▁postwar", + -14.341238021850586 + ], + [ + "▁cobble", + -14.341242790222168 + ], + [ + "Complex", + -14.341246604919434 + ], + [ + "948", + -14.341289520263672 + ], + [ + "(9)", + -14.341300010681152 + ], + [ + "Brazilian", + -14.341307640075684 + ], + [ + "Honest", + -14.341317176818848 + ], + [ + "Entrepreneur", + -14.341327667236328 + ], + [ + "abstract", + -14.34138298034668 + ], + [ + "pepper", + -14.341489791870115 + ], + [ + "▁Donors", + -14.34153175354004 + ], + [ + "▁integers", + -14.341538429260254 + ], + [ + "regarded", + -14.34153938293457 + ], + [ + "Democratic", + -14.341544151306152 + ], + [ + "▁logbook", + -14.341559410095217 + ], + [ + "Yang", + -14.34158992767334 + ], + [ + "cional", + -14.34171199798584 + ], + [ + "▁bij", + -14.341829299926758 + ], + [ + "jetted", + -14.341898918151855 + ], + [ + "Required", + -14.34195041656494 + ], + [ + "Dealing", + -14.34197998046875 + ], + [ + "▁Toggle", + -14.341984748840332 + ], + [ + "▁Whom", + -14.342004776000977 + ], + [ + "▁EIS", + -14.342040061950684 + ], + [ + "▁exemplar", + -14.34206485748291 + ], + [ + "▁Gypsum", + -14.34208869934082 + ], + [ + "▁moat", + -14.34211254119873 + ], + [ + "NSW", + -14.342281341552734 + ], + [ + "▁Zephyr", + -14.342318534851074 + ], + [ + "▁arizona", + -14.342318534851074 + ], + [ + "04/18/2019", + -14.34231948852539 + ], + [ + "▁Algonquin", + -14.34231948852539 + ], + [ + "▁Confederacy", + -14.34231948852539 + ], + [ + "▁Dehradun", + -14.34231948852539 + ], + [ + "▁McMillan", + -14.34231948852539 + ], + [ + "▁PERFORMANCE", + -14.34231948852539 + ], + [ + "▁Prejudice", + -14.34231948852539 + ], + [ + "▁Prosecution", + -14.34231948852539 + ], + [ + "▁coleslaw", + -14.34231948852539 + ], + [ + "▁inconspicuous", + -14.34231948852539 + ], + [ + "▁poinsettia", + -14.34231948852539 + ], + [ + "▁Apostolic", + -14.342320442199709 + ], + [ + "▁Jeddah", + -14.34232234954834 + ], + [ + "▁inescapable", + -14.34232234954834 + ], + [ + "▁swerve", + -14.342324256896973 + ], + [ + "▁Grapefruit", + -14.342325210571287 + ], + [ + "▁SEMrush", + -14.342325210571287 + ], + [ + "▁crankshaft", + -14.342325210571287 + ], + [ + "▁condensing", + -14.342326164245604 + ], + [ + "▁ERISA", + -14.342329025268556 + ], + [ + "▁Acosta", + -14.342331886291504 + ], + [ + "▁Wendell", + -14.34233283996582 + ], + [ + "▁archivist", + -14.34233283996582 + ], + [ + "▁hydrant", + -14.34233283996582 + ], + [ + "References", + -14.342341423034668 + ], + [ + "▁Statute", + -14.3423433303833 + ], + [ + "▁retort", + -14.342345237731934 + ], + [ + "Monitoring", + -14.342348098754885 + ], + [ + "▁ALERT", + -14.3423490524292 + ], + [ + "▁adsorption", + -14.342354774475098 + ], + [ + "▁kibble", + -14.342363357543944 + ], + [ + "▁Cordoba", + -14.342364311218262 + ], + [ + "▁subspecies", + -14.342369079589844 + ], + [ + "▁Wylie", + -14.342370986938477 + ], + [ + "▁Schloss", + -14.342376708984377 + ], + [ + "SOLVED", + -14.342388153076172 + ], + [ + "▁Shipyard", + -14.342430114746094 + ], + [ + "▁Binance", + -14.342440605163574 + ], + [ + "▁Worthington", + -14.34244155883789 + ], + [ + "▁Rizzo", + -14.342442512512209 + ], + [ + "▁Nautical", + -14.342480659484863 + ], + [ + "▁subdomain", + -14.342486381530762 + ], + [ + "▁honeybee", + -14.34249496459961 + ], + [ + "angling", + -14.342551231384276 + ], + [ + "▁Manali", + -14.342552185058594 + ], + [ + "▁Kaur", + -14.342595100402832 + ], + [ + "▁LOG", + -14.34262752532959 + ], + [ + "roud", + -14.342680931091309 + ], + [ + "▁LIMITATION", + -14.342700958251951 + ], + [ + "▁headlamp", + -14.3427095413208 + ], + [ + "▁Valentina", + -14.34274673461914 + ], + [ + "▁SOON", + -14.342750549316406 + ], + [ + "Finger", + -14.34275245666504 + ], + [ + "▁Lifecycle", + -14.34275722503662 + ], + [ + "EIS", + -14.342805862426758 + ], + [ + "▁Lenten", + -14.342825889587402 + ], + [ + "▁knuckles", + -14.34282684326172 + ], + [ + "▁pulsed", + -14.342865943908691 + ], + [ + "▁detoxifying", + -14.342899322509766 + ], + [ + "FLAG", + -14.342940330505373 + ], + [ + "▁Kenwood", + -14.342961311340332 + ], + [ + "073", + -14.343045234680176 + ], + [ + "Dame", + -14.34306526184082 + ], + [ + "Holland", + -14.343087196350098 + ], + [ + "▁Maloney", + -14.343113899230955 + ], + [ + "▁77%", + -14.343254089355469 + ], + [ + "▁kerb", + -14.343299865722656 + ], + [ + "▁infiltrated", + -14.34333324432373 + ], + [ + "genous", + -14.343345642089844 + ], + [ + "ание", + -14.343493461608888 + ], + [ + "▁Lido", + -14.34353256225586 + ], + [ + "▁retraining", + -14.343535423278809 + ], + [ + "Aspect", + -14.343551635742188 + ], + [ + "▁outwardly", + -14.34356689453125 + ], + [ + "▁DePaul", + -14.343571662902832 + ], + [ + "▁Dema", + -14.343609809875488 + ], + [ + "ozi", + -14.343647003173828 + ], + [ + "cali", + -14.34366226196289 + ], + [ + "formatted", + -14.343695640563965 + ], + [ + "▁Organiser", + -14.343769073486328 + ], + [ + "▁Vending", + -14.343791961669922 + ], + [ + "PUT", + -14.343796730041504 + ], + [ + "Highlights", + -14.343828201293944 + ], + [ + "▁PWM", + -14.343831062316896 + ], + [ + "▁Lister", + -14.343836784362791 + ], + [ + "grate", + -14.34385871887207 + ], + [ + "▁alleyway", + -14.34389305114746 + ], + [ + "1982", + -14.344026565551758 + ], + [ + "▁varietals", + -14.344078063964844 + ], + [ + "Announcing", + -14.344109535217283 + ], + [ + "▁FEATURES", + -14.3441162109375 + ], + [ + "Closed", + -14.344133377075195 + ], + [ + "▁grater", + -14.344148635864258 + ], + [ + "▁trope", + -14.34416389465332 + ], + [ + "▁yin", + -14.3441743850708 + ], + [ + "▁flushes", + -14.344223976135254 + ], + [ + "distribution", + -14.344258308410645 + ], + [ + "▁swimsuits", + -14.344310760498049 + ], + [ + "▁heaping", + -14.344346046447754 + ], + [ + "▁Mw", + -14.344358444213867 + ], + [ + "▁hounds", + -14.34436321258545 + ], + [ + "▁Sander", + -14.344367027282717 + ], + [ + "▁Ramen", + -14.344452857971191 + ], + [ + "▁Sinha", + -14.344465255737305 + ], + [ + "EMC", + -14.344488143920898 + ], + [ + "PEA", + -14.344489097595217 + ], + [ + "▁axiom", + -14.344541549682615 + ], + [ + "laga", + -14.344564437866213 + ], + [ + "▁mirrorless", + -14.344637870788574 + ], + [ + "▁INSIDE", + -14.344694137573242 + ], + [ + "▁UPSC", + -14.344754219055176 + ], + [ + "▁20/20", + -14.344755172729492 + ], + [ + "rantz", + -14.34478759765625 + ], + [ + "▁Commando", + -14.344816207885742 + ], + [ + "honor", + -14.344828605651855 + ], + [ + "▁Chaser", + -14.344868659973145 + ], + [ + "▁Asda", + -14.344886779785156 + ], + [ + "▁JAN", + -14.344988822937012 + ], + [ + "impl", + -14.345030784606934 + ], + [ + "▁keyed", + -14.345030784606934 + ], + [ + "▁cornering", + -14.345046043395996 + ], + [ + "▁Sme", + -14.345142364501951 + ], + [ + "▁kilt", + -14.345224380493164 + ], + [ + "dren", + -14.345227241516112 + ], + [ + "▁offsetting", + -14.34532642364502 + ], + [ + "▁Marga", + -14.345343589782717 + ], + [ + "▁'60", + -14.34547233581543 + ], + [ + "▁Slipcover", + -14.34547233581543 + ], + [ + "▁EXCELLENT", + -14.345579147338867 + ], + [ + "▁spew", + -14.345629692077637 + ], + [ + "▁Ogle", + -14.345633506774902 + ], + [ + "▁Zur", + -14.345659255981444 + ], + [ + "▁domed", + -14.345717430114746 + ], + [ + "▁compels", + -14.345720291137695 + ], + [ + "▁Blending", + -14.345747947692873 + ], + [ + "▁EDS", + -14.345821380615234 + ], + [ + "▁waitlist", + -14.345833778381348 + ], + [ + "▁4′′", + -14.34584903717041 + ], + [ + "Org", + -14.345855712890623 + ], + [ + "▁STAY", + -14.345969200134276 + ], + [ + "teg", + -14.346013069152832 + ], + [ + "lata", + -14.346050262451172 + ], + [ + "▁habitation", + -14.34605884552002 + ], + [ + "rrr", + -14.346073150634766 + ], + [ + "kowitz", + -14.346123695373535 + ], + [ + "adian", + -14.346165657043455 + ], + [ + "▁bevy", + -14.34618091583252 + ], + [ + "▁smallholder", + -14.346211433410645 + ], + [ + "▁Ruins", + -14.34622573852539 + ], + [ + "▁fastball", + -14.346246719360352 + ], + [ + "2:05", + -14.346254348754885 + ], + [ + "994", + -14.346281051635742 + ], + [ + "▁Colouring", + -14.346288681030272 + ], + [ + "▁Juli", + -14.346373558044434 + ], + [ + "usch", + -14.346394538879396 + ], + [ + "▁socialising", + -14.34642219543457 + ], + [ + "▁LIS", + -14.346485137939451 + ], + [ + "▁param", + -14.346529006958008 + ], + [ + "▁Caro", + -14.346647262573242 + ], + [ + "throat", + -14.346674919128418 + ], + [ + "▁Loughborough", + -14.346745491027832 + ], + [ + "▁Broke", + -14.34678077697754 + ], + [ + "▁Subscribers", + -14.346782684326172 + ], + [ + "nui", + -14.346811294555664 + ], + [ + "▁IRIS", + -14.346842765808104 + ], + [ + "hain", + -14.346912384033203 + ], + [ + "iddy", + -14.346915245056152 + ], + [ + "▁SGD", + -14.346939086914062 + ], + [ + "Meat", + -14.347044944763184 + ], + [ + "▁7:45", + -14.347084045410156 + ], + [ + "lable", + -14.347084999084473 + ], + [ + "Trainer", + -14.347094535827637 + ], + [ + "ucked", + -14.3471097946167 + ], + [ + "egel", + -14.347142219543455 + ], + [ + "Conversely", + -14.347143173217772 + ], + [ + "Greetings", + -14.347145080566406 + ], + [ + "Isaiah", + -14.347149848937988 + ], + [ + "Symptoms", + -14.347149848937988 + ], + [ + "▁TBS", + -14.347152709960938 + ], + [ + "hybrid", + -14.347153663635254 + ], + [ + "Sole", + -14.34716510772705 + ], + [ + "▁UTF", + -14.347167015075684 + ], + [ + "Murphy", + -14.34716796875 + ], + [ + "Natalie", + -14.347220420837402 + ], + [ + "abri", + -14.347243309020996 + ], + [ + "▁Orton", + -14.347293853759766 + ], + [ + "conferencing", + -14.34731388092041 + ], + [ + "▁excesses", + -14.34742832183838 + ], + [ + "▁overrated", + -14.347463607788086 + ], + [ + "combined", + -14.34748077392578 + ], + [ + "▁SUS", + -14.347545623779297 + ], + [ + "▁bypassed", + -14.347579956054688 + ], + [ + "pronged", + -14.34760284423828 + ], + [ + "▁Forged", + -14.347615242004396 + ], + [ + "▁Ender", + -14.34762477874756 + ], + [ + "▁Jeh", + -14.347637176513672 + ], + [ + "cilla", + -14.347670555114746 + ], + [ + "wonderful", + -14.347766876220703 + ], + [ + "▁engender", + -14.347792625427246 + ], + [ + "skip", + -14.347796440124512 + ], + [ + "stik", + -14.347818374633787 + ], + [ + "▁respons", + -14.347871780395508 + ], + [ + "Giant", + -14.34787940979004 + ], + [ + "▁worktop", + -14.347893714904783 + ], + [ + "▁Hadi", + -14.347898483276367 + ], + [ + "▁criss", + -14.34792709350586 + ], + [ + "GON", + -14.347981452941896 + ], + [ + "▁5:15", + -14.347991943359377 + ], + [ + "gadi", + -14.34800910949707 + ], + [ + "▁Ria", + -14.34801959991455 + ], + [ + "margin", + -14.34812355041504 + ], + [ + "▁Hardie", + -14.348125457763672 + ], + [ + "▁Cabrera", + -14.348133087158203 + ], + [ + "▁Comptroller", + -14.348133087158203 + ], + [ + "▁Criterion", + -14.348133087158203 + ], + [ + "▁Lesotho", + -14.348133087158203 + ], + [ + "▁Smyrna", + -14.348133087158203 + ], + [ + "▁Tufted", + -14.348133087158203 + ], + [ + "▁Uncharted", + -14.348133087158203 + ], + [ + "▁accrual", + -14.348133087158203 + ], + [ + "▁jaundice", + -14.348133087158203 + ], + [ + "▁occassion", + -14.348133087158203 + ], + [ + "▁polynomial", + -14.348133087158203 + ], + [ + "▁sublimation", + -14.348133087158203 + ], + [ + "▁tastiest", + -14.348133087158203 + ], + [ + "▁Aquino", + -14.34813404083252 + ], + [ + "▁GARDEN", + -14.34813404083252 + ], + [ + "▁Waverly", + -14.34813404083252 + ], + [ + "▁oozing", + -14.34813404083252 + ], + [ + "▁Argyle", + -14.348134994506836 + ], + [ + "▁Fluorescent", + -14.348134994506836 + ], + [ + "▁impossibility", + -14.348134994506836 + ], + [ + "▁Acropolis", + -14.348136901855469 + ], + [ + "▁Nederland", + -14.348136901855469 + ], + [ + "▁Dawkins", + -14.348137855529783 + ], + [ + "▁Mushrooms", + -14.348138809204102 + ], + [ + "▁Recital", + -14.348138809204102 + ], + [ + "▁HUMAN", + -14.34814739227295 + ], + [ + "▁Laf", + -14.34814739227295 + ], + [ + "▁conceding", + -14.348152160644531 + ], + [ + "▁pennant", + -14.34817123413086 + ], + [ + "pity", + -14.34817886352539 + ], + [ + "▁Paranormal", + -14.348186492919922 + ], + [ + "▁eurozone", + -14.348188400268556 + ], + [ + "▁Higgs", + -14.348193168640137 + ], + [ + "▁Camilla", + -14.3482084274292 + ], + [ + "▁Nepalese", + -14.34821319580078 + ], + [ + "▁preparer", + -14.34821891784668 + ], + [ + "▁Equation", + -14.348224639892578 + ], + [ + "▁woefully", + -14.348225593566896 + ], + [ + "Jose", + -14.348258018493652 + ], + [ + "▁Merriam", + -14.34828281402588 + ], + [ + "CCP", + -14.348286628723145 + ], + [ + "▁regency", + -14.348286628723145 + ], + [ + "▁4800", + -14.348294258117676 + ], + [ + "▁anarchist", + -14.348295211791992 + ], + [ + "▁unskilled", + -14.34830093383789 + ], + [ + "▁Poplar", + -14.348309516906738 + ], + [ + "▁teardrop", + -14.34835433959961 + ], + [ + "▁Boyfriend", + -14.348359107971191 + ], + [ + "albert", + -14.348360061645508 + ], + [ + "▁Rooftop", + -14.348371505737305 + ], + [ + "▁endoscopic", + -14.348381042480469 + ], + [ + "Comic", + -14.348383903503418 + ], + [ + "▁symbolically", + -14.348414421081545 + ], + [ + "▁wildflower", + -14.348421096801758 + ], + [ + "WY", + -14.348422050476074 + ], + [ + "Irrespective", + -14.34842586517334 + ], + [ + "ananda", + -14.348435401916504 + ], + [ + "Intercontinental", + -14.348467826843262 + ], + [ + "ogh", + -14.348482131958008 + ], + [ + "▁Rumble", + -14.34850025177002 + ], + [ + "WCA", + -14.348528861999512 + ], + [ + "▁Parameters", + -14.34853458404541 + ], + [ + "▁Spectro", + -14.348544120788574 + ], + [ + "▁toasting", + -14.34855842590332 + ], + [ + "▁Sitka", + -14.34856128692627 + ], + [ + "▁juxtaposed", + -14.348565101623535 + ], + [ + "Cake", + -14.348578453063965 + ], + [ + "▁Nether", + -14.348581314086914 + ], + [ + "Areas", + -14.348587989807127 + ], + [ + "8500", + -14.348589897155762 + ], + [ + "▁erroneously", + -14.348603248596191 + ], + [ + "▁repurpose", + -14.348638534545898 + ], + [ + "▁Caught", + -14.348655700683594 + ], + [ + "▁incurable", + -14.34866428375244 + ], + [ + "▁Beryl", + -14.348678588867188 + ], + [ + "▁26\"", + -14.348705291748049 + ], + [ + "Sleeping", + -14.348719596862791 + ], + [ + "▁Bagley", + -14.34874153137207 + ], + [ + "▁eluded", + -14.348752975463867 + ], + [ + "▁AGREE", + -14.34877586364746 + ], + [ + "▁huddled", + -14.348780632019045 + ], + [ + "naga", + -14.348791122436523 + ], + [ + "▁errand", + -14.348806381225586 + ], + [ + "Listener", + -14.348809242248535 + ], + [ + "targeting", + -14.348810195922852 + ], + [ + "CFA", + -14.34884548187256 + ], + [ + "▁$2.6", + -14.34887409210205 + ], + [ + "▁commenters", + -14.348968505859377 + ], + [ + "TLS", + -14.34902286529541 + ], + [ + "▁honourable", + -14.349098205566406 + ], + [ + "lection", + -14.349143981933594 + ], + [ + "▁recounting", + -14.349166870117188 + ], + [ + "▁Kuk", + -14.349207878112791 + ], + [ + "▁Hamlin", + -14.349228858947754 + ], + [ + "▁Vary", + -14.349246978759766 + ], + [ + "▁attractively", + -14.349261283874512 + ], + [ + "953", + -14.349278450012209 + ], + [ + "1974", + -14.3493013381958 + ], + [ + "▁Azerbaijani", + -14.34933090209961 + ], + [ + "▁Kore", + -14.349339485168455 + ], + [ + "▁imparted", + -14.349357604980469 + ], + [ + "asaki", + -14.349428176879885 + ], + [ + "cluttering", + -14.34946632385254 + ], + [ + "▁underdeveloped", + -14.349468231201172 + ], + [ + "▁plowing", + -14.349472999572754 + ], + [ + "Admire", + -14.34947681427002 + ], + [ + "▁unpacked", + -14.349698066711426 + ], + [ + "▁Heuer", + -14.34989070892334 + ], + [ + "vira", + -14.349909782409668 + ], + [ + "▁tradesman", + -14.349921226501465 + ], + [ + "texas", + -14.35004711151123 + ], + [ + "▁Altman", + -14.350079536437988 + ], + [ + "Hoo", + -14.350099563598633 + ], + [ + "▁Redeem", + -14.35020637512207 + ], + [ + "▁Pleas", + -14.350225448608398 + ], + [ + "▁MFP", + -14.35024070739746 + ], + [ + "▁AXA", + -14.35026741027832 + ], + [ + "▁$2.1", + -14.350269317626951 + ], + [ + "fence", + -14.350295066833496 + ], + [ + "▁Nichol", + -14.350322723388672 + ], + [ + "▁childlike", + -14.350342750549316 + ], + [ + "▁Arne", + -14.350382804870604 + ], + [ + "▁Shahid", + -14.350436210632324 + ], + [ + "Supported", + -14.350454330444336 + ], + [ + "▁honorees", + -14.350528717041016 + ], + [ + "ishes", + -14.350531578063965 + ], + [ + "chosen", + -14.350655555725098 + ], + [ + "chiro", + -14.350699424743652 + ], + [ + "▁Cé", + -14.350749015808104 + ], + [ + "ucca", + -14.350777626037598 + ], + [ + "hera", + -14.350830078125 + ], + [ + "▁Trending", + -14.350850105285645 + ], + [ + "▁sharpener", + -14.350923538208008 + ], + [ + "▁firework", + -14.350937843322754 + ], + [ + "vegan", + -14.350958824157717 + ], + [ + "▁’70", + -14.350985527038574 + ], + [ + "oF", + -14.351045608520508 + ], + [ + "rwood", + -14.351066589355469 + ], + [ + "6:10", + -14.35108757019043 + ], + [ + "Obsess", + -14.351151466369627 + ], + [ + "▁inquires", + -14.351219177246094 + ], + [ + "▁motorcyclists", + -14.35122776031494 + ], + [ + "▁riddle", + -14.351269721984863 + ], + [ + "nale", + -14.351380348205566 + ], + [ + "▁Caus", + -14.351480484008787 + ], + [ + "▁Repeated", + -14.351505279541016 + ], + [ + "▁Snug", + -14.35156536102295 + ], + [ + "▁(75", + -14.351574897766112 + ], + [ + "arlington", + -14.35157585144043 + ], + [ + "▁Paulson", + -14.351581573486328 + ], + [ + "▁Civilian", + -14.351624488830566 + ], + [ + "▁Mikael", + -14.35165023803711 + ], + [ + "▁Kao", + -14.351731300354004 + ], + [ + "▁BAE", + -14.35181713104248 + ], + [ + "▁Dogg", + -14.351820945739746 + ], + [ + "Environment", + -14.351826667785645 + ], + [ + "▁Sidd", + -14.351848602294922 + ], + [ + "▁african", + -14.351964950561523 + ], + [ + "blu", + -14.351978302001951 + ], + [ + "▁WORKS", + -14.352058410644531 + ], + [ + "▁Maud", + -14.352069854736328 + ], + [ + "BURG", + -14.352083206176758 + ], + [ + "▁rasp", + -14.352103233337402 + ], + [ + "▁tipster", + -14.352103233337402 + ], + [ + "▁Bui", + -14.352105140686035 + ], + [ + "=0.0", + -14.352130889892578 + ], + [ + "ZAR", + -14.352153778076172 + ], + [ + "▁Disconnect", + -14.352190971374512 + ], + [ + "▁Osman", + -14.352235794067385 + ], + [ + "Problems", + -14.352294921875 + ], + [ + "▁NMR", + -14.352337837219238 + ], + [ + "MEC", + -14.35236644744873 + ], + [ + "▁tantrums", + -14.35239315032959 + ], + [ + "▁Expanding", + -14.352459907531738 + ], + [ + "Topics", + -14.352540969848633 + ], + [ + "horst", + -14.352569580078123 + ], + [ + "▁stepper", + -14.352631568908691 + ], + [ + "▁PURE", + -14.35273551940918 + ], + [ + "TES", + -14.35274600982666 + ], + [ + "▁RPA", + -14.352848052978516 + ], + [ + "▁obsess", + -14.352904319763184 + ], + [ + "asty", + -14.353014945983888 + ], + [ + "▁midge", + -14.353023529052734 + ], + [ + "Translation", + -14.353075981140137 + ], + [ + "Reducing", + -14.353116989135742 + ], + [ + "entrepreneur", + -14.353132247924805 + ], + [ + "chocolate", + -14.353139877319336 + ], + [ + "Spacious", + -14.353140830993652 + ], + [ + "Rubber", + -14.353164672851562 + ], + [ + "▁PAM", + -14.353189468383787 + ], + [ + "Recommendation", + -14.353242874145508 + ], + [ + "Handmade", + -14.353275299072266 + ], + [ + "Communicate", + -14.35330867767334 + ], + [ + "▁Naz", + -14.353326797485352 + ], + [ + "3,400", + -14.35334587097168 + ], + [ + "optimal", + -14.353350639343262 + ], + [ + "Retrieve", + -14.353354454040527 + ], + [ + "▁Criticism", + -14.353355407714844 + ], + [ + "▁delineate", + -14.353379249572754 + ], + [ + "Supervise", + -14.353382110595703 + ], + [ + "Gap", + -14.353452682495115 + ], + [ + "▁magnify", + -14.353473663330078 + ], + [ + "063", + -14.353489875793455 + ], + [ + "chuck", + -14.35353660583496 + ], + [ + "TIR", + -14.353550910949709 + ], + [ + "Minute", + -14.353582382202148 + ], + [ + "▁terminally", + -14.353595733642578 + ], + [ + "▁Yog", + -14.353639602661133 + ], + [ + "▁SAND", + -14.353641510009766 + ], + [ + "london", + -14.353795051574709 + ], + [ + "cak", + -14.353867530822754 + ], + [ + "▁Onions", + -14.35393524169922 + ], + [ + "Investigating", + -14.353981018066406 + ], + [ + "▁Belvedere", + -14.353981018066406 + ], + [ + "▁GORGEOUS", + -14.353981018066406 + ], + [ + "▁Kissimmee", + -14.353981018066406 + ], + [ + "▁Volatility", + -14.353981018066406 + ], + [ + "▁accumulator", + -14.353981018066406 + ], + [ + "▁carotid", + -14.353981018066406 + ], + [ + "▁disobey", + -14.353981018066406 + ], + [ + "▁elaboration", + -14.353981018066406 + ], + [ + "▁fractal", + -14.353981018066406 + ], + [ + "▁jellies", + -14.353981018066406 + ], + [ + "▁sulphate", + -14.353981018066406 + ], + [ + "▁heaviness", + -14.353981971740724 + ], + [ + "OFFICIAL", + -14.35398292541504 + ], + [ + "▁Celeste", + -14.353984832763672 + ], + [ + "▁Hotspur", + -14.353984832763672 + ], + [ + "▁celebrant", + -14.353985786437988 + ], + [ + "▁Shelving", + -14.353986740112305 + ], + [ + "▁Valdez", + -14.353988647460938 + ], + [ + "▁Rochdale", + -14.35399055480957 + ], + [ + "▁Bauhaus", + -14.353992462158203 + ], + [ + "▁REALTY", + -14.35400390625 + ], + [ + "▁fetish", + -14.354004859924316 + ], + [ + "▁(1982)", + -14.354008674621582 + ], + [ + "▁infusing", + -14.354008674621582 + ], + [ + "▁Gabby", + -14.354011535644531 + ], + [ + "▁Dundas", + -14.354018211364746 + ], + [ + "▁Appraiser", + -14.354019165039062 + ], + [ + "▁mistreatment", + -14.354029655456545 + ], + [ + "▁repurposing", + -14.354029655456545 + ], + [ + "▁Racine", + -14.354033470153809 + ], + [ + "▁peculiarities", + -14.35403537750244 + ], + [ + "▁Coronation", + -14.354046821594238 + ], + [ + "▁sparrow", + -14.354055404663086 + ], + [ + "▁Exede", + -14.354066848754885 + ], + [ + "▁TEFL", + -14.354068756103516 + ], + [ + "▁Algorithms", + -14.354083061218262 + ], + [ + "▁tenuous", + -14.354085922241213 + ], + [ + "BROWN", + -14.354090690612791 + ], + [ + "▁archetype", + -14.35412311553955 + ], + [ + "▁technologist", + -14.354147911071776 + ], + [ + "irish", + -14.354169845581056 + ], + [ + "Bahn", + -14.354171752929688 + ], + [ + "▁buzzword", + -14.354183197021484 + ], + [ + "▁occupiers", + -14.354191780090332 + ], + [ + "▁Hermitage", + -14.354205131530762 + ], + [ + "▁Telford", + -14.354233741760254 + ], + [ + "▁Middlebury", + -14.35427951812744 + ], + [ + "▁Palacio", + -14.354280471801758 + ], + [ + "▁Stockport", + -14.354281425476074 + ], + [ + "BHS", + -14.35428237915039 + ], + [ + "Measurement", + -14.35428524017334 + ], + [ + "▁untested", + -14.354294776916504 + ], + [ + "iyan", + -14.354305267333984 + ], + [ + "▁subordinates", + -14.3543119430542 + ], + [ + "▁Hwang", + -14.354315757751465 + ], + [ + "▁bol", + -14.354334831237791 + ], + [ + "DRC", + -14.35434627532959 + ], + [ + "▁macarons", + -14.354415893554688 + ], + [ + "Pho", + -14.354435920715332 + ], + [ + "▁Bulbs", + -14.354450225830078 + ], + [ + "▁synthesizers", + -14.354491233825684 + ], + [ + "▁Favre", + -14.35450267791748 + ], + [ + "▁Kildare", + -14.354525566101074 + ], + [ + "▁1825", + -14.354537010192873 + ], + [ + "▁Broth", + -14.35457992553711 + ], + [ + "ITH", + -14.354612350463867 + ], + [ + "▁Composites", + -14.35464859008789 + ], + [ + "Examining", + -14.354673385620115 + ], + [ + "▁Elemental", + -14.354683876037598 + ], + [ + "VW", + -14.354706764221191 + ], + [ + "▁Auctioneer", + -14.354719161987305 + ], + [ + "Render", + -14.354734420776367 + ], + [ + "▁craziest", + -14.354743003845217 + ], + [ + "▁FLEX", + -14.354744911193848 + ], + [ + "▁Fingerprint", + -14.35476303100586 + ], + [ + "▁76%", + -14.354833602905272 + ], + [ + "▁repainting", + -14.354859352111816 + ], + [ + "▁Wandering", + -14.354875564575195 + ], + [ + "▁kneading", + -14.35496997833252 + ], + [ + "▁sportsman", + -14.354974746704102 + ], + [ + "▁shimmery", + -14.354997634887695 + ], + [ + "▁Yeast", + -14.355016708374023 + ], + [ + "▁thawing", + -14.355056762695312 + ], + [ + "▁Gree", + -14.355132102966309 + ], + [ + "Vault", + -14.355183601379396 + ], + [ + "▁flattered", + -14.355228424072266 + ], + [ + "▁Bie", + -14.355314254760742 + ], + [ + "▁crushes", + -14.355324745178224 + ], + [ + "▁broan", + -14.355350494384766 + ], + [ + "▁carelessness", + -14.35542106628418 + ], + [ + "▁Fug", + -14.355456352233888 + ], + [ + "▁junctions", + -14.35548210144043 + ], + [ + "Indiana", + -14.355494499206545 + ], + [ + "EFF", + -14.355498313903809 + ], + [ + "▁Corrosion", + -14.355504989624023 + ], + [ + "schke", + -14.355506896972656 + ], + [ + "Bert", + -14.355542182922363 + ], + [ + "▁insulted", + -14.355552673339844 + ], + [ + "▁compressing", + -14.355591773986816 + ], + [ + "▁Transforming", + -14.355632781982422 + ], + [ + "▁£10,000", + -14.355642318725586 + ], + [ + "▁0.3%", + -14.355690956115724 + ], + [ + "ugan", + -14.355795860290527 + ], + [ + "▁Gag", + -14.35584545135498 + ], + [ + "march", + -14.355874061584473 + ], + [ + "▁(300", + -14.35589599609375 + ], + [ + "▁washington", + -14.355911254882812 + ], + [ + "5/16", + -14.35592555999756 + ], + [ + "imoto", + -14.355950355529783 + ], + [ + "▁Median", + -14.356064796447754 + ], + [ + "ONIC", + -14.356074333190918 + ], + [ + "urea", + -14.356118202209473 + ], + [ + "▁sawing", + -14.356131553649902 + ], + [ + "Newly", + -14.356134414672852 + ], + [ + "▁wrecks", + -14.356135368347168 + ], + [ + "illary", + -14.356158256530762 + ], + [ + "updated", + -14.356199264526367 + ], + [ + "Rag", + -14.356244087219238 + ], + [ + "▁endorses", + -14.356245040893556 + ], + [ + "▁11.30", + -14.356257438659668 + ], + [ + "▁raffles", + -14.356264114379885 + ], + [ + "zim", + -14.356295585632324 + ], + [ + "evening", + -14.356361389160156 + ], + [ + "▁jihad", + -14.3563814163208 + ], + [ + "mbr", + -14.356400489807127 + ], + [ + "▁astm", + -14.35641098022461 + ], + [ + "▁crepes", + -14.356425285339355 + ], + [ + "▁Defendants", + -14.356426239013672 + ], + [ + "▁Della", + -14.356457710266112 + ], + [ + "▁Spent", + -14.356513023376465 + ], + [ + "▁Commissioning", + -14.356552124023438 + ], + [ + "▁69%", + -14.356595039367676 + ], + [ + "▁Chore", + -14.356597900390623 + ], + [ + "mali", + -14.356606483459473 + ], + [ + "▁Kare", + -14.356690406799316 + ], + [ + "MOO", + -14.356695175170898 + ], + [ + "▁redirecting", + -14.35673713684082 + ], + [ + "▁______", + -14.356764793395996 + ], + [ + "6.25", + -14.356844902038574 + ], + [ + "ficent", + -14.356927871704102 + ], + [ + "MOR", + -14.356928825378418 + ], + [ + "###", + -14.35694408416748 + ], + [ + "meh", + -14.356976509094238 + ], + [ + "VERY", + -14.357030868530272 + ], + [ + "▁puns", + -14.35704231262207 + ], + [ + "▁nicknames", + -14.357072830200195 + ], + [ + "942", + -14.357093811035156 + ], + [ + "▁audiologist", + -14.357105255126951 + ], + [ + "▁Flap", + -14.357141494750977 + ], + [ + "▁Terrorist", + -14.35715389251709 + ], + [ + "▁Null", + -14.357206344604492 + ], + [ + "▁Abb", + -14.357258796691896 + ], + [ + "PLAN", + -14.357298851013184 + ], + [ + "▁Ganesha", + -14.357327461242676 + ], + [ + "▁1832", + -14.357366561889648 + ], + [ + "▁backpacker", + -14.357403755187988 + ], + [ + "▁(185", + -14.357426643371582 + ], + [ + "▁Saro", + -14.35752296447754 + ], + [ + "▁motherboards", + -14.357571601867676 + ], + [ + "TAM", + -14.35757541656494 + ], + [ + "▁ducted", + -14.357995986938477 + ], + [ + "▁Ayr", + -14.3580322265625 + ], + [ + "▁slams", + -14.35803508758545 + ], + [ + "chten", + -14.358074188232422 + ], + [ + "▁Jang", + -14.358227729797363 + ], + [ + "▁Thiel", + -14.35830307006836 + ], + [ + "TAT", + -14.358322143554688 + ], + [ + "rato", + -14.35835075378418 + ], + [ + "▁Philo", + -14.358379364013672 + ], + [ + "ROL", + -14.358430862426758 + ], + [ + "▁distill", + -14.358431816101074 + ], + [ + "▁Dime", + -14.35843563079834 + ], + [ + "FIA", + -14.358469009399414 + ], + [ + "Blast", + -14.35861110687256 + ], + [ + "rific", + -14.358623504638672 + ], + [ + "037", + -14.35865592956543 + ], + [ + "▁ABR", + -14.358709335327148 + ], + [ + "▁Berne", + -14.358722686767578 + ], + [ + "qualification", + -14.358747482299805 + ], + [ + "0:0", + -14.358804702758787 + ], + [ + "Illustration", + -14.35885238647461 + ], + [ + "ASTER", + -14.358874320983888 + ], + [ + "celli", + -14.358976364135742 + ], + [ + "▁1780", + -14.359039306640623 + ], + [ + "Historic", + -14.359055519104004 + ], + [ + "synthetic", + -14.3590669631958 + ], + [ + "busting", + -14.359130859375 + ], + [ + "Relative", + -14.359149932861328 + ], + [ + "▁Castor", + -14.359166145324709 + ], + [ + "Incredible", + -14.35916805267334 + ], + [ + "erri", + -14.359189987182615 + ], + [ + "failure", + -14.359197616577148 + ], + [ + "cruci", + -14.359210014343262 + ], + [ + "▁Ouch", + -14.359356880187988 + ], + [ + "892", + -14.359381675720217 + ], + [ + "Blank", + -14.359414100646973 + ], + [ + "▁Tinto", + -14.359416961669922 + ], + [ + "▁PPE", + -14.359456062316896 + ], + [ + "translated", + -14.359471321105955 + ], + [ + "▁#3:", + -14.35947322845459 + ], + [ + "accuracy", + -14.35958480834961 + ], + [ + "tapping", + -14.359588623046877 + ], + [ + "Erase", + -14.359625816345217 + ], + [ + "Solo", + -14.35963535308838 + ], + [ + "▁Boating", + -14.359697341918944 + ], + [ + "▁skirmish", + -14.359721183776855 + ], + [ + "INCLUDE", + -14.359783172607422 + ], + [ + "▁Zhen", + -14.359795570373535 + ], + [ + "▁DETAILS", + -14.35986328125 + ], + [ + "▁Ghaziabad", + -14.35986328125 + ], + [ + "▁Pemberton", + -14.35986328125 + ], + [ + "▁Prentice", + -14.35986328125 + ], + [ + "▁Udaipur", + -14.35986328125 + ], + [ + "▁adjuvant", + -14.35986328125 + ], + [ + "▁aggressor", + -14.35986328125 + ], + [ + "▁balustrade", + -14.35986328125 + ], + [ + "▁electrified", + -14.35986328125 + ], + [ + "▁exaggerating", + -14.35986328125 + ], + [ + "▁mesmerising", + -14.35986328125 + ], + [ + "▁parentheses", + -14.35986328125 + ], + [ + "▁sensibly", + -14.35986328125 + ], + [ + "▁symbiotic", + -14.35986328125 + ], + [ + "▁Benoit", + -14.359864234924316 + ], + [ + "▁Chilliwack", + -14.359864234924316 + ], + [ + "▁Hennessy", + -14.359864234924316 + ], + [ + "▁cathartic", + -14.359864234924316 + ], + [ + "▁unfaithful", + -14.359864234924316 + ], + [ + "▁Atherton", + -14.359865188598633 + ], + [ + "▁brioche", + -14.35986614227295 + ], + [ + "▁Assange", + -14.359868049621582 + ], + [ + "▁extrapolate", + -14.359868049621582 + ], + [ + "▁Rouhani", + -14.359869003295898 + ], + [ + "▁astringent", + -14.359869956970217 + ], + [ + "▁Mascara", + -14.359870910644531 + ], + [ + "▁Manatee", + -14.359871864318848 + ], + [ + "▁mumbai", + -14.35988426208496 + ], + [ + "▁landslides", + -14.35989761352539 + ], + [ + "▁NTFS", + -14.359905242919922 + ], + [ + "▁Focal", + -14.359912872314451 + ], + [ + "▁(37", + -14.35993480682373 + ], + [ + "▁Gasket", + -14.359936714172363 + ], + [ + "▁vitae", + -14.359936714172363 + ], + [ + "▁Adolph", + -14.35993766784668 + ], + [ + "▁Dowd", + -14.359963417053224 + ], + [ + "▁Procter", + -14.359990119934082 + ], + [ + "▁Ableton", + -14.35999870300293 + ], + [ + "▁pharmacological", + -14.360004425048828 + ], + [ + "▁tannin", + -14.360004425048828 + ], + [ + "▁gelding", + -14.360025405883787 + ], + [ + "▁panicking", + -14.360025405883787 + ], + [ + "▁Juicy", + -14.360071182250977 + ], + [ + "▁Obstetrics", + -14.360074043273926 + ], + [ + "Lachlan", + -14.360101699829102 + ], + [ + "▁MBS", + -14.360105514526367 + ], + [ + "▁Lari", + -14.360108375549316 + ], + [ + "listening", + -14.360124588012695 + ], + [ + "▁biofuel", + -14.360151290893556 + ], + [ + "▁GOING", + -14.36016082763672 + ], + [ + "▁Loveseat", + -14.36016082763672 + ], + [ + "▁irrigated", + -14.36021327972412 + ], + [ + "▁wickedness", + -14.360215187072754 + ], + [ + "▁Freshwater", + -14.36021614074707 + ], + [ + "▁truckload", + -14.360225677490234 + ], + [ + "▁Harmonic", + -14.360265731811523 + ], + [ + "adopt", + -14.360311508178713 + ], + [ + "▁Tuk", + -14.360369682312012 + ], + [ + "▁distilling", + -14.360398292541504 + ], + [ + "crown", + -14.360405921936035 + ], + [ + "OPTION", + -14.360414505004885 + ], + [ + "Crush", + -14.360417366027832 + ], + [ + "▁SONY", + -14.36042308807373 + ], + [ + "▁Muddy", + -14.360445022583008 + ], + [ + "▁bunting", + -14.36045742034912 + ], + [ + "▁introverted", + -14.360468864440918 + ], + [ + "▁PHYS", + -14.360496520996094 + ], + [ + "▁Mankind", + -14.360504150390623 + ], + [ + "fancy", + -14.360507011413574 + ], + [ + "▁chronologically", + -14.360589981079102 + ], + [ + "▁Idris", + -14.360591888427734 + ], + [ + "IFICATION", + -14.360648155212402 + ], + [ + "▁reconditioned", + -14.360678672790527 + ], + [ + "▁strapless", + -14.360688209533691 + ], + [ + "▁grandstand", + -14.360690116882324 + ], + [ + "EIA", + -14.360718727111816 + ], + [ + "▁starfish", + -14.360735893249512 + ], + [ + "waisted", + -14.36074447631836 + ], + [ + "ocyte", + -14.360767364501951 + ], + [ + "▁Tid", + -14.360788345336914 + ], + [ + "▁Sunlight", + -14.360803604125977 + ], + [ + "▁Grooming", + -14.360944747924805 + ], + [ + "▁Countryside", + -14.360965728759766 + ], + [ + "▁Cie", + -14.360991477966309 + ], + [ + "▁watertight", + -14.360995292663574 + ], + [ + "▁Supervisory", + -14.36099910736084 + ], + [ + "minder", + -14.361035346984863 + ], + [ + "▁jaded", + -14.361055374145508 + ], + [ + "▁Owning", + -14.361078262329102 + ], + [ + "▁footfall", + -14.361113548278809 + ], + [ + "▁acura", + -14.36111545562744 + ], + [ + "▁Vee", + -14.361141204833984 + ], + [ + "▁homolog", + -14.36118221282959 + ], + [ + "▁Germantown", + -14.361251831054688 + ], + [ + "ofsky", + -14.361287117004396 + ], + [ + "▁realist", + -14.361289978027344 + ], + [ + "▁armament", + -14.361331939697266 + ], + [ + "▁Nourish", + -14.361334800720217 + ], + [ + "▁Drago", + -14.361342430114746 + ], + [ + "▁ITU", + -14.3613862991333 + ], + [ + "▁dissenting", + -14.361468315124512 + ], + [ + "Strat", + -14.361470222473145 + ], + [ + "▁flagstone", + -14.361482620239258 + ], + [ + "▁Edi", + -14.361513137817385 + ], + [ + "▁Cocker", + -14.361525535583496 + ], + [ + "▁coward", + -14.36157512664795 + ], + [ + "▁FZ", + -14.361719131469728 + ], + [ + "Pope", + -14.361734390258787 + ], + [ + "▁scone", + -14.361759185791016 + ], + [ + "▁Ranked", + -14.361767768859863 + ], + [ + "▁cine", + -14.36186695098877 + ], + [ + "893", + -14.36186981201172 + ], + [ + "▁Truss", + -14.361879348754885 + ], + [ + "▁frigidaire", + -14.361979484558104 + ], + [ + "▁Mocha", + -14.361980438232422 + ], + [ + "▁inherits", + -14.36202335357666 + ], + [ + "skate", + -14.362030029296877 + ], + [ + "▁RRP", + -14.362141609191896 + ], + [ + "▁Urs", + -14.362156867980955 + ], + [ + "▁Transcription", + -14.362173080444336 + ], + [ + "vii", + -14.362201690673828 + ], + [ + "▁Prana", + -14.362225532531738 + ], + [ + "▁Yeh", + -14.362306594848633 + ], + [ + "▁expressway", + -14.362311363220217 + ], + [ + "▁Northfield", + -14.362323760986328 + ], + [ + "▁Folders", + -14.36244773864746 + ], + [ + "▁nerf", + -14.362459182739258 + ], + [ + "Frankly", + -14.36252498626709 + ], + [ + "▁Paco", + -14.362615585327148 + ], + [ + "rj", + -14.362659454345703 + ], + [ + "▁Mediator", + -14.362762451171877 + ], + [ + "TREE", + -14.362911224365234 + ], + [ + "Nokia", + -14.363059997558594 + ], + [ + "▁Dru", + -14.36308765411377 + ], + [ + "▁Dread", + -14.3630952835083 + ], + [ + "▁welt", + -14.363096237182615 + ], + [ + "▁Professions", + -14.363110542297363 + ], + [ + "▁hahaha", + -14.363142013549805 + ], + [ + "effi", + -14.363153457641602 + ], + [ + "▁Adjunct", + -14.363170623779297 + ], + [ + "Tac", + -14.363259315490724 + ], + [ + "examine", + -14.36333465576172 + ], + [ + "hanga", + -14.363337516784668 + ], + [ + "▁Oats", + -14.363438606262209 + ], + [ + "rho", + -14.363451957702637 + ], + [ + "▁RAL", + -14.3634672164917 + ], + [ + "STI", + -14.363480567932127 + ], + [ + "▁Kiln", + -14.363480567932127 + ], + [ + "▁stylishly", + -14.36352252960205 + ], + [ + "QD", + -14.363533020019531 + ], + [ + "antu", + -14.363555908203123 + ], + [ + "▁Derivatives", + -14.363641738891602 + ], + [ + "▁shameless", + -14.363656044006348 + ], + [ + "▁Pash", + -14.363672256469728 + ], + [ + "Lau", + -14.363792419433594 + ], + [ + "▁stubs", + -14.363866806030272 + ], + [ + "▁Sandi", + -14.36391830444336 + ], + [ + "▁blouses", + -14.363920211791992 + ], + [ + "ESP", + -14.36392593383789 + ], + [ + "▁Bild", + -14.363951683044434 + ], + [ + "▁1838", + -14.364035606384276 + ], + [ + "▁Chemist", + -14.364093780517578 + ], + [ + "▁engrave", + -14.364099502563477 + ], + [ + "▁Roi", + -14.364103317260742 + ], + [ + "▁quarrying", + -14.364175796508787 + ], + [ + "▁HATE", + -14.364192008972168 + ], + [ + "Fixer", + -14.364206314086914 + ], + [ + "▁BPO", + -14.364217758178713 + ], + [ + "mannered", + -14.36423397064209 + ], + [ + "▁dressy", + -14.36423397064209 + ], + [ + "CLU", + -14.36424732208252 + ], + [ + "▁Modul", + -14.364310264587402 + ], + [ + "▁Contributors", + -14.364314079284668 + ], + [ + "Frog", + -14.364334106445312 + ], + [ + "CORN", + -14.36435604095459 + ], + [ + "QUAL", + -14.364383697509766 + ], + [ + "=3", + -14.364469528198242 + ], + [ + "▁vibrational", + -14.364569664001465 + ], + [ + "Aren", + -14.364580154418944 + ], + [ + "▁UTM", + -14.36461067199707 + ], + [ + "▁Chino", + -14.364635467529297 + ], + [ + "Utilize", + -14.36463737487793 + ], + [ + "prepare", + -14.364662170410156 + ], + [ + "043", + -14.36477279663086 + ], + [ + "fronted", + -14.364808082580566 + ], + [ + "▁forego", + -14.364876747131348 + ], + [ + "▁602", + -14.364890098571776 + ], + [ + "Chic", + -14.365008354187012 + ], + [ + "Demo", + -14.365185737609863 + ], + [ + "categories", + -14.365199089050291 + ], + [ + "Container", + -14.36521816253662 + ], + [ + "flood", + -14.365235328674316 + ], + [ + "Greece", + -14.365236282348633 + ], + [ + "regulatory", + -14.36523723602295 + ], + [ + "Bulk", + -14.365239143371582 + ], + [ + "(1)(", + -14.365241050720217 + ], + [ + "Debbie", + -14.365251541137695 + ], + [ + "drol", + -14.36527156829834 + ], + [ + "enau", + -14.36527156829834 + ], + [ + "defence", + -14.365274429321287 + ], + [ + "reflect", + -14.365302085876465 + ], + [ + "carved", + -14.36530590057373 + ], + [ + "Mitchell", + -14.365315437316896 + ], + [ + "ensi", + -14.365325927734377 + ], + [ + "Rescue", + -14.365354537963867 + ], + [ + "▁acquaint", + -14.365368843078612 + ], + [ + "▁Sangam", + -14.365373611450195 + ], + [ + "▁Goldsmiths", + -14.365398406982422 + ], + [ + "BODY", + -14.365464210510254 + ], + [ + "tober", + -14.365480422973633 + ], + [ + "Spiritual", + -14.365485191345217 + ], + [ + "▁Moog", + -14.365581512451172 + ], + [ + "▁Thie", + -14.365614891052246 + ], + [ + "▁Sonora", + -14.365649223327637 + ], + [ + "▁paring", + -14.365694046020508 + ], + [ + "▁EHS", + -14.365730285644531 + ], + [ + "broadcast", + -14.365734100341797 + ], + [ + "▁cookout", + -14.365739822387695 + ], + [ + "▁Presto", + -14.365766525268556 + ], + [ + "▁Alchemist", + -14.3657808303833 + ], + [ + "▁Corcoran", + -14.3657808303833 + ], + [ + "▁GoFundMe", + -14.3657808303833 + ], + [ + "▁McAllister", + -14.3657808303833 + ], + [ + "▁Montserrat", + -14.3657808303833 + ], + [ + "▁Vijayawada", + -14.3657808303833 + ], + [ + "▁aggravation", + -14.3657808303833 + ], + [ + "▁episodic", + -14.3657808303833 + ], + [ + "▁Vacancies", + -14.365781784057615 + ], + [ + "▁googling", + -14.365781784057615 + ], + [ + "▁chronology", + -14.365782737731934 + ], + [ + "▁Alpaca", + -14.36578369140625 + ], + [ + "▁Bilbao", + -14.36578369140625 + ], + [ + "▁DISCOUNT", + -14.36578369140625 + ], + [ + "▁glutamate", + -14.365784645080566 + ], + [ + "▁Nakamura", + -14.365785598754885 + ], + [ + "▁Kaitlyn", + -14.3657865524292 + ], + [ + "▁Vacancy", + -14.365787506103516 + ], + [ + "▁Nanaimo", + -14.365790367126465 + ], + [ + "▁detractors", + -14.36579132080078 + ], + [ + "▁Browsing", + -14.365792274475098 + ], + [ + "Consistent", + -14.365793228149414 + ], + [ + "▁inductee", + -14.365793228149414 + ], + [ + "▁Delgado", + -14.36579418182373 + ], + [ + "▁Dulles", + -14.365801811218262 + ], + [ + "▁Graveyard", + -14.365812301635742 + ], + [ + "▁reflexology", + -14.365812301635742 + ], + [ + "▁hairstylist", + -14.36581325531006 + ], + [ + "▁colitis", + -14.365825653076172 + ], + [ + "▁Vettel", + -14.36582851409912 + ], + [ + "▁WHOIS", + -14.365829467773438 + ], + [ + "▁phoning", + -14.365836143493652 + ], + [ + "▁multivariate", + -14.3658447265625 + ], + [ + "▁Bradbury", + -14.36585521697998 + ], + [ + "landscape", + -14.365886688232422 + ], + [ + "▁Keaton", + -14.365904808044434 + ], + [ + "▁Elmwood", + -14.36593532562256 + ], + [ + "▁bothersome", + -14.365954399108888 + ], + [ + "▁recomend", + -14.365957260131836 + ], + [ + "▁gigabytes", + -14.365968704223633 + ], + [ + "▁Sleek", + -14.365984916687012 + ], + [ + "▁Asp", + -14.365985870361328 + ], + [ + "▁Northrop", + -14.366000175476074 + ], + [ + "▁Alek", + -14.36600399017334 + ], + [ + "vacation", + -14.366033554077148 + ], + [ + "▁Loire", + -14.366046905517578 + ], + [ + "2:40", + -14.366053581237791 + ], + [ + "▁Daytime", + -14.366059303283691 + ], + [ + "▁terminus", + -14.36606216430664 + ], + [ + "Neck", + -14.366071701049805 + ], + [ + "▁handicraft", + -14.366082191467283 + ], + [ + "▁Chiropractors", + -14.36608600616455 + ], + [ + "▁Incorporating", + -14.366124153137209 + ], + [ + "▁emirates", + -14.366143226623535 + ], + [ + "▁Arturo", + -14.366202354431152 + ], + [ + "▁compresses", + -14.36623191833496 + ], + [ + "▁lambda", + -14.366240501403809 + ], + [ + "Perry", + -14.366266250610352 + ], + [ + "▁alligators", + -14.366271018981934 + ], + [ + "▁Paladin", + -14.366296768188477 + ], + [ + "▁rowdy", + -14.366296768188477 + ], + [ + "cuit", + -14.366299629211426 + ], + [ + "▁Flori", + -14.366324424743652 + ], + [ + "▁Mura", + -14.366342544555664 + ], + [ + "RMA", + -14.366361618041992 + ], + [ + "▁Journalist", + -14.366371154785156 + ], + [ + "▁*********", + -14.366403579711914 + ], + [ + "▁Koko", + -14.366422653198242 + ], + [ + "▁caulking", + -14.366436958312988 + ], + [ + "▁Purchased", + -14.366439819335938 + ], + [ + "▁Disputes", + -14.36647891998291 + ], + [ + "▁reimagined", + -14.366497993469238 + ], + [ + "Clinic", + -14.366509437561035 + ], + [ + "wanted", + -14.366539001464844 + ], + [ + "▁Rosé", + -14.36659049987793 + ], + [ + "▁reagent", + -14.36664581298828 + ], + [ + "▁Topps", + -14.366658210754396 + ], + [ + "00:2", + -14.366663932800291 + ], + [ + "osaur", + -14.366677284240724 + ], + [ + "▁Racial", + -14.366677284240724 + ], + [ + "▁FILM", + -14.366683959960938 + ], + [ + "▁Coron", + -14.366698265075684 + ], + [ + "▁ridiculed", + -14.366754531860352 + ], + [ + "▁pronouncement", + -14.366798400878906 + ], + [ + "Bible", + -14.366827011108398 + ], + [ + "▁plowed", + -14.366847038269045 + ], + [ + "Chamber", + -14.36687183380127 + ], + [ + "▁fabled", + -14.366886138916016 + ], + [ + "▁Aram", + -14.366907119750977 + ], + [ + "▁Bennet", + -14.366915702819824 + ], + [ + "▁Karla", + -14.366945266723633 + ], + [ + "▁sorrows", + -14.366973876953123 + ], + [ + "CBT", + -14.3670015335083 + ], + [ + "▁Yel", + -14.367100715637209 + ], + [ + "▁phosphor", + -14.36710262298584 + ], + [ + "Indoor", + -14.367124557495115 + ], + [ + "▁Tattoos", + -14.367131233215332 + ], + [ + "▁Cocktails", + -14.367241859436035 + ], + [ + "Everyday", + -14.367291450500488 + ], + [ + "▁Finalist", + -14.367313385009766 + ], + [ + "▁Niro", + -14.367342948913574 + ], + [ + "▁pollination", + -14.367348670959473 + ], + [ + "▁dashes", + -14.367501258850098 + ], + [ + "▁delusions", + -14.367591857910156 + ], + [ + "▁infraction", + -14.367594718933104 + ], + [ + "▁looting", + -14.367610931396484 + ], + [ + "▁BEL", + -14.367634773254396 + ], + [ + "▁cairn", + -14.367688179016112 + ], + [ + "ually", + -14.367691040039062 + ], + [ + "9.5%", + -14.367717742919922 + ], + [ + "hopping", + -14.367754936218262 + ], + [ + "▁storming", + -14.367755889892578 + ], + [ + "▁Iconic", + -14.36778736114502 + ], + [ + "▁Mopar", + -14.367788314819336 + ], + [ + "▁kiddo", + -14.367880821228027 + ], + [ + "▁Clans", + -14.367905616760254 + ], + [ + "CIM", + -14.367965698242188 + ], + [ + "▁12.3", + -14.367990493774414 + ], + [ + "▁posses", + -14.367996215820312 + ], + [ + "▁shipper", + -14.368005752563477 + ], + [ + "▁transom", + -14.368024826049805 + ], + [ + "▁Wynne", + -14.368037223815918 + ], + [ + "▁bootable", + -14.368045806884766 + ], + [ + "Antoni", + -14.36809253692627 + ], + [ + "▁Watering", + -14.368115425109863 + ], + [ + "pino", + -14.36815357208252 + ], + [ + "stating", + -14.368168830871582 + ], + [ + "ondi", + -14.36822509765625 + ], + [ + "▁350,000", + -14.368239402770996 + ], + [ + "solute", + -14.368281364440918 + ], + [ + "▁Ricci", + -14.368300437927246 + ], + [ + "CPR", + -14.368322372436523 + ], + [ + "▁Embry", + -14.368330001831056 + ], + [ + "ilda", + -14.368419647216797 + ], + [ + "qq", + -14.368420600891112 + ], + [ + "▁514", + -14.368447303771973 + ], + [ + "▁Pedi", + -14.36846923828125 + ], + [ + "▁Blended", + -14.368525505065918 + ], + [ + "▁roadster", + -14.368544578552246 + ], + [ + "▁yank", + -14.368550300598145 + ], + [ + "513", + -14.368618965148926 + ], + [ + "OPEN", + -14.368656158447266 + ], + [ + "▁glob", + -14.368677139282228 + ], + [ + "▁Linking", + -14.36871337890625 + ], + [ + "▁Cotswolds", + -14.368721961975098 + ], + [ + "▁SRS", + -14.368721961975098 + ], + [ + "▁flavouring", + -14.368728637695312 + ], + [ + "▁.22", + -14.368839263916016 + ], + [ + "royd", + -14.36884307861328 + ], + [ + "%2", + -14.368851661682127 + ], + [ + "▁IGT", + -14.36885929107666 + ], + [ + "▁meshes", + -14.368971824645996 + ], + [ + "▁Hoot", + -14.369095802307127 + ], + [ + "Pirate", + -14.369101524353027 + ], + [ + "0.30", + -14.36915683746338 + ], + [ + "Lei", + -14.369168281555176 + ], + [ + "▁Britten", + -14.369250297546388 + ], + [ + "▁Safa", + -14.369321823120115 + ], + [ + "▁Kost", + -14.369352340698242 + ], + [ + "rme", + -14.369370460510254 + ], + [ + "▁maids", + -14.369450569152832 + ], + [ + "▁Wives", + -14.369463920593262 + ], + [ + "Shane", + -14.369539260864258 + ], + [ + "▁craved", + -14.36954402923584 + ], + [ + "▁Eastside", + -14.369574546813965 + ], + [ + "▁Mello", + -14.369586944580078 + ], + [ + "uum", + -14.36961841583252 + ], + [ + "▁Advisers", + -14.369680404663086 + ], + [ + "COL", + -14.36970329284668 + ], + [ + "▁Introduced", + -14.36972999572754 + ], + [ + "▁bookmaker", + -14.3697509765625 + ], + [ + "erary", + -14.369751930236816 + ], + [ + "▁deadlift", + -14.369895935058594 + ], + [ + "923", + -14.369915008544922 + ], + [ + "▁grantees", + -14.369969367980955 + ], + [ + "adora", + -14.369997024536133 + ], + [ + "backup", + -14.370033264160156 + ], + [ + "▁staked", + -14.370083808898926 + ], + [ + "▁FAI", + -14.370104789733888 + ], + [ + "PDP", + -14.370142936706545 + ], + [ + "▁Khal", + -14.370162010192873 + ], + [ + "▁Lotte", + -14.370206832885742 + ], + [ + "STP", + -14.370211601257324 + ], + [ + "▁Slag", + -14.370325088500977 + ], + [ + "▁REITs", + -14.370447158813477 + ], + [ + "▁strolled", + -14.370490074157717 + ], + [ + "rachi", + -14.370513916015623 + ], + [ + "▁Edelman", + -14.370580673217772 + ], + [ + "ahara", + -14.37058162689209 + ], + [ + "▁murphy", + -14.370590209960938 + ], + [ + "mick", + -14.370596885681152 + ], + [ + "akar", + -14.370635032653809 + ], + [ + "▁flashlights", + -14.370655059814451 + ], + [ + "dairy", + -14.370734214782717 + ], + [ + "▁gush", + -14.37087345123291 + ], + [ + "▁Physio", + -14.370949745178224 + ], + [ + "▁webshop", + -14.371024131774902 + ], + [ + "plin", + -14.371045112609863 + ], + [ + "▁Stal", + -14.37105941772461 + ], + [ + "Indonesia", + -14.371063232421877 + ], + [ + "▁fruitless", + -14.37108039855957 + ], + [ + "haba", + -14.371123313903809 + ], + [ + "▁repress", + -14.37112522125244 + ], + [ + "Historical", + -14.37119197845459 + ], + [ + "▁pharmaco", + -14.371217727661133 + ], + [ + "Transaction", + -14.371253967285156 + ], + [ + "vegetarian", + -14.371291160583496 + ], + [ + "▁YAY", + -14.371298789978027 + ], + [ + "Beijing", + -14.371332168579102 + ], + [ + "Swedish", + -14.371332168579102 + ], + [ + "Oklahoma", + -14.371334075927734 + ], + [ + "supplied", + -14.37133502960205 + ], + [ + "YER", + -14.371349334716797 + ], + [ + "Conserv", + -14.371397018432615 + ], + [ + "Eddie", + -14.3714017868042 + ], + [ + "▁CPL", + -14.371405601501465 + ], + [ + "oui", + -14.371463775634766 + ], + [ + "ochi", + -14.371495246887209 + ], + [ + "▁valiant", + -14.371496200561523 + ], + [ + "▁chiles", + -14.371501922607422 + ], + [ + "Zhang", + -14.371530532836914 + ], + [ + "METHODS", + -14.371545791625977 + ], + [ + "strange", + -14.371575355529783 + ], + [ + "▁Bax", + -14.37158203125 + ], + [ + "▁balk", + -14.37158489227295 + ], + [ + "▁USING", + -14.37159824371338 + ], + [ + "YN", + -14.37163257598877 + ], + [ + "▁Unbelievable", + -14.3716459274292 + ], + [ + "1′′", + -14.371649742126465 + ], + [ + "Berry", + -14.371652603149414 + ], + [ + "▁Melodi", + -14.37168025970459 + ], + [ + "GCC", + -14.37169075012207 + ], + [ + "504", + -14.371699333190918 + ], + [ + "▁Amplifier", + -14.371732711791992 + ], + [ + "▁Explosion", + -14.371732711791992 + ], + [ + "▁Lymphoma", + -14.371732711791992 + ], + [ + "▁Montpellier", + -14.371732711791992 + ], + [ + "▁Pikachu", + -14.371732711791992 + ], + [ + "▁Uttarakhand", + -14.371732711791992 + ], + [ + "▁distraught", + -14.371732711791992 + ], + [ + "▁paparazzi", + -14.371732711791992 + ], + [ + "▁tetracycline", + -14.371732711791992 + ], + [ + "▁uninhabited", + -14.371732711791992 + ], + [ + "Dandelion", + -14.371733665466309 + ], + [ + "▁Yokohama", + -14.371733665466309 + ], + [ + "▁cranial", + -14.371733665466309 + ], + [ + "▁fancied", + -14.371733665466309 + ], + [ + "▁homogenous", + -14.371733665466309 + ], + [ + "▁Creighton", + -14.371734619140623 + ], + [ + "▁luminaire", + -14.371734619140623 + ], + [ + "▁ENTIRE", + -14.371736526489258 + ], + [ + "▁scathing", + -14.371736526489258 + ], + [ + "▁ramekin", + -14.371737480163574 + ], + [ + "▁Glucose", + -14.371744155883787 + ], + [ + "▁Spitfire", + -14.371747970581056 + ], + [ + "▁Superhero", + -14.371748924255373 + ], + [ + "▁Musée", + -14.37175178527832 + ], + [ + "▁interstellar", + -14.37175178527832 + ], + [ + "▁trifle", + -14.371759414672852 + ], + [ + "Tennis", + -14.371761322021484 + ], + [ + "▁Gumtree", + -14.371761322021484 + ], + [ + "▁Ursula", + -14.371761322021484 + ], + [ + "▁Centaur", + -14.371769905090332 + ], + [ + "▁bluish", + -14.371773719787598 + ], + [ + "▁Wrapped", + -14.37177848815918 + ], + [ + "▁meniscus", + -14.37178897857666 + ], + [ + "▁renegotiate", + -14.371792793273926 + ], + [ + "▁photojournalist", + -14.37179946899414 + ], + [ + "▁cloakroom", + -14.371809005737305 + ], + [ + "▁tempura", + -14.37181568145752 + ], + [ + "▁arcane", + -14.371820449829102 + ], + [ + "▁encroachment", + -14.371825218200684 + ], + [ + "▁Prophets", + -14.37184715270996 + ], + [ + "▁Typing", + -14.371869087219238 + ], + [ + "▁Scully", + -14.371882438659668 + ], + [ + "▁trowel", + -14.371885299682615 + ], + [ + "diver", + -14.3718900680542 + ], + [ + "▁bullnose", + -14.371912002563477 + ], + [ + "▁5,500", + -14.371914863586426 + ], + [ + "▁#16", + -14.371923446655272 + ], + [ + "Delegate", + -14.371926307678224 + ], + [ + "▁SSO", + -14.371935844421388 + ], + [ + "▁Martinique", + -14.371943473815918 + ], + [ + "▁disbanded", + -14.37196445465088 + ], + [ + "Descarga", + -14.371980667114258 + ], + [ + "▁uninformed", + -14.371991157531738 + ], + [ + "iver", + -14.371994018554688 + ], + [ + "NQ", + -14.37199592590332 + ], + [ + "raga", + -14.37200164794922 + ], + [ + "▁welds", + -14.372010231018066 + ], + [ + "▁Streak", + -14.372113227844238 + ], + [ + "▁quash", + -14.372114181518556 + ], + [ + "▁dyno", + -14.37214183807373 + ], + [ + "▁hurling", + -14.372217178344728 + ], + [ + "▁reactionary", + -14.372268676757812 + ], + [ + "▁iMessage", + -14.37234878540039 + ], + [ + "▁Hala", + -14.372394561767578 + ], + [ + "SSM", + -14.372397422790527 + ], + [ + "▁(184", + -14.372417449951172 + ], + [ + "▁windmill", + -14.37243366241455 + ], + [ + "▁frock", + -14.372493743896484 + ], + [ + "▁Pyro", + -14.37252712249756 + ], + [ + "▁Onsite", + -14.372530937194824 + ], + [ + "▁Nightstand", + -14.37254810333252 + ], + [ + "sborough", + -14.372562408447266 + ], + [ + "▁Ghe", + -14.372577667236328 + ], + [ + "▁LEGAL", + -14.372601509094238 + ], + [ + "▁Subtle", + -14.372618675231934 + ], + [ + "flush", + -14.372660636901855 + ], + [ + "LUX", + -14.372665405273438 + ], + [ + "1969", + -14.372688293457031 + ], + [ + "▁sunscreens", + -14.372762680053713 + ], + [ + "Republicans", + -14.372769355773926 + ], + [ + "▁wealthier", + -14.372773170471191 + ], + [ + "▁treehouse", + -14.37280559539795 + ], + [ + "▁unkind", + -14.37282371520996 + ], + [ + "▁FRIDAY", + -14.372838020324709 + ], + [ + "▁combi", + -14.372883796691896 + ], + [ + "▁ETL", + -14.37292766571045 + ], + [ + "▁rearranged", + -14.373044967651367 + ], + [ + "▁Tapes", + -14.37306785583496 + ], + [ + "sensing", + -14.373080253601074 + ], + [ + "▁Lindy", + -14.37309741973877 + ], + [ + "▁Recruit", + -14.373125076293944 + ], + [ + "▁Marques", + -14.373135566711426 + ], + [ + "▁gatekeeper", + -14.373162269592283 + ], + [ + "▁$56", + -14.373167037963867 + ], + [ + "▁Novell", + -14.373167991638184 + ], + [ + "▁fewest", + -14.373172760009766 + ], + [ + "076", + -14.373177528381348 + ], + [ + "izzy", + -14.373196601867676 + ], + [ + "▁Watertown", + -14.373209953308104 + ], + [ + "▁brickwork", + -14.373215675354004 + ], + [ + "▁Clio", + -14.373223304748535 + ], + [ + "dawn", + -14.373238563537598 + ], + [ + "Significantly", + -14.373246192932127 + ], + [ + "▁clockwork", + -14.373263359069824 + ], + [ + "efe", + -14.373291969299316 + ], + [ + "▁Recap", + -14.373311042785645 + ], + [ + "▁marshall", + -14.37337875366211 + ], + [ + "▁geniuses", + -14.373435974121094 + ], + [ + "▁backlink", + -14.37344455718994 + ], + [ + "▁awakens", + -14.373465538024902 + ], + [ + "▁settee", + -14.373506546020508 + ], + [ + "▁Cavalier", + -14.373520851135254 + ], + [ + "york", + -14.373538970947266 + ], + [ + "▁Lula", + -14.37354850769043 + ], + [ + "▁Smithfield", + -14.37358570098877 + ], + [ + "▁AFS", + -14.373607635498049 + ], + [ + "OVA", + -14.373697280883787 + ], + [ + "ssus", + -14.373867988586426 + ], + [ + "▁Tash", + -14.373876571655272 + ], + [ + "▁reclaiming", + -14.373888969421388 + ], + [ + "▁Holtz", + -14.373910903930664 + ], + [ + "5100", + -14.373939514160156 + ], + [ + "3+", + -14.373946189880373 + ], + [ + "68)", + -14.373958587646484 + ], + [ + "Wooden", + -14.373973846435549 + ], + [ + "▁jobsite", + -14.374009132385254 + ], + [ + "▁conceptually", + -14.374038696289062 + ], + [ + "▁Stash", + -14.37404441833496 + ], + [ + "▁pinky", + -14.37404727935791 + ], + [ + "▁Blooms", + -14.374073028564451 + ], + [ + "UNCH", + -14.374074935913086 + ], + [ + "Publish", + -14.374126434326172 + ], + [ + "▁Gentiles", + -14.374134063720703 + ], + [ + "▁newscast", + -14.374138832092283 + ], + [ + "▁laurels", + -14.374200820922852 + ], + [ + "SMEs", + -14.374226570129396 + ], + [ + "Pit", + -14.374281883239746 + ], + [ + "PATH", + -14.374296188354492 + ], + [ + "rith", + -14.374322891235352 + ], + [ + "▁Yal", + -14.374363899230955 + ], + [ + "PRINT", + -14.374531745910645 + ], + [ + "Shine", + -14.374564170837402 + ], + [ + "▁Mooney", + -14.374567031860352 + ], + [ + "▁Cracked", + -14.3745698928833 + ], + [ + "uwen", + -14.374571800231934 + ], + [ + "reduce", + -14.37458038330078 + ], + [ + "▁checkbook", + -14.374590873718262 + ], + [ + "▁Followers", + -14.37459945678711 + ], + [ + "▁synch", + -14.374621391296388 + ], + [ + "▁MDR", + -14.37465763092041 + ], + [ + "Porter", + -14.374710083007812 + ], + [ + "▁Blower", + -14.374720573425291 + ], + [ + "▁Emotions", + -14.374726295471191 + ], + [ + "nage", + -14.374757766723633 + ], + [ + "avour", + -14.374774932861328 + ], + [ + "▁Broome", + -14.374826431274414 + ], + [ + "(8):", + -14.37482738494873 + ], + [ + "tumor", + -14.37483024597168 + ], + [ + "Belle", + -14.374832153320312 + ], + [ + "FILL", + -14.374881744384766 + ], + [ + "▁biopharmaceutic", + -14.374897003173828 + ], + [ + "▁bender", + -14.374958992004396 + ], + [ + "▁Thiru", + -14.375028610229492 + ], + [ + "Herb", + -14.37509059906006 + ], + [ + "▁Pairing", + -14.37509536743164 + ], + [ + "▁Arca", + -14.37514877319336 + ], + [ + "judgmental", + -14.375184059143066 + ], + [ + "urious", + -14.375214576721191 + ], + [ + "▁Rhe", + -14.37524127960205 + ], + [ + "▁Kazu", + -14.375328063964844 + ], + [ + "▁Gaud", + -14.375341415405272 + ], + [ + "pris", + -14.37534236907959 + ], + [ + "▁triceps", + -14.37534523010254 + ], + [ + "▁skeptic", + -14.375370979309082 + ], + [ + "▁Babel", + -14.375420570373535 + ], + [ + "transit", + -14.375443458557127 + ], + [ + "▁socialise", + -14.375446319580078 + ], + [ + "▁2005;", + -14.375471115112305 + ], + [ + "▁overeating", + -14.375486373901367 + ], + [ + "▁worsens", + -14.375514030456545 + ], + [ + "▁Hann", + -14.375560760498049 + ], + [ + "▁gobble", + -14.375645637512209 + ], + [ + "Doo", + -14.375715255737305 + ], + [ + "▁shareware", + -14.375744819641112 + ], + [ + "3,500", + -14.375776290893556 + ], + [ + "PHC", + -14.375778198242188 + ], + [ + "▁JAM", + -14.3757963180542 + ], + [ + "▁ramped", + -14.3759183883667 + ], + [ + "▁Bling", + -14.37597942352295 + ], + [ + "rood", + -14.375988960266112 + ], + [ + "▁Upland", + -14.37602710723877 + ], + [ + "▁Elegance", + -14.376129150390623 + ], + [ + "▁Manganese", + -14.376143455505373 + ], + [ + "▁Nair", + -14.376154899597168 + ], + [ + "▁battleship", + -14.376181602478027 + ], + [ + "papa", + -14.37619972229004 + ], + [ + "Jill", + -14.376328468322754 + ], + [ + "adequate", + -14.376364707946776 + ], + [ + "vinyl", + -14.376391410827637 + ], + [ + "▁£17", + -14.376415252685549 + ], + [ + "▁WORD", + -14.376431465148926 + ], + [ + "Quad", + -14.376440048217772 + ], + [ + "intentioned", + -14.37645435333252 + ], + [ + "▁chopsticks", + -14.376476287841797 + ], + [ + "definitely", + -14.376507759094238 + ], + [ + "PIX", + -14.3765869140625 + ], + [ + "718", + -14.376721382141112 + ], + [ + "▁PIT", + -14.376769065856934 + ], + [ + "▁SGS", + -14.376829147338867 + ], + [ + "CHF", + -14.376900672912598 + ], + [ + "3:20", + -14.377009391784668 + ], + [ + "▁Ack", + -14.377015113830566 + ], + [ + "NAP", + -14.377155303955078 + ], + [ + "▁whitelist", + -14.37717056274414 + ], + [ + "Korea", + -14.377195358276367 + ], + [ + "▁Gamers", + -14.377280235290527 + ], + [ + "▁10:15", + -14.377294540405272 + ], + [ + "▁cantilever", + -14.37732219696045 + ], + [ + "▁apprehend", + -14.377323150634766 + ], + [ + "rested", + -14.37734031677246 + ], + [ + "▁Pek", + -14.37734031677246 + ], + [ + "▁Celebrations", + -14.377362251281738 + ], + [ + "▁midwest", + -14.377386093139648 + ], + [ + "captain", + -14.37743091583252 + ], + [ + "Hammer", + -14.377447128295898 + ], + [ + "Conservative", + -14.37745475769043 + ], + [ + "McDonald", + -14.37746238708496 + ], + [ + "Fifty", + -14.377463340759276 + ], + [ + "Manufacturing", + -14.377466201782228 + ], + [ + "Meditation", + -14.377469062805176 + ], + [ + "frozen", + -14.377480506896973 + ], + [ + "▁aloft", + -14.377551078796388 + ], + [ + "Olympic", + -14.377561569213867 + ], + [ + "fought", + -14.377571105957031 + ], + [ + "slightly", + -14.377593994140623 + ], + [ + "counsel", + -14.377605438232422 + ], + [ + "Adjustable", + -14.377606391906738 + ], + [ + "cero", + -14.37761116027832 + ], + [ + "Birthday", + -14.377663612365724 + ], + [ + "▁518", + -14.377707481384276 + ], + [ + "ATTENTION", + -14.377720832824709 + ], + [ + "▁Aperture", + -14.377720832824709 + ], + [ + "▁Feminine", + -14.377720832824709 + ], + [ + "▁Jocelyn", + -14.377720832824709 + ], + [ + "▁Resonance", + -14.377720832824709 + ], + [ + "▁Telluride", + -14.377720832824709 + ], + [ + "▁Thoroughbred", + -14.377720832824709 + ], + [ + "▁cultivator", + -14.377720832824709 + ], + [ + "▁inexplicably", + -14.377720832824709 + ], + [ + "▁lethargy", + -14.377720832824709 + ], + [ + "▁mitzvah", + -14.377720832824709 + ], + [ + "▁resumption", + -14.377720832824709 + ], + [ + "▁Candace", + -14.377721786499023 + ], + [ + "▁ANOTHER", + -14.377724647521973 + ], + [ + "▁Walsall", + -14.377724647521973 + ], + [ + "▁Kearney", + -14.377732276916504 + ], + [ + "▁Pagoda", + -14.37773609161377 + ], + [ + "▁Versus", + -14.37773609161377 + ], + [ + "▁Nestlé", + -14.377737045288086 + ], + [ + "▁confectionery", + -14.37773895263672 + ], + [ + "▁Chinook", + -14.377742767333984 + ], + [ + "▁Stansted", + -14.377742767333984 + ], + [ + "▁discernible", + -14.37774658203125 + ], + [ + "Tokyo", + -14.377747535705566 + ], + [ + "▁Nespresso", + -14.37775421142578 + ], + [ + "▁bovine", + -14.37775421142578 + ], + [ + "▁Machado", + -14.377755165100098 + ], + [ + "Blogging", + -14.377758026123049 + ], + [ + "▁botany", + -14.377767562866213 + ], + [ + "▁SolidWorks", + -14.37777614593506 + ], + [ + "▁caving", + -14.377777099609377 + ], + [ + "▁Miramar", + -14.377798080444336 + ], + [ + "▁Solano", + -14.377820014953612 + ], + [ + "▁unrecognized", + -14.377851486206056 + ], + [ + "▁rearranging", + -14.37790870666504 + ], + [ + "▁Neighbour", + -14.37791347503662 + ], + [ + "Toss", + -14.37791919708252 + ], + [ + "▁Philosophical", + -14.37792682647705 + ], + [ + "▁forefoot", + -14.377935409545898 + ], + [ + "NIGHT", + -14.37794303894043 + ], + [ + "▁Rudolf", + -14.37795066833496 + ], + [ + "▁ombre", + -14.377954483032228 + ], + [ + "Effects", + -14.37795639038086 + ], + [ + "▁Assorted", + -14.3779935836792 + ], + [ + "▁fireball", + -14.378009796142578 + ], + [ + "▁Deng", + -14.378024101257324 + ], + [ + "unu", + -14.378026962280272 + ], + [ + "1914", + -14.378042221069336 + ], + [ + "▁Simplify", + -14.378071784973145 + ], + [ + "▁Suffering", + -14.378073692321776 + ], + [ + "▁whiskies", + -14.378073692321776 + ], + [ + "▁milieu", + -14.378084182739258 + ], + [ + "▁Spindle", + -14.37811279296875 + ], + [ + "▁popsicle", + -14.378159523010254 + ], + [ + "▁hiccup", + -14.378161430358888 + ], + [ + "amount", + -14.378276824951172 + ], + [ + "VERSE", + -14.378284454345703 + ], + [ + "▁liberalism", + -14.378291130065918 + ], + [ + "▁reintroduced", + -14.378300666809082 + ], + [ + "▁signatory", + -14.378326416015623 + ], + [ + "▁Wildcat", + -14.378355979919434 + ], + [ + "Correction", + -14.378358840942385 + ], + [ + "▁Wiener", + -14.378376007080078 + ], + [ + "IFIED", + -14.37843418121338 + ], + [ + "DENT", + -14.37843894958496 + ], + [ + "▁bandits", + -14.37845230102539 + ], + [ + "PPI", + -14.37846851348877 + ], + [ + "vila", + -14.378509521484377 + ], + [ + "Sisi", + -14.378520965576172 + ], + [ + "measured", + -14.378536224365234 + ], + [ + "Armed", + -14.378560066223145 + ], + [ + "▁Mauna", + -14.37856388092041 + ], + [ + "▁Torino", + -14.378568649291992 + ], + [ + "▁Sully", + -14.378575325012209 + ], + [ + "▁redirection", + -14.378586769104004 + ], + [ + "▁repressed", + -14.378620147705078 + ], + [ + "▁spillage", + -14.378643035888672 + ], + [ + "▁Racism", + -14.378682136535645 + ], + [ + "▁seamstress", + -14.378697395324709 + ], + [ + "▁insulator", + -14.378702163696287 + ], + [ + "▁Andrei", + -14.378738403320312 + ], + [ + "▁stalked", + -14.378786087036133 + ], + [ + "owl", + -14.37881565093994 + ], + [ + "quier", + -14.378835678100586 + ], + [ + "▁ASOS", + -14.378835678100586 + ], + [ + "▁dung", + -14.378849029541016 + ], + [ + "▁downplay", + -14.37885570526123 + ], + [ + "▁reverberate", + -14.378868103027344 + ], + [ + "▁Minion", + -14.378887176513672 + ], + [ + "willing", + -14.37890911102295 + ], + [ + "▁Marisa", + -14.37890911102295 + ], + [ + "▁Xian", + -14.37904453277588 + ], + [ + "▁plumb", + -14.379056930541992 + ], + [ + "container", + -14.379064559936523 + ], + [ + "▁Mille", + -14.379084587097168 + ], + [ + "XM", + -14.379132270812988 + ], + [ + "▁blacklisted", + -14.379144668579102 + ], + [ + "▁foi", + -14.37915325164795 + ], + [ + "▁1833", + -14.379164695739746 + ], + [ + "▁(250", + -14.379191398620604 + ], + [ + "▁tarps", + -14.3792724609375 + ], + [ + "▁Concerns", + -14.379344940185549 + ], + [ + "rao", + -14.379345893859863 + ], + [ + "Protecting", + -14.379347801208496 + ], + [ + "▁subgroups", + -14.37938117980957 + ], + [ + "BCC", + -14.37940502166748 + ], + [ + "mould", + -14.37946891784668 + ], + [ + "slim", + -14.379549026489258 + ], + [ + "▁commando", + -14.379558563232422 + ], + [ + "▁compactor", + -14.379590034484863 + ], + [ + "▁FCS", + -14.379687309265137 + ], + [ + "▁7/8\"", + -14.379691123962402 + ], + [ + "mundo", + -14.37969207763672 + ], + [ + "Candy", + -14.379701614379885 + ], + [ + "▁Varun", + -14.379708290100098 + ], + [ + "FCA", + -14.379715919494627 + ], + [ + "Mn", + -14.379761695861816 + ], + [ + "propyl", + -14.379834175109863 + ], + [ + "▁Mew", + -14.37985610961914 + ], + [ + "▁DEMO", + -14.379892349243164 + ], + [ + "▁carpal", + -14.379932403564451 + ], + [ + "▁spatially", + -14.37997817993164 + ], + [ + "▁Sabi", + -14.38003158569336 + ], + [ + "Schu", + -14.380091667175291 + ], + [ + "owen", + -14.38014316558838 + ], + [ + "Cheer", + -14.380342483520508 + ], + [ + "▁conventionally", + -14.38034725189209 + ], + [ + "RJ", + -14.380349159240724 + ], + [ + "▁Celeb", + -14.380367279052734 + ], + [ + "▁OPS", + -14.380443572998049 + ], + [ + "rty", + -14.380450248718262 + ], + [ + "kota", + -14.380454063415527 + ], + [ + "▁Giu", + -14.38049030303955 + ], + [ + "alise", + -14.380560874938965 + ], + [ + "▁Wilk", + -14.380576133728027 + ], + [ + "cek", + -14.38058090209961 + ], + [ + "▁Yeti", + -14.38058090209961 + ], + [ + "▁outcrop", + -14.380590438842772 + ], + [ + "▁CNG", + -14.380634307861328 + ], + [ + "EMI", + -14.380698204040527 + ], + [ + "▁DISC", + -14.380879402160645 + ], + [ + "▁OBC", + -14.380882263183594 + ], + [ + "Payments", + -14.380904197692873 + ], + [ + "▁fringed", + -14.380910873413086 + ], + [ + "chner", + -14.38103199005127 + ], + [ + "▁(95%", + -14.381046295166016 + ], + [ + "raise", + -14.38107967376709 + ], + [ + "rdi", + -14.381322860717772 + ], + [ + "*****", + -14.381364822387695 + ], + [ + "Knead", + -14.381385803222656 + ], + [ + "▁Rohit", + -14.381396293640137 + ], + [ + "▁TPU", + -14.381410598754885 + ], + [ + "▁ruck", + -14.381418228149414 + ], + [ + "EAST", + -14.381452560424805 + ], + [ + "▁(150", + -14.381467819213867 + ], + [ + "coff", + -14.381507873535156 + ], + [ + "addling", + -14.381668090820312 + ], + [ + "dna", + -14.38185691833496 + ], + [ + "Levi", + -14.381880760192873 + ], + [ + "▁Scrape", + -14.381912231445312 + ], + [ + "graphics", + -14.381925582885742 + ], + [ + "▁wayward", + -14.381976127624512 + ], + [ + "▁Progressives", + -14.38200855255127 + ], + [ + "▁papal", + -14.38217830657959 + ], + [ + "▁Gila", + -14.382196426391602 + ], + [ + "▁crooks", + -14.382254600524902 + ], + [ + "▁CBP", + -14.382262229919434 + ], + [ + "▁Origami", + -14.382304191589355 + ], + [ + "▁springing", + -14.382320404052734 + ], + [ + "oscope", + -14.382352828979492 + ], + [ + "awat", + -14.382405281066896 + ], + [ + "▁principled", + -14.382412910461426 + ], + [ + "▁remittances", + -14.382463455200195 + ], + [ + "stitute", + -14.382527351379396 + ], + [ + "transaction", + -14.382568359375 + ], + [ + "ukka", + -14.382577896118164 + ], + [ + "emble", + -14.382640838623049 + ], + [ + "▁Ghaz", + -14.38264274597168 + ], + [ + "▁Consistency", + -14.38274383544922 + ], + [ + "▁scooping", + -14.38277530670166 + ], + [ + "▁Dick", + -14.382932662963867 + ], + [ + "▁Recharge", + -14.382960319519045 + ], + [ + "▁IPCC", + -14.38304615020752 + ], + [ + "▁Desserts", + -14.383073806762695 + ], + [ + "▁Rua", + -14.383111000061035 + ], + [ + "▁Newmarket", + -14.383146286010742 + ], + [ + "▁Kazan", + -14.383196830749512 + ], + [ + "zumi", + -14.38323974609375 + ], + [ + "(9):", + -14.383317947387695 + ], + [ + "urdy", + -14.383330345153809 + ], + [ + "▁Fido", + -14.38337230682373 + ], + [ + "▁RHS", + -14.383386611938477 + ], + [ + "▁heavyweights", + -14.383424758911133 + ], + [ + "erge", + -14.38348388671875 + ], + [ + "▁complicit", + -14.383490562438965 + ], + [ + "Surprise", + -14.383508682250977 + ], + [ + "▁Banco", + -14.38353157043457 + ], + [ + "Carrie", + -14.38357925415039 + ], + [ + "Negative", + -14.383621215820312 + ], + [ + "altitude", + -14.383628845214844 + ], + [ + "Olivia", + -14.38363265991211 + ], + [ + "▁Boring", + -14.38364028930664 + ], + [ + "▁fic", + -14.383641242980955 + ], + [ + "tailored", + -14.38364315032959 + ], + [ + "▁Incredibly", + -14.383644104003906 + ], + [ + "Barcelona", + -14.383648872375488 + ], + [ + "Supplier", + -14.383660316467283 + ], + [ + "Granite", + -14.38366985321045 + ], + [ + "Racing", + -14.383670806884766 + ], + [ + "Efficient", + -14.383674621582031 + ], + [ + "jong", + -14.38369846343994 + ], + [ + "fraud", + -14.383713722229004 + ], + [ + "Trends", + -14.383726119995115 + ], + [ + "▁Statutes", + -14.383737564086914 + ], + [ + "▁BECAUSE", + -14.383745193481444 + ], + [ + "▁Chhattisgarh", + -14.383745193481444 + ], + [ + "▁Collingwood", + -14.383745193481444 + ], + [ + "▁EQUIPMENT", + -14.383745193481444 + ], + [ + "▁Lourdes", + -14.383745193481444 + ], + [ + "▁acetaminophen", + -14.383745193481444 + ], + [ + "▁compensatory", + -14.383745193481444 + ], + [ + "▁idiosyncratic", + -14.383745193481444 + ], + [ + "▁impassioned", + -14.383745193481444 + ], + [ + "▁lopsided", + -14.383745193481444 + ], + [ + "▁melancholic", + -14.383745193481444 + ], + [ + "▁procrastinating", + -14.383745193481444 + ], + [ + "▁résumé", + -14.383745193481444 + ], + [ + "▁secretariat", + -14.383746147155762 + ], + [ + "▁Yerevan", + -14.383747100830078 + ], + [ + "▁Afraid", + -14.383748054504396 + ], + [ + "▁Grapevine", + -14.383748054504396 + ], + [ + "▁Schaefer", + -14.383748054504396 + ], + [ + "▁Estuary", + -14.383749008178713 + ], + [ + "▁Yamamoto", + -14.383749008178713 + ], + [ + "▁Aggressive", + -14.383749961853027 + ], + [ + "▁necrosis", + -14.383749961853027 + ], + [ + "▁Battersea", + -14.383750915527344 + ], + [ + "▁Cayenne", + -14.383750915527344 + ], + [ + "▁QUICK", + -14.383750915527344 + ], + [ + "▁horrid", + -14.383750915527344 + ], + [ + "▁(877)", + -14.38375186920166 + ], + [ + "▁DELHI", + -14.38375186920166 + ], + [ + "▁Metabolic", + -14.38375186920166 + ], + [ + "▁shoving", + -14.38375186920166 + ], + [ + "▁Antoinette", + -14.383753776550291 + ], + [ + "▁Zazzle", + -14.383756637573242 + ], + [ + "▁Henrietta", + -14.383758544921877 + ], + [ + "▁kinematic", + -14.383761405944824 + ], + [ + "▁admissible", + -14.383763313293455 + ], + [ + "▁Bloomsbury", + -14.383764266967772 + ], + [ + "▁curative", + -14.383767127990724 + ], + [ + "▁Gasoline", + -14.383774757385254 + ], + [ + "▁alluvial", + -14.383790016174316 + ], + [ + "▁immutable", + -14.383793830871582 + ], + [ + "▁unfathomable", + -14.383793830871582 + ], + [ + "▁predeceased", + -14.383801460266112 + ], + [ + "▁Rambler", + -14.383814811706545 + ], + [ + "▁variegated", + -14.38382339477539 + ], + [ + "▁lightsaber", + -14.383824348449709 + ], + [ + "▁Cicero", + -14.383832931518556 + ], + [ + "▁boxy", + -14.38383674621582 + ], + [ + "▁FLASH", + -14.383840560913086 + ], + [ + "▁quay", + -14.38384246826172 + ], + [ + "▁Gorsuch", + -14.383843421936035 + ], + [ + "▁elasticated", + -14.383853912353516 + ], + [ + "riders", + -14.383858680725098 + ], + [ + "Newsletter", + -14.383861541748049 + ], + [ + "▁remanufactured", + -14.383867263793944 + ], + [ + "Digi", + -14.383868217468262 + ], + [ + "jic", + -14.383962631225586 + ], + [ + "▁Dota", + -14.383968353271484 + ], + [ + "▁Allocation", + -14.383980751037598 + ], + [ + "▁walleye", + -14.383991241455078 + ], + [ + "extended", + -14.38400173187256 + ], + [ + "▁OpenOffice", + -14.384013175964355 + ], + [ + "▁Orissa", + -14.38403034210205 + ], + [ + "▁Denial", + -14.384076118469238 + ], + [ + "bulk", + -14.384093284606934 + ], + [ + "▁Kanpur", + -14.384095191955566 + ], + [ + "▁KISS", + -14.38412857055664 + ], + [ + "nvidia", + -14.38417625427246 + ], + [ + "sightedness", + -14.384190559387209 + ], + [ + "vault", + -14.384204864501951 + ], + [ + "▁Kmart", + -14.3842191696167 + ], + [ + "▁Coldwell", + -14.384222030639648 + ], + [ + "▁biofilm", + -14.384259223937988 + ], + [ + "pso", + -14.384288787841797 + ], + [ + "▁milkshake", + -14.384307861328123 + ], + [ + "▁frothy", + -14.384358406066896 + ], + [ + "Plugin", + -14.38436222076416 + ], + [ + "tourist", + -14.384364128112791 + ], + [ + "▁refurbishing", + -14.384376525878906 + ], + [ + "▁Babylonian", + -14.384377479553224 + ], + [ + "Poland", + -14.38440227508545 + ], + [ + "▁HANA", + -14.384435653686523 + ], + [ + "KIT", + -14.384440422058104 + ], + [ + "▁Cooktop", + -14.384459495544434 + ], + [ + "▁censored", + -14.384485244750977 + ], + [ + "▁stuttering", + -14.384485244750977 + ], + [ + "976", + -14.384501457214355 + ], + [ + "▁Yuki", + -14.384532928466797 + ], + [ + "▁FCP", + -14.384550094604492 + ], + [ + "▁7500", + -14.384769439697266 + ], + [ + "Automate", + -14.384811401367188 + ], + [ + "▁535", + -14.384818077087402 + ], + [ + "▁VOTE", + -14.384820938110352 + ], + [ + "▁precipitate", + -14.3848295211792 + ], + [ + "068", + -14.384847640991213 + ], + [ + "Than", + -14.384864807128906 + ], + [ + "barn", + -14.384883880615234 + ], + [ + "▁Ditto", + -14.384888648986816 + ], + [ + "▁MAGIC", + -14.384900093078612 + ], + [ + "▁Yeo", + -14.384913444519045 + ], + [ + "▁inhumane", + -14.384936332702637 + ], + [ + "▁Janine", + -14.385026931762695 + ], + [ + "▁boarders", + -14.385028839111328 + ], + [ + "▁apologised", + -14.385052680969238 + ], + [ + "dvd", + -14.385064125061035 + ], + [ + "▁ADM", + -14.385087013244627 + ], + [ + "▁lingered", + -14.385119438171388 + ], + [ + "▁Renter", + -14.385149002075195 + ], + [ + "▁looted", + -14.3851900100708 + ], + [ + "▁dived", + -14.385214805603027 + ], + [ + "mailing", + -14.385252952575684 + ], + [ + "▁Committed", + -14.385346412658691 + ], + [ + "ambul", + -14.385347366333008 + ], + [ + "Numbers", + -14.385355949401855 + ], + [ + "▁yep", + -14.38545036315918 + ], + [ + "▁Henan", + -14.38548469543457 + ], + [ + "▁cheerfully", + -14.385513305664062 + ], + [ + "▁buttoned", + -14.3855562210083 + ], + [ + "cookie", + -14.385589599609377 + ], + [ + "▁capitalizing", + -14.385655403137209 + ], + [ + "▁Dire", + -14.385767936706545 + ], + [ + "ported", + -14.385787010192873 + ], + [ + "▁MMR", + -14.385808944702148 + ], + [ + "anum", + -14.385869979858398 + ], + [ + "▁limousines", + -14.38593864440918 + ], + [ + "▁smuggle", + -14.385939598083496 + ], + [ + "anje", + -14.385964393615724 + ], + [ + "▁Logical", + -14.385979652404783 + ], + [ + "lico", + -14.386000633239746 + ], + [ + "▁cli", + -14.386008262634276 + ], + [ + "▁quicken", + -14.38601016998291 + ], + [ + "Virtu", + -14.386049270629885 + ], + [ + "▁Emirati", + -14.38615894317627 + ], + [ + "▁55,000", + -14.386176109313965 + ], + [ + "▁rationally", + -14.386180877685549 + ], + [ + "▁Kaya", + -14.386190414428713 + ], + [ + "▁grates", + -14.386194229125977 + ], + [ + "bout", + -14.386260986328123 + ], + [ + "remain", + -14.386268615722656 + ], + [ + "▁Muriel", + -14.38629913330078 + ], + [ + "▁crit", + -14.386364936828612 + ], + [ + "▁Mehr", + -14.38638401031494 + ], + [ + "COMP", + -14.386415481567385 + ], + [ + "▁OBD", + -14.386433601379396 + ], + [ + "$8", + -14.386462211608888 + ], + [ + "▁Encounters", + -14.386468887329102 + ], + [ + "-1960", + -14.38657569885254 + ], + [ + "964", + -14.386584281921388 + ], + [ + "▁Southend", + -14.386615753173828 + ], + [ + "bronze", + -14.38664722442627 + ], + [ + "▁CAST", + -14.38666820526123 + ], + [ + "▁Elephants", + -14.386752128601074 + ], + [ + "▁GTO", + -14.386763572692873 + ], + [ + "▁Changer", + -14.386815071105955 + ], + [ + "▁9:45", + -14.386899948120115 + ], + [ + "▁Compress", + -14.386913299560549 + ], + [ + "▁Dati", + -14.386924743652344 + ], + [ + "ACHI", + -14.386961936950684 + ], + [ + "▁workbooks", + -14.38699436187744 + ], + [ + "Mean", + -14.38702392578125 + ], + [ + "ROT", + -14.387029647827148 + ], + [ + "ophilus", + -14.387043952941896 + ], + [ + "COE", + -14.387054443359377 + ], + [ + "macher", + -14.387078285217283 + ], + [ + "olytic", + -14.38709545135498 + ], + [ + "▁fella", + -14.38710594177246 + ], + [ + "▁Neve", + -14.387137413024902 + ], + [ + "▁mightily", + -14.387271881103516 + ], + [ + "BRIDGE", + -14.387344360351562 + ], + [ + "▁Southfield", + -14.387351989746094 + ], + [ + "▁Goode", + -14.387378692626951 + ], + [ + "antonio", + -14.387380599975586 + ], + [ + "rasse", + -14.38749885559082 + ], + [ + "Fen", + -14.387505531311035 + ], + [ + "Shade", + -14.387564659118652 + ], + [ + "▁Hoss", + -14.387590408325195 + ], + [ + "ective", + -14.387699127197266 + ], + [ + "questions", + -14.387799263000488 + ], + [ + "▁dismount", + -14.387834548950195 + ], + [ + "▁trike", + -14.387839317321776 + ], + [ + "obble", + -14.387845039367676 + ], + [ + "▁SSDs", + -14.387845039367676 + ], + [ + "▁billiards", + -14.387876510620115 + ], + [ + "terrain", + -14.387929916381836 + ], + [ + "▁Muj", + -14.387937545776367 + ], + [ + "▁(13)", + -14.387986183166504 + ], + [ + "ordering", + -14.38805103302002 + ], + [ + "▁NYT", + -14.388089179992676 + ], + [ + "▁Waldo", + -14.388089179992676 + ], + [ + "▁oust", + -14.388134956359863 + ], + [ + "▁Miscellaneous", + -14.388175010681152 + ], + [ + "CCS", + -14.388226509094238 + ], + [ + "▁#20", + -14.38830852508545 + ], + [ + "▁Meters", + -14.388319969177246 + ], + [ + "▁enigma", + -14.388333320617676 + ], + [ + "arena", + -14.38833999633789 + ], + [ + "▁chaff", + -14.388340950012209 + ], + [ + "▁Dependent", + -14.388341903686523 + ], + [ + "▁kinks", + -14.388399124145508 + ], + [ + "uren", + -14.388425827026367 + ], + [ + "▁Lila", + -14.38851261138916 + ], + [ + "Leonard", + -14.388544082641602 + ], + [ + "ipo", + -14.388557434082031 + ], + [ + "▁MDS", + -14.38863754272461 + ], + [ + "▁Gaw", + -14.388733863830566 + ], + [ + "mose", + -14.3887357711792 + ], + [ + "▁pews", + -14.38879108428955 + ], + [ + "FIRE", + -14.388813972473145 + ], + [ + "intra", + -14.388886451721191 + ], + [ + "Amen", + -14.388906478881836 + ], + [ + "Ronald", + -14.388909339904783 + ], + [ + "▁thrash", + -14.388949394226074 + ], + [ + "▁Ninety", + -14.3889799118042 + ], + [ + "magnet", + -14.389016151428224 + ], + [ + "Forge", + -14.389042854309082 + ], + [ + "▁gymnast", + -14.389047622680664 + ], + [ + "▁VSI", + -14.38905143737793 + ], + [ + "Crypto", + -14.38905906677246 + ], + [ + "▁DRY", + -14.389068603515623 + ], + [ + "ASI", + -14.389117240905762 + ], + [ + "▁Rach", + -14.389127731323242 + ], + [ + "▁soundscapes", + -14.389135360717772 + ], + [ + "▁Infosys", + -14.389182090759276 + ], + [ + "▁30-60", + -14.389230728149414 + ], + [ + "docx", + -14.38927173614502 + ], + [ + "▁scoot", + -14.389291763305664 + ], + [ + "▁Gino", + -14.389299392700195 + ], + [ + "▁feasting", + -14.389323234558104 + ], + [ + "▁Allstate", + -14.38933277130127 + ], + [ + "▁Kobo", + -14.389338493347168 + ], + [ + "SALE", + -14.389406204223633 + ], + [ + "Provision", + -14.389521598815918 + ], + [ + "▁pimp", + -14.3895263671875 + ], + [ + "judicat", + -14.38955783843994 + ], + [ + "▁Taxpayer", + -14.389586448669434 + ], + [ + "▁wintertime", + -14.38970947265625 + ], + [ + "▁Meso", + -14.389716148376465 + ], + [ + "▁Tse", + -14.389769554138184 + ], + [ + "Calendar", + -14.389800071716309 + ], + [ + "▁Aditya", + -14.38980484008789 + ], + [ + "Hallelujah", + -14.389805793762209 + ], + [ + "▁Innsbruck", + -14.389805793762209 + ], + [ + "▁Joachim", + -14.389805793762209 + ], + [ + "▁Sandusky", + -14.389805793762209 + ], + [ + "▁conservatism", + -14.389805793762209 + ], + [ + "▁delinquency", + -14.389805793762209 + ], + [ + "▁diflucan", + -14.389805793762209 + ], + [ + "▁mimosa", + -14.389805793762209 + ], + [ + "▁peonies", + -14.389805793762209 + ], + [ + "▁salinity", + -14.389805793762209 + ], + [ + "▁unattainable", + -14.389805793762209 + ], + [ + "▁unfettered", + -14.389805793762209 + ], + [ + "▁Fasteners", + -14.389806747436523 + ], + [ + "▁cappella", + -14.389806747436523 + ], + [ + "▁niacin", + -14.389806747436523 + ], + [ + "▁Competency", + -14.38980770111084 + ], + [ + "▁Skeleton", + -14.38980770111084 + ], + [ + "▁Equivalent", + -14.389808654785156 + ], + [ + "▁Oxfam", + -14.389808654785156 + ], + [ + "1:05", + -14.389809608459473 + ], + [ + "Gervais", + -14.389811515808104 + ], + [ + "▁Pokhara", + -14.389812469482422 + ], + [ + "▁credence", + -14.38981819152832 + ], + [ + "▁spectrometer", + -14.38982105255127 + ], + [ + "▁ULTRA", + -14.389826774597168 + ], + [ + "composite", + -14.38983154296875 + ], + [ + "▁Communism", + -14.389838218688965 + ], + [ + "▁hapless", + -14.38983917236328 + ], + [ + "Fifth", + -14.389849662780762 + ], + [ + "▁(1984)", + -14.389850616455078 + ], + [ + "Acquiring", + -14.38985824584961 + ], + [ + "Dollar", + -14.389859199523926 + ], + [ + "Jeffrey", + -14.389859199523926 + ], + [ + "Shannon", + -14.38986110687256 + ], + [ + "Architecture", + -14.389862060546877 + ], + [ + "Alfred", + -14.389863967895508 + ], + [ + "▁challengers", + -14.38987159729004 + ], + [ + "▁Queries", + -14.389873504638672 + ], + [ + "▁sipped", + -14.389877319335938 + ], + [ + "▁audiophile", + -14.389878273010254 + ], + [ + "Scholarship", + -14.389885902404783 + ], + [ + "▁cheeseburger", + -14.38990592956543 + ], + [ + "▁deadbolt", + -14.38991928100586 + ], + [ + "Evaluation", + -14.389925956726074 + ], + [ + "Pingback", + -14.389955520629885 + ], + [ + "▁Tricia", + -14.389971733093262 + ], + [ + "▁Chianti", + -14.389972686767578 + ], + [ + "▁Vinny", + -14.390008926391602 + ], + [ + "▁cowardly", + -14.390055656433104 + ], + [ + "buffer", + -14.390081405639648 + ], + [ + "▁rehash", + -14.390085220336914 + ], + [ + "▁Ghosh", + -14.390091896057127 + ], + [ + "▁Alderman", + -14.390101432800291 + ], + [ + "▁Zayed", + -14.390103340148926 + ], + [ + "▁Landon", + -14.39011573791504 + ], + [ + "▁democratically", + -14.390125274658203 + ], + [ + "▁Trimmer", + -14.390130043029783 + ], + [ + "▁hank", + -14.390140533447266 + ], + [ + "azzo", + -14.390148162841797 + ], + [ + "▁Salvage", + -14.390164375305176 + ], + [ + "▁evicted", + -14.39017391204834 + ], + [ + "inflation", + -14.390175819396973 + ], + [ + "▁immunizations", + -14.39019775390625 + ], + [ + "▁Bannon", + -14.390198707580566 + ], + [ + "▁sundry", + -14.39023208618164 + ], + [ + "▁DCI", + -14.390251159667969 + ], + [ + "Physician", + -14.39026165008545 + ], + [ + "Owen", + -14.390271186828612 + ], + [ + "steak", + -14.390294075012209 + ], + [ + "▁thumping", + -14.390360832214355 + ], + [ + "alp", + -14.390395164489746 + ], + [ + "▁chickpea", + -14.390405654907228 + ], + [ + "▁Seagate", + -14.390414237976074 + ], + [ + "▁NSX", + -14.39041519165039 + ], + [ + "▁prostitute", + -14.39041805267334 + ], + [ + "▁decluttering", + -14.390460968017578 + ], + [ + "▁Kombat", + -14.390477180480955 + ], + [ + "▁dampness", + -14.390488624572754 + ], + [ + "iha", + -14.390499114990234 + ], + [ + "▁wetting", + -14.390510559082031 + ], + [ + "▁Glossy", + -14.390521049499512 + ], + [ + "▁repositioning", + -14.390542984008787 + ], + [ + "Technically", + -14.39055347442627 + ], + [ + "▁nibs", + -14.39059829711914 + ], + [ + "▁geologists", + -14.390684127807615 + ], + [ + "▁fabricating", + -14.390703201293944 + ], + [ + "ир", + -14.390727996826172 + ], + [ + "▁Feld", + -14.39074420928955 + ], + [ + "▁Salute", + -14.390798568725586 + ], + [ + "GRO", + -14.390799522399902 + ], + [ + "/7/", + -14.390854835510254 + ], + [ + "▁hillsides", + -14.39085865020752 + ], + [ + "▁hemline", + -14.390867233276367 + ], + [ + "▁Conley", + -14.39089584350586 + ], + [ + "▁Merton", + -14.390896797180176 + ], + [ + "▁baccalaureate", + -14.390931129455566 + ], + [ + "ultimate", + -14.391031265258787 + ], + [ + "▁tinged", + -14.391050338745115 + ], + [ + "selective", + -14.391179084777832 + ], + [ + "garten", + -14.391201972961426 + ], + [ + "894", + -14.39121150970459 + ], + [ + "▁Crom", + -14.391234397888184 + ], + [ + "▁lengthening", + -14.39129638671875 + ], + [ + "▁Collectively", + -14.391305923461914 + ], + [ + "▁Bambi", + -14.391317367553713 + ], + [ + "▁Backing", + -14.391419410705566 + ], + [ + "▁Franken", + -14.39142608642578 + ], + [ + "▁Romain", + -14.391549110412598 + ], + [ + "▁ADF", + -14.391575813293455 + ], + [ + "stamped", + -14.39159870147705 + ], + [ + "▁(49", + -14.391690254211426 + ], + [ + "▁cartels", + -14.391706466674805 + ], + [ + "▁Dall", + -14.391718864440918 + ], + [ + "Completely", + -14.391742706298828 + ], + [ + "▁readjust", + -14.391807556152344 + ], + [ + "▁Passionate", + -14.391822814941406 + ], + [ + "▁shoveling", + -14.39193630218506 + ], + [ + "alike", + -14.391983032226562 + ], + [ + "▁Cereal", + -14.39203643798828 + ], + [ + "occi", + -14.392046928405762 + ], + [ + "▁rebalance", + -14.39220142364502 + ], + [ + "1.9%", + -14.39223575592041 + ], + [ + "▁Azul", + -14.392289161682127 + ], + [ + "▁Targeting", + -14.392401695251465 + ], + [ + "hic", + -14.392478942871094 + ], + [ + "IKA", + -14.392523765563965 + ], + [ + "▁handcraft", + -14.392611503601074 + ], + [ + "Preache", + -14.392650604248049 + ], + [ + "dpi", + -14.392655372619627 + ], + [ + "▁Bayside", + -14.39267921447754 + ], + [ + "FRC", + -14.39269733428955 + ], + [ + "▁midpoint", + -14.392708778381348 + ], + [ + "▁rockin", + -14.393113136291504 + ], + [ + "▁spi", + -14.39311408996582 + ], + [ + "▁27,000", + -14.393122673034668 + ], + [ + "▁flavonoids", + -14.393126487731934 + ], + [ + "▁HCC", + -14.393170356750488 + ], + [ + "specialist", + -14.393240928649902 + ], + [ + "omycin", + -14.393293380737305 + ], + [ + "axle", + -14.39334774017334 + ], + [ + "limp", + -14.39340877532959 + ], + [ + "4.75", + -14.393424987792969 + ], + [ + "admi", + -14.39345932006836 + ], + [ + "▁apothecary", + -14.393528938293455 + ], + [ + "slope", + -14.39354133605957 + ], + [ + "beard", + -14.393546104431152 + ], + [ + "▁Hometown", + -14.393548965454102 + ], + [ + "▁Pelicans", + -14.393548965454102 + ], + [ + "▁Yachts", + -14.393599510192873 + ], + [ + "▁rebooting", + -14.39365577697754 + ], + [ + "Adv", + -14.393657684326172 + ], + [ + "▁deform", + -14.393728256225586 + ], + [ + "▁Gaspar", + -14.393735885620115 + ], + [ + "▁LOA", + -14.393804550170898 + ], + [ + "turner", + -14.39383602142334 + ], + [ + "▁revolutionise", + -14.393837928771973 + ], + [ + "relative", + -14.393892288208008 + ], + [ + "▁bestellen", + -14.393912315368652 + ], + [ + "▁Rena", + -14.39396858215332 + ], + [ + "completed", + -14.3939790725708 + ], + [ + "capita", + -14.394087791442873 + ], + [ + "▁Chamomile", + -14.394137382507324 + ], + [ + "hopped", + -14.394142150878906 + ], + [ + "▁8.9", + -14.394142150878906 + ], + [ + "bina", + -14.394179344177246 + ], + [ + "emerge", + -14.394187927246094 + ], + [ + "▁dings", + -14.39418888092041 + ], + [ + "▁15:1", + -14.394246101379396 + ], + [ + "uction", + -14.394298553466797 + ], + [ + "▁Umm", + -14.394379615783691 + ], + [ + "/30/201", + -14.39438533782959 + ], + [ + "▁Cairn", + -14.394417762756348 + ], + [ + "▁Gregor", + -14.394432067871094 + ], + [ + "Changed", + -14.394495964050291 + ], + [ + "▁McLa", + -14.394498825073242 + ], + [ + "▁Activ", + -14.39449977874756 + ], + [ + "▁materialism", + -14.39452075958252 + ], + [ + "▁codeine", + -14.39454460144043 + ], + [ + "▁Tham", + -14.39462184906006 + ], + [ + "▁UCF", + -14.394657135009766 + ], + [ + "▁Jama", + -14.394679069519045 + ], + [ + "SUR", + -14.394722938537598 + ], + [ + "▁Marked", + -14.394728660583496 + ], + [ + "$200", + -14.39475917816162 + ], + [ + "mbal", + -14.394765853881836 + ], + [ + "validation", + -14.394770622253418 + ], + [ + "▁wishful", + -14.394834518432615 + ], + [ + "EGO", + -14.39486312866211 + ], + [ + "▁(65", + -14.394872665405272 + ], + [ + "▁industrialist", + -14.394935607910156 + ], + [ + "▁Remo", + -14.394991874694824 + ], + [ + "nster", + -14.395041465759276 + ], + [ + "▁(54", + -14.395042419433594 + ], + [ + "▁arabia", + -14.39511013031006 + ], + [ + "Construct", + -14.395177841186523 + ], + [ + "1901", + -14.395220756530762 + ], + [ + "▁12:4", + -14.395225524902344 + ], + [ + "▁hummingbirds", + -14.395254135131836 + ], + [ + "▁Anyhow", + -14.395299911499023 + ], + [ + "▁Dada", + -14.395323753356934 + ], + [ + "▁Suspect", + -14.395358085632324 + ], + [ + "▁patriot", + -14.395437240600586 + ], + [ + "▁deduce", + -14.395447731018066 + ], + [ + "Nex", + -14.395480155944824 + ], + [ + "▁adjourn", + -14.39550495147705 + ], + [ + "▁engulf", + -14.395505905151367 + ], + [ + "▁Meier", + -14.395666122436523 + ], + [ + "Rinse", + -14.39573097229004 + ], + [ + "purposed", + -14.395743370056152 + ], + [ + "DISCLAIMER", + -14.39578914642334 + ], + [ + "studies", + -14.395793914794922 + ], + [ + "▁surefire", + -14.395797729492188 + ], + [ + "▁bobbin", + -14.39580535888672 + ], + [ + "9-10", + -14.395812034606934 + ], + [ + "ILS", + -14.395872116088867 + ], + [ + "▁scapegoat", + -14.395902633666992 + ], + [ + "▁Gatlinburg", + -14.395903587341309 + ], + [ + "▁mediocrity", + -14.395903587341309 + ], + [ + "▁parallax", + -14.395903587341309 + ], + [ + "▁slalom", + -14.395903587341309 + ], + [ + "▁uncluttered", + -14.395903587341309 + ], + [ + "▁vashikaran", + -14.395903587341309 + ], + [ + "Colossians", + -14.395904541015623 + ], + [ + "Possibility", + -14.39590549468994 + ], + [ + "▁AMR", + -14.39590549468994 + ], + [ + "▁Cognac", + -14.39590549468994 + ], + [ + "Consuming", + -14.395907402038574 + ], + [ + "▁neuromuscular", + -14.395907402038574 + ], + [ + "▁cursive", + -14.395909309387209 + ], + [ + "▁Faisal", + -14.395910263061523 + ], + [ + "▁practicum", + -14.395915031433104 + ], + [ + "▁interracial", + -14.39592456817627 + ], + [ + "▁pitiful", + -14.395925521850586 + ], + [ + "▁Windshield", + -14.395928382873535 + ], + [ + "▁silliness", + -14.395931243896484 + ], + [ + "▁LEAF", + -14.395947456359863 + ], + [ + "▁Livermore", + -14.395953178405762 + ], + [ + "▁Duplicate", + -14.395955085754396 + ], + [ + "Ivoire", + -14.395956993103027 + ], + [ + "▁BSP", + -14.39597988128662 + ], + [ + "▁CMP", + -14.395981788635254 + ], + [ + "▁deterministic", + -14.395983695983888 + ], + [ + "Excluding", + -14.395991325378418 + ], + [ + "▁Haiku", + -14.39599895477295 + ], + [ + "▁lymphocytes", + -14.396044731140137 + ], + [ + "▁Santi", + -14.39604663848877 + ], + [ + "▁Tencent", + -14.396052360534668 + ], + [ + "isn", + -14.396074295043944 + ], + [ + "Sterling", + -14.396100044250488 + ], + [ + "Orlando", + -14.39610195159912 + ], + [ + "Ukraine", + -14.39610195159912 + ], + [ + "▁Krabi", + -14.396102905273438 + ], + [ + "Sweden", + -14.396103858947754 + ], + [ + "Academy", + -14.39610481262207 + ], + [ + "▁Pickens", + -14.396106719970703 + ], + [ + "Properties", + -14.396109580993652 + ], + [ + "▁Antrim", + -14.396109580993652 + ], + [ + "miller", + -14.39611530303955 + ], + [ + "▁extracellular", + -14.396145820617676 + ], + [ + "▁verandah", + -14.396170616149902 + ], + [ + "▁Angles", + -14.396172523498535 + ], + [ + "▁Ciara", + -14.3961763381958 + ], + [ + "▁bloodshed", + -14.396184921264648 + ], + [ + "▁Nominations", + -14.396211624145508 + ], + [ + "Frequently", + -14.39622402191162 + ], + [ + "▁phobias", + -14.396234512329102 + ], + [ + "▁Perri", + -14.396259307861328 + ], + [ + "▁Commuter", + -14.396273612976074 + ], + [ + "▁oozes", + -14.396297454833984 + ], + [ + "▁Masonry", + -14.396303176879885 + ], + [ + "▁Pentax", + -14.39631175994873 + ], + [ + "▁starchy", + -14.396319389343262 + ], + [ + "▁forsake", + -14.396340370178224 + ], + [ + "herself", + -14.396380424499512 + ], + [ + "▁Drones", + -14.396384239196776 + ], + [ + "Unleash", + -14.396411895751951 + ], + [ + "Catalog", + -14.396424293518066 + ], + [ + "bullet", + -14.3964262008667 + ], + [ + "▁bellies", + -14.396446228027344 + ], + [ + "▁raisin", + -14.396450996398926 + ], + [ + "dav", + -14.396454811096191 + ], + [ + "946", + -14.396480560302734 + ], + [ + "▁Silverstone", + -14.39654541015625 + ], + [ + "▁hummingbird", + -14.396564483642578 + ], + [ + "▁theologian", + -14.39656925201416 + ], + [ + "IEEE", + -14.396586418151855 + ], + [ + "dough", + -14.396610260009766 + ], + [ + "▁SPSS", + -14.396631240844728 + ], + [ + "▁Medley", + -14.396632194519045 + ], + [ + "▁snore", + -14.396673202514648 + ], + [ + "▁Wildflower", + -14.396679878234863 + ], + [ + "QB", + -14.396689414978027 + ], + [ + "▁smother", + -14.396698951721191 + ], + [ + "imagined", + -14.396703720092772 + ], + [ + "▁immaculately", + -14.396709442138672 + ], + [ + "▁Astana", + -14.396726608276367 + ], + [ + "▁Krist", + -14.396728515625 + ], + [ + "initial", + -14.39676570892334 + ], + [ + "▁Jena", + -14.39687442779541 + ], + [ + "▁worshiped", + -14.396954536437988 + ], + [ + "▁bluntly", + -14.39697551727295 + ], + [ + "▁Tucked", + -14.396981239318848 + ], + [ + "▁Tunisian", + -14.39699649810791 + ], + [ + "6.7%", + -14.397027015686035 + ], + [ + "Fighting", + -14.39703369140625 + ], + [ + "▁Tib", + -14.397034645080566 + ], + [ + "▁RISE", + -14.397062301635742 + ], + [ + "toro", + -14.39707851409912 + ], + [ + "Trees", + -14.39711570739746 + ], + [ + "▁Jansen", + -14.39711570739746 + ], + [ + "ICP", + -14.397132873535156 + ], + [ + "Drew", + -14.397165298461914 + ], + [ + "Immerse", + -14.397165298461914 + ], + [ + "▁Enabling", + -14.397174835205078 + ], + [ + "▁armoured", + -14.397224426269531 + ], + [ + "éta", + -14.397232055664062 + ], + [ + "▁OSA", + -14.397235870361328 + ], + [ + "Rig", + -14.397252082824709 + ], + [ + "ganda", + -14.397299766540527 + ], + [ + "▁SDL", + -14.397326469421388 + ], + [ + "GEAR", + -14.397442817687988 + ], + [ + "ranger", + -14.397497177124023 + ], + [ + "vado", + -14.397500038146973 + ], + [ + "hedral", + -14.397536277770996 + ], + [ + "▁widower", + -14.397564888000488 + ], + [ + "▁heave", + -14.397635459899902 + ], + [ + "PACK", + -14.397753715515137 + ], + [ + "▁Gutters", + -14.397775650024414 + ], + [ + "▁wrongfully", + -14.397781372070312 + ], + [ + "▁flavourful", + -14.397785186767578 + ], + [ + "▁playhouse", + -14.397805213928224 + ], + [ + "Unity", + -14.397896766662598 + ], + [ + "Beck", + -14.397963523864746 + ], + [ + "▁Quilting", + -14.39800262451172 + ], + [ + "WEST", + -14.398006439208984 + ], + [ + "▁Uma", + -14.398006439208984 + ], + [ + "scientists", + -14.398016929626465 + ], + [ + "Gross", + -14.39809799194336 + ], + [ + "▁Ener", + -14.398107528686523 + ], + [ + "fh", + -14.398170471191406 + ], + [ + "▁Faro", + -14.398192405700684 + ], + [ + "▁GDC", + -14.398222923278809 + ], + [ + "Refund", + -14.398263931274414 + ], + [ + "▁ACCOUNT", + -14.398282051086426 + ], + [ + "Drum", + -14.39835262298584 + ], + [ + "▁Bullying", + -14.398433685302734 + ], + [ + "Received", + -14.398449897766112 + ], + [ + "hini", + -14.398480415344238 + ], + [ + "submit", + -14.398508071899414 + ], + [ + "▁interventional", + -14.398536682128906 + ], + [ + "pedic", + -14.39854907989502 + ], + [ + "▁702", + -14.398555755615234 + ], + [ + "/70", + -14.398700714111328 + ], + [ + "▁firming", + -14.398783683776855 + ], + [ + "▁overhauled", + -14.398833274841309 + ], + [ + "été", + -14.398848533630373 + ], + [ + "▁normalization", + -14.39887237548828 + ], + [ + "▁matchmaker", + -14.398898124694824 + ], + [ + "▁TMC", + -14.39893627166748 + ], + [ + "▁individualism", + -14.398966789245604 + ], + [ + "▁Infect", + -14.39897346496582 + ], + [ + "▁Spicer", + -14.398977279663086 + ], + [ + "ibril", + -14.398984909057615 + ], + [ + "moe", + -14.39911937713623 + ], + [ + "Lance", + -14.399123191833496 + ], + [ + "MCE", + -14.399124145507812 + ], + [ + "▁Ornaments", + -14.399127006530762 + ], + [ + "▁Temper", + -14.399127960205078 + ], + [ + "▁Roper", + -14.399216651916504 + ], + [ + "Picking", + -14.399269104003906 + ], + [ + "tuber", + -14.399385452270508 + ], + [ + "Temple", + -14.399407386779783 + ], + [ + "▁LEE", + -14.399422645568848 + ], + [ + "▁Klan", + -14.399454116821287 + ], + [ + "uden", + -14.399478912353516 + ], + [ + "▁loam", + -14.399496078491213 + ], + [ + "▁MDC", + -14.399538040161133 + ], + [ + "▁herbalist", + -14.39962100982666 + ], + [ + "CCB", + -14.399648666381836 + ], + [ + "▁encrypts", + -14.399656295776367 + ], + [ + "desh", + -14.399706840515137 + ], + [ + "▁LAMP", + -14.39971160888672 + ], + [ + "▁lifeguards", + -14.399858474731444 + ], + [ + "▁Deputies", + -14.399913787841797 + ], + [ + "▁Ronda", + -14.399984359741213 + ], + [ + "▁Berber", + -14.400200843811035 + ], + [ + "gani", + -14.400219917297363 + ], + [ + "▁dampers", + -14.400224685668944 + ], + [ + "ISIS", + -14.400229454040527 + ], + [ + "▁shovels", + -14.40023708343506 + ], + [ + "Bai", + -14.40034008026123 + ], + [ + "▁fouling", + -14.400341033935549 + ], + [ + "Neu", + -14.40038776397705 + ], + [ + "▁christ", + -14.400430679321287 + ], + [ + "▁$63", + -14.40049648284912 + ], + [ + "▁(2011", + -14.40049934387207 + ], + [ + "▁clashing", + -14.400510787963867 + ], + [ + "korn", + -14.400650024414062 + ], + [ + "Mash", + -14.400668144226074 + ], + [ + "swim", + -14.400733947753906 + ], + [ + "perform", + -14.40108871459961 + ], + [ + "UNC", + -14.401123046875 + ], + [ + "▁Natur", + -14.401135444641112 + ], + [ + "▁riskier", + -14.40119457244873 + ], + [ + "\"\"\"", + -14.40123176574707 + ], + [ + "▁cubicles", + -14.401288986206056 + ], + [ + "Objects", + -14.401314735412598 + ], + [ + "▁Thurston", + -14.401328086853027 + ], + [ + "▁belted", + -14.401463508605955 + ], + [ + "iou", + -14.401471138000488 + ], + [ + "▁ASX", + -14.401487350463867 + ], + [ + "▁SMT", + -14.401573181152344 + ], + [ + "▁reimagine", + -14.401610374450684 + ], + [ + "Gru", + -14.401650428771973 + ], + [ + "▁IDX", + -14.401674270629885 + ], + [ + "▁Advertise", + -14.401705741882324 + ], + [ + "Amber", + -14.401742935180664 + ], + [ + "Chronic", + -14.401769638061523 + ], + [ + "passing", + -14.401777267456056 + ], + [ + "bello", + -14.401808738708496 + ], + [ + "▁Marge", + -14.401810646057127 + ], + [ + "[1", + -14.401823043823242 + ], + [ + "myth", + -14.401902198791504 + ], + [ + "▁Chez", + -14.40192699432373 + ], + [ + "▁worded", + -14.40194034576416 + ], + [ + "▁Rats", + -14.401942253112791 + ], + [ + "frei", + -14.401966094970703 + ], + [ + "▁videotape", + -14.401981353759766 + ], + [ + "▁feverish", + -14.402022361755373 + ], + [ + "▁inclusivity", + -14.402037620544434 + ], + [ + "Cuckoo", + -14.40203857421875 + ], + [ + "Intermittent", + -14.40203857421875 + ], + [ + "▁Fierce", + -14.40203857421875 + ], + [ + "▁Invoices", + -14.40203857421875 + ], + [ + "▁Waikato", + -14.40203857421875 + ], + [ + "▁echelon", + -14.40203857421875 + ], + [ + "▁eradicating", + -14.40203857421875 + ], + [ + "▁hydroxide", + -14.40203857421875 + ], + [ + "▁profusely", + -14.40203857421875 + ], + [ + "▁wellbutrin", + -14.40203857421875 + ], + [ + "Expired", + -14.402039527893066 + ], + [ + "▁Brandeis", + -14.402039527893066 + ], + [ + "▁Injured", + -14.402039527893066 + ], + [ + "▁ADDITION", + -14.402040481567385 + ], + [ + "▁angrily", + -14.402040481567385 + ], + [ + "▁Loudoun", + -14.4020414352417 + ], + [ + "chell", + -14.40204620361328 + ], + [ + "▁Torrance", + -14.402048110961914 + ], + [ + "▁Hannibal", + -14.40204906463623 + ], + [ + "▁carnations", + -14.402054786682127 + ], + [ + "▁Haydn", + -14.402059555053713 + ], + [ + "▁bemoan", + -14.402060508728027 + ], + [ + "▁probabilistic", + -14.40206813812256 + ], + [ + "▁Lerner", + -14.402070999145508 + ], + [ + "▁CentOS", + -14.402076721191406 + ], + [ + "▁Migrant", + -14.402076721191406 + ], + [ + "▁Finlay", + -14.40208339691162 + ], + [ + "▁Framingham", + -14.402085304260254 + ], + [ + "▁dapper", + -14.402090072631836 + ], + [ + "imiento", + -14.402101516723633 + ], + [ + "▁Identifier", + -14.40210247039795 + ], + [ + "▁burglaries", + -14.402107238769531 + ], + [ + "▁mysticism", + -14.402114868164062 + ], + [ + "▁Dearborn", + -14.40211582183838 + ], + [ + "▁interdependent", + -14.402128219604492 + ], + [ + "▁OAuth", + -14.402145385742188 + ], + [ + "▁Envision", + -14.40215301513672 + ], + [ + "Stein", + -14.402158737182615 + ], + [ + "ttinger", + -14.40216827392578 + ], + [ + "▁Stardust", + -14.402169227600098 + ], + [ + "heterosexual", + -14.40217113494873 + ], + [ + "schutz", + -14.402176856994627 + ], + [ + "▁TES", + -14.402177810668944 + ], + [ + "▁femme", + -14.40220832824707 + ], + [ + "▁iconography", + -14.402210235595703 + ], + [ + "▁flatbread", + -14.402213096618652 + ], + [ + "▁Eternity", + -14.402241706848145 + ], + [ + "discharge", + -14.402246475219728 + ], + [ + "▁Replication", + -14.402252197265623 + ], + [ + "▁Borrower", + -14.402254104614258 + ], + [ + "▁Meryl", + -14.402278900146484 + ], + [ + "▁beckons", + -14.402280807495115 + ], + [ + "takers", + -14.40231990814209 + ], + [ + "democratic", + -14.40232276916504 + ], + [ + "▁organza", + -14.402332305908203 + ], + [ + "▁resized", + -14.40234375 + ], + [ + "▁convening", + -14.402362823486328 + ], + [ + "basket", + -14.402377128601074 + ], + [ + "Intelligent", + -14.402379989624023 + ], + [ + "Snapshot", + -14.402379989624023 + ], + [ + "Precision", + -14.402392387390137 + ], + [ + "Stewart", + -14.402393341064451 + ], + [ + "▁Assured", + -14.402398109436035 + ], + [ + "promoting", + -14.40240478515625 + ], + [ + "▁Specialties", + -14.402446746826172 + ], + [ + "▁2015/16", + -14.402467727661133 + ], + [ + "▁Clarita", + -14.402470588684082 + ], + [ + "▁Kling", + -14.402484893798828 + ], + [ + "identity", + -14.40248680114746 + ], + [ + "settlement", + -14.402505874633787 + ], + [ + "curated", + -14.40252685546875 + ], + [ + "▁serif", + -14.40253448486328 + ], + [ + "▁jetting", + -14.402543067932127 + ], + [ + "Gateway", + -14.402544021606444 + ], + [ + "Calif", + -14.40256690979004 + ], + [ + "adhi", + -14.402567863464355 + ], + [ + "▁Panera", + -14.402576446533203 + ], + [ + "▁culled", + -14.402581214904783 + ], + [ + "optimized", + -14.402586936950684 + ], + [ + "▁dollhouse", + -14.402587890625 + ], + [ + "exploit", + -14.402606964111328 + ], + [ + "attention", + -14.40263557434082 + ], + [ + "▁friendlier", + -14.402643203735352 + ], + [ + "▁litho", + -14.402688026428224 + ], + [ + "Array", + -14.40269947052002 + ], + [ + "▁slippage", + -14.402715682983398 + ], + [ + "▁Seaport", + -14.40274429321289 + ], + [ + "▁superhuman", + -14.402749061584473 + ], + [ + "▁toppled", + -14.402749061584473 + ], + [ + "GRE", + -14.4027738571167 + ], + [ + "▁Sui", + -14.402789115905762 + ], + [ + "▁bayou", + -14.402789115905762 + ], + [ + "▁UGC", + -14.402799606323242 + ], + [ + "▁2048", + -14.402810096740724 + ], + [ + "▁Tambo", + -14.402876853942873 + ], + [ + "▁BOSS", + -14.402907371520996 + ], + [ + "Knit", + -14.40296459197998 + ], + [ + "▁stealthy", + -14.403040885925291 + ], + [ + "▁sparing", + -14.403067588806152 + ], + [ + "spawn", + -14.403093338012695 + ], + [ + "▁ADSL", + -14.403103828430176 + ], + [ + "▁$68", + -14.403125762939451 + ], + [ + "▁Rigid", + -14.403149604797363 + ], + [ + "▁matted", + -14.4031982421875 + ], + [ + "▁necessitated", + -14.403204917907717 + ], + [ + "▁Viv", + -14.40320873260498 + ], + [ + "Expression", + -14.403241157531738 + ], + [ + "▁underlining", + -14.40327262878418 + ], + [ + "Krebs", + -14.40328311920166 + ], + [ + "▁Avail", + -14.40329933166504 + ], + [ + "▁DAT", + -14.403313636779783 + ], + [ + "revolutionizing", + -14.403348922729492 + ], + [ + "operator", + -14.403411865234377 + ], + [ + "▁fiancée", + -14.40343952178955 + ], + [ + "▁staterooms", + -14.403465270996094 + ], + [ + "▁hamstrings", + -14.403481483459473 + ], + [ + "▁Capitalism", + -14.403523445129396 + ], + [ + "Lucas", + -14.403556823730469 + ], + [ + "▁BBA", + -14.403635025024414 + ], + [ + "▁Feelings", + -14.403657913208008 + ], + [ + "▁settler", + -14.403687477111816 + ], + [ + "classification", + -14.403745651245115 + ], + [ + "▁Columbian", + -14.403790473937988 + ], + [ + "kkad", + -14.403816223144531 + ], + [ + "▁Shareholders", + -14.403863906860352 + ], + [ + "Krispy", + -14.4038667678833 + ], + [ + "▁grossed", + -14.4038667678833 + ], + [ + "▁Ape", + -14.40391445159912 + ], + [ + "▁Opposite", + -14.403939247131348 + ], + [ + "▁Akt", + -14.403982162475586 + ], + [ + "▁Plata", + -14.404020309448242 + ], + [ + "eso", + -14.404067039489746 + ], + [ + "▁Strata", + -14.4041166305542 + ], + [ + "▁obeyed", + -14.40426254272461 + ], + [ + "Ghz", + -14.404319763183594 + ], + [ + "▁Concorde", + -14.404330253601074 + ], + [ + "▁licenced", + -14.404340744018556 + ], + [ + "▁MICRO", + -14.404362678527832 + ], + [ + "ucan", + -14.404483795166016 + ], + [ + "▁shotguns", + -14.40449047088623 + ], + [ + "▁Topping", + -14.404498100280762 + ], + [ + "chir", + -14.404512405395508 + ], + [ + "▁Sze", + -14.40453052520752 + ], + [ + "ischer", + -14.404568672180176 + ], + [ + "EFT", + -14.404571533203123 + ], + [ + "Liu", + -14.404574394226074 + ], + [ + "▁Terriers", + -14.404579162597656 + ], + [ + "AES", + -14.404582977294922 + ], + [ + "Measures", + -14.404597282409668 + ], + [ + "▁Partnering", + -14.404617309570312 + ], + [ + "▁invoiced", + -14.404619216918944 + ], + [ + "▁bioinformatics", + -14.40468406677246 + ], + [ + "▁Subscriber", + -14.40479850769043 + ], + [ + "▁batten", + -14.404864311218262 + ], + [ + "Camping", + -14.404932022094728 + ], + [ + "8.5%", + -14.405020713806152 + ], + [ + "INF", + -14.405094146728516 + ], + [ + "▁wis", + -14.405125617980955 + ], + [ + "etsu", + -14.405142784118652 + ], + [ + "▁Oddly", + -14.405158042907717 + ], + [ + "▁sear", + -14.40522575378418 + ], + [ + "▁bushy", + -14.405244827270508 + ], + [ + "▁Wahl", + -14.405247688293455 + ], + [ + "▁CHIP", + -14.405282020568848 + ], + [ + "nermost", + -14.405377388000488 + ], + [ + "manu", + -14.40542221069336 + ], + [ + "▁excavators", + -14.405495643615724 + ], + [ + "▁Gho", + -14.405508041381836 + ], + [ + "▁39;", + -14.405537605285645 + ], + [ + "8.50", + -14.40553855895996 + ], + [ + "▁tassels", + -14.405560493469238 + ], + [ + "nist", + -14.40559196472168 + ], + [ + "▁gridlock", + -14.405648231506348 + ], + [ + "▁TEXT", + -14.405773162841797 + ], + [ + "nung", + -14.405861854553224 + ], + [ + "Swan", + -14.405916213989258 + ], + [ + "OOOOO", + -14.40595817565918 + ], + [ + "▁Graff", + -14.405994415283203 + ], + [ + "▁Mammal", + -14.406044006347656 + ], + [ + "Appear", + -14.406067848205566 + ], + [ + "▁Hier", + -14.406113624572754 + ], + [ + "extract", + -14.406137466430664 + ], + [ + "▁Refunds", + -14.406153678894045 + ], + [ + "rangi", + -14.406188011169434 + ], + [ + "Mechanical", + -14.406227111816406 + ], + [ + "Mmmm", + -14.406246185302734 + ], + [ + "bbc", + -14.406248092651367 + ], + [ + "▁Schell", + -14.406249046325684 + ], + [ + "▁Travellers", + -14.406344413757324 + ], + [ + "wheeled", + -14.406367301940918 + ], + [ + "limits", + -14.406400680541992 + ], + [ + "▁(2016", + -14.406408309936523 + ], + [ + "ylate", + -14.406418800354004 + ], + [ + "986", + -14.406535148620604 + ], + [ + "lil", + -14.406570434570312 + ], + [ + "▁Spoke", + -14.406620979309082 + ], + [ + "adapt", + -14.406639099121094 + ], + [ + "pathology", + -14.406685829162598 + ], + [ + "▁whizz", + -14.40673542022705 + ], + [ + "▁Bodi", + -14.406851768493652 + ], + [ + "▁Taw", + -14.406868934631348 + ], + [ + "hypo", + -14.406871795654297 + ], + [ + "▁VCD", + -14.406888961791992 + ], + [ + "0,00", + -14.406892776489258 + ], + [ + "▁12:3", + -14.406903266906738 + ], + [ + "▁Baw", + -14.406943321228027 + ], + [ + "▁Soph", + -14.407026290893556 + ], + [ + "▁Ange", + -14.40707015991211 + ], + [ + "UTS", + -14.407078742980955 + ], + [ + "▁Martyn", + -14.407105445861816 + ], + [ + "▁upstart", + -14.40712070465088 + ], + [ + "RBI", + -14.407127380371094 + ], + [ + "▁interfered", + -14.407222747802734 + ], + [ + "Scape", + -14.407240867614746 + ], + [ + "elan", + -14.40724754333496 + ], + [ + "Worx", + -14.407293319702148 + ], + [ + "WHERE", + -14.407303810119627 + ], + [ + "▁harsher", + -14.40731143951416 + ], + [ + "▁Xamarin", + -14.40735149383545 + ], + [ + "▁plagu", + -14.407442092895508 + ], + [ + "▁underpinnings", + -14.407450675964355 + ], + [ + "GRAM", + -14.407453536987305 + ], + [ + "▁Dialog", + -14.40747356414795 + ], + [ + "ysi", + -14.407485008239746 + ], + [ + "Paramedic", + -14.40749168395996 + ], + [ + "1951", + -14.407523155212402 + ], + [ + "Yi", + -14.407554626464844 + ], + [ + "unya", + -14.40756893157959 + ], + [ + "▁Gonz", + -14.407577514648438 + ], + [ + "OLD", + -14.407626152038574 + ], + [ + "▁reorganize", + -14.40768337249756 + ], + [ + "CIT", + -14.407761573791504 + ], + [ + "▁incarnations", + -14.4077730178833 + ], + [ + "LMA", + -14.407793045043944 + ], + [ + "▁connectedness", + -14.40779972076416 + ], + [ + "▁subdue", + -14.40782356262207 + ], + [ + "loh", + -14.40792751312256 + ], + [ + "▁Happily", + -14.40795612335205 + ], + [ + "▁Prussia", + -14.407987594604492 + ], + [ + "Sunset", + -14.408014297485352 + ], + [ + "091", + -14.408023834228516 + ], + [ + "stove", + -14.408108711242676 + ], + [ + "▁wristwatch", + -14.40811538696289 + ], + [ + "▁decrees", + -14.408195495605469 + ], + [ + "▁FIX", + -14.40820026397705 + ], + [ + "Mecklenburg", + -14.408210754394531 + ], + [ + "▁Ephraim", + -14.408210754394531 + ], + [ + "▁NaNoWriMo", + -14.408210754394531 + ], + [ + "▁Tchaikovsky", + -14.408210754394531 + ], + [ + "▁autoresponder", + -14.408210754394531 + ], + [ + "▁indisputable", + -14.408210754394531 + ], + [ + "▁smattering", + -14.408210754394531 + ], + [ + "▁undetectable", + -14.408210754394531 + ], + [ + "emulsifier", + -14.408211708068848 + ], + [ + "▁Dumfries", + -14.408211708068848 + ], + [ + "▁Pizzeria", + -14.408211708068848 + ], + [ + "▁apparition", + -14.408211708068848 + ], + [ + "▁eerily", + -14.408211708068848 + ], + [ + "▁rickshaw", + -14.408212661743164 + ], + [ + "▁Barracks", + -14.408214569091797 + ], + [ + "▁Tangerine", + -14.408215522766112 + ], + [ + "▁airstrikes", + -14.408215522766112 + ], + [ + "▁Ladakh", + -14.40821647644043 + ], + [ + "▁SINGLE", + -14.40821647644043 + ], + [ + "▁Equatorial", + -14.408217430114746 + ], + [ + "▁Siamese", + -14.408217430114746 + ], + [ + "▁Eventbrite", + -14.408218383789062 + ], + [ + "▁unfurl", + -14.408220291137695 + ], + [ + "▁Rosenthal", + -14.40822696685791 + ], + [ + "▁hypocritical", + -14.408228874206545 + ], + [ + "▁Schumann", + -14.408245086669922 + ], + [ + "9.50", + -14.408249855041504 + ], + [ + "Throttle", + -14.408249855041504 + ], + [ + "▁Silvia", + -14.40825366973877 + ], + [ + "▁serpentine", + -14.408254623413086 + ], + [ + "▁Midsummer", + -14.408268928527832 + ], + [ + "▁Ulrich", + -14.408279418945312 + ], + [ + "▁Radial", + -14.408288955688477 + ], + [ + "▁midwifery", + -14.408289909362791 + ], + [ + "▁Northside", + -14.408292770385742 + ], + [ + "▁Pennington", + -14.408309936523438 + ], + [ + "▁Geraldine", + -14.408315658569336 + ], + [ + "▁flapping", + -14.408339500427246 + ], + [ + "▁NetApp", + -14.40834617614746 + ], + [ + "▁Brunson", + -14.408350944519045 + ], + [ + "▁16:9", + -14.408440589904783 + ], + [ + "▁Redevelopment", + -14.40844440460205 + ], + [ + "▁headbands", + -14.408474922180176 + ], + [ + "▁Succulents", + -14.408489227294922 + ], + [ + "Socket", + -14.408493041992188 + ], + [ + "▁bulletproof", + -14.40849781036377 + ], + [ + "ENIX", + -14.408499717712402 + ], + [ + "Formula", + -14.408499717712402 + ], + [ + "COME", + -14.408501625061035 + ], + [ + "Remind", + -14.408501625061035 + ], + [ + "▁Margie", + -14.4085111618042 + ], + [ + "▁Rotten", + -14.408517837524414 + ], + [ + "▁Netball", + -14.40851879119873 + ], + [ + "▁rece", + -14.408538818359377 + ], + [ + "▁Schul", + -14.408547401428224 + ], + [ + "▁24-48", + -14.408563613891602 + ], + [ + "▁serie", + -14.408567428588867 + ], + [ + "▁Pastry", + -14.408574104309082 + ], + [ + "▁Recipients", + -14.408580780029297 + ], + [ + "▁colonel", + -14.408583641052246 + ], + [ + "▁Ebb", + -14.40860080718994 + ], + [ + "SMITH", + -14.408602714538574 + ], + [ + "jani", + -14.408607482910156 + ], + [ + "▁supermodel", + -14.40863037109375 + ], + [ + "▁Refacing", + -14.408635139465332 + ], + [ + "▁Conde", + -14.40864086151123 + ], + [ + "▁indica", + -14.408645629882812 + ], + [ + "Harvest", + -14.40865421295166 + ], + [ + "kilometer", + -14.408672332763672 + ], + [ + "BED", + -14.408673286437988 + ], + [ + "▁spied", + -14.408683776855469 + ], + [ + "▁supercharged", + -14.408699989318848 + ], + [ + "infringement", + -14.408714294433594 + ], + [ + "Integration", + -14.40871524810791 + ], + [ + "Heritage", + -14.408720970153809 + ], + [ + "Applied", + -14.408724784851074 + ], + [ + "▁Avaya", + -14.408750534057615 + ], + [ + "▁timescales", + -14.40876007080078 + ], + [ + "Delhi", + -14.408767700195312 + ], + [ + "toilet", + -14.408788681030272 + ], + [ + "Robinson", + -14.408803939819336 + ], + [ + "▁loafers", + -14.408825874328612 + ], + [ + "awley", + -14.4088716506958 + ], + [ + "▁conversely", + -14.408889770507812 + ], + [ + "miscommunication", + -14.408905029296877 + ], + [ + "▁classifies", + -14.408923149108888 + ], + [ + "SPY", + -14.409008979797363 + ], + [ + "▁Miata", + -14.409010887145996 + ], + [ + "▁gushing", + -14.409011840820312 + ], + [ + "Molly", + -14.40903377532959 + ], + [ + "BURN", + -14.409061431884766 + ], + [ + "▁thawed", + -14.40908908843994 + ], + [ + "▁blackheads", + -14.40911865234375 + ], + [ + "4.2%", + -14.409141540527344 + ], + [ + "▁BAG", + -14.40914535522461 + ], + [ + "ANTE", + -14.409157752990724 + ], + [ + "▁primate", + -14.409172058105469 + ], + [ + "fabric", + -14.409184455871582 + ], + [ + "▁Flair", + -14.409185409545898 + ], + [ + "Reality", + -14.40920352935791 + ], + [ + "▁suppressor", + -14.409272193908691 + ], + [ + "improved", + -14.409290313720703 + ], + [ + "Automated", + -14.40931797027588 + ], + [ + "▁Chopin", + -14.409337997436523 + ], + [ + "▁psychoactive", + -14.409378051757812 + ], + [ + "▁Chord", + -14.409381866455078 + ], + [ + "Oversee", + -14.409423828125 + ], + [ + "indo", + -14.409454345703123 + ], + [ + "▁$67", + -14.409467697143556 + ], + [ + "▁incrementally", + -14.40948486328125 + ], + [ + "tere", + -14.409543991088867 + ], + [ + "▁Dona", + -14.409564018249512 + ], + [ + "▁bitmap", + -14.40965461730957 + ], + [ + "bills", + -14.409693717956545 + ], + [ + "gradation", + -14.409722328186035 + ], + [ + "▁gopher", + -14.409767150878906 + ], + [ + "▁Ebooks", + -14.40982151031494 + ], + [ + "aero", + -14.409830093383787 + ], + [ + "▁Zimbabwean", + -14.409838676452637 + ], + [ + "▁Bluestone", + -14.409912109375 + ], + [ + "▁FEI", + -14.40992546081543 + ], + [ + "NATE", + -14.409944534301758 + ], + [ + "▁Amity", + -14.409947395324709 + ], + [ + "▁Receipts", + -14.410062789916992 + ], + [ + "▁Masterpiece", + -14.410090446472168 + ], + [ + "/03", + -14.410106658935549 + ], + [ + "▁Fuku", + -14.410113334655762 + ], + [ + "▁Spiele", + -14.410126686096191 + ], + [ + "bori", + -14.410219192504885 + ], + [ + "bald", + -14.410231590270996 + ], + [ + "Miner", + -14.410244941711426 + ], + [ + "Sibling", + -14.410271644592283 + ], + [ + "keyword", + -14.410280227661133 + ], + [ + "▁PVP", + -14.410280227661133 + ], + [ + "▁clamped", + -14.410346031188965 + ], + [ + "Wearing", + -14.41035270690918 + ], + [ + "▁uncheck", + -14.410423278808594 + ], + [ + "▁Masala", + -14.410470008850098 + ], + [ + "▁landscaper", + -14.410515785217283 + ], + [ + "▁NGS", + -14.410554885864258 + ], + [ + "ATO", + -14.410572052001951 + ], + [ + "▁initialization", + -14.410578727722168 + ], + [ + "▁Skylight", + -14.410589218139648 + ], + [ + "▁dns", + -14.410590171813965 + ], + [ + "▁Pitcher", + -14.410602569580078 + ], + [ + "Complicat", + -14.410650253295898 + ], + [ + "HFA", + -14.410719871520996 + ], + [ + "usz", + -14.410755157470703 + ], + [ + "▁Ketone", + -14.41075611114502 + ], + [ + "Noah", + -14.410759925842283 + ], + [ + "▁humanist", + -14.410844802856444 + ], + [ + "▁enticed", + -14.410873413085938 + ], + [ + "token", + -14.410894393920898 + ], + [ + "▁10.8", + -14.410937309265137 + ], + [ + "▁Snowman", + -14.410984992980955 + ], + [ + "▁obeying", + -14.411043167114258 + ], + [ + "CAE", + -14.411055564880373 + ], + [ + "▁Hemi", + -14.411086082458496 + ], + [ + "▁barite", + -14.411088943481444 + ], + [ + "▁purifiers", + -14.411154747009276 + ], + [ + "▁Revive", + -14.411287307739258 + ], + [ + "▁Throwing", + -14.411296844482422 + ], + [ + "▁compa", + -14.411328315734863 + ], + [ + "ITO", + -14.411369323730469 + ], + [ + "opener", + -14.41140079498291 + ], + [ + "▁1995)", + -14.411401748657228 + ], + [ + "Pride", + -14.411413192749023 + ], + [ + "Fax", + -14.411426544189451 + ], + [ + "▁PTC", + -14.41146755218506 + ], + [ + "▁11-12", + -14.411508560180664 + ], + [ + "▁subclass", + -14.41153049468994 + ], + [ + "▁Sacrifice", + -14.411538124084473 + ], + [ + "itec", + -14.411569595336914 + ], + [ + "fond", + -14.41161060333252 + ], + [ + "pok", + -14.41162109375 + ], + [ + "▁magneto", + -14.411638259887695 + ], + [ + "▁shuttered", + -14.411684036254885 + ], + [ + "▁safeguarded", + -14.41183376312256 + ], + [ + "cfg", + -14.411994934082031 + ], + [ + "liment", + -14.412006378173828 + ], + [ + "▁moi", + -14.412046432495115 + ], + [ + "▁lair", + -14.412065505981444 + ], + [ + "Novel", + -14.412095069885254 + ], + [ + "JW", + -14.412128448486328 + ], + [ + "▁Nuevo", + -14.41214370727539 + ], + [ + "Ranger", + -14.412153244018556 + ], + [ + "▁modernizing", + -14.41220760345459 + ], + [ + "ASD", + -14.412270545959473 + ], + [ + "▁lithograph", + -14.412335395812988 + ], + [ + "▁sari", + -14.41234016418457 + ], + [ + "▁coauthor", + -14.412363052368164 + ], + [ + "▁cashed", + -14.412373542785645 + ], + [ + "▁FBS", + -14.41247844696045 + ], + [ + "cong", + -14.412562370300291 + ], + [ + "ilu", + -14.41259765625 + ], + [ + "▁polyphenols", + -14.41261386871338 + ], + [ + "▁Deen", + -14.412639617919922 + ], + [ + "fing", + -14.412665367126465 + ], + [ + "▁inflexible", + -14.412671089172363 + ], + [ + "Ful", + -14.412673950195312 + ], + [ + "novel", + -14.412705421447754 + ], + [ + "▁Hutt", + -14.412728309631348 + ], + [ + "▁Tempest", + -14.412755012512209 + ], + [ + "abelle", + -14.412764549255373 + ], + [ + "nse", + -14.412890434265137 + ], + [ + "▁possessive", + -14.412941932678224 + ], + [ + "▁storeys", + -14.412970542907717 + ], + [ + "▁retreating", + -14.413000106811523 + ], + [ + "Ny", + -14.413005828857422 + ], + [ + "▁Myles", + -14.413021087646484 + ], + [ + "▁Awarded", + -14.413046836853027 + ], + [ + "Megan", + -14.413094520568848 + ], + [ + "▁Coney", + -14.413200378417969 + ], + [ + "Cle", + -14.413204193115234 + ], + [ + "▁METAL", + -14.41323471069336 + ], + [ + "▁GMOs", + -14.413250923156738 + ], + [ + "▁homemaker", + -14.413265228271484 + ], + [ + "▁Introductory", + -14.413399696350098 + ], + [ + "▁overestimate", + -14.413501739501951 + ], + [ + "▁Holst", + -14.413538932800291 + ], + [ + "forma", + -14.413540840148926 + ], + [ + "6100", + -14.413544654846191 + ], + [ + "▁tremors", + -14.413564682006836 + ], + [ + "yoshi", + -14.413715362548828 + ], + [ + "▁Yah", + -14.413761138916016 + ], + [ + "▁experimentally", + -14.41378116607666 + ], + [ + "▁TALK", + -14.41380214691162 + ], + [ + "▁Andri", + -14.413847923278809 + ], + [ + "ector", + -14.41396141052246 + ], + [ + "▁declutter", + -14.41405200958252 + ], + [ + "Dawg", + -14.414052963256836 + ], + [ + "arching", + -14.41408348083496 + ], + [ + "▁Woj", + -14.414122581481934 + ], + [ + "▁Kuta", + -14.414134979248049 + ], + [ + "▁2,5", + -14.414143562316896 + ], + [ + "▁serviceable", + -14.414156913757324 + ], + [ + "ripe", + -14.414198875427246 + ], + [ + "ecological", + -14.41421127319336 + ], + [ + "▁Apes", + -14.414227485656738 + ], + [ + "▁Mahesh", + -14.414239883422852 + ], + [ + "▁tiller", + -14.414380073547363 + ], + [ + "▁(2015", + -14.414385795593262 + ], + [ + "▁mercedes", + -14.414421081542969 + ], + [ + "SUBSCRIBE", + -14.414422035217283 + ], + [ + "▁Clapham", + -14.414422035217283 + ], + [ + "▁Flemish", + -14.414422035217283 + ], + [ + "▁Louboutin", + -14.414422035217283 + ], + [ + "▁Viennese", + -14.414422035217283 + ], + [ + "▁besieged", + -14.414422035217283 + ], + [ + "▁conversing", + -14.414422035217283 + ], + [ + "▁dissonance", + -14.414422035217283 + ], + [ + "▁rendezvous", + -14.414422035217283 + ], + [ + "▁unbridled", + -14.414422035217283 + ], + [ + "▁10.1016/", + -14.414422988891602 + ], + [ + "▁Ephesus", + -14.414423942565918 + ], + [ + "▁Vasquez", + -14.414423942565918 + ], + [ + "Economiz", + -14.41442584991455 + ], + [ + "▁shunned", + -14.4144287109375 + ], + [ + "▁Zenfone", + -14.41443157196045 + ], + [ + "▁Kamagra", + -14.414433479309082 + ], + [ + "Heirloom", + -14.41445255279541 + ], + [ + "▁skydiving", + -14.41445255279541 + ], + [ + "▁Crawley", + -14.414458274841309 + ], + [ + "▁reproach", + -14.41446590423584 + ], + [ + "▁Mahoney", + -14.414473533630373 + ], + [ + "▁Tandem", + -14.414474487304688 + ], + [ + "▁Manfred", + -14.414491653442385 + ], + [ + "▁tastebuds", + -14.414493560791016 + ], + [ + "▁Dragonfly", + -14.41450023651123 + ], + [ + "▁Leyland", + -14.414507865905762 + ], + [ + "Knuckle", + -14.414525032043455 + ], + [ + "▁initiator", + -14.41452693939209 + ], + [ + "▁sundae", + -14.414528846740724 + ], + [ + "▁Nir", + -14.41454029083252 + ], + [ + "▁Patriotic", + -14.414569854736328 + ], + [ + "ansky", + -14.414589881896973 + ], + [ + "▁Sulfate", + -14.414615631103516 + ], + [ + "Cancel", + -14.414621353149414 + ], + [ + "▁Monika", + -14.414623260498049 + ], + [ + "▁Christophe", + -14.414669036865234 + ], + [ + "▁Tangier", + -14.414711952209473 + ], + [ + "▁aorta", + -14.414719581604004 + ], + [ + "▁Villain", + -14.414751052856444 + ], + [ + "▁Scotsman", + -14.41476058959961 + ], + [ + "▁Builderall", + -14.414775848388672 + ], + [ + "▁screeching", + -14.41478443145752 + ], + [ + "▁THINGS", + -14.414793014526367 + ], + [ + "▁Dwelling", + -14.414793968200684 + ], + [ + "▁karat", + -14.414802551269531 + ], + [ + "▁despatched", + -14.41481590270996 + ], + [ + "▁cordially", + -14.414847373962402 + ], + [ + "▁selectivity", + -14.414862632751465 + ], + [ + "▁sativa", + -14.414892196655272 + ], + [ + "▁whistleblowers", + -14.414897918701172 + ], + [ + "Appearing", + -14.41493320465088 + ], + [ + "▁hairdressers", + -14.41493797302246 + ], + [ + "▁Rosso", + -14.414963722229004 + ], + [ + "▁barges", + -14.414998054504396 + ], + [ + "▁jokingly", + -14.415044784545898 + ], + [ + "Competitive", + -14.415071487426758 + ], + [ + "Hurricane", + -14.415072441101074 + ], + [ + "Magazine", + -14.41507339477539 + ], + [ + "Motivated", + -14.415074348449709 + ], + [ + "approach", + -14.415087699890137 + ], + [ + "Wisconsin", + -14.415090560913086 + ], + [ + "Cleveland", + -14.415093421936035 + ], + [ + "▁17:00", + -14.415104866027832 + ], + [ + "caliber", + -14.415114402770996 + ], + [ + "families", + -14.415118217468262 + ], + [ + "Passion", + -14.415196418762209 + ], + [ + "Vel", + -14.415242195129396 + ], + [ + "▁retracted", + -14.415245056152344 + ], + [ + "▁Longview", + -14.415246963500977 + ], + [ + "▁Constantly", + -14.415252685546877 + ], + [ + "Alison", + -14.415264129638672 + ], + [ + "▁Schna", + -14.415267944335938 + ], + [ + "▁Tailored", + -14.415290832519531 + ], + [ + "Confirmed", + -14.415363311767578 + ], + [ + "▁Algerian", + -14.415447235107422 + ], + [ + "▁ROA", + -14.415451049804688 + ], + [ + "rustic", + -14.415482521057127 + ], + [ + "▁6061", + -14.415508270263672 + ], + [ + "▁chronicling", + -14.415538787841797 + ], + [ + "fatal", + -14.41554355621338 + ], + [ + "▁acorns", + -14.415568351745604 + ], + [ + "▁rescuers", + -14.415604591369627 + ], + [ + "▁descriptors", + -14.415657043457031 + ], + [ + "▁Generators", + -14.415685653686523 + ], + [ + "Comply", + -14.415785789489746 + ], + [ + "▁Munch", + -14.415785789489746 + ], + [ + "▁JVC", + -14.415812492370604 + ], + [ + "Delivering", + -14.415822982788086 + ], + [ + "▁Riverview", + -14.415886878967283 + ], + [ + "▁Textured", + -14.415891647338867 + ], + [ + "▁Vastu", + -14.41591739654541 + ], + [ + "▁Merle", + -14.415942192077637 + ], + [ + "silent", + -14.415964126586914 + ], + [ + "Omega", + -14.41598129272461 + ], + [ + "CNS", + -14.416004180908203 + ], + [ + "genes", + -14.41603183746338 + ], + [ + "LCC", + -14.416056632995604 + ], + [ + "▁Arches", + -14.41610050201416 + ], + [ + "hailing", + -14.416142463684082 + ], + [ + "▁underperforming", + -14.416145324707031 + ], + [ + "▁Holz", + -14.41617202758789 + ], + [ + "▁Sandbox", + -14.416223526000977 + ], + [ + "▁Etch", + -14.416251182556152 + ], + [ + "kiewicz", + -14.416290283203123 + ], + [ + "Resident", + -14.416297912597656 + ], + [ + "▁Hurd", + -14.416338920593262 + ], + [ + "Moss", + -14.416370391845703 + ], + [ + "▁Mongol", + -14.416391372680664 + ], + [ + "▁Tarzan", + -14.41641902923584 + ], + [ + "▁Mink", + -14.416458129882812 + ], + [ + "▁Bom", + -14.416481971740724 + ], + [ + "▁BIN", + -14.416484832763672 + ], + [ + "uven", + -14.41657829284668 + ], + [ + "#6", + -14.416627883911133 + ], + [ + "Influence", + -14.416634559631348 + ], + [ + "▁Packaged", + -14.416643142700195 + ], + [ + "▁averted", + -14.41679573059082 + ], + [ + "losing", + -14.416796684265137 + ], + [ + "nomi", + -14.416854858398438 + ], + [ + "▁87%", + -14.41686725616455 + ], + [ + "▁Staging", + -14.416899681091309 + ], + [ + "▁TAM", + -14.416936874389648 + ], + [ + "baout", + -14.416963577270508 + ], + [ + "3:10", + -14.417121887207031 + ], + [ + "4.7%", + -14.417173385620115 + ], + [ + "▁Curie", + -14.417193412780762 + ], + [ + "▁40-50", + -14.41721534729004 + ], + [ + "▁Sloane", + -14.417238235473633 + ], + [ + "▁banal", + -14.417283058166504 + ], + [ + "▁ATX", + -14.417308807373049 + ], + [ + "▁readout", + -14.417373657226562 + ], + [ + "cillin", + -14.417407035827637 + ], + [ + "Officer", + -14.417423248291016 + ], + [ + "reform", + -14.417481422424316 + ], + [ + "▁adaption", + -14.41749382019043 + ], + [ + "▁Jackman", + -14.417505264282228 + ], + [ + "▁mulching", + -14.417569160461426 + ], + [ + "$30", + -14.417570114135742 + ], + [ + "▁Chol", + -14.417573928833008 + ], + [ + "▁reestablish", + -14.417591094970703 + ], + [ + "▁Presumably", + -14.417601585388184 + ], + [ + "Azur", + -14.417670249938965 + ], + [ + "CSU", + -14.41767120361328 + ], + [ + "▁Astronaut", + -14.417683601379396 + ], + [ + "Bookmark", + -14.417688369750977 + ], + [ + "▁husbandry", + -14.417719841003418 + ], + [ + "▁TSS", + -14.417726516723633 + ], + [ + "mpi", + -14.4178466796875 + ], + [ + "▁Coy", + -14.41786289215088 + ], + [ + "serial", + -14.417877197265623 + ], + [ + "robin", + -14.41787815093994 + ], + [ + "▁Hexa", + -14.418107986450195 + ], + [ + "▁Learner", + -14.418131828308104 + ], + [ + "ERIC", + -14.418252944946287 + ], + [ + "▁sequenced", + -14.418269157409668 + ], + [ + "▁linemen", + -14.41828727722168 + ], + [ + "polish", + -14.418360710144045 + ], + [ + "Arena", + -14.418402671813965 + ], + [ + "▁ROLL", + -14.41847324371338 + ], + [ + "APR", + -14.418484687805176 + ], + [ + "onite", + -14.418512344360352 + ], + [ + "▁Krak", + -14.418951988220217 + ], + [ + "ORDER", + -14.418954849243164 + ], + [ + "-8)", + -14.418963432312012 + ], + [ + "▁Trad", + -14.418978691101074 + ], + [ + "henry", + -14.419063568115234 + ], + [ + "▁worshiping", + -14.41926383972168 + ], + [ + "▁Peso", + -14.419291496276855 + ], + [ + "▁Cep", + -14.419316291809082 + ], + [ + "▁insufficiency", + -14.419368743896484 + ], + [ + "enzyme", + -14.41937255859375 + ], + [ + "▁Veer", + -14.41943359375 + ], + [ + "3.4%", + -14.419512748718262 + ], + [ + "▁Spaniards", + -14.419536590576172 + ], + [ + "▁humanly", + -14.41957950592041 + ], + [ + "mbri", + -14.419650077819824 + ], + [ + "2160", + -14.419694900512695 + ], + [ + "▁HERO", + -14.419742584228516 + ], + [ + "▁discus", + -14.419757843017578 + ], + [ + "tmp", + -14.419769287109377 + ], + [ + "▁filly", + -14.419772148132324 + ], + [ + "▁delighting", + -14.419857025146484 + ], + [ + "Evening", + -14.41987133026123 + ], + [ + "RIG", + -14.419906616210938 + ], + [ + "▁fullback", + -14.41994857788086 + ], + [ + "iggins", + -14.42002010345459 + ], + [ + "irc", + -14.420061111450195 + ], + [ + "ophobia", + -14.420158386230469 + ], + [ + "tomi", + -14.420306205749512 + ], + [ + "Locker", + -14.420331001281738 + ], + [ + "▁CIM", + -14.420331001281738 + ], + [ + "Succulent", + -14.420390129089355 + ], + [ + "▁recliners", + -14.420391082763672 + ], + [ + "Grip", + -14.42039394378662 + ], + [ + "EHR", + -14.420400619506836 + ], + [ + "▁Gard", + -14.42041301727295 + ], + [ + "▁unambiguous", + -14.420428276062012 + ], + [ + "Specialist", + -14.420437812805176 + ], + [ + "▁Flick", + -14.420462608337402 + ], + [ + "Letters", + -14.42052936553955 + ], + [ + "▁ICOs", + -14.420609474182127 + ], + [ + "▁Tripod", + -14.420613288879396 + ], + [ + "▁refit", + -14.420615196228027 + ], + [ + "▁Chongqing", + -14.420672416687012 + ], + [ + "▁DIGITAL", + -14.420672416687012 + ], + [ + "▁Mercantile", + -14.420672416687012 + ], + [ + "▁PICTURE", + -14.420672416687012 + ], + [ + "▁Peshawar", + -14.420672416687012 + ], + [ + "▁Pyrenees", + -14.420672416687012 + ], + [ + "▁Rembrandt", + -14.420672416687012 + ], + [ + "▁Styrofoam", + -14.420672416687012 + ], + [ + "▁WrestleMania", + -14.420672416687012 + ], + [ + "▁archetypal", + -14.420672416687012 + ], + [ + "▁biopsies", + -14.420672416687012 + ], + [ + "▁bollard", + -14.420672416687012 + ], + [ + "▁frenzied", + -14.420672416687012 + ], + [ + "▁hypocrite", + -14.420672416687012 + ], + [ + "▁metastases", + -14.420672416687012 + ], + [ + "▁neurosurgeon", + -14.420672416687012 + ], + [ + "▁prerogative", + -14.420672416687012 + ], + [ + "▁sympathies", + -14.420672416687012 + ], + [ + "▁tetanus", + -14.420672416687012 + ], + [ + "▁Affleck", + -14.420673370361328 + ], + [ + "▁Alastair", + -14.420673370361328 + ], + [ + "▁Geriatric", + -14.420673370361328 + ], + [ + "▁oomph", + -14.420673370361328 + ], + [ + "▁Miyazaki", + -14.420674324035645 + ], + [ + "▁Stearns", + -14.420674324035645 + ], + [ + "▁vivacious", + -14.420674324035645 + ], + [ + "▁whaling", + -14.420674324035645 + ], + [ + "▁Lhasa", + -14.420679092407228 + ], + [ + "▁intracellular", + -14.420680046081545 + ], + [ + "▁porosity", + -14.420680046081545 + ], + [ + "▁omnipresent", + -14.420681953430176 + ], + [ + "▁squirm", + -14.42068576812744 + ], + [ + "▁Plague", + -14.42068862915039 + ], + [ + "▁Anatolia", + -14.420689582824709 + ], + [ + "▁Thistle", + -14.420689582824709 + ], + [ + "▁botched", + -14.420690536499023 + ], + [ + "▁Hannover", + -14.420697212219238 + ], + [ + "▁incisive", + -14.420697212219238 + ], + [ + "▁BUTTON", + -14.42070770263672 + ], + [ + "▁MotoGP", + -14.420709609985352 + ], + [ + "▁McKnight", + -14.420714378356934 + ], + [ + "▁BABY", + -14.42072582244873 + ], + [ + "▁profane", + -14.420730590820312 + ], + [ + "▁enclosing", + -14.420731544494627 + ], + [ + "▁Lakota", + -14.420737266540527 + ], + [ + "▁subfolder", + -14.420738220214844 + ], + [ + "▁SCADA", + -14.42074966430664 + ], + [ + "▁Bowser", + -14.420754432678224 + ], + [ + "▁slither", + -14.420754432678224 + ], + [ + "▁subplot", + -14.42076301574707 + ], + [ + "▁Teenagers", + -14.420768737792969 + ], + [ + "▁Purifier", + -14.420782089233398 + ], + [ + "▁levee", + -14.420790672302246 + ], + [ + "▁IgG", + -14.420808792114258 + ], + [ + "▁Relaxation", + -14.420823097229004 + ], + [ + "▁truest", + -14.420857429504396 + ], + [ + "▁Excludes", + -14.420863151550291 + ], + [ + "Energetic", + -14.420868873596191 + ], + [ + "▁Topeka", + -14.42088222503662 + ], + [ + "▁Splice", + -14.420884132385254 + ], + [ + "▁11:15", + -14.420889854431152 + ], + [ + "▁luring", + -14.420907974243164 + ], + [ + "▁baldness", + -14.4209566116333 + ], + [ + "ziel", + -14.420960426330566 + ], + [ + "▁Muffins", + -14.420992851257324 + ], + [ + "identify", + -14.421013832092283 + ], + [ + "damage", + -14.421028137207031 + ], + [ + "▁thorny", + -14.421031951904297 + ], + [ + "▁glyphs", + -14.421050071716309 + ], + [ + "▁Drummer", + -14.421098709106444 + ], + [ + "▁plumage", + -14.421102523803713 + ], + [ + "▁Delft", + -14.421127319335938 + ], + [ + "▁forthright", + -14.421148300170898 + ], + [ + "▁prickly", + -14.42115592956543 + ], + [ + "▁Provisions", + -14.421178817749023 + ], + [ + "▁Suzy", + -14.421210289001465 + ], + [ + "▁wronged", + -14.421217918395996 + ], + [ + "highlight", + -14.42123317718506 + ], + [ + "▁Dc", + -14.421273231506348 + ], + [ + "▁Incorporate", + -14.421274185180664 + ], + [ + "▁perfectionism", + -14.421295166015623 + ], + [ + "▁otters", + -14.421313285827637 + ], + [ + "outer", + -14.42131519317627 + ], + [ + "▁MBE", + -14.421324729919434 + ], + [ + "▁auger", + -14.421347618103027 + ], + [ + "▁SNOW", + -14.421381950378418 + ], + [ + "▁Vivek", + -14.42138385772705 + ], + [ + "▁Buon", + -14.421422004699709 + ], + [ + "▁streetwear", + -14.421428680419922 + ], + [ + "Sketch", + -14.42143726348877 + ], + [ + "▁tampered", + -14.42144775390625 + ], + [ + "▁Chak", + -14.42147445678711 + ], + [ + "destination", + -14.421486854553224 + ], + [ + "renewable", + -14.421488761901855 + ], + [ + "weapon", + -14.421488761901855 + ], + [ + "Baltimore", + -14.421500205993652 + ], + [ + "graded", + -14.421506881713867 + ], + [ + "Matrix", + -14.421510696411133 + ], + [ + "politics", + -14.421514511108398 + ], + [ + "Raymond", + -14.421521186828612 + ], + [ + "▁Steinberg", + -14.421570777893066 + ], + [ + "Costume", + -14.421608924865724 + ], + [ + "▁Bagh", + -14.421621322631836 + ], + [ + "Anchor", + -14.421627044677734 + ], + [ + "Tourism", + -14.42164421081543 + ], + [ + "▁Hogg", + -14.421670913696287 + ], + [ + "▁CROSS", + -14.421706199645996 + ], + [ + "▁intersecting", + -14.421710014343262 + ], + [ + "▁babes", + -14.42172622680664 + ], + [ + "secretary", + -14.421743392944336 + ], + [ + "Enrich", + -14.421791076660156 + ], + [ + "▁Luci", + -14.421833038330078 + ], + [ + "▁Acme", + -14.421918869018556 + ], + [ + "▁Lbs", + -14.42192840576172 + ], + [ + "▁Vim", + -14.421941757202148 + ], + [ + "▁hereafter", + -14.421958923339844 + ], + [ + "GIC", + -14.421984672546388 + ], + [ + "▁pastimes", + -14.422017097473145 + ], + [ + "Kindly", + -14.42203140258789 + ], + [ + "▁Zem", + -14.422036170959473 + ], + [ + "Rounding", + -14.422059059143066 + ], + [ + "Somebody", + -14.422061920166016 + ], + [ + "▁Specialization", + -14.42206573486328 + ], + [ + "▁vihar", + -14.422073364257812 + ], + [ + "candy", + -14.422168731689451 + ], + [ + "▁Coroner", + -14.422173500061035 + ], + [ + "▁Gopal", + -14.422197341918944 + ], + [ + "Frost", + -14.422200202941896 + ], + [ + "▁clings", + -14.42229175567627 + ], + [ + "threaded", + -14.422335624694824 + ], + [ + "nero", + -14.422356605529783 + ], + [ + "uelle", + -14.422411918640137 + ], + [ + "▁astonishingly", + -14.422452926635742 + ], + [ + "972", + -14.422454833984377 + ], + [ + "▁handguns", + -14.422480583190918 + ], + [ + "▁soundscape", + -14.42250633239746 + ], + [ + "▁rationalize", + -14.422526359558104 + ], + [ + "▁constructively", + -14.422629356384276 + ], + [ + "GAM", + -14.422630310058594 + ], + [ + "▁hovered", + -14.422666549682615 + ], + [ + "▁CGM", + -14.42271614074707 + ], + [ + "Fees", + -14.422736167907717 + ], + [ + "▁UHF", + -14.422770500183104 + ], + [ + "▁Tierra", + -14.422829627990724 + ], + [ + "▁Corte", + -14.422877311706545 + ], + [ + "AUG", + -14.42296028137207 + ], + [ + "▁NOC", + -14.422978401184082 + ], + [ + "Merge", + -14.42298984527588 + ], + [ + "SCAPE", + -14.422990798950195 + ], + [ + "▁Barrio", + -14.423019409179688 + ], + [ + "▁Pelt", + -14.423078536987305 + ], + [ + "▁materialistic", + -14.423112869262695 + ], + [ + "▁durch", + -14.423142433166504 + ], + [ + "▁stashed", + -14.423189163208008 + ], + [ + "▁adopter", + -14.423250198364258 + ], + [ + "KiB", + -14.423288345336914 + ], + [ + "scout", + -14.423324584960938 + ], + [ + "alen", + -14.423337936401367 + ], + [ + "▁$1,200", + -14.42337417602539 + ], + [ + "silicon", + -14.4234037399292 + ], + [ + "▁musicality", + -14.423516273498535 + ], + [ + "▁Mondo", + -14.423548698425291 + ], + [ + "▁£75", + -14.42373752593994 + ], + [ + "▁manly", + -14.42387580871582 + ], + [ + "▁playmaker", + -14.423892974853516 + ], + [ + "4.3%", + -14.42390251159668 + ], + [ + "giver", + -14.423912048339844 + ], + [ + "Focusing", + -14.423955917358398 + ], + [ + "▁ministering", + -14.424004554748535 + ], + [ + "0027", + -14.424031257629396 + ], + [ + "▁Globally", + -14.42403793334961 + ], + [ + "▁Stav", + -14.424047470092772 + ], + [ + "▁Pé", + -14.42404842376709 + ], + [ + "▁Generating", + -14.42408847808838 + ], + [ + "Marg", + -14.424141883850098 + ], + [ + "▁autumnal", + -14.42418098449707 + ], + [ + "Audi", + -14.424267768859863 + ], + [ + "▁Blackbird", + -14.42441177368164 + ], + [ + "▁sportsmen", + -14.42448616027832 + ], + [ + "▁Prometheus", + -14.424511909484863 + ], + [ + "▁PSE", + -14.42451286315918 + ], + [ + "▁abuser", + -14.424534797668455 + ], + [ + "▁ledges", + -14.424559593200684 + ], + [ + "▁MOVIE", + -14.424565315246582 + ], + [ + "kovich", + -14.424630165100098 + ], + [ + "1968", + -14.424644470214844 + ], + [ + "toire", + -14.42467212677002 + ], + [ + "▁Veil", + -14.424759864807127 + ], + [ + "IBA", + -14.42478370666504 + ], + [ + "isp", + -14.42495346069336 + ], + [ + "▁confuses", + -14.42496395111084 + ], + [ + "▁secreted", + -14.424968719482422 + ], + [ + "Lamb", + -14.425046920776367 + ], + [ + "kopf", + -14.425048828125 + ], + [ + "▁baba", + -14.425090789794922 + ], + [ + "Recall", + -14.425127983093262 + ], + [ + "▁RTG", + -14.425155639648438 + ], + [ + "▁finalise", + -14.425203323364258 + ], + [ + "▁Trev", + -14.425212860107422 + ], + [ + "FOL", + -14.425215721130373 + ], + [ + "▁Sprayer", + -14.425227165222168 + ], + [ + "▁suiting", + -14.42524528503418 + ], + [ + "▁yogi", + -14.42524528503418 + ], + [ + "▁commercialize", + -14.425246238708496 + ], + [ + "dama", + -14.425399780273438 + ], + [ + "▁200+", + -14.425517082214355 + ], + [ + "▁mich", + -14.425556182861328 + ], + [ + "musical", + -14.425615310668944 + ], + [ + "▁Manta", + -14.425647735595703 + ], + [ + "▁ATR", + -14.425651550292969 + ], + [ + "▁Lop", + -14.425721168518066 + ], + [ + "▁proclaims", + -14.425774574279783 + ], + [ + "▁caveats", + -14.42579460144043 + ], + [ + "▁blogpost", + -14.425901412963867 + ], + [ + "teria", + -14.426077842712402 + ], + [ + "▁berths", + -14.426107406616213 + ], + [ + "▁Erick", + -14.426115036010742 + ], + [ + "73)", + -14.426145553588867 + ], + [ + "▁clutching", + -14.42616844177246 + ], + [ + "migration", + -14.426183700561523 + ], + [ + "SOS", + -14.4262113571167 + ], + [ + "1944", + -14.426240921020508 + ], + [ + "764", + -14.42630100250244 + ], + [ + "▁Cartel", + -14.426342010498049 + ], + [ + "▁freshener", + -14.42636013031006 + ], + [ + "▁CDA", + -14.426395416259766 + ], + [ + "DSS", + -14.426438331604004 + ], + [ + "Distribute", + -14.42644500732422 + ], + [ + "infecting", + -14.426544189453123 + ], + [ + "▁Monogram", + -14.426565170288086 + ], + [ + "Acc", + -14.426572799682615 + ], + [ + "▁despatch", + -14.426600456237791 + ], + [ + "clockwise", + -14.426616668701172 + ], + [ + "rache", + -14.426663398742676 + ], + [ + "▁arming", + -14.426665306091309 + ], + [ + "▁Helper", + -14.426668167114258 + ], + [ + "▁seu", + -14.42672061920166 + ], + [ + "alkyl", + -14.42672348022461 + ], + [ + "IEF", + -14.426770210266112 + ], + [ + "тро", + -14.42677402496338 + ], + [ + "veda", + -14.426782608032228 + ], + [ + "frac", + -14.42682933807373 + ], + [ + "lef", + -14.426944732666016 + ], + [ + "Simultaneous", + -14.426956176757812 + ], + [ + "zimbabwe", + -14.426960945129396 + ], + [ + "▁Endeavour", + -14.426961898803713 + ], + [ + "▁McDonough", + -14.426961898803713 + ], + [ + "▁Pritchard", + -14.426961898803713 + ], + [ + "▁Sphinx", + -14.426961898803713 + ], + [ + "▁Vadodara", + -14.426961898803713 + ], + [ + "▁Valparaiso", + -14.426961898803713 + ], + [ + "▁Vashikaran", + -14.426961898803713 + ], + [ + "▁cognizant", + -14.426961898803713 + ], + [ + "▁crescendo", + -14.426961898803713 + ], + [ + "▁erstwhile", + -14.426961898803713 + ], + [ + "▁unharmed", + -14.426961898803713 + ], + [ + "▁unselfish", + -14.426961898803713 + ], + [ + "▁viscose", + -14.426961898803713 + ], + [ + "▁Enrichment", + -14.426962852478027 + ], + [ + "▁Hemsworth", + -14.426962852478027 + ], + [ + "▁halibut", + -14.426962852478027 + ], + [ + "▁lenient", + -14.426962852478027 + ], + [ + "▁stiletto", + -14.42696475982666 + ], + [ + "▁Moffat", + -14.426965713500977 + ], + [ + "▁Hempstead", + -14.42697048187256 + ], + [ + "▁brooklyn", + -14.426972389221191 + ], + [ + "▁Dreamweaver", + -14.426976203918455 + ], + [ + "▁gusset", + -14.426977157592772 + ], + [ + "▁girth", + -14.426986694335938 + ], + [ + "▁Basalt", + -14.426989555358888 + ], + [ + "▁(1983)", + -14.426996231079102 + ], + [ + "▁coronation", + -14.426997184753418 + ], + [ + "▁ovary", + -14.427000045776367 + ], + [ + "▁wistful", + -14.427002906799316 + ], + [ + "▁Brandenburg", + -14.427008628845217 + ], + [ + "4,500", + -14.427013397216797 + ], + [ + "▁Strickland", + -14.427021980285645 + ], + [ + "Petro", + -14.427029609680176 + ], + [ + "▁passersby", + -14.427041053771973 + ], + [ + "▁1/6", + -14.427081108093262 + ], + [ + "▁poppies", + -14.427083015441896 + ], + [ + "▁Dagger", + -14.42711067199707 + ], + [ + "▁Bronson", + -14.427116394042969 + ], + [ + "bock", + -14.427160263061523 + ], + [ + "▁CMM", + -14.42716121673584 + ], + [ + "▁Nellie", + -14.427164077758787 + ], + [ + "▁flagging", + -14.42717170715332 + ], + [ + "▁Clemente", + -14.42719268798828 + ], + [ + "▁choline", + -14.42719268798828 + ], + [ + "Descend", + -14.427227973937988 + ], + [ + "▁Davy", + -14.427236557006836 + ], + [ + "▁Aniston", + -14.427247047424316 + ], + [ + "▁appendage", + -14.42731475830078 + ], + [ + "▁HDPE", + -14.427343368530272 + ], + [ + "hta", + -14.427359580993652 + ], + [ + "▁bushing", + -14.427372932434082 + ], + [ + "▁Machining", + -14.427382469177246 + ], + [ + "▁brie", + -14.427433967590332 + ], + [ + "▁Ryanair", + -14.427461624145508 + ], + [ + "▁Personalised", + -14.427483558654783 + ], + [ + "▁Penney", + -14.427513122558594 + ], + [ + "▁Removed", + -14.427515029907228 + ], + [ + "▁ductless", + -14.427515983581545 + ], + [ + "▁OSS", + -14.427526473999023 + ], + [ + "10:00", + -14.42759609222412 + ], + [ + "▁(179", + -14.427613258361816 + ], + [ + "▁legroom", + -14.427618026733398 + ], + [ + "▁Zie", + -14.42764377593994 + ], + [ + "▁skyrocketing", + -14.42764377593994 + ], + [ + "▁llc", + -14.42766571044922 + ], + [ + "▁EBay", + -14.427668571472168 + ], + [ + "▁Elisha", + -14.42769718170166 + ], + [ + "CARD", + -14.427698135375977 + ], + [ + "▁opinionated", + -14.427700996398926 + ], + [ + "▁dabbled", + -14.427706718444824 + ], + [ + "Toys", + -14.427777290344238 + ], + [ + "▁suppressant", + -14.427777290344238 + ], + [ + "▁curtailed", + -14.42782497406006 + ], + [ + "moth", + -14.42782974243164 + ], + [ + "▁cupola", + -14.427833557128906 + ], + [ + "▁Placid", + -14.427834510803224 + ], + [ + "▁POOL", + -14.4278564453125 + ], + [ + "▁persian", + -14.427895545959473 + ], + [ + "grandmother", + -14.4279146194458 + ], + [ + "Warrior", + -14.427927017211914 + ], + [ + "Album", + -14.427940368652344 + ], + [ + "argument", + -14.427940368652344 + ], + [ + "Criminal", + -14.427947998046877 + ], + [ + "soccer", + -14.42795467376709 + ], + [ + "meets", + -14.42795753479004 + ], + [ + "walmart", + -14.427958488464355 + ], + [ + "constant", + -14.427960395812988 + ], + [ + "Taiwan", + -14.427967071533203 + ], + [ + "▁Atrium", + -14.427971839904783 + ], + [ + "Medicine", + -14.42798137664795 + ], + [ + "desktop", + -14.428006172180176 + ], + [ + "Christina", + -14.428007125854492 + ], + [ + "▁reputational", + -14.428009033203123 + ], + [ + "▁Weinberg", + -14.428013801574709 + ], + [ + "Kirk", + -14.428014755249023 + ], + [ + "LIST", + -14.428023338317873 + ], + [ + "supplier", + -14.42803192138672 + ], + [ + "▁Flax", + -14.428062438964844 + ], + [ + "kang", + -14.428065299987791 + ], + [ + "▁Crushed", + -14.428089141845703 + ], + [ + "ilio", + -14.42809009552002 + ], + [ + "virgin", + -14.4281005859375 + ], + [ + "Equally", + -14.428107261657717 + ], + [ + "Junk", + -14.428182601928713 + ], + [ + "▁desist", + -14.428193092346191 + ], + [ + "▁Jewell", + -14.428199768066406 + ], + [ + "assignment", + -14.428213119506836 + ], + [ + "▁Bock", + -14.428223609924316 + ], + [ + "▁Markup", + -14.428224563598633 + ], + [ + "▁Crosse", + -14.428245544433594 + ], + [ + "rvi", + -14.428258895874023 + ], + [ + "▁chanted", + -14.428292274475098 + ], + [ + "▁RTL", + -14.428339958190918 + ], + [ + "▁Saban", + -14.428362846374512 + ], + [ + "▁electronica", + -14.42837142944336 + ], + [ + "▁Marlon", + -14.428426742553713 + ], + [ + "▁virtualized", + -14.42842960357666 + ], + [ + "▁Kuz", + -14.42844009399414 + ], + [ + "epo", + -14.428478240966797 + ], + [ + "▁Gara", + -14.428479194641112 + ], + [ + "denominated", + -14.428482055664062 + ], + [ + "▁overlaid", + -14.428542137145996 + ], + [ + "▁Bluffs", + -14.428594589233398 + ], + [ + "knife", + -14.428692817687988 + ], + [ + "▁ticketed", + -14.428729057312012 + ], + [ + "ference", + -14.428770065307615 + ], + [ + "originally", + -14.428772926330566 + ], + [ + "▁Zing", + -14.428773880004885 + ], + [ + "▁1994)", + -14.428792953491213 + ], + [ + "curve", + -14.428808212280272 + ], + [ + "▁Seiko", + -14.428828239440918 + ], + [ + "▁intrude", + -14.428865432739258 + ], + [ + "▁inverters", + -14.428910255432127 + ], + [ + "▁SDI", + -14.42908000946045 + ], + [ + "▁Mutt", + -14.429106712341309 + ], + [ + "▁YoY", + -14.429106712341309 + ], + [ + "togethers", + -14.42912483215332 + ], + [ + "▁Dory", + -14.42913055419922 + ], + [ + "▁mingled", + -14.42914867401123 + ], + [ + "▁Yoo", + -14.429160118103027 + ], + [ + "▁memorialize", + -14.429281234741213 + ], + [ + "Leaf", + -14.429296493530272 + ], + [ + "udah", + -14.429298400878906 + ], + [ + "▁urinate", + -14.42930030822754 + ], + [ + "arika", + -14.429546356201172 + ], + [ + "snake", + -14.429561614990234 + ], + [ + "▁thro", + -14.429569244384766 + ], + [ + "▁timesheet", + -14.42958927154541 + ], + [ + "lichen", + -14.429633140563965 + ], + [ + "▁Sneak", + -14.429657936096191 + ], + [ + "▁$57", + -14.429710388183594 + ], + [ + "▁pew", + -14.42972183227539 + ], + [ + "▁Loser", + -14.429865837097168 + ], + [ + "cabin", + -14.429889678955078 + ], + [ + "ciency", + -14.429896354675291 + ], + [ + "WORD", + -14.429986953735352 + ], + [ + "antara", + -14.43001937866211 + ], + [ + "odont", + -14.43003749847412 + ], + [ + "▁clichés", + -14.430088996887209 + ], + [ + "▁HealthCare", + -14.430093765258787 + ], + [ + "produ", + -14.430130004882812 + ], + [ + "▁Boz", + -14.430145263671877 + ], + [ + "▁nibbles", + -14.43021297454834 + ], + [ + "▁repro", + -14.43021297454834 + ], + [ + "AWA", + -14.430254936218262 + ], + [ + "▁astral", + -14.430325508117676 + ], + [ + "▁SMBs", + -14.430368423461914 + ], + [ + "▁mountainside", + -14.43039608001709 + ], + [ + "▁stabilise", + -14.43049144744873 + ], + [ + "▁McIlroy", + -14.430511474609377 + ], + [ + "berlin", + -14.430559158325195 + ], + [ + "Muslims", + -14.430603981018066 + ], + [ + "kken", + -14.43061351776123 + ], + [ + "▁italics", + -14.430636405944824 + ], + [ + "cked", + -14.43068027496338 + ], + [ + "▁Dib", + -14.430692672729492 + ], + [ + "▁Killed", + -14.430715560913086 + ], + [ + "▁primetime", + -14.430724143981934 + ], + [ + "leri", + -14.430768966674805 + ], + [ + "▁slimy", + -14.430794715881348 + ], + [ + "▁pituitary", + -14.430825233459473 + ], + [ + "▁Milner", + -14.430907249450684 + ], + [ + "▁nameless", + -14.430919647216797 + ], + [ + "▁mace", + -14.43093967437744 + ], + [ + "programs", + -14.430967330932615 + ], + [ + "NUT", + -14.430974006652832 + ], + [ + "▁Demolition", + -14.430984497070312 + ], + [ + "ierung", + -14.43101692199707 + ], + [ + "FIC", + -14.431036949157717 + ], + [ + "▁30-45", + -14.431123733520508 + ], + [ + "▁Houl", + -14.43113136291504 + ], + [ + "▁hurl", + -14.43120288848877 + ], + [ + "▁5500", + -14.431206703186035 + ], + [ + "Superb", + -14.431246757507324 + ], + [ + "ickle", + -14.431265830993652 + ], + [ + "Philosopher", + -14.431411743164062 + ], + [ + "europa", + -14.431459426879885 + ], + [ + "▁Chubb", + -14.431468963623049 + ], + [ + "CRO", + -14.431473731994627 + ], + [ + "▁suc", + -14.43153190612793 + ], + [ + "▁EBS", + -14.43153953552246 + ], + [ + "Promo", + -14.431550979614258 + ], + [ + "▁EVE", + -14.431594848632812 + ], + [ + "graders", + -14.43164348602295 + ], + [ + "▁Assumption", + -14.431775093078612 + ], + [ + "▁Ayers", + -14.431817054748535 + ], + [ + "▁Dua", + -14.43184757232666 + ], + [ + "▁Sebasti", + -14.431859970092772 + ], + [ + "Gifts", + -14.43187427520752 + ], + [ + "▁recollect", + -14.431897163391112 + ], + [ + "▁SCAR", + -14.431914329528809 + ], + [ + "ower", + -14.431918144226074 + ], + [ + "EIC", + -14.43193531036377 + ], + [ + "aggy", + -14.43199348449707 + ], + [ + "9-11", + -14.432022094726562 + ], + [ + "▁Perf", + -14.432042121887209 + ], + [ + "ttles", + -14.432371139526367 + ], + [ + "EEM", + -14.432435989379885 + ], + [ + "▁22.5", + -14.432459831237791 + ], + [ + "▁Kinda", + -14.4325590133667 + ], + [ + "▁corrode", + -14.432690620422363 + ], + [ + "▁PFA", + -14.432862281799316 + ], + [ + "rner", + -14.433021545410156 + ], + [ + "▁citywide", + -14.433119773864746 + ], + [ + "spinal", + -14.433134078979492 + ], + [ + "▁Patrons", + -14.433145523071287 + ], + [ + "▁Manner", + -14.433150291442873 + ], + [ + "▁Elan", + -14.43315887451172 + ], + [ + "IRO", + -14.433201789855955 + ], + [ + "cosm", + -14.433218002319336 + ], + [ + "bild", + -14.43323802947998 + ], + [ + "Asparagus", + -14.433290481567385 + ], + [ + "SATURDAY", + -14.433290481567385 + ], + [ + "▁Bikram", + -14.433290481567385 + ], + [ + "▁Hibiscus", + -14.433290481567385 + ], + [ + "▁Recessed", + -14.433290481567385 + ], + [ + "▁Sandoval", + -14.433290481567385 + ], + [ + "▁Yiddish", + -14.433290481567385 + ], + [ + "▁contingencies", + -14.433290481567385 + ], + [ + "▁finpecia", + -14.433290481567385 + ], + [ + "▁heterogeneity", + -14.433290481567385 + ], + [ + "▁intensifies", + -14.433290481567385 + ], + [ + "▁kaleidoscope", + -14.433290481567385 + ], + [ + "▁metallurgical", + -14.433290481567385 + ], + [ + "▁nonsensical", + -14.433290481567385 + ], + [ + "▁pancreatitis", + -14.433290481567385 + ], + [ + "▁tretinoin", + -14.433290481567385 + ], + [ + "▁whistling", + -14.433290481567385 + ], + [ + "Optimizing", + -14.4332914352417 + ], + [ + "▁cadmium", + -14.4332914352417 + ], + [ + "▁cosmology", + -14.4332914352417 + ], + [ + "▁poncho", + -14.4332914352417 + ], + [ + "▁Boracay", + -14.433292388916016 + ], + [ + "▁intolerable", + -14.433292388916016 + ], + [ + "▁atrocious", + -14.433293342590332 + ], + [ + "▁stratosphere", + -14.433293342590332 + ], + [ + "▁Ragnarok", + -14.43329620361328 + ], + [ + "▁anthropological", + -14.433297157287598 + ], + [ + "▁hyperbole", + -14.433297157287598 + ], + [ + "▁marigold", + -14.433297157287598 + ], + [ + "▁menthol", + -14.43329906463623 + ], + [ + "▁Empathy", + -14.433305740356444 + ], + [ + "htaccess", + -14.433307647705078 + ], + [ + "▁furlough", + -14.433307647705078 + ], + [ + "▁Reginald", + -14.433309555053713 + ], + [ + "▁Cydia", + -14.433329582214355 + ], + [ + "▁bootloader", + -14.433332443237305 + ], + [ + "▁Makati", + -14.433347702026367 + ], + [ + "▁Instrumentation", + -14.433377265930176 + ], + [ + "▁garlands", + -14.433391571044922 + ], + [ + "▁nitrous", + -14.433405876159668 + ], + [ + "▁Eucharistic", + -14.4334135055542 + ], + [ + "▁1-1/2", + -14.433419227600098 + ], + [ + "▁Creamery", + -14.433453559875488 + ], + [ + "▁gingham", + -14.43346118927002 + ], + [ + "▁vanguard", + -14.433465003967283 + ], + [ + "aime", + -14.433469772338867 + ], + [ + "▁Dunham", + -14.433475494384766 + ], + [ + "▁LCA", + -14.433480262756348 + ], + [ + "▁Terence", + -14.433500289916992 + ], + [ + "▁irritants", + -14.433515548706056 + ], + [ + "▁Parton", + -14.43351936340332 + ], + [ + "helping", + -14.433524131774902 + ], + [ + "▁wraparound", + -14.43352508544922 + ], + [ + "▁Tanaka", + -14.433526992797852 + ], + [ + "969", + -14.433528900146484 + ], + [ + "▁complicity", + -14.43357276916504 + ], + [ + "▁Kovac", + -14.43358325958252 + ], + [ + "▁Lviv", + -14.43359088897705 + ], + [ + "▁Purity", + -14.433595657348633 + ], + [ + "Competing", + -14.433686256408691 + ], + [ + "▁Falkland", + -14.433696746826172 + ], + [ + "▁Binder", + -14.433697700500488 + ], + [ + "Mint", + -14.433701515197754 + ], + [ + "▁Countless", + -14.433706283569336 + ], + [ + "▁Mascot", + -14.433719635009766 + ], + [ + "▁succinctly", + -14.433745384216309 + ], + [ + "▁disengaged", + -14.433794975280762 + ], + [ + "▁sco", + -14.433844566345217 + ], + [ + "contest", + -14.43386173248291 + ], + [ + "rigue", + -14.433876991271973 + ], + [ + "▁Crooked", + -14.43394947052002 + ], + [ + "▁Frac", + -14.433956146240234 + ], + [ + "▁aroused", + -14.434025764465332 + ], + [ + "▁Rouse", + -14.43403148651123 + ], + [ + "▁sprain", + -14.434040069580078 + ], + [ + "▁Aventura", + -14.434078216552734 + ], + [ + "Noise", + -14.434101104736328 + ], + [ + "Mech", + -14.434184074401855 + ], + [ + "uder", + -14.434196472167969 + ], + [ + "▁triathlete", + -14.434207916259766 + ], + [ + "ococcus", + -14.434231758117676 + ], + [ + "anchor", + -14.43425750732422 + ], + [ + "▁robber", + -14.43426513671875 + ], + [ + "▁reelection", + -14.434279441833496 + ], + [ + "▁earnestly", + -14.434293746948242 + ], + [ + "configuration", + -14.43429470062256 + ], + [ + "▁Curling", + -14.434296607971191 + ], + [ + "▁GPM", + -14.434319496154783 + ], + [ + "Paw", + -14.434356689453123 + ], + [ + "AEP", + -14.434410095214844 + ], + [ + "Soccer", + -14.43442726135254 + ], + [ + "campaign", + -14.434429168701172 + ], + [ + "Cindy", + -14.43443489074707 + ], + [ + "Predict", + -14.43443489074707 + ], + [ + "▁juror", + -14.434439659118652 + ], + [ + "absorbing", + -14.434442520141602 + ], + [ + "Harvard", + -14.434449195861816 + ], + [ + "dangerous", + -14.434450149536133 + ], + [ + "involved", + -14.434452056884766 + ], + [ + "leadership", + -14.434494972229004 + ], + [ + "ropri", + -14.434514045715332 + ], + [ + "▁persevered", + -14.434539794921877 + ], + [ + "▁MEC", + -14.434544563293455 + ], + [ + "▁wimp", + -14.434568405151367 + ], + [ + "▁Anima", + -14.43460750579834 + ], + [ + "▁Rode", + -14.434633255004885 + ], + [ + "pita", + -14.434638023376465 + ], + [ + "▁Correa", + -14.434640884399414 + ], + [ + "▁Chorale", + -14.434656143188477 + ], + [ + "▁Suri", + -14.434662818908691 + ], + [ + "▁Disturb", + -14.434732437133787 + ], + [ + "MOVE", + -14.434747695922852 + ], + [ + "▁reissued", + -14.43476676940918 + ], + [ + "hazard", + -14.434770584106444 + ], + [ + "cert", + -14.434781074523926 + ], + [ + "95,000", + -14.43480110168457 + ], + [ + "Filmmaker", + -14.434826850891112 + ], + [ + "▁Seasoning", + -14.434861183166504 + ], + [ + "investor", + -14.434892654418944 + ], + [ + "▁tamp", + -14.434906005859377 + ], + [ + "▁Lively", + -14.434942245483398 + ], + [ + "hike", + -14.435003280639648 + ], + [ + "Citation", + -14.435009956359863 + ], + [ + "Wanna", + -14.435098648071287 + ], + [ + "▁Pinging", + -14.435124397277832 + ], + [ + "▁Fogg", + -14.435131072998049 + ], + [ + "▁Sind", + -14.43517780303955 + ], + [ + "▁$299", + -14.435184478759766 + ], + [ + "Gel", + -14.435194969177246 + ], + [ + "▁vials", + -14.435283660888672 + ], + [ + "Aware", + -14.435300827026367 + ], + [ + "▁Probation", + -14.435300827026367 + ], + [ + "umer", + -14.43544864654541 + ], + [ + "Slim", + -14.43545913696289 + ], + [ + "BAL", + -14.435510635375977 + ], + [ + "CMC", + -14.435552597045898 + ], + [ + "Hebrews", + -14.435564041137695 + ], + [ + "▁Oberlin", + -14.435572624206545 + ], + [ + "▁Sleigh", + -14.435592651367188 + ], + [ + "▁Dio", + -14.435623168945312 + ], + [ + "tunnel", + -14.435669898986816 + ], + [ + "drinking", + -14.435674667358398 + ], + [ + "▁Jacque", + -14.435696601867676 + ], + [ + "▁Scandal", + -14.43575382232666 + ], + [ + "▁disallow", + -14.435826301574709 + ], + [ + "▁Sine", + -14.435927391052246 + ], + [ + "▁shearing", + -14.435991287231444 + ], + [ + "roche", + -14.436017036437988 + ], + [ + "weave", + -14.43602180480957 + ], + [ + "▁leek", + -14.436053276062012 + ], + [ + "unge", + -14.43616771697998 + ], + [ + "▁warships", + -14.436245918273926 + ], + [ + "▁Keenan", + -14.436285972595217 + ], + [ + "urate", + -14.436392784118652 + ], + [ + "RSP", + -14.43652629852295 + ], + [ + "▁sulfide", + -14.436553001403809 + ], + [ + "▁HEAT", + -14.436564445495604 + ], + [ + "▁geno", + -14.436585426330566 + ], + [ + "▁Shorter", + -14.436670303344728 + ], + [ + "$500", + -14.436837196350098 + ], + [ + "érie", + -14.43694305419922 + ], + [ + "▁bugger", + -14.436949729919434 + ], + [ + "▁Gifted", + -14.436983108520508 + ], + [ + "▁navel", + -14.437092781066896 + ], + [ + "hava", + -14.437180519104004 + ], + [ + "▁bestsellers", + -14.43735694885254 + ], + [ + "Represent", + -14.437382698059082 + ], + [ + "▁4-4", + -14.437406539916992 + ], + [ + "11-13", + -14.437424659729004 + ], + [ + "▁(2006", + -14.43742561340332 + ], + [ + "▁Huh", + -14.437442779541016 + ], + [ + "▁$3.00", + -14.43748378753662 + ], + [ + "Joel", + -14.437492370605469 + ], + [ + "▁beekeepers", + -14.437494277954102 + ], + [ + "▁Epilepsy", + -14.437498092651367 + ], + [ + "piring", + -14.43750286102295 + ], + [ + "▁hostages", + -14.437507629394531 + ], + [ + "▁Steen", + -14.43769645690918 + ], + [ + "▁truckers", + -14.437772750854492 + ], + [ + "JAY", + -14.437785148620604 + ], + [ + "▁scrim", + -14.4378662109375 + ], + [ + "▁OPT", + -14.437928199768066 + ], + [ + "▁Frida", + -14.438000679016112 + ], + [ + "▁shined", + -14.438115119934082 + ], + [ + "GBP", + -14.438206672668455 + ], + [ + "reaction", + -14.43825340270996 + ], + [ + "▁centimetres", + -14.438255310058594 + ], + [ + "▁Tianjin", + -14.438302040100098 + ], + [ + "crush", + -14.438343048095703 + ], + [ + "Maya", + -14.43844985961914 + ], + [ + "▁morphs", + -14.43845272064209 + ], + [ + "Explorer", + -14.438530921936035 + ], + [ + "▁Sef", + -14.438551902770996 + ], + [ + "ROV", + -14.438737869262695 + ], + [ + "jum", + -14.438759803771973 + ], + [ + "iffer", + -14.438884735107422 + ], + [ + "▁Armada", + -14.439093589782717 + ], + [ + "▁afflict", + -14.439098358154297 + ], + [ + "glut", + -14.439105987548828 + ], + [ + "▁yumm", + -14.43914031982422 + ], + [ + "stud", + -14.43919849395752 + ], + [ + "noc", + -14.439229011535645 + ], + [ + "▁Ample", + -14.439242362976074 + ], + [ + "▁Parallels", + -14.439285278320312 + ], + [ + "steer", + -14.43929958343506 + ], + [ + "SaaS", + -14.439404487609863 + ], + [ + "Nico", + -14.439471244812012 + ], + [ + "▁exon", + -14.43948745727539 + ], + [ + "▁SMD", + -14.439509391784668 + ], + [ + "dab", + -14.439616203308104 + ], + [ + "onzo", + -14.439652442932127 + ], + [ + "Cholesterol", + -14.43966007232666 + ], + [ + "Inflammation", + -14.43966007232666 + ], + [ + "Influenza", + -14.43966007232666 + ], + [ + "Marguerite", + -14.43966007232666 + ], + [ + "SHIELD", + -14.43966007232666 + ], + [ + "unpredictability", + -14.43966007232666 + ], + [ + "▁BELIEVE", + -14.43966007232666 + ], + [ + "▁Pedestal", + -14.43966007232666 + ], + [ + "▁Salvatore", + -14.43966007232666 + ], + [ + "▁abstinence", + -14.43966007232666 + ], + [ + "▁astigmatism", + -14.43966007232666 + ], + [ + "▁kerosene", + -14.43966007232666 + ], + [ + "▁nematode", + -14.43966007232666 + ], + [ + "▁brevity", + -14.439661026000977 + ], + [ + "▁rucksack", + -14.439661026000977 + ], + [ + "▁Palladium", + -14.439661979675291 + ], + [ + "▁peppercorns", + -14.439661979675291 + ], + [ + "Exploit", + -14.439663887023926 + ], + [ + "▁acacia", + -14.43966579437256 + ], + [ + "▁immunology", + -14.43966579437256 + ], + [ + "▁juried", + -14.43966579437256 + ], + [ + "▁interdependence", + -14.439668655395508 + ], + [ + "▁Boolean", + -14.439671516418455 + ], + [ + "expand", + -14.439674377441406 + ], + [ + "▁Petaluma", + -14.43967628479004 + ], + [ + "▁grotto", + -14.439678192138672 + ], + [ + "▁CANNOT", + -14.439680099487305 + ], + [ + "imir", + -14.439682960510254 + ], + [ + "▁hallowed", + -14.439692497253418 + ], + [ + "▁£100,000", + -14.439701080322266 + ], + [ + "▁sporadically", + -14.439711570739746 + ], + [ + "▁Georgina", + -14.439715385437012 + ], + [ + "▁Lynchburg", + -14.439719200134276 + ], + [ + "TERM", + -14.439740180969238 + ], + [ + "amate", + -14.439741134643556 + ], + [ + "▁atelier", + -14.439764976501465 + ], + [ + "▁Flagler", + -14.43980312347412 + ], + [ + "▁Heim", + -14.43980598449707 + ], + [ + "▁contort", + -14.439809799194336 + ], + [ + "▁Anesthesia", + -14.439812660217283 + ], + [ + "▁2013-2014", + -14.4398193359375 + ], + [ + "▁Radford", + -14.439823150634766 + ], + [ + "▁launchers", + -14.43985652923584 + ], + [ + "▁propped", + -14.439871788024902 + ], + [ + "▁Slight", + -14.439876556396484 + ], + [ + "Satisfy", + -14.439879417419434 + ], + [ + "▁Fid", + -14.439885139465332 + ], + [ + "▁Drought", + -14.439908027648926 + ], + [ + "▁Pryor", + -14.439921379089355 + ], + [ + "▁botnet", + -14.439921379089355 + ], + [ + "▁decadence", + -14.43992805480957 + ], + [ + "▁Jah", + -14.43995475769043 + ], + [ + "▁SQLite", + -14.439974784851074 + ], + [ + "▁pressuring", + -14.439988136291504 + ], + [ + "▁stepfather", + -14.440022468566896 + ], + [ + "▁Complexity", + -14.440035820007324 + ], + [ + "▁Quakers", + -14.440075874328612 + ], + [ + "▁royale", + -14.440085411071776 + ], + [ + "▁Westpac", + -14.440115928649902 + ], + [ + "▁pathologists", + -14.440155982971191 + ], + [ + "▁Sema", + -14.44022274017334 + ], + [ + "▁Spinner", + -14.440227508544922 + ], + [ + "▁lvl", + -14.44023609161377 + ], + [ + "rello", + -14.440240859985352 + ], + [ + "▁flaking", + -14.440305709838867 + ], + [ + "▁CHICAGO", + -14.440352439880373 + ], + [ + "afel", + -14.440367698669434 + ], + [ + "▁Thyroid", + -14.4403715133667 + ], + [ + "Vit", + -14.440375328063965 + ], + [ + "▁Emblem", + -14.440417289733888 + ], + [ + "▁assimilated", + -14.440458297729492 + ], + [ + "▁nab", + -14.440567016601562 + ], + [ + "▁79%", + -14.44057273864746 + ], + [ + "ocha", + -14.440595626831056 + ], + [ + "▁materiality", + -14.440598487854004 + ], + [ + "1:30", + -14.440608978271484 + ], + [ + "▁acrobat", + -14.440621376037598 + ], + [ + "USC", + -14.440644264221191 + ], + [ + "trotting", + -14.440654754638672 + ], + [ + "▁Encouraging", + -14.44067096710205 + ], + [ + "▁Himalaya", + -14.440673828125 + ], + [ + "▁HRD", + -14.44068431854248 + ], + [ + "▁Voss", + -14.440712928771973 + ], + [ + "dominant", + -14.44073486328125 + ], + [ + "енн", + -14.440738677978516 + ], + [ + "activities", + -14.44075870513916 + ], + [ + "▁Capable", + -14.44075870513916 + ], + [ + "▁remediate", + -14.440789222717283 + ], + [ + "SPAN", + -14.440814018249512 + ], + [ + "restore", + -14.440820693969728 + ], + [ + "▁Gilles", + -14.440873146057127 + ], + [ + "utton", + -14.440874099731444 + ], + [ + "Worked", + -14.440885543823242 + ], + [ + "microbial", + -14.440889358520508 + ], + [ + "▁Brushes", + -14.44093132019043 + ], + [ + "▁devouring", + -14.440947532653809 + ], + [ + "▁lentil", + -14.44095516204834 + ], + [ + "Appliance", + -14.440958976745604 + ], + [ + "Temporary", + -14.440961837768556 + ], + [ + "Juice", + -14.440964698791504 + ], + [ + "Aluminum", + -14.4409761428833 + ], + [ + "Chin", + -14.440978050231934 + ], + [ + "Alabama", + -14.4409818649292 + ], + [ + "▁Buren", + -14.440990447998049 + ], + [ + "Bluetooth", + -14.441006660461426 + ], + [ + "disease", + -14.441014289855955 + ], + [ + "STS", + -14.441057205200195 + ], + [ + "▁BREAK", + -14.441062927246094 + ], + [ + "Equity", + -14.44106674194336 + ], + [ + "Durable", + -14.441081047058104 + ], + [ + "ADHD", + -14.441082954406738 + ], + [ + "diabetes", + -14.441164016723633 + ], + [ + "NOC", + -14.44119930267334 + ], + [ + "▁HSP", + -14.4412260055542 + ], + [ + "flung", + -14.441231727600098 + ], + [ + "▁MATCH", + -14.44123363494873 + ], + [ + "TIM", + -14.44123649597168 + ], + [ + "▁Budgeting", + -14.441247940063477 + ], + [ + "SPECIAL", + -14.441261291503906 + ], + [ + "▁Woodside", + -14.441264152526855 + ], + [ + "▁Izzy", + -14.441271781921388 + ], + [ + "Blessed", + -14.44130802154541 + ], + [ + "▁ABN", + -14.441308975219728 + ], + [ + "▁Stead", + -14.441308975219728 + ], + [ + "energize", + -14.441359519958496 + ], + [ + "00:3", + -14.441386222839355 + ], + [ + "▁Pillars", + -14.44140338897705 + ], + [ + "toxicity", + -14.441414833068848 + ], + [ + "▁Wetlands", + -14.44143295288086 + ], + [ + "▁mumble", + -14.441445350646973 + ], + [ + "▁Arsene", + -14.441554069519045 + ], + [ + "▁Noosa", + -14.44156551361084 + ], + [ + "▁Hatter", + -14.441617012023926 + ], + [ + "mob", + -14.441624641418455 + ], + [ + "▁IGF", + -14.441640853881836 + ], + [ + "VEN", + -14.441658020019531 + ], + [ + "▁MAKES", + -14.441667556762695 + ], + [ + "▁14:1", + -14.441892623901367 + ], + [ + "▁Earle", + -14.441914558410645 + ], + [ + "idder", + -14.44191551208496 + ], + [ + "▁VIR", + -14.441926956176758 + ], + [ + "▁Waterside", + -14.441954612731934 + ], + [ + "▁inept", + -14.441970825195312 + ], + [ + "coupon", + -14.441974639892578 + ], + [ + "kwe", + -14.441998481750488 + ], + [ + "▁ARP", + -14.442002296447754 + ], + [ + "▁headpiece", + -14.442071914672852 + ], + [ + "pyr", + -14.442106246948242 + ], + [ + "Survivors", + -14.44212245941162 + ], + [ + "gartner", + -14.442126274108888 + ], + [ + "OLI", + -14.442197799682615 + ], + [ + "▁Odell", + -14.4422025680542 + ], + [ + "Bend", + -14.442235946655272 + ], + [ + "▁peu", + -14.442270278930664 + ], + [ + "▁Impressionist", + -14.442350387573242 + ], + [ + "TEA", + -14.442427635192873 + ], + [ + "▁envisioning", + -14.442441940307615 + ], + [ + "Brook", + -14.442442893981934 + ], + [ + "▁Barking", + -14.442561149597168 + ], + [ + "▁CYP", + -14.442587852478027 + ], + [ + "wooden", + -14.442753791809082 + ], + [ + "steroidal", + -14.442761421203612 + ], + [ + "▁Substitute", + -14.44276237487793 + ], + [ + "▁Roadside", + -14.442888259887695 + ], + [ + "▁BCA", + -14.442909240722656 + ], + [ + "▁Modest", + -14.44295883178711 + ], + [ + "794", + -14.44296646118164 + ], + [ + "rasa", + -14.443008422851562 + ], + [ + "▁PED", + -14.443013191223145 + ], + [ + "GENT", + -14.443098068237305 + ], + [ + "behaved", + -14.44310188293457 + ], + [ + "Swap", + -14.443115234375 + ], + [ + "▁Wigs", + -14.44313907623291 + ], + [ + "▁SSB", + -14.443166732788086 + ], + [ + "ilin", + -14.4431734085083 + ], + [ + "▁Efforts", + -14.443198204040527 + ], + [ + "Nail", + -14.44321060180664 + ], + [ + "▁Suz", + -14.443281173706056 + ], + [ + "▁CBE", + -14.443284034729004 + ], + [ + "(11):", + -14.443307876586914 + ], + [ + "wir", + -14.44334888458252 + ], + [ + "▁facile", + -14.443365097045898 + ], + [ + "constitutionally", + -14.443367958068848 + ], + [ + "hamma", + -14.443374633789062 + ], + [ + "plugin", + -14.443432807922363 + ], + [ + "▁cashflow", + -14.443523406982422 + ], + [ + "Oxley", + -14.443525314331056 + ], + [ + "▁NAPA", + -14.443531036376951 + ], + [ + "▁Shave", + -14.44355583190918 + ], + [ + "Transition", + -14.44357967376709 + ], + [ + "Stella", + -14.443617820739746 + ], + [ + "▁Newberry", + -14.443660736083984 + ], + [ + "▁fleshy", + -14.443771362304688 + ], + [ + "▁Adamson", + -14.44379425048828 + ], + [ + "▁Masses", + -14.443825721740724 + ], + [ + "▁7-1", + -14.443839073181152 + ], + [ + "hrew", + -14.44387149810791 + ], + [ + "breakers", + -14.44389533996582 + ], + [ + "▁madly", + -14.443923950195312 + ], + [ + "▁Nama", + -14.44393825531006 + ], + [ + "▁Manas", + -14.443973541259766 + ], + [ + "▁Amba", + -14.44400119781494 + ], + [ + "dare", + -14.444087028503418 + ], + [ + "▁Stride", + -14.444162368774414 + ], + [ + "▁webcams", + -14.444208145141602 + ], + [ + "▁kitsch", + -14.444375038146973 + ], + [ + "alga", + -14.444409370422363 + ], + [ + "▁caffeinated", + -14.444520950317385 + ], + [ + "▁Cac", + -14.444558143615724 + ], + [ + "prize", + -14.44456958770752 + ], + [ + "Kur", + -14.444637298583984 + ], + [ + "▁NEEDS", + -14.444676399230955 + ], + [ + "▁fanatical", + -14.444818496704102 + ], + [ + "▁Elves", + -14.44487476348877 + ], + [ + "▁refinements", + -14.444908142089844 + ], + [ + "rabbit", + -14.444911003112791 + ], + [ + "▁quarterfinal", + -14.444923400878906 + ], + [ + "▁pleat", + -14.4449462890625 + ], + [ + "FZ", + -14.444989204406738 + ], + [ + "▁Ecole", + -14.44501495361328 + ], + [ + "▁Colle", + -14.445115089416504 + ], + [ + "▁fiscally", + -14.44512176513672 + ], + [ + "▁preterm", + -14.445273399353027 + ], + [ + "▁saddled", + -14.445277214050291 + ], + [ + "tonal", + -14.445420265197754 + ], + [ + "▁disintegrate", + -14.445467948913574 + ], + [ + "rilla", + -14.44548511505127 + ], + [ + "▁dished", + -14.445488929748535 + ], + [ + "▁Tsa", + -14.445552825927734 + ], + [ + "ANTS", + -14.44558334350586 + ], + [ + "▁reconfigure", + -14.44558334350586 + ], + [ + "▁Homewood", + -14.445601463317873 + ], + [ + "Mak", + -14.44560432434082 + ], + [ + "weaver", + -14.445648193359377 + ], + [ + "▁thine", + -14.445731163024902 + ], + [ + "▁airframe", + -14.445770263671877 + ], + [ + "▁Trig", + -14.44577980041504 + ], + [ + "undy", + -14.445780754089355 + ], + [ + "▁multipliers", + -14.44589138031006 + ], + [ + "▁squint", + -14.445899963378906 + ], + [ + "3.9%", + -14.445964813232422 + ], + [ + "Lime", + -14.44603443145752 + ], + [ + "▁MacKenzie", + -14.446069717407228 + ], + [ + "▁Stellenbosch", + -14.446069717407228 + ], + [ + "▁bergamot", + -14.446069717407228 + ], + [ + "▁comprehensible", + -14.446069717407228 + ], + [ + "Adequate", + -14.446070671081545 + ], + [ + "▁Archipelago", + -14.446070671081545 + ], + [ + "▁DiCaprio", + -14.446070671081545 + ], + [ + "▁Malhotra", + -14.446070671081545 + ], + [ + "▁McNamara", + -14.446070671081545 + ], + [ + "▁Scrooge", + -14.446070671081545 + ], + [ + "▁Solihull", + -14.446070671081545 + ], + [ + "▁contaminating", + -14.446070671081545 + ], + [ + "▁derivation", + -14.446070671081545 + ], + [ + "▁inequities", + -14.446070671081545 + ], + [ + "▁numeracy", + -14.446070671081545 + ], + [ + "▁pantomime", + -14.446070671081545 + ], + [ + "▁primordial", + -14.446070671081545 + ], + [ + "▁prodigious", + -14.446070671081545 + ], + [ + "▁uncomfortably", + -14.446070671081545 + ], + [ + "▁unpretentious", + -14.446070671081545 + ], + [ + "▁velocities", + -14.446070671081545 + ], + [ + "▁pricier", + -14.446072578430176 + ], + [ + "▁ELECTRIC", + -14.446073532104492 + ], + [ + "▁eroding", + -14.446073532104492 + ], + [ + "▁bankruptcies", + -14.446074485778809 + ], + [ + "▁Epcot", + -14.44607925415039 + ], + [ + "fontein", + -14.446080207824709 + ], + [ + "▁Gatorade", + -14.446084976196287 + ], + [ + "▁Darlene", + -14.446093559265137 + ], + [ + "▁Policing", + -14.446093559265137 + ], + [ + "▁Yunnan", + -14.44609546661377 + ], + [ + "▁cowhide", + -14.446101188659668 + ], + [ + "▁Habib", + -14.446102142333984 + ], + [ + "▁Predictive", + -14.446104049682615 + ], + [ + "▁geolocation", + -14.446104049682615 + ], + [ + "▁Vogt", + -14.44610595703125 + ], + [ + "▁Terrible", + -14.446114540100098 + ], + [ + "▁biosimilar", + -14.446118354797363 + ], + [ + "▁Jurgen", + -14.446125030517578 + ], + [ + "SESSION", + -14.446136474609377 + ], + [ + "▁sedimentary", + -14.446137428283691 + ], + [ + "▁Haifa", + -14.446139335632324 + ], + [ + "▁subprime", + -14.44614601135254 + ], + [ + "▁behest", + -14.446163177490234 + ], + [ + "▁methanol", + -14.446165084838867 + ], + [ + "▁Ryo", + -14.446172714233398 + ], + [ + "▁Ticketmaster", + -14.44617748260498 + ], + [ + "BRC", + -14.446212768554688 + ], + [ + "Html", + -14.446216583251951 + ], + [ + "▁reconsideration", + -14.446218490600586 + ], + [ + "▁Callahan", + -14.446239471435549 + ], + [ + "▁POLY", + -14.446247100830078 + ], + [ + "amiento", + -14.446249008178713 + ], + [ + "▁proprietorship", + -14.446281433105469 + ], + [ + "▁falsehood", + -14.446284294128418 + ], + [ + "▁disinterested", + -14.446288108825684 + ], + [ + "▁Pullover", + -14.44629955291748 + ], + [ + "▁Bremen", + -14.446303367614746 + ], + [ + "▁Priorities", + -14.44630527496338 + ], + [ + "▁DOHC", + -14.44631576538086 + ], + [ + "▁Adaptation", + -14.446331024169922 + ], + [ + "▁SPECIFIC", + -14.446333885192873 + ], + [ + "BELL", + -14.446358680725098 + ], + [ + "▁redecorate", + -14.446393013000488 + ], + [ + "▁lagged", + -14.446457862854004 + ], + [ + "▁recesses", + -14.44650173187256 + ], + [ + "▁ethnically", + -14.446516036987305 + ], + [ + "▁Jell", + -14.44653034210205 + ], + [ + "retro", + -14.446537017822266 + ], + [ + "▁(2007", + -14.44659423828125 + ], + [ + "▁Clos", + -14.446642875671388 + ], + [ + "▁Drape", + -14.446650505065918 + ], + [ + "▁spearheading", + -14.446709632873535 + ], + [ + "98)", + -14.44674301147461 + ], + [ + "▁PAYMENT", + -14.446755409240724 + ], + [ + "▁aborted", + -14.44675636291504 + ], + [ + "▁AHS", + -14.44679355621338 + ], + [ + "▁Installers", + -14.446800231933594 + ], + [ + "directly", + -14.446873664855955 + ], + [ + "▁Vijaya", + -14.446951866149902 + ], + [ + "▁nucleo", + -14.44703483581543 + ], + [ + "Slimming", + -14.447036743164062 + ], + [ + "▁Cranes", + -14.44704246520996 + ], + [ + "ENO", + -14.447056770324709 + ], + [ + "▁Formica", + -14.447080612182615 + ], + [ + "▁HALL", + -14.447104454040527 + ], + [ + "▁Revealed", + -14.447148323059082 + ], + [ + "▁Pugh", + -14.44721221923828 + ], + [ + "coagul", + -14.447237968444824 + ], + [ + "▁(44", + -14.447246551513672 + ], + [ + "▁Kaba", + -14.447283744812012 + ], + [ + "▁intensifying", + -14.44729232788086 + ], + [ + "▁sweetly", + -14.447339057922363 + ], + [ + "▁Nugget", + -14.447367668151855 + ], + [ + "▁Jahre", + -14.447381019592283 + ], + [ + "Activate", + -14.447428703308104 + ], + [ + "ROVE", + -14.447429656982422 + ], + [ + "▁Stoker", + -14.447449684143066 + ], + [ + "▁barricade", + -14.447452545166016 + ], + [ + "Arriving", + -14.44750690460205 + ], + [ + "Bundle", + -14.447521209716797 + ], + [ + "Lloyd", + -14.447542190551758 + ], + [ + "▁Yash", + -14.447545051574709 + ], + [ + "Approved", + -14.447547912597656 + ], + [ + "infrared", + -14.447551727294922 + ], + [ + "presumably", + -14.447553634643556 + ], + [ + "emphasis", + -14.447556495666504 + ], + [ + "False", + -14.44757843017578 + ], + [ + "▁Slavic", + -14.447623252868652 + ], + [ + "▁wrestled", + -14.4476318359375 + ], + [ + "heaven", + -14.44773006439209 + ], + [ + "Whichever", + -14.44774055480957 + ], + [ + "▁18-20", + -14.447747230529783 + ], + [ + "▁grommets", + -14.447748184204102 + ], + [ + "meadow", + -14.447761535644531 + ], + [ + "vocals", + -14.447809219360352 + ], + [ + "Organise", + -14.44781494140625 + ], + [ + "▁Horner", + -14.447829246520996 + ], + [ + "▁friendliest", + -14.447854042053224 + ], + [ + "▁Cryo", + -14.447870254516602 + ], + [ + "Grim", + -14.447874069213867 + ], + [ + "background", + -14.4479341506958 + ], + [ + "▁Entertainer", + -14.4479398727417 + ], + [ + "▁16-18", + -14.447951316833496 + ], + [ + "amber", + -14.447954177856444 + ], + [ + "89)", + -14.447972297668455 + ], + [ + "12\"", + -14.448015213012695 + ], + [ + "1024", + -14.448094367980955 + ], + [ + "instagram", + -14.448107719421388 + ], + [ + "▁Joined", + -14.448137283325195 + ], + [ + "▁Ivey", + -14.448195457458496 + ], + [ + "▁Sleeves", + -14.448217391967772 + ], + [ + "▁$3.7", + -14.448226928710938 + ], + [ + "DTM", + -14.448271751403809 + ], + [ + "▁Watermark", + -14.448307991027832 + ], + [ + "Improvement", + -14.448333740234377 + ], + [ + "ODE", + -14.448344230651855 + ], + [ + "equin", + -14.448344230651855 + ], + [ + "▁Pomp", + -14.448347091674805 + ], + [ + "toothed", + -14.44838047027588 + ], + [ + "▁Bast", + -14.448382377624512 + ], + [ + "versus", + -14.44839096069336 + ], + [ + "▁Arno", + -14.448431015014648 + ], + [ + "▁$2.8", + -14.44847583770752 + ], + [ + "▁Moira", + -14.448631286621094 + ], + [ + "▁Padre", + -14.4487886428833 + ], + [ + "Stoke", + -14.448798179626465 + ], + [ + "CUL", + -14.448800086975098 + ], + [ + "▁Shik", + -14.448893547058104 + ], + [ + "Mull", + -14.448936462402344 + ], + [ + "▁Scion", + -14.449102401733398 + ], + [ + "▁Docu", + -14.449143409729004 + ], + [ + "▁panelling", + -14.449285507202148 + ], + [ + "▁Amr", + -14.449310302734377 + ], + [ + "▁brightened", + -14.449312210083008 + ], + [ + "▁topcoat", + -14.449366569519045 + ], + [ + "marsh", + -14.449469566345217 + ], + [ + "kura", + -14.449478149414062 + ], + [ + "bottomed", + -14.44960117340088 + ], + [ + "develop", + -14.449641227722168 + ], + [ + "Translate", + -14.449688911437988 + ], + [ + "records", + -14.44969367980957 + ], + [ + "ZEN", + -14.449786186218262 + ], + [ + "▁Visibility", + -14.44984531402588 + ], + [ + "tada", + -14.449875831604004 + ], + [ + "Proc", + -14.449968338012695 + ], + [ + "▁Healer", + -14.449987411499023 + ], + [ + "▁banged", + -14.45002555847168 + ], + [ + "Dim", + -14.450026512145996 + ], + [ + "▁shortfalls", + -14.450037002563477 + ], + [ + "Behold", + -14.450082778930664 + ], + [ + "▁Kms", + -14.450197219848633 + ], + [ + "▁Garnett", + -14.450215339660645 + ], + [ + "hiya", + -14.450224876403809 + ], + [ + "▁fluted", + -14.450243949890137 + ], + [ + "▁OAK", + -14.45025634765625 + ], + [ + "unny", + -14.45034408569336 + ], + [ + "Contest", + -14.450384140014648 + ], + [ + "▁Pio", + -14.450389862060549 + ], + [ + "▁Avian", + -14.450406074523926 + ], + [ + "▁Launching", + -14.450450897216797 + ], + [ + "Fone", + -14.450458526611328 + ], + [ + "devel", + -14.450502395629885 + ], + [ + "▁Appealing", + -14.450535774230955 + ], + [ + "strategy", + -14.450580596923828 + ], + [ + "pou", + -14.450610160827637 + ], + [ + "avel", + -14.450634002685549 + ], + [ + "GAME", + -14.450653076171877 + ], + [ + "▁rockstar", + -14.450653076171877 + ], + [ + "▁Farewell", + -14.450881958007812 + ], + [ + "▁Cousin", + -14.450883865356444 + ], + [ + "▁Ranchi", + -14.45091152191162 + ], + [ + "▁honk", + -14.45097827911377 + ], + [ + "▁joker", + -14.450979232788086 + ], + [ + "Affected", + -14.45098876953125 + ], + [ + "▁wicks", + -14.45111846923828 + ], + [ + "MPA", + -14.45114803314209 + ], + [ + "/2003", + -14.45116901397705 + ], + [ + "▁pulleys", + -14.451169967651367 + ], + [ + "goth", + -14.45118808746338 + ], + [ + "aghan", + -14.451221466064451 + ], + [ + "▁shelled", + -14.451229095458984 + ], + [ + "▁Arlo", + -14.451250076293944 + ], + [ + "▁PAUL", + -14.451255798339844 + ], + [ + "▁proportioned", + -14.451332092285156 + ], + [ + "▁orbs", + -14.45135498046875 + ], + [ + "▁LTS", + -14.451386451721191 + ], + [ + "▁5/5", + -14.451498985290527 + ], + [ + "▁Ordered", + -14.45155906677246 + ], + [ + "▁Zamb", + -14.451631546020508 + ], + [ + "BIR", + -14.451666831970217 + ], + [ + "▁Restorative", + -14.451783180236816 + ], + [ + "▁Whiting", + -14.451802253723145 + ], + [ + "noting", + -14.451824188232422 + ], + [ + "guez", + -14.451854705810549 + ], + [ + "4100", + -14.451887130737305 + ], + [ + "zant", + -14.451911926269531 + ], + [ + "941", + -14.451944351196287 + ], + [ + "▁Bhai", + -14.451950073242188 + ], + [ + "▁Vya", + -14.452054977416992 + ], + [ + "▁colic", + -14.452064514160156 + ], + [ + "Gla", + -14.452219009399414 + ], + [ + "▁skilful", + -14.452284812927246 + ], + [ + "▁Talented", + -14.452350616455078 + ], + [ + "OOD", + -14.452364921569824 + ], + [ + "ARO", + -14.452437400817873 + ], + [ + "▁Evie", + -14.452441215515137 + ], + [ + "▁CONSULT", + -14.452522277832031 + ], + [ + "▁Columbine", + -14.452522277832031 + ], + [ + "▁Hickey", + -14.452522277832031 + ], + [ + "▁Kamloops", + -14.452522277832031 + ], + [ + "▁Reversible", + -14.452522277832031 + ], + [ + "▁Scunthorpe", + -14.452522277832031 + ], + [ + "▁antihistamine", + -14.452522277832031 + ], + [ + "▁archbishop", + -14.452522277832031 + ], + [ + "▁capillaries", + -14.452522277832031 + ], + [ + "▁deceleration", + -14.452522277832031 + ], + [ + "▁hibernate", + -14.452522277832031 + ], + [ + "▁interpolation", + -14.452522277832031 + ], + [ + "▁nauseous", + -14.452522277832031 + ], + [ + "▁redistricting", + -14.452522277832031 + ], + [ + "▁vegetative", + -14.452522277832031 + ], + [ + "▁extraneous", + -14.452523231506348 + ], + [ + "▁Medvedev", + -14.452524185180664 + ], + [ + "▁gyratory", + -14.452524185180664 + ], + [ + "▁corkscrew", + -14.452527046203612 + ], + [ + "▁Tarantino", + -14.45252799987793 + ], + [ + "▁Ibadan", + -14.452528953552246 + ], + [ + "▁hinterland", + -14.452533721923828 + ], + [ + "▁october", + -14.452533721923828 + ], + [ + "▁Safeguarding", + -14.452534675598145 + ], + [ + "▁regress", + -14.45254135131836 + ], + [ + "▁admittance", + -14.452542304992676 + ], + [ + "▁picures", + -14.452545166015623 + ], + [ + "▁Koran", + -14.45254898071289 + ], + [ + "▁pecking", + -14.45255184173584 + ], + [ + "▁electrochemical", + -14.452552795410156 + ], + [ + "▁NCLEX", + -14.452554702758787 + ], + [ + "▁(1980)", + -14.452556610107422 + ], + [ + "▁Assisi", + -14.452556610107422 + ], + [ + "▁CUNY", + -14.452558517456056 + ], + [ + "▁Inkjet", + -14.45256805419922 + ], + [ + "▁Sherwin", + -14.452571868896484 + ], + [ + "▁commode", + -14.452579498291016 + ], + [ + "▁Sidekick", + -14.452595710754396 + ], + [ + "▁Azad", + -14.452611923217772 + ], + [ + "▁pathogenesis", + -14.45262050628662 + ], + [ + "▁plurality", + -14.452625274658203 + ], + [ + "1400", + -14.452628135681152 + ], + [ + "▁Trekking", + -14.452634811401367 + ], + [ + "▁alienating", + -14.452645301818848 + ], + [ + "▁patriarchal", + -14.452655792236328 + ], + [ + "▁romper", + -14.45266342163086 + ], + [ + "▁leuk", + -14.452665328979492 + ], + [ + "▁bodybuilders", + -14.452677726745604 + ], + [ + "▁Suzhou", + -14.452681541442873 + ], + [ + "▁Motivational", + -14.45268440246582 + ], + [ + "USS", + -14.45272159576416 + ], + [ + "▁baggie", + -14.45273208618164 + ], + [ + "▁2004;", + -14.452770233154297 + ], + [ + "▁unwillingness", + -14.45279026031494 + ], + [ + "▁riveted", + -14.452808380126951 + ], + [ + "▁Mendes", + -14.452826499938965 + ], + [ + "▁refactoring", + -14.452836990356444 + ], + [ + "Inner", + -14.452875137329102 + ], + [ + "▁Wilco", + -14.452906608581545 + ], + [ + "▁Idiot", + -14.452926635742188 + ], + [ + "▁Urology", + -14.452937126159668 + ], + [ + "▁Luciano", + -14.452963829040527 + ], + [ + "▁headgear", + -14.453010559082031 + ], + [ + "Optimis", + -14.453110694885254 + ], + [ + "▁preexisting", + -14.453119277954102 + ], + [ + "▁12.9", + -14.453184127807615 + ], + [ + "irr", + -14.45318603515625 + ], + [ + "▁assessors", + -14.453216552734377 + ], + [ + "▁carriageway", + -14.453227043151855 + ], + [ + "▁shareholding", + -14.453248977661133 + ], + [ + "▁Llc", + -14.453265190124512 + ], + [ + "▁fixated", + -14.453327178955078 + ], + [ + "cyan", + -14.453364372253418 + ], + [ + "▁confine", + -14.453375816345217 + ], + [ + "▁Stonewall", + -14.453424453735352 + ], + [ + "Introduce", + -14.453529357910156 + ], + [ + "hydrate", + -14.453606605529783 + ], + [ + "Communications", + -14.453704833984377 + ], + [ + "ERE", + -14.453717231750488 + ], + [ + "▁UNHCR", + -14.453721046447754 + ], + [ + "▁sleepiness", + -14.45383071899414 + ], + [ + "inum", + -14.453838348388672 + ], + [ + "▁numeral", + -14.45391082763672 + ], + [ + "▁Expense", + -14.4539155960083 + ], + [ + "Drone", + -14.4539213180542 + ], + [ + "▁suture", + -14.45396900177002 + ], + [ + "▁remittance", + -14.45397663116455 + ], + [ + "5.50", + -14.454033851623535 + ], + [ + "assured", + -14.454042434692385 + ], + [ + "Thing", + -14.454058647155762 + ], + [ + "▁darkening", + -14.454060554504396 + ], + [ + "▁amplifying", + -14.454097747802734 + ], + [ + "▁margaritas", + -14.454109191894531 + ], + [ + "crist", + -14.454145431518556 + ], + [ + "Eligible", + -14.454154014587402 + ], + [ + "parallel", + -14.454166412353516 + ], + [ + "Regulation", + -14.45417594909668 + ], + [ + "Hungary", + -14.454178810119627 + ], + [ + "Nursing", + -14.454180717468262 + ], + [ + "Hunting", + -14.454185485839844 + ], + [ + "Bristol", + -14.454190254211426 + ], + [ + "Fantasy", + -14.454195976257324 + ], + [ + "Structural", + -14.454230308532717 + ], + [ + "rode", + -14.45424461364746 + ], + [ + "▁pothole", + -14.45424461364746 + ], + [ + "Derek", + -14.454248428344728 + ], + [ + "▁roamed", + -14.454315185546877 + ], + [ + "▁Chr", + -14.454358100891112 + ], + [ + "▁Tidy", + -14.454360961914062 + ], + [ + "▁marlin", + -14.454484939575195 + ], + [ + "▁anyplace", + -14.45450496673584 + ], + [ + "▁Thyme", + -14.45461368560791 + ], + [ + "▁eyesore", + -14.45462417602539 + ], + [ + "▁birthed", + -14.45464324951172 + ], + [ + "Notification", + -14.454659461975098 + ], + [ + "Election", + -14.454675674438477 + ], + [ + "possession", + -14.454726219177246 + ], + [ + "▁Lech", + -14.45477294921875 + ], + [ + "▁gorgeously", + -14.454793930053713 + ], + [ + "Scoop", + -14.45479965209961 + ], + [ + "stituting", + -14.45490264892578 + ], + [ + "presented", + -14.454910278320312 + ], + [ + "▁1824", + -14.454926490783691 + ], + [ + "▁resigning", + -14.454974174499512 + ], + [ + "▁enablement", + -14.454988479614258 + ], + [ + "▁congregational", + -14.455002784729004 + ], + [ + "2.2%", + -14.455052375793455 + ], + [ + "▁Lacy", + -14.455084800720217 + ], + [ + "Janet", + -14.455106735229492 + ], + [ + "utti", + -14.455124855041504 + ], + [ + "Tough", + -14.455133438110352 + ], + [ + "hier", + -14.455135345458984 + ], + [ + "▁15+", + -14.455142974853516 + ], + [ + "▁tunneling", + -14.455153465270996 + ], + [ + "▁Fares", + -14.455194473266602 + ], + [ + "▁Rotor", + -14.455204963684082 + ], + [ + "fixing", + -14.455211639404297 + ], + [ + "▁corny", + -14.455233573913574 + ], + [ + "Louise", + -14.455248832702637 + ], + [ + "Drinking", + -14.455348014831545 + ], + [ + "▁Carte", + -14.45543384552002 + ], + [ + "▁Carton", + -14.455434799194336 + ], + [ + "racist", + -14.45544719696045 + ], + [ + "▁premi", + -14.455451011657717 + ], + [ + "▁southward", + -14.45549774169922 + ], + [ + "trunk", + -14.455549240112305 + ], + [ + "▁ISC", + -14.455620765686035 + ], + [ + "Conn", + -14.455698013305664 + ], + [ + "▁Kann", + -14.455734252929688 + ], + [ + "▁1839", + -14.455910682678224 + ], + [ + "nect", + -14.456067085266112 + ], + [ + "quing", + -14.456119537353516 + ], + [ + "Diana", + -14.456138610839844 + ], + [ + "0.01", + -14.456356048583984 + ], + [ + "▁cardholders", + -14.456360816955566 + ], + [ + "▁patter", + -14.456427574157717 + ], + [ + "ratio", + -14.456494331359863 + ], + [ + "▁$80,000", + -14.45657730102539 + ], + [ + "▁Informal", + -14.45666790008545 + ], + [ + "▁coders", + -14.456764221191406 + ], + [ + "phant", + -14.456993103027344 + ], + [ + "▁PVT", + -14.457067489624023 + ], + [ + "▁1991)", + -14.457103729248049 + ], + [ + "morrow", + -14.457159996032717 + ], + [ + "ophilia", + -14.457175254821776 + ], + [ + "35%", + -14.457186698913574 + ], + [ + "▁Reels", + -14.457231521606444 + ], + [ + "▁buffing", + -14.457273483276367 + ], + [ + "interactive", + -14.457358360290527 + ], + [ + "weekend", + -14.4573974609375 + ], + [ + "▁globalized", + -14.457425117492676 + ], + [ + "ANDY", + -14.45747184753418 + ], + [ + "adj", + -14.457493782043455 + ], + [ + "▁Lying", + -14.457531929016112 + ], + [ + "▁Yearly", + -14.457558631896973 + ], + [ + "▁Logging", + -14.457573890686035 + ], + [ + "▁cricketer", + -14.457709312438965 + ], + [ + "opus", + -14.457763671875 + ], + [ + "DFA", + -14.457772254943848 + ], + [ + "▁(2014", + -14.457813262939451 + ], + [ + "▁jalapenos", + -14.457840919494627 + ], + [ + "CEC", + -14.457921028137209 + ], + [ + "ROLL", + -14.457927703857422 + ], + [ + "▁pare", + -14.458003997802734 + ], + [ + "!!!!!!!!!!", + -14.458033561706545 + ], + [ + "naz", + -14.458036422729492 + ], + [ + "▁Diners", + -14.458169937133787 + ], + [ + "▁2,700", + -14.458325386047363 + ], + [ + "▁ITEM", + -14.458373069763184 + ], + [ + "▁Maggi", + -14.458391189575195 + ], + [ + "▁Rude", + -14.458391189575195 + ], + [ + "▁dislodge", + -14.458426475524902 + ], + [ + "▁Maro", + -14.458490371704102 + ], + [ + "osomes", + -14.458494186401367 + ], + [ + "▁abduct", + -14.458520889282228 + ], + [ + "9300", + -14.458532333374023 + ], + [ + "▁Kristy", + -14.458768844604492 + ], + [ + "▁categorical", + -14.458779335021973 + ], + [ + "▁infractions", + -14.458780288696287 + ], + [ + "GOLD", + -14.458823204040527 + ], + [ + "Cham", + -14.458826065063477 + ], + [ + "FAT", + -14.458834648132324 + ], + [ + "▁middleman", + -14.45887279510498 + ], + [ + "▁Katha", + -14.458930015563965 + ], + [ + "vette", + -14.45899772644043 + ], + [ + "▁Kiran", + -14.459001541137695 + ], + [ + "▁Temecula", + -14.459014892578123 + ], + [ + "▁filibuster", + -14.459014892578123 + ], + [ + "▁Cypriot", + -14.45901584625244 + ], + [ + "▁Dubuque", + -14.45901584625244 + ], + [ + "▁Ebenezer", + -14.45901584625244 + ], + [ + "▁Harlequin", + -14.45901584625244 + ], + [ + "▁Litchfield", + -14.45901584625244 + ], + [ + "▁Pulaski", + -14.45901584625244 + ], + [ + "▁Sampling", + -14.45901584625244 + ], + [ + "▁Sclerosis", + -14.45901584625244 + ], + [ + "▁animosity", + -14.45901584625244 + ], + [ + "▁calamari", + -14.45901584625244 + ], + [ + "▁cougar", + -14.45901584625244 + ], + [ + "▁extensible", + -14.45901584625244 + ], + [ + "▁inconceivable", + -14.45901584625244 + ], + [ + "▁macaroon", + -14.45901584625244 + ], + [ + "▁oscillating", + -14.45901584625244 + ], + [ + "▁sequester", + -14.45901584625244 + ], + [ + "▁signatories", + -14.45901584625244 + ], + [ + "▁Pantheon", + -14.459016799926758 + ], + [ + "▁Houdini", + -14.45901870727539 + ], + [ + "▁Insolvency", + -14.459019660949709 + ], + [ + "▁Flirt", + -14.45902156829834 + ], + [ + "▁EXACTLY", + -14.459022521972656 + ], + [ + "▁Soyuz", + -14.459024429321287 + ], + [ + "▁scoping", + -14.459028244018556 + ], + [ + "▁possum", + -14.459029197692873 + ], + [ + "USDA", + -14.459035873413086 + ], + [ + "▁cybercrime", + -14.459043502807615 + ], + [ + "▁hydrotherapy", + -14.4590482711792 + ], + [ + "▁Kodiak", + -14.459050178527832 + ], + [ + "▁paltry", + -14.459053993225098 + ], + [ + "▁amassing", + -14.459054946899414 + ], + [ + "▁Kingfisher", + -14.45905876159668 + ], + [ + "▁DHgate", + -14.459065437316896 + ], + [ + "▁Realizing", + -14.45906925201416 + ], + [ + "smacking", + -14.459070205688477 + ], + [ + "▁Scallop", + -14.459070205688477 + ], + [ + "▁Tebow", + -14.459080696105955 + ], + [ + "▁Boucher", + -14.459091186523438 + ], + [ + "▁decompress", + -14.459121704101562 + ], + [ + "▁10-11", + -14.459136962890623 + ], + [ + "▁Goshen", + -14.45914363861084 + ], + [ + "▁Arkham", + -14.459149360656738 + ], + [ + "▁Netscape", + -14.45915985107422 + ], + [ + "▁Pocono", + -14.459165573120115 + ], + [ + "▁lexical", + -14.459173202514648 + ], + [ + "▁dinette", + -14.45917510986328 + ], + [ + "▁Probiotic", + -14.45920467376709 + ], + [ + "▁Shovel", + -14.459205627441406 + ], + [ + "▁suppresse", + -14.459227561950684 + ], + [ + "▁broach", + -14.459233283996582 + ], + [ + "▁Bibliography", + -14.459246635437012 + ], + [ + "alex", + -14.45926284790039 + ], + [ + "▁squishy", + -14.459263801574709 + ], + [ + "▁reinvention", + -14.45928955078125 + ], + [ + "alou", + -14.459309577941896 + ], + [ + "▁wanderlust", + -14.45931339263916 + ], + [ + "▁WPF", + -14.459352493286133 + ], + [ + "▁manhole", + -14.459362030029297 + ], + [ + "▁Selby", + -14.459385871887209 + ], + [ + "▁scrunch", + -14.459388732910156 + ], + [ + "▁NSS", + -14.459492683410645 + ], + [ + "▁dalam", + -14.45952606201172 + ], + [ + "vington", + -14.459589004516602 + ], + [ + "▁serialized", + -14.459604263305664 + ], + [ + "▁Tidal", + -14.459613800048828 + ], + [ + "opper", + -14.459623336791992 + ], + [ + "4:10", + -14.459630012512209 + ], + [ + "▁Honesty", + -14.459640502929688 + ], + [ + "▁Sauer", + -14.459640502929688 + ], + [ + "▁mulling", + -14.459661483764648 + ], + [ + "▁Engl", + -14.45968246459961 + ], + [ + "▁overclocking", + -14.459687232971191 + ], + [ + "▁unwritten", + -14.459688186645508 + ], + [ + "▁Phar", + -14.459704399108888 + ], + [ + "1.05", + -14.4597806930542 + ], + [ + "spare", + -14.459786415100098 + ], + [ + "chap", + -14.459792137145996 + ], + [ + "▁Niels", + -14.459794044494627 + ], + [ + "▁EVP", + -14.459854125976562 + ], + [ + "belly", + -14.459857940673828 + ], + [ + "▁outstation", + -14.45992374420166 + ], + [ + "▁duped", + -14.45994758605957 + ], + [ + "▁kickback", + -14.45998477935791 + ], + [ + "GED", + -14.460025787353516 + ], + [ + "▁outstretched", + -14.460025787353516 + ], + [ + "▁Samaria", + -14.460113525390623 + ], + [ + "Hubbell", + -14.460166931152344 + ], + [ + "Forgive", + -14.46018409729004 + ], + [ + "▁Martens", + -14.460195541381836 + ], + [ + "GPP", + -14.460199356079102 + ], + [ + "▁Disposable", + -14.460230827331545 + ], + [ + "▁sported", + -14.460257530212402 + ], + [ + "▁roared", + -14.46025848388672 + ], + [ + "8-10", + -14.46026611328125 + ], + [ + "leaved", + -14.460285186767578 + ], + [ + "▁replenished", + -14.4603271484375 + ], + [ + "auf", + -14.460344314575195 + ], + [ + "▁Lettuce", + -14.460386276245115 + ], + [ + "▁Teva", + -14.460402488708496 + ], + [ + "▁Stained", + -14.46048355102539 + ], + [ + "▁Kultur", + -14.460514068603516 + ], + [ + "Maj", + -14.46055030822754 + ], + [ + "▁(*)", + -14.460566520690918 + ], + [ + "Actual", + -14.460575103759766 + ], + [ + "developing", + -14.46061897277832 + ], + [ + "▁mba", + -14.460623741149902 + ], + [ + "▁antagonists", + -14.460633277893066 + ], + [ + "▁Bloc", + -14.460647583007812 + ], + [ + "married", + -14.46069622039795 + ], + [ + "▁Yr", + -14.46071434020996 + ], + [ + "▁dimly", + -14.460755348205566 + ], + [ + "▁Ashe", + -14.4607572555542 + ], + [ + "▁Alden", + -14.46076488494873 + ], + [ + "Admittedly", + -14.460803985595703 + ], + [ + "Fusion", + -14.46084213256836 + ], + [ + "aluminum", + -14.46084976196289 + ], + [ + "3-18", + -14.460858345031738 + ], + [ + "fungal", + -14.460880279541016 + ], + [ + "▁Chute", + -14.460899353027344 + ], + [ + "▁Squat", + -14.460923194885254 + ], + [ + "forgotten", + -14.460927963256836 + ], + [ + "▁danish", + -14.460946083068848 + ], + [ + "▁rations", + -14.460976600646973 + ], + [ + "▁Extractor", + -14.460977554321287 + ], + [ + "anywhere", + -14.460999488830566 + ], + [ + "▁Pimp", + -14.461003303527832 + ], + [ + "Betty", + -14.461095809936523 + ], + [ + "ringer", + -14.461105346679688 + ], + [ + "roch", + -14.461126327514648 + ], + [ + "Batman", + -14.461170196533203 + ], + [ + "Weekend", + -14.461185455322266 + ], + [ + "Entire", + -14.461201667785645 + ], + [ + "▁DMP", + -14.461298942565918 + ], + [ + "Gerald", + -14.461406707763672 + ], + [ + "▁Rech", + -14.461456298828123 + ], + [ + "▁Chatter", + -14.461515426635742 + ], + [ + "uvia", + -14.461578369140623 + ], + [ + "ambara", + -14.46157932281494 + ], + [ + "▁damning", + -14.461594581604004 + ], + [ + "CEF", + -14.461606979370115 + ], + [ + "skid", + -14.461613655090332 + ], + [ + "▁Rapper", + -14.461664199829102 + ], + [ + "▁SPEED", + -14.461687088012695 + ], + [ + "mike", + -14.461750030517578 + ], + [ + "▁caseload", + -14.46177101135254 + ], + [ + "▁Cristo", + -14.46177864074707 + ], + [ + "kron", + -14.461797714233398 + ], + [ + "▁Destroyer", + -14.461803436279297 + ], + [ + "Thou", + -14.46182918548584 + ], + [ + "firing", + -14.461836814880373 + ], + [ + "-160", + -14.461841583251951 + ], + [ + "▁spotty", + -14.461853981018066 + ], + [ + "▁Maize", + -14.461901664733888 + ], + [ + "▁hilariously", + -14.461917877197266 + ], + [ + "▁Ammo", + -14.461986541748049 + ], + [ + "came", + -14.462080955505373 + ], + [ + "▁wands", + -14.462088584899902 + ], + [ + "▁Registering", + -14.46208953857422 + ], + [ + "▁Nineteen", + -14.462093353271484 + ], + [ + "dressing", + -14.462116241455078 + ], + [ + "directory", + -14.462120056152344 + ], + [ + "kian", + -14.462182998657228 + ], + [ + "▁21,000", + -14.462193489074709 + ], + [ + "AAPL", + -14.46228313446045 + ], + [ + "Quarter", + -14.462346076965332 + ], + [ + "▁1803", + -14.462372779846191 + ], + [ + "MSI", + -14.462457656860352 + ], + [ + "Paste", + -14.462479591369627 + ], + [ + "▁0.15", + -14.462525367736816 + ], + [ + "▁Makar", + -14.46255588531494 + ], + [ + "Meri", + -14.462581634521484 + ], + [ + "▁syl", + -14.462895393371582 + ], + [ + "tje", + -14.462921142578123 + ], + [ + "avier", + -14.463075637817385 + ], + [ + "stedt", + -14.463105201721191 + ], + [ + "hnen", + -14.463193893432615 + ], + [ + "Roo", + -14.463217735290527 + ], + [ + "▁Loeb", + -14.463223457336426 + ], + [ + "▁financiers", + -14.463242530822754 + ], + [ + "mouthed", + -14.463262557983398 + ], + [ + "▁freckles", + -14.463265419006348 + ], + [ + "▁cementing", + -14.463286399841309 + ], + [ + "▁Manifest", + -14.463303565979004 + ], + [ + "▁Audiences", + -14.463313102722168 + ], + [ + "yacht", + -14.463316917419434 + ], + [ + "MTA", + -14.463335990905762 + ], + [ + "▁Torrey", + -14.46334457397461 + ], + [ + "▁fellas", + -14.463348388671877 + ], + [ + "MATIC", + -14.463455200195312 + ], + [ + "▁inordinate", + -14.463456153869627 + ], + [ + "Stem", + -14.463485717773438 + ], + [ + "1-14", + -14.463711738586426 + ], + [ + "curi", + -14.463730812072754 + ], + [ + "▁Sikhs", + -14.463739395141602 + ], + [ + "▁Loyal", + -14.463789939880373 + ], + [ + "▁NSP", + -14.463791847229004 + ], + [ + "▁checkers", + -14.463793754577637 + ], + [ + "ripened", + -14.46379566192627 + ], + [ + "crossing", + -14.463869094848633 + ], + [ + "Logger", + -14.463876724243164 + ], + [ + "▁Mirrored", + -14.463895797729492 + ], + [ + "▁Junkie", + -14.464034080505373 + ], + [ + "goes", + -14.46403980255127 + ], + [ + "Bytes", + -14.464059829711914 + ], + [ + "haa", + -14.464193344116213 + ], + [ + "Couldn", + -14.464245796203612 + ], + [ + "▁pickling", + -14.46435832977295 + ], + [ + "SPACE", + -14.464365005493164 + ], + [ + "Discussing", + -14.4644193649292 + ], + [ + "▁Glyn", + -14.464437484741213 + ], + [ + "▁manifolds", + -14.46456241607666 + ], + [ + "▁counterbalance", + -14.464591979980469 + ], + [ + "▁flexing", + -14.464627265930176 + ], + [ + "Dick", + -14.464658737182615 + ], + [ + "▁Adriana", + -14.464747428894045 + ], + [ + "Manufacturers", + -14.46476936340332 + ], + [ + "pple", + -14.464886665344238 + ], + [ + "▁dreamers", + -14.46489715576172 + ], + [ + "▁chimes", + -14.464903831481934 + ], + [ + "67)", + -14.4649076461792 + ], + [ + "1971", + -14.46494197845459 + ], + [ + "HPS", + -14.464959144592283 + ], + [ + "bundle", + -14.464964866638184 + ], + [ + "rpg", + -14.464990615844728 + ], + [ + "lona", + -14.465027809143066 + ], + [ + "▁Aro", + -14.46506118774414 + ], + [ + "iety", + -14.465073585510254 + ], + [ + "▁laud", + -14.465113639831545 + ], + [ + "RAIL", + -14.465121269226074 + ], + [ + "▁oxidize", + -14.465181350708008 + ], + [ + "immo", + -14.465206146240234 + ], + [ + "▁exclaim", + -14.465242385864258 + ], + [ + "▁alleviated", + -14.46524429321289 + ], + [ + "▁evict", + -14.465265274047852 + ], + [ + "▁multitask", + -14.4652738571167 + ], + [ + "▁payloads", + -14.465286254882812 + ], + [ + "jeet", + -14.465316772460938 + ], + [ + "ragon", + -14.465356826782228 + ], + [ + "▁Zai", + -14.465361595153809 + ], + [ + "▁Realistic", + -14.465436935424805 + ], + [ + "▁Kolo", + -14.465521812438965 + ], + [ + "▁NextGen", + -14.465529441833496 + ], + [ + "Affidavit", + -14.465551376342772 + ], + [ + "Fibromyalgia", + -14.465551376342772 + ], + [ + "▁Arunachal", + -14.465551376342772 + ], + [ + "▁Clermont", + -14.465551376342772 + ], + [ + "▁Coquitlam", + -14.465551376342772 + ], + [ + "▁Maastricht", + -14.465551376342772 + ], + [ + "▁allegory", + -14.465551376342772 + ], + [ + "▁bickering", + -14.465551376342772 + ], + [ + "▁chevrolet", + -14.465551376342772 + ], + [ + "▁congratulating", + -14.465551376342772 + ], + [ + "▁encampment", + -14.465551376342772 + ], + [ + "▁jurisprudence", + -14.465551376342772 + ], + [ + "▁lubricating", + -14.465551376342772 + ], + [ + "▁luminosity", + -14.465551376342772 + ], + [ + "▁silencing", + -14.465551376342772 + ], + [ + "▁suffocate", + -14.465551376342772 + ], + [ + "panasonic", + -14.46555233001709 + ], + [ + "▁inflection", + -14.46555233001709 + ], + [ + "▁resuming", + -14.46555233001709 + ], + [ + "▁synapse", + -14.46555233001709 + ], + [ + "acrylate", + -14.465553283691406 + ], + [ + "▁CHRISTMAS", + -14.465553283691406 + ], + [ + "▁Competitors", + -14.465553283691406 + ], + [ + "▁Conspiracy", + -14.465553283691406 + ], + [ + "▁dinghy", + -14.465553283691406 + ], + [ + "▁illiteracy", + -14.465553283691406 + ], + [ + "▁Convergence", + -14.465554237365724 + ], + [ + "▁Mauricio", + -14.46555519104004 + ], + [ + "▁shilling", + -14.46555519104004 + ], + [ + "▁Stencil", + -14.465556144714355 + ], + [ + "▁Zynga", + -14.465556144714355 + ], + [ + "▁Clarendon", + -14.465557098388672 + ], + [ + "▁Symbian", + -14.465558052062988 + ], + [ + "▁Weaving", + -14.465559005737305 + ], + [ + "▁motocross", + -14.46555995941162 + ], + [ + "▁olfactory", + -14.46555995941162 + ], + [ + "▁smirk", + -14.46555995941162 + ], + [ + "▁Unleashed", + -14.465561866760254 + ], + [ + "▁Arora", + -14.465567588806152 + ], + [ + "Prominent", + -14.46557903289795 + ], + [ + "▁Bilingual", + -14.465580940246582 + ], + [ + "▁atonement", + -14.465581893920898 + ], + [ + "▁undiagnosed", + -14.465588569641112 + ], + [ + "▁CHILD", + -14.465594291687012 + ], + [ + "Cultivate", + -14.465600967407228 + ], + [ + "▁felonies", + -14.465600967407228 + ], + [ + "▁Cortana", + -14.46560287475586 + ], + [ + "▁adalah", + -14.465604782104492 + ], + [ + "▁grinning", + -14.465604782104492 + ], + [ + "▁protease", + -14.465609550476074 + ], + [ + "▁Cashmere", + -14.46561050415039 + ], + [ + "▁SlideShare", + -14.465614318847656 + ], + [ + "▁methylation", + -14.465614318847656 + ], + [ + "zov", + -14.465619087219238 + ], + [ + "▁$29.99", + -14.465659141540527 + ], + [ + "▁waveguide", + -14.465673446655272 + ], + [ + "▁Shalom", + -14.465690612792969 + ], + [ + "▁GPIO", + -14.465694427490234 + ], + [ + "▁mouthfeel", + -14.46570110321045 + ], + [ + "▁REO", + -14.465717315673828 + ], + [ + "▁Stolen", + -14.465721130371094 + ], + [ + "▁RADIO", + -14.465754508972168 + ], + [ + "▁Kraken", + -14.465790748596191 + ], + [ + "▁miniseries", + -14.465794563293455 + ], + [ + "▁caddie", + -14.465828895568848 + ], + [ + "▁thinned", + -14.465832710266112 + ], + [ + "▁Lewes", + -14.465904235839844 + ], + [ + "▁GROW", + -14.465925216674805 + ], + [ + "▁Thrifty", + -14.465928077697754 + ], + [ + "namo", + -14.465967178344728 + ], + [ + "▁Sachin", + -14.465978622436523 + ], + [ + "▁Zul", + -14.465988159179688 + ], + [ + "▁fizzy", + -14.465989112854004 + ], + [ + "▁Jingle", + -14.466022491455078 + ], + [ + "TeX", + -14.466058731079102 + ], + [ + "▁AVR", + -14.466062545776367 + ], + [ + "Arche", + -14.46609878540039 + ], + [ + "KAT", + -14.466107368469238 + ], + [ + "▁Requiem", + -14.46611213684082 + ], + [ + "financed", + -14.46611499786377 + ], + [ + "▁Metroid", + -14.466121673583984 + ], + [ + "urie", + -14.46615219116211 + ], + [ + "▁Sandwiches", + -14.466164588928224 + ], + [ + "▁mitt", + -14.466179847717283 + ], + [ + "▁vertebral", + -14.466205596923828 + ], + [ + "▁poplar", + -14.466233253479004 + ], + [ + "▁fitters", + -14.466279029846191 + ], + [ + "rapid", + -14.466285705566406 + ], + [ + "dresses", + -14.466315269470217 + ], + [ + "▁followup", + -14.466353416442873 + ], + [ + "▁slings", + -14.466358184814451 + ], + [ + "▁Fourier", + -14.466367721557615 + ], + [ + "1–2", + -14.466480255126951 + ], + [ + "▁ASF", + -14.466510772705078 + ], + [ + "▁Ashby", + -14.466510772705078 + ], + [ + "▁Mackey", + -14.466513633728027 + ], + [ + "args", + -14.466556549072266 + ], + [ + "▁Cooked", + -14.466567039489746 + ], + [ + "▁ascribed", + -14.466642379760742 + ], + [ + "▁9/10", + -14.46668529510498 + ], + [ + "▁Mawr", + -14.466721534729004 + ], + [ + "▁entitle", + -14.466741561889648 + ], + [ + "▁scuffs", + -14.46674633026123 + ], + [ + "▁Dung", + -14.46682834625244 + ], + [ + "▁ACTIVE", + -14.466917991638184 + ], + [ + "▁appended", + -14.466923713684082 + ], + [ + "▁swamped", + -14.466931343078612 + ], + [ + "▁Decorated", + -14.466946601867676 + ], + [ + "▁cursory", + -14.466976165771484 + ], + [ + "▁ecu", + -14.467000961303713 + ], + [ + "▁11.00", + -14.467008590698242 + ], + [ + "▁pinkish", + -14.467011451721191 + ], + [ + "Meter", + -14.46702480316162 + ], + [ + "▁Substances", + -14.467058181762695 + ], + [ + "▁Gaye", + -14.46707820892334 + ], + [ + "▁Unsurprisingly", + -14.467093467712402 + ], + [ + "▁Suffice", + -14.46709442138672 + ], + [ + "▁connotation", + -14.4671049118042 + ], + [ + "▁consumable", + -14.467111587524414 + ], + [ + "▁condolence", + -14.467120170593262 + ], + [ + "▁Piping", + -14.467140197753906 + ], + [ + "▁$1.99", + -14.467161178588867 + ], + [ + "Entering", + -14.467187881469728 + ], + [ + "otoxin", + -14.467227935791016 + ], + [ + "▁Giulia", + -14.467233657836914 + ], + [ + "▁Crimean", + -14.467247009277344 + ], + [ + "▁Sagan", + -14.46728229522705 + ], + [ + "Functional", + -14.467350959777832 + ], + [ + "spouse", + -14.467414855957031 + ], + [ + "egger", + -14.467425346374512 + ], + [ + "rsten", + -14.46744441986084 + ], + [ + "▁subsystem", + -14.467453002929688 + ], + [ + "▁Stake", + -14.467521667480469 + ], + [ + "Vendor", + -14.467538833618164 + ], + [ + "Surgical", + -14.467546463012695 + ], + [ + "Frozen", + -14.46755313873291 + ], + [ + "Birmingham", + -14.467570304870604 + ], + [ + "impaired", + -14.467571258544922 + ], + [ + "▁carnivores", + -14.467571258544922 + ], + [ + "ISBN", + -14.467575073242188 + ], + [ + "▁appointees", + -14.46759796142578 + ], + [ + "▁kink", + -14.467642784118652 + ], + [ + "▁Reasoning", + -14.467726707458496 + ], + [ + "▁2,600", + -14.467741012573242 + ], + [ + "Secondary", + -14.46774959564209 + ], + [ + "▁Fearless", + -14.467777252197266 + ], + [ + "casa", + -14.467870712280272 + ], + [ + "PPP", + -14.467903137207031 + ], + [ + "▁addons", + -14.46791172027588 + ], + [ + "▁Nutt", + -14.467970848083496 + ], + [ + "YARD", + -14.468010902404783 + ], + [ + "▁Unc", + -14.46802043914795 + ], + [ + "▁pimple", + -14.468056678771973 + ], + [ + "Presently", + -14.468107223510742 + ], + [ + "kissed", + -14.46811580657959 + ], + [ + "Evolution", + -14.468144416809082 + ], + [ + "▁bystander", + -14.468221664428713 + ], + [ + "rbi", + -14.46829891204834 + ], + [ + "uten", + -14.468339920043944 + ], + [ + "dua", + -14.468342781066896 + ], + [ + "Sticking", + -14.468358039855955 + ], + [ + "itization", + -14.468360900878906 + ], + [ + "progressive", + -14.468403816223145 + ], + [ + "Bold", + -14.46841526031494 + ], + [ + "▁banked", + -14.46844482421875 + ], + [ + "Establishing", + -14.468449592590332 + ], + [ + "SUM", + -14.468491554260254 + ], + [ + "▁stalwarts", + -14.468700408935549 + ], + [ + "▁Hort", + -14.468793869018556 + ], + [ + "ENER", + -14.468815803527832 + ], + [ + "▁NOK", + -14.46884822845459 + ], + [ + "▁2.75", + -14.468852043151855 + ], + [ + "▁footboard", + -14.468924522399902 + ], + [ + "▁cleanroom", + -14.468929290771484 + ], + [ + "Corps", + -14.46893310546875 + ], + [ + "2021", + -14.468955993652344 + ], + [ + "▁Weiner", + -14.469016075134276 + ], + [ + "▁Earning", + -14.469023704528809 + ], + [ + "▁Widely", + -14.469073295593262 + ], + [ + "▁shareable", + -14.469449043273926 + ], + [ + "▁gifs", + -14.46949577331543 + ], + [ + "▁6500", + -14.46950626373291 + ], + [ + "▁narcissist", + -14.46959114074707 + ], + [ + "▁Sagar", + -14.469648361206056 + ], + [ + "▁MASS", + -14.46965789794922 + ], + [ + "▁lustre", + -14.469674110412598 + ], + [ + "▁veiled", + -14.469696044921877 + ], + [ + "alysis", + -14.469698905944824 + ], + [ + "oxo", + -14.469700813293455 + ], + [ + "▁TECHNOLOGY", + -14.469732284545898 + ], + [ + "▁Vulnerability", + -14.469897270202637 + ], + [ + "▁Iced", + -14.470012664794922 + ], + [ + "▁Yonge", + -14.470120429992676 + ], + [ + "▁ECP", + -14.470152854919434 + ], + [ + "HART", + -14.47017765045166 + ], + [ + "▁(46", + -14.470194816589355 + ], + [ + "▁confidentially", + -14.470212936401367 + ], + [ + "▁Shai", + -14.47022819519043 + ], + [ + "▁Squa", + -14.470232963562012 + ], + [ + "abol", + -14.470242500305176 + ], + [ + "Blow", + -14.470316886901855 + ], + [ + "SIT", + -14.470410346984863 + ], + [ + "▁grooved", + -14.470515251159668 + ], + [ + "▁sein", + -14.47060775756836 + ], + [ + "▁Sieg", + -14.47073459625244 + ], + [ + "▁Volunteering", + -14.470780372619627 + ], + [ + "▁Mather", + -14.470824241638184 + ], + [ + "▁panelist", + -14.470853805541992 + ], + [ + "▁milwaukee", + -14.4708833694458 + ], + [ + "▁Callie", + -14.470946311950684 + ], + [ + "▁reno", + -14.471033096313477 + ], + [ + "NATO", + -14.471126556396484 + ], + [ + "▁Circu", + -14.47126293182373 + ], + [ + "▁Nishi", + -14.471271514892578 + ], + [ + "▁inferences", + -14.471390724182127 + ], + [ + "yler", + -14.471500396728516 + ], + [ + "ollie", + -14.471551895141602 + ], + [ + "iferous", + -14.471646308898926 + ], + [ + "▁TNF", + -14.471668243408203 + ], + [ + "1:00", + -14.471675872802734 + ], + [ + "▁Crispy", + -14.471726417541504 + ], + [ + "▁windmills", + -14.4717378616333 + ], + [ + "Bridging", + -14.47183322906494 + ], + [ + "ripping", + -14.4718599319458 + ], + [ + "arbeit", + -14.471881866455078 + ], + [ + "▁DRS", + -14.47191333770752 + ], + [ + "▁Bb", + -14.471920013427734 + ], + [ + "▁assent", + -14.471960067749023 + ], + [ + "▁racquet", + -14.472116470336914 + ], + [ + "▁Pretend", + -14.472127914428713 + ], + [ + "▁impatience", + -14.472129821777344 + ], + [ + "▁Alligator", + -14.47213077545166 + ], + [ + "▁Banerjee", + -14.47213077545166 + ], + [ + "▁Calypso", + -14.47213077545166 + ], + [ + "▁Communicator", + -14.47213077545166 + ], + [ + "▁Curacao", + -14.47213077545166 + ], + [ + "▁Dalmatian", + -14.47213077545166 + ], + [ + "▁Gershwin", + -14.47213077545166 + ], + [ + "▁Neanderthal", + -14.47213077545166 + ], + [ + "▁chameleon", + -14.47213077545166 + ], + [ + "▁forefathers", + -14.47213077545166 + ], + [ + "▁melamine", + -14.47213077545166 + ], + [ + "▁mottled", + -14.47213077545166 + ], + [ + "▁petrified", + -14.47213077545166 + ], + [ + "▁subliminal", + -14.47213077545166 + ], + [ + "▁unadulterated", + -14.47213077545166 + ], + [ + "▁conceit", + -14.472131729125977 + ], + [ + "▁rotisserie", + -14.472132682800291 + ], + [ + "▁Emporium", + -14.47213363647461 + ], + [ + "▁bewildering", + -14.47213363647461 + ], + [ + "▁intractable", + -14.47213363647461 + ], + [ + "▁snuggling", + -14.47213363647461 + ], + [ + "▁SPIRIT", + -14.472134590148926 + ], + [ + "▁SUNDAY", + -14.472134590148926 + ], + [ + "▁WRONG", + -14.472135543823242 + ], + [ + "▁Crockett", + -14.472137451171877 + ], + [ + "▁Competence", + -14.472138404846191 + ], + [ + "▁(866)", + -14.472139358520508 + ], + [ + "▁Mombasa", + -14.472139358520508 + ], + [ + "▁lavatory", + -14.472143173217772 + ], + [ + "▁Dobbs", + -14.472146034240724 + ], + [ + "▁Mortimer", + -14.472148895263672 + ], + [ + "▁geophysical", + -14.47215461730957 + ], + [ + "▁Fenwick", + -14.472156524658203 + ], + [ + "▁MEDICAL", + -14.47216796875 + ], + [ + "▁Ferrell", + -14.472168922424316 + ], + [ + "▁summation", + -14.472168922424316 + ], + [ + "▁RoHS", + -14.472175598144531 + ], + [ + "▁intercession", + -14.47217845916748 + ], + [ + "▁puffiness", + -14.472185134887695 + ], + [ + "▁Bianco", + -14.472187995910645 + ], + [ + "▁Forgiveness", + -14.472207069396973 + ], + [ + "▁finial", + -14.472219467163086 + ], + [ + "▁renderer", + -14.4722318649292 + ], + [ + "▁CAMERA", + -14.472237586975098 + ], + [ + "▁breaststroke", + -14.47223949432373 + ], + [ + "▁Practically", + -14.472254753112791 + ], + [ + "▁Yatra", + -14.472262382507324 + ], + [ + "▁viking", + -14.47226333618164 + ], + [ + "ARMA", + -14.472265243530272 + ], + [ + "▁partaking", + -14.472277641296388 + ], + [ + "▁Nadine", + -14.472283363342283 + ], + [ + "9-13", + -14.472298622131348 + ], + [ + "▁Pact", + -14.472318649291992 + ], + [ + "▁Kitchenaid", + -14.47232437133789 + ], + [ + "▁refraction", + -14.47233772277832 + ], + [ + "▁maven", + -14.472341537475586 + ], + [ + "▁Biking", + -14.472347259521484 + ], + [ + "INVEST", + -14.472372055053713 + ], + [ + "▁raincoat", + -14.47238540649414 + ], + [ + "▁SYNC", + -14.472407341003418 + ], + [ + "benefits", + -14.472411155700684 + ], + [ + "▁Sawmill", + -14.472419738769531 + ], + [ + "▁PUP", + -14.472434997558594 + ], + [ + "▁Enoch", + -14.47243595123291 + ], + [ + "▁Cordless", + -14.472447395324709 + ], + [ + "▁gratuity", + -14.472472190856934 + ], + [ + "▁Exposed", + -14.472475051879885 + ], + [ + "▁incessantly", + -14.472492218017578 + ], + [ + "▁delhi", + -14.47249984741211 + ], + [ + "▁Lilac", + -14.472511291503906 + ], + [ + "▁Critter", + -14.472538948059082 + ], + [ + "▁Leanne", + -14.472616195678713 + ], + [ + "Tape", + -14.472631454467772 + ], + [ + "▁Tokens", + -14.472700119018556 + ], + [ + "▁sterilized", + -14.472721099853516 + ], + [ + "undu", + -14.47274684906006 + ], + [ + "▁oodles", + -14.47276496887207 + ], + [ + "brica", + -14.472768783569336 + ], + [ + "▁Elba", + -14.472782135009766 + ], + [ + "glen", + -14.472784042358398 + ], + [ + "▁Marcelo", + -14.47280979156494 + ], + [ + "▁maison", + -14.472814559936523 + ], + [ + "Hydroxy", + -14.472825050354004 + ], + [ + "▁Octagon", + -14.472826957702637 + ], + [ + "WSC", + -14.4728364944458 + ], + [ + "ujo", + -14.472854614257812 + ], + [ + "▁FIG", + -14.47286605834961 + ], + [ + "▁Compressors", + -14.47286891937256 + ], + [ + "▁outnumber", + -14.472881317138672 + ], + [ + "▁Messy", + -14.472905158996582 + ], + [ + "▁Radiohead", + -14.472920417785645 + ], + [ + "▁preoperative", + -14.472967147827148 + ], + [ + "▁posterity", + -14.472996711730955 + ], + [ + "▁whims", + -14.47300624847412 + ], + [ + "▁10.7", + -14.473081588745115 + ], + [ + "▁Remaining", + -14.473130226135254 + ], + [ + "▁normalcy", + -14.473130226135254 + ], + [ + "▁Signage", + -14.473154067993164 + ], + [ + "▁funnier", + -14.473179817199709 + ], + [ + "▁Riggs", + -14.473182678222656 + ], + [ + "liff", + -14.473226547241213 + ], + [ + "▁rewire", + -14.473233222961426 + ], + [ + "sorted", + -14.473258972167969 + ], + [ + "▁Krav", + -14.47329807281494 + ], + [ + "▁Lyman", + -14.473341941833496 + ], + [ + "▁Soybean", + -14.473360061645508 + ], + [ + "▁Balsamic", + -14.473410606384276 + ], + [ + "▁Rocha", + -14.47342300415039 + ], + [ + "▁crook", + -14.473433494567873 + ], + [ + "Issues", + -14.473444938659668 + ], + [ + "▁(100%", + -14.47348690032959 + ], + [ + "▁Posh", + -14.473508834838867 + ], + [ + "▁Subscriptions", + -14.47352695465088 + ], + [ + "▁Sentry", + -14.47356128692627 + ], + [ + "belle", + -14.47356414794922 + ], + [ + "uai", + -14.47356414794922 + ], + [ + "▁muddle", + -14.47362995147705 + ], + [ + "ipi", + -14.473631858825684 + ], + [ + "improve", + -14.473661422729492 + ], + [ + "novation", + -14.473722457885742 + ], + [ + "▁12.1", + -14.473730087280272 + ], + [ + "taker", + -14.473783493041992 + ], + [ + "ovitz", + -14.473796844482422 + ], + [ + "▁SYN", + -14.473798751831056 + ], + [ + "▁$600,000", + -14.473801612854004 + ], + [ + "▁cavern", + -14.473837852478027 + ], + [ + "▁sleepover", + -14.47385311126709 + ], + [ + "▁FOB", + -14.473898887634276 + ], + [ + "▁dynamo", + -14.473898887634276 + ], + [ + "enzel", + -14.473922729492188 + ], + [ + "▁Kuo", + -14.473958015441896 + ], + [ + "▁21.5", + -14.473995208740234 + ], + [ + "elsa", + -14.474038124084473 + ], + [ + "▁turnips", + -14.47408962249756 + ], + [ + "▁braiding", + -14.47411060333252 + ], + [ + "cita", + -14.474114418029783 + ], + [ + "▁FARM", + -14.474163055419922 + ], + [ + "▁Thakur", + -14.474170684814451 + ], + [ + "▁flier", + -14.474185943603516 + ], + [ + "▁Folio", + -14.474245071411133 + ], + [ + "Evans", + -14.47425937652588 + ], + [ + "▁Bedside", + -14.47425937652588 + ], + [ + "orientated", + -14.47429084777832 + ], + [ + "Stylish", + -14.4743070602417 + ], + [ + "Kentucky", + -14.47431755065918 + ], + [ + "Binary", + -14.474318504333496 + ], + [ + "effort", + -14.47432804107666 + ], + [ + "▁Cheval", + -14.474347114562988 + ], + [ + "Hardware", + -14.47438144683838 + ], + [ + "1966", + -14.474478721618652 + ], + [ + "▁Bette", + -14.47449779510498 + ], + [ + "▁trademarked", + -14.47454071044922 + ], + [ + "babies", + -14.474565505981444 + ], + [ + "▁Therese", + -14.474573135375977 + ], + [ + "suggest", + -14.474617958068848 + ], + [ + "▁Hager", + -14.474631309509276 + ], + [ + "▁Carat", + -14.474663734436035 + ], + [ + "▁Conditional", + -14.474666595458984 + ], + [ + "▁Tactics", + -14.474685668945312 + ], + [ + "▁Jol", + -14.474732398986816 + ], + [ + "▁FRIENDS", + -14.47474765777588 + ], + [ + "Mol", + -14.474781036376951 + ], + [ + "rillo", + -14.474842071533203 + ], + [ + "arca", + -14.474873542785645 + ], + [ + "Reservation", + -14.474876403808594 + ], + [ + "▁outdone", + -14.474898338317873 + ], + [ + "▁NMD", + -14.47500228881836 + ], + [ + "967", + -14.475061416625977 + ], + [ + "Durability", + -14.475130081176758 + ], + [ + "▁iBooks", + -14.47514533996582 + ], + [ + "▁RACE", + -14.475146293640137 + ], + [ + "▁Littleton", + -14.475224494934082 + ], + [ + "PAGE", + -14.475241661071776 + ], + [ + "▁foodstuffs", + -14.475249290466309 + ], + [ + "Mort", + -14.475281715393066 + ], + [ + "▁laterally", + -14.47531032562256 + ], + [ + "▁Beni", + -14.47537326812744 + ], + [ + "▁Realms", + -14.47540283203125 + ], + [ + "▁Palisades", + -14.47542667388916 + ], + [ + "▁SECTION", + -14.475533485412598 + ], + [ + "▁Segal", + -14.47555160522461 + ], + [ + "▁Violent", + -14.475667953491213 + ], + [ + "▁DSD", + -14.475719451904297 + ], + [ + "nag", + -14.475780487060549 + ], + [ + "wireless", + -14.475852012634276 + ], + [ + "2:21", + -14.475858688354492 + ], + [ + "▁Mulch", + -14.475915908813477 + ], + [ + "▁Foy", + -14.47600269317627 + ], + [ + "▁Kuma", + -14.476082801818848 + ], + [ + "Said", + -14.476120948791504 + ], + [ + "▁Playoff", + -14.476191520690918 + ], + [ + "▁5:45", + -14.476203918457031 + ], + [ + "Marsh", + -14.4763765335083 + ], + [ + "handled", + -14.476428031921388 + ], + [ + ".00%", + -14.476482391357422 + ], + [ + "▁’60", + -14.47655963897705 + ], + [ + "lien", + -14.476581573486328 + ], + [ + "keyboard", + -14.4766263961792 + ], + [ + "FAS", + -14.476634979248049 + ], + [ + "▁Brac", + -14.476658821105955 + ], + [ + "▁bagpipe", + -14.476709365844728 + ], + [ + "▁centralize", + -14.47671890258789 + ], + [ + "KCC", + -14.476799011230469 + ], + [ + "▁Muppets", + -14.476825714111328 + ], + [ + "billed", + -14.477002143859863 + ], + [ + "▁minty", + -14.477046012878418 + ], + [ + "▁Assisting", + -14.477096557617188 + ], + [ + "blow", + -14.477128028869627 + ], + [ + "▁Memes", + -14.477192878723145 + ], + [ + "▁36,000", + -14.477261543273926 + ], + [ + "▁SEMA", + -14.47732639312744 + ], + [ + "▁Haj", + -14.477341651916504 + ], + [ + "SCR", + -14.477377891540527 + ], + [ + "▁Jaffe", + -14.47739315032959 + ], + [ + "▁lessee", + -14.477395057678224 + ], + [ + "assigned", + -14.477428436279297 + ], + [ + "▁emulators", + -14.477473258972168 + ], + [ + "UCT", + -14.477499008178713 + ], + [ + "gramma", + -14.47751522064209 + ], + [ + "Developer", + -14.477550506591797 + ], + [ + "▁1813", + -14.477561950683594 + ], + [ + "▁Skar", + -14.477694511413574 + ], + [ + "-140", + -14.477846145629885 + ], + [ + "▁SRT", + -14.477888107299805 + ], + [ + "eia", + -14.477931022644045 + ], + [ + "HTS", + -14.4779634475708 + ], + [ + "▁absorber", + -14.477988243103027 + ], + [ + "▁languish", + -14.478069305419922 + ], + [ + "bap", + -14.478076934814451 + ], + [ + "▁McClellan", + -14.4781494140625 + ], + [ + "▁jumble", + -14.478150367736816 + ], + [ + "▁Nene", + -14.478279113769531 + ], + [ + "IFA", + -14.478291511535645 + ], + [ + "ieux", + -14.478307723999023 + ], + [ + "▁Trax", + -14.478330612182615 + ], + [ + "▁Ksh", + -14.478355407714844 + ], + [ + "▁evaporates", + -14.47841739654541 + ], + [ + "moore", + -14.478534698486328 + ], + [ + "▁fleshed", + -14.478564262390137 + ], + [ + "ASB", + -14.478589057922363 + ], + [ + "▁archetypes", + -14.478591918945312 + ], + [ + "bilis", + -14.478612899780272 + ], + [ + "▁Gry", + -14.47861671447754 + ], + [ + "TAP", + -14.478628158569336 + ], + [ + "▁commas", + -14.478711128234863 + ], + [ + "▁Marlboro", + -14.478750228881836 + ], + [ + "▁impeach", + -14.478752136230469 + ], + [ + "▁Abingdon", + -14.478753089904783 + ], + [ + "▁Bismarck", + -14.478753089904783 + ], + [ + "▁COMPUTER", + -14.478753089904783 + ], + [ + "▁Catalunya", + -14.478753089904783 + ], + [ + "▁Ceylon", + -14.478753089904783 + ], + [ + "▁Chisholm", + -14.478753089904783 + ], + [ + "▁Encinitas", + -14.478753089904783 + ], + [ + "▁Grosvenor", + -14.478753089904783 + ], + [ + "▁Locust", + -14.478753089904783 + ], + [ + "▁PROBLEM", + -14.478753089904783 + ], + [ + "▁Pompeii", + -14.478753089904783 + ], + [ + "▁amphibious", + -14.478753089904783 + ], + [ + "▁anomalous", + -14.478753089904783 + ], + [ + "▁cabochon", + -14.478753089904783 + ], + [ + "▁cuckoo", + -14.478753089904783 + ], + [ + "▁despicable", + -14.478753089904783 + ], + [ + "▁emoticon", + -14.478753089904783 + ], + [ + "▁hyderabad", + -14.478753089904783 + ], + [ + "▁macrophages", + -14.478753089904783 + ], + [ + "▁menstruation", + -14.478753089904783 + ], + [ + "▁quesadilla", + -14.478753089904783 + ], + [ + "▁surrogacy", + -14.478753089904783 + ], + [ + "▁trailblazer", + -14.478753089904783 + ], + [ + "▁dictating", + -14.478754043579102 + ], + [ + "▁november", + -14.478754043579102 + ], + [ + "Groovy", + -14.478754997253418 + ], + [ + "▁Leinster", + -14.478754997253418 + ], + [ + "▁STANDARD", + -14.478755950927734 + ], + [ + "▁Nicholls", + -14.478759765625 + ], + [ + "▁Programmable", + -14.478759765625 + ], + [ + "▁Periscope", + -14.478764533996582 + ], + [ + "▁hooves", + -14.478765487670898 + ], + [ + "▁Crayola", + -14.478769302368164 + ], + [ + "▁cymbalta", + -14.478774070739746 + ], + [ + "▁Jiangsu", + -14.47877597808838 + ], + [ + "▁unreasonably", + -14.478777885437012 + ], + [ + "▁Paddock", + -14.478778839111328 + ], + [ + "▁Finalists", + -14.478779792785645 + ], + [ + "▁turtleneck", + -14.478779792785645 + ], + [ + "▁maggot", + -14.47878360748291 + ], + [ + "▁Hallam", + -14.478788375854492 + ], + [ + "▁Kojima", + -14.478793144226074 + ], + [ + "▁DUP", + -14.47879409790039 + ], + [ + "▁Coulter", + -14.478811264038086 + ], + [ + "▁superyacht", + -14.478822708129885 + ], + [ + "▁Elli", + -14.478826522827148 + ], + [ + "▁laminating", + -14.47883415222168 + ], + [ + "▁Multiplayer", + -14.478873252868652 + ], + [ + "▁retrofitting", + -14.478874206542969 + ], + [ + "▁yurt", + -14.478878021240234 + ], + [ + "▁Carfax", + -14.478880882263184 + ], + [ + "hf", + -14.478887557983398 + ], + [ + "▁uninteresting", + -14.478907585144045 + ], + [ + "▁IBPS", + -14.478926658630373 + ], + [ + "▁Whitley", + -14.478928565979004 + ], + [ + "-10)", + -14.478938102722168 + ], + [ + "▁dandy", + -14.478941917419434 + ], + [ + "▁Lizzy", + -14.47895050048828 + ], + [ + "▁Armando", + -14.47896957397461 + ], + [ + "▁sickening", + -14.47898006439209 + ], + [ + "▁enthused", + -14.47903537750244 + ], + [ + "outlying", + -14.479053497314451 + ], + [ + "▁snout", + -14.479055404663086 + ], + [ + "▁Oleg", + -14.47906494140625 + ], + [ + "▁SECRET", + -14.47906494140625 + ], + [ + "▁seascape", + -14.479085922241213 + ], + [ + "▁Edgewater", + -14.479095458984377 + ], + [ + "▁Bantam", + -14.479108810424805 + ], + [ + "Stats", + -14.479132652282717 + ], + [ + "▁lincoln", + -14.479155540466309 + ], + [ + "▁Lockwood", + -14.47915744781494 + ], + [ + "▁Contain", + -14.479175567626951 + ], + [ + "▁squ", + -14.479199409484863 + ], + [ + "Hash", + -14.479206085205078 + ], + [ + "▁Andorra", + -14.479248046875 + ], + [ + "▁newsfeed", + -14.479275703430176 + ], + [ + "▁Custer", + -14.479366302490234 + ], + [ + "▁spayed", + -14.479372024536133 + ], + [ + "▁adjustability", + -14.479434967041016 + ], + [ + "▁drinkable", + -14.479436874389648 + ], + [ + "▁titans", + -14.47948932647705 + ], + [ + "▁tenured", + -14.479498863220217 + ], + [ + "▁bottomless", + -14.4795503616333 + ], + [ + "visi", + -14.479561805725098 + ], + [ + "jaya", + -14.47956657409668 + ], + [ + "▁Reactor", + -14.479574203491213 + ], + [ + "▁Dandy", + -14.47959804534912 + ], + [ + "▁Enzo", + -14.479618072509766 + ], + [ + "SUB", + -14.479628562927246 + ], + [ + "▁replant", + -14.479652404785156 + ], + [ + "▁overburden", + -14.479659080505373 + ], + [ + "umen", + -14.479701042175291 + ], + [ + "▁multicolored", + -14.479714393615724 + ], + [ + "▁regent", + -14.479724884033203 + ], + [ + "▁Keepers", + -14.479781150817873 + ], + [ + "▁Bane", + -14.479832649230955 + ], + [ + "▁Tutoring", + -14.479833602905272 + ], + [ + "HANA", + -14.479997634887695 + ], + [ + "Bride", + -14.480107307434082 + ], + [ + "▁HSS", + -14.480141639709473 + ], + [ + "064", + -14.480157852172852 + ], + [ + "961", + -14.480241775512695 + ], + [ + "burden", + -14.480311393737791 + ], + [ + "▁SOUL", + -14.480353355407717 + ], + [ + "Inspect", + -14.48049545288086 + ], + [ + "▁Taos", + -14.48052215576172 + ], + [ + "Nigeria", + -14.4805326461792 + ], + [ + "▁Showdown", + -14.480536460876465 + ], + [ + "cter", + -14.480616569519045 + ], + [ + "▁inflows", + -14.480658531188965 + ], + [ + "▁Aster", + -14.480661392211914 + ], + [ + "Enchanting", + -14.480708122253418 + ], + [ + "dition", + -14.48072338104248 + ], + [ + "▁Controlling", + -14.480725288391112 + ], + [ + "▁habitable", + -14.480757713317873 + ], + [ + "▁Optimizer", + -14.480794906616213 + ], + [ + "Amour", + -14.480841636657717 + ], + [ + "▁Freeview", + -14.480865478515623 + ], + [ + "▁forestall", + -14.480876922607422 + ], + [ + "▁headliners", + -14.480889320373535 + ], + [ + "▁resold", + -14.48090934753418 + ], + [ + "APT", + -14.48092269897461 + ], + [ + "integration", + -14.48101806640625 + ], + [ + "▁superfoods", + -14.481022834777832 + ], + [ + "Deputies", + -14.481050491333008 + ], + [ + "Safeguard", + -14.48106575012207 + ], + [ + "Receiving", + -14.481074333190918 + ], + [ + "Sophie", + -14.48111057281494 + ], + [ + "Clothing", + -14.481121063232422 + ], + [ + "Trinity", + -14.481124877929688 + ], + [ + "▁Dario", + -14.481124877929688 + ], + [ + "Magnetic", + -14.481151580810549 + ], + [ + "Leak", + -14.481249809265137 + ], + [ + "olon", + -14.481258392333984 + ], + [ + "mobility", + -14.481271743774414 + ], + [ + "Scottish", + -14.48129177093506 + ], + [ + "Gym", + -14.48129940032959 + ], + [ + "Harper", + -14.481307983398438 + ], + [ + "keh", + -14.481307983398438 + ], + [ + "birthday", + -14.48130989074707 + ], + [ + "▁Towels", + -14.481330871582031 + ], + [ + "▁Anwar", + -14.481353759765623 + ], + [ + "actively", + -14.481407165527344 + ], + [ + "consistent", + -14.481407165527344 + ], + [ + "▁sinkhole", + -14.481412887573242 + ], + [ + "▁Wien", + -14.481415748596191 + ], + [ + "▁slog", + -14.481431007385254 + ], + [ + "▁Ema", + -14.481435775756836 + ], + [ + "emphasize", + -14.48146915435791 + ], + [ + "Overnight", + -14.481471061706545 + ], + [ + "polished", + -14.481490135192873 + ], + [ + "Heating", + -14.48149871826172 + ], + [ + "▁crusader", + -14.481500625610352 + ], + [ + "▁Hansel", + -14.481525421142578 + ], + [ + "▁Withdraw", + -14.48164176940918 + ], + [ + "Publishing", + -14.481682777404783 + ], + [ + "▁Rebuild", + -14.481740951538086 + ], + [ + "Cisco", + -14.48174285888672 + ], + [ + "Harrison", + -14.48179817199707 + ], + [ + "▁Mandatory", + -14.481815338134766 + ], + [ + "▁12-18", + -14.48182487487793 + ], + [ + "Edition", + -14.481851577758787 + ], + [ + "▁Heir", + -14.482025146484377 + ], + [ + "▁Madhu", + -14.482048034667969 + ], + [ + "▁Pius", + -14.482072830200195 + ], + [ + "▁MERS", + -14.482097625732422 + ], + [ + "▁Umbria", + -14.482110977172852 + ], + [ + "▁backstroke", + -14.482115745544434 + ], + [ + "▁sills", + -14.482115745544434 + ], + [ + "▁Songwriter", + -14.482163429260254 + ], + [ + "▁idiotic", + -14.482261657714844 + ], + [ + "▁plagiarized", + -14.482284545898438 + ], + [ + "0:50", + -14.48231315612793 + ], + [ + "harga", + -14.482356071472168 + ], + [ + "SIG", + -14.482358932495115 + ], + [ + "▁MMC", + -14.482420921325684 + ], + [ + "▁Quicken", + -14.482477188110352 + ], + [ + "▁TDP", + -14.48251247406006 + ], + [ + "Auction", + -14.48252773284912 + ], + [ + "▁italy", + -14.482569694519045 + ], + [ + "▁Sleepy", + -14.48257064819336 + ], + [ + "▁Lilian", + -14.482586860656738 + ], + [ + "▁Breakers", + -14.482599258422852 + ], + [ + "▁faked", + -14.482605934143066 + ], + [ + "idal", + -14.482606887817385 + ], + [ + "00-115", + -14.48261833190918 + ], + [ + "▁Underneath", + -14.48264503479004 + ], + [ + "▁Valentin", + -14.48270320892334 + ], + [ + "oregon", + -14.48272705078125 + ], + [ + "wap", + -14.482745170593262 + ], + [ + "Performing", + -14.482831954956056 + ], + [ + "▁Statewide", + -14.482868194580078 + ], + [ + "▁Bask", + -14.482999801635742 + ], + [ + "forge", + -14.483038902282717 + ], + [ + "-3/4", + -14.483080863952637 + ], + [ + "▁STM", + -14.483213424682615 + ], + [ + "▁$3,500", + -14.48328971862793 + ], + [ + "MSP", + -14.483349800109863 + ], + [ + "▁Flies", + -14.483386039733888 + ], + [ + "pharm", + -14.483469009399414 + ], + [ + "▁deceitful", + -14.483512878417969 + ], + [ + "▁Dann", + -14.48372745513916 + ], + [ + "▁caverns", + -14.483770370483398 + ], + [ + "▁POC", + -14.483777046203612 + ], + [ + "Bound", + -14.483799934387209 + ], + [ + "akkar", + -14.483824729919434 + ], + [ + "▁+5", + -14.483846664428713 + ], + [ + "▁Azar", + -14.483847618103027 + ], + [ + "Essays", + -14.483885765075684 + ], + [ + "▁linky", + -14.483912467956545 + ], + [ + "▁Deo", + -14.483965873718262 + ], + [ + "yep", + -14.483969688415527 + ], + [ + "Manually", + -14.484007835388184 + ], + [ + "AYA", + -14.48416519165039 + ], + [ + "GHT", + -14.484196662902832 + ], + [ + "nitz", + -14.484278678894045 + ], + [ + "▁Verbal", + -14.484302520751951 + ], + [ + "rige", + -14.48442840576172 + ], + [ + "quotes", + -14.484502792358398 + ], + [ + "▁reducer", + -14.484545707702637 + ], + [ + "▁Karn", + -14.48460292816162 + ], + [ + "▁magnificently", + -14.484609603881836 + ], + [ + "TCP", + -14.48465061187744 + ], + [ + "ahem", + -14.484671592712402 + ], + [ + "▁Biome", + -14.484673500061035 + ], + [ + "cyber", + -14.484682083129885 + ], + [ + "Ahhh", + -14.484692573547363 + ], + [ + "▁SPS", + -14.48475170135498 + ], + [ + "stairs", + -14.484755516052246 + ], + [ + "Rust", + -14.48475742340088 + ], + [ + "▁Amara", + -14.484758377075195 + ], + [ + "▁idealism", + -14.484790802001951 + ], + [ + "▁ringer", + -14.48487949371338 + ], + [ + "Orthodontic", + -14.485137939453123 + ], + [ + "▁Intensity", + -14.485157012939451 + ], + [ + "▁Seinfeld", + -14.485157012939451 + ], + [ + "▁situate", + -14.485197067260742 + ], + [ + "▁Quake", + -14.485257148742676 + ], + [ + "▁Kondo", + -14.485268592834473 + ], + [ + "▁Sensitivity", + -14.48532485961914 + ], + [ + "▁FOLLOW", + -14.485394477844238 + ], + [ + "▁rebar", + -14.485407829284668 + ], + [ + "Longevity", + -14.485419273376465 + ], + [ + "Matrimony", + -14.485419273376465 + ], + [ + "▁Fibonacci", + -14.485419273376465 + ], + [ + "▁Holliday", + -14.485419273376465 + ], + [ + "▁Nietzsche", + -14.485419273376465 + ], + [ + "▁Pergola", + -14.485419273376465 + ], + [ + "▁Piccadilly", + -14.485419273376465 + ], + [ + "▁Repertory", + -14.485419273376465 + ], + [ + "▁alchemist", + -14.485419273376465 + ], + [ + "▁antiquities", + -14.485419273376465 + ], + [ + "▁apostolic", + -14.485419273376465 + ], + [ + "▁converging", + -14.485419273376465 + ], + [ + "▁lecithin", + -14.485419273376465 + ], + [ + "▁perpetuating", + -14.485419273376465 + ], + [ + "▁FOCUS", + -14.48542022705078 + ], + [ + "▁Swahili", + -14.485421180725098 + ], + [ + "▁VEGAS", + -14.485421180725098 + ], + [ + "▁tastier", + -14.485421180725098 + ], + [ + "▁FINISH", + -14.485422134399414 + ], + [ + "▁Tortoise", + -14.485422134399414 + ], + [ + "▁Groningen", + -14.48542308807373 + ], + [ + "▁Academia", + -14.485424041748049 + ], + [ + "Stomach", + -14.485424995422363 + ], + [ + "▁malformation", + -14.485424995422363 + ], + [ + "▁Bastille", + -14.485426902770996 + ], + [ + "▁Mathieu", + -14.485429763793944 + ], + [ + "▁Cucina", + -14.485433578491213 + ], + [ + "▁Discrete", + -14.48543643951416 + ], + [ + "▁TRUCK", + -14.485437393188477 + ], + [ + "▁plinth", + -14.485437393188477 + ], + [ + "▁netflix", + -14.48544216156006 + ], + [ + "▁skimmed", + -14.48544692993164 + ], + [ + "▁Satoshi", + -14.485447883605955 + ], + [ + "▁Caulfield", + -14.485451698303224 + ], + [ + "▁Wagga", + -14.485454559326172 + ], + [ + "▁futility", + -14.485461235046388 + ], + [ + "▁speckled", + -14.485469818115234 + ], + [ + "▁Intuit", + -14.48549461364746 + ], + [ + "▁Rapp", + -14.485499382019045 + ], + [ + "FUNCTION", + -14.485504150390623 + ], + [ + "▁skied", + -14.485508918762209 + ], + [ + "▁Perdue", + -14.485529899597168 + ], + [ + "▁compote", + -14.485533714294434 + ], + [ + "▁Gulfstream", + -14.485552787780762 + ], + [ + "▁Whitfield", + -14.485555648803713 + ], + [ + "▁remarried", + -14.48556423187256 + ], + [ + "▁Université", + -14.485605239868164 + ], + [ + "▁Alcott", + -14.485669136047363 + ], + [ + "▁errant", + -14.48567008972168 + ], + [ + "clawed", + -14.485674858093262 + ], + [ + "▁Nantes", + -14.485682487487791 + ], + [ + "▁Stroud", + -14.485718727111816 + ], + [ + "bum", + -14.485721588134766 + ], + [ + "▁houseplants", + -14.485735893249512 + ], + [ + "▁adoring", + -14.485747337341309 + ], + [ + "▁Dutton", + -14.485763549804688 + ], + [ + "IKI", + -14.485787391662598 + ], + [ + "▁Piggy", + -14.485795021057127 + ], + [ + "ozzi", + -14.485820770263672 + ], + [ + "▁rote", + -14.485830307006836 + ], + [ + "▁energetically", + -14.485831260681152 + ], + [ + "▁Environ", + -14.485837936401367 + ], + [ + "▁trappings", + -14.485859870910645 + ], + [ + "▁Schematic", + -14.485878944396973 + ], + [ + "badi", + -14.485885620117188 + ], + [ + "incident", + -14.485902786254885 + ], + [ + "▁Concurrent", + -14.48594093322754 + ], + [ + "▁Adair", + -14.485952377319336 + ], + [ + "▁bleachers", + -14.485962867736816 + ], + [ + "PCL", + -14.485984802246094 + ], + [ + "▁Insulin", + -14.48598575592041 + ], + [ + "▁forgery", + -14.485990524291992 + ], + [ + "▁Gyro", + -14.486018180847168 + ], + [ + "flare", + -14.486056327819824 + ], + [ + "▁remarketing", + -14.486056327819824 + ], + [ + "▁cameraman", + -14.486136436462402 + ], + [ + "lao", + -14.486149787902832 + ], + [ + "▁substantiated", + -14.486167907714844 + ], + [ + "▁seduced", + -14.486194610595703 + ], + [ + "RMC", + -14.486201286315918 + ], + [ + "Aldrich", + -14.486210823059082 + ], + [ + "yke", + -14.486220359802246 + ], + [ + "▁Deeds", + -14.486234664916992 + ], + [ + "▁chapbook", + -14.486288070678713 + ], + [ + "▁Howie", + -14.486321449279783 + ], + [ + "▁Nelly", + -14.486328125 + ], + [ + "▁fluttering", + -14.486373901367188 + ], + [ + "▁perfusion", + -14.486472129821776 + ], + [ + "▁Tracer", + -14.486482620239258 + ], + [ + "▁STATION", + -14.486526489257812 + ], + [ + "▁Extending", + -14.486527442932127 + ], + [ + "▁recklessly", + -14.486568450927734 + ], + [ + "▁PCOS", + -14.48659610748291 + ], + [ + "▁Bibb", + -14.486607551574709 + ], + [ + "▁Inexpensive", + -14.486610412597656 + ], + [ + "▁smeared", + -14.486627578735352 + ], + [ + "▁Palau", + -14.486663818359377 + ], + [ + "▁fiend", + -14.48670482635498 + ], + [ + "▁Tug", + -14.486889839172363 + ], + [ + "Tran", + -14.48691749572754 + ], + [ + "▁uncut", + -14.486933708190918 + ], + [ + "▁proffer", + -14.48696517944336 + ], + [ + "ageing", + -14.486967086791992 + ], + [ + "▁Contributor", + -14.486974716186523 + ], + [ + "▁seabed", + -14.486988067626951 + ], + [ + "Mach", + -14.48702335357666 + ], + [ + "bourn", + -14.48703956604004 + ], + [ + "▁lashed", + -14.487131118774414 + ], + [ + "▁heirlooms", + -14.48714828491211 + ], + [ + "▁formalized", + -14.487150192260742 + ], + [ + "LNA", + -14.487200736999512 + ], + [ + "bib", + -14.487217903137209 + ], + [ + "▁tantrum", + -14.487234115600586 + ], + [ + "generate", + -14.487242698669434 + ], + [ + "▁Jaz", + -14.48735237121582 + ], + [ + "▁lumpy", + -14.487359046936035 + ], + [ + "▁Corsa", + -14.4874906539917 + ], + [ + "influence", + -14.487541198730469 + ], + [ + "FOX", + -14.487579345703123 + ], + [ + "Ark", + -14.487658500671388 + ], + [ + "▁Invited", + -14.487672805786133 + ], + [ + "islav", + -14.487704277038574 + ], + [ + "interpret", + -14.487710952758787 + ], + [ + "▁Squ", + -14.487717628479004 + ], + [ + "▁Leila", + -14.487735748291016 + ], + [ + "▁archway", + -14.487743377685549 + ], + [ + "enu", + -14.487842559814451 + ], + [ + "▁Merida", + -14.48786449432373 + ], + [ + "▁Latch", + -14.48793601989746 + ], + [ + "renal", + -14.487945556640623 + ], + [ + "Entries", + -14.487954139709473 + ], + [ + "Patricia", + -14.487963676452637 + ], + [ + "Hispanic", + -14.487964630126951 + ], + [ + "Buffalo", + -14.48796844482422 + ], + [ + "Alliance", + -14.487971305847168 + ], + [ + "Desert", + -14.487984657287598 + ], + [ + "horsepower", + -14.487994194030762 + ], + [ + "▁Crump", + -14.488017082214355 + ], + [ + "▁clippers", + -14.488025665283203 + ], + [ + "▁purveyors", + -14.488030433654783 + ], + [ + "tact", + -14.488035202026367 + ], + [ + "Wrong", + -14.488041877746582 + ], + [ + "1:23", + -14.488052368164062 + ], + [ + "unknown", + -14.488091468811035 + ], + [ + "relatively", + -14.488112449645996 + ], + [ + "itsch", + -14.488163948059082 + ], + [ + "maintain", + -14.488168716430664 + ], + [ + "Partial", + -14.488221168518066 + ], + [ + "▁Embed", + -14.488245964050291 + ], + [ + "▁Roos", + -14.488247871398926 + ], + [ + "curtain", + -14.48826789855957 + ], + [ + "Thermal", + -14.4883451461792 + ], + [ + "▁Coyotes", + -14.488444328308104 + ], + [ + "▁Remains", + -14.48845386505127 + ], + [ + "▁Desperate", + -14.488500595092772 + ], + [ + "▁SNL", + -14.48850917816162 + ], + [ + "Chest", + -14.488516807556152 + ], + [ + "▁reselling", + -14.488655090332031 + ], + [ + "LOD", + -14.488677024841309 + ], + [ + "Anyhow", + -14.488677978515623 + ], + [ + "▁Livingstone", + -14.48872184753418 + ], + [ + "▁Anno", + -14.488728523254396 + ], + [ + "▁Ringo", + -14.48873233795166 + ], + [ + "▁Pelle", + -14.488849639892578 + ], + [ + "mapper", + -14.48891258239746 + ], + [ + "signing", + -14.488924026489258 + ], + [ + "EDGE", + -14.488983154296877 + ], + [ + "fz", + -14.48899745941162 + ], + [ + "mute", + -14.48899745941162 + ], + [ + "▁Politicians", + -14.489002227783203 + ], + [ + "▁RENT", + -14.48900318145752 + ], + [ + "fibre", + -14.489047050476074 + ], + [ + "VIT", + -14.489049911499023 + ], + [ + "miner", + -14.489202499389648 + ], + [ + "inform", + -14.489215850830078 + ], + [ + "letting", + -14.489221572875977 + ], + [ + "▁unwinding", + -14.489269256591797 + ], + [ + "▁gratuitous", + -14.48929500579834 + ], + [ + "▁PUC", + -14.489297866821287 + ], + [ + "▁Hackers", + -14.48937702178955 + ], + [ + "▁Kova", + -14.48941135406494 + ], + [ + "monster", + -14.48949909210205 + ], + [ + "097", + -14.489540100097656 + ], + [ + "Alcoholic", + -14.489557266235352 + ], + [ + "ruti", + -14.489568710327148 + ], + [ + "Centric", + -14.48957061767578 + ], + [ + "▁Exter", + -14.48966121673584 + ], + [ + "▁multilayer", + -14.48969841003418 + ], + [ + "9+", + -14.489806175231934 + ], + [ + "recording", + -14.48985481262207 + ], + [ + "▁$76", + -14.489933967590332 + ], + [ + "MSU", + -14.48995876312256 + ], + [ + "▁Chords", + -14.490025520324709 + ], + [ + "Wheat", + -14.49008846282959 + ], + [ + "▁FUE", + -14.490106582641602 + ], + [ + "047", + -14.490174293518066 + ], + [ + "▁waxy", + -14.490215301513672 + ], + [ + "DOE", + -14.490274429321287 + ], + [ + "▁PIL", + -14.490286827087402 + ], + [ + "▁Kipling", + -14.49036979675293 + ], + [ + "▁Desai", + -14.490396499633787 + ], + [ + "▁james", + -14.49040412902832 + ], + [ + "▁Tunis", + -14.490434646606444 + ], + [ + "▁Rook", + -14.49045753479004 + ], + [ + "▁0.06", + -14.490483283996582 + ], + [ + "quake", + -14.490488052368164 + ], + [ + "▁stoke", + -14.49049949645996 + ], + [ + "▁vom", + -14.490615844726562 + ], + [ + "▁PROTECT", + -14.490639686584473 + ], + [ + "CTION", + -14.490656852722168 + ], + [ + "▁GUARANTEE", + -14.490660667419434 + ], + [ + "IDER", + -14.49069595336914 + ], + [ + "▁Duque", + -14.490697860717772 + ], + [ + "▁$72", + -14.49074649810791 + ], + [ + "▁capers", + -14.49081039428711 + ], + [ + "▁Willing", + -14.490817070007324 + ], + [ + "▁Reporters", + -14.490974426269531 + ], + [ + "agawa", + -14.491086959838867 + ], + [ + "▁Agate", + -14.49111557006836 + ], + [ + "neuro", + -14.491216659545898 + ], + [ + "roger", + -14.491286277770996 + ], + [ + "ANZ", + -14.491415977478027 + ], + [ + "Cav", + -14.491475105285645 + ], + [ + "▁ALD", + -14.491514205932615 + ], + [ + "▁sterilize", + -14.49152946472168 + ], + [ + "Rolling", + -14.49166488647461 + ], + [ + "fir", + -14.491713523864746 + ], + [ + "▁characterise", + -14.491766929626465 + ], + [ + "▁Polynesia", + -14.491775512695312 + ], + [ + "opian", + -14.491787910461426 + ], + [ + "jevic", + -14.49180793762207 + ], + [ + "▁11.0", + -14.491840362548828 + ], + [ + "▁24-7", + -14.491867065429688 + ], + [ + "▁PREMIUM", + -14.491867065429688 + ], + [ + "▁19.5", + -14.491876602172852 + ], + [ + "▁Hepa", + -14.4918794631958 + ], + [ + "▁Anya", + -14.491886138916016 + ], + [ + "Browser", + -14.491891860961914 + ], + [ + "▁wpc", + -14.491894721984863 + ], + [ + "▁Cambria", + -14.491901397705078 + ], + [ + "ANNA", + -14.491905212402344 + ], + [ + "▁Ong", + -14.491948127746582 + ], + [ + "grader", + -14.491995811462402 + ], + [ + "▁chirp", + -14.492010116577148 + ], + [ + "layout", + -14.492063522338867 + ], + [ + "▁Threats", + -14.492101669311523 + ], + [ + "jna", + -14.49210262298584 + ], + [ + "Hypnotherapy", + -14.492131233215332 + ], + [ + "Regrettably", + -14.492131233215332 + ], + [ + "Rehearsal", + -14.492131233215332 + ], + [ + "▁AstraZeneca", + -14.492131233215332 + ], + [ + "▁Donetsk", + -14.492131233215332 + ], + [ + "▁Flinders", + -14.492131233215332 + ], + [ + "▁Instinct", + -14.492131233215332 + ], + [ + "▁LaSalle", + -14.492131233215332 + ], + [ + "▁Prophecy", + -14.492131233215332 + ], + [ + "▁cybercriminals", + -14.492131233215332 + ], + [ + "▁duplicating", + -14.492131233215332 + ], + [ + "▁efficacious", + -14.492131233215332 + ], + [ + "▁phenergan", + -14.492131233215332 + ], + [ + "▁Antelope", + -14.492132186889648 + ], + [ + "▁Kirsty", + -14.492132186889648 + ], + [ + "▁PLoS", + -14.492132186889648 + ], + [ + "▁Traci", + -14.492132186889648 + ], + [ + "▁quotient", + -14.492132186889648 + ], + [ + "▁tributary", + -14.492132186889648 + ], + [ + "▁DeVos", + -14.492133140563965 + ], + [ + "▁Murfreesboro", + -14.492133140563965 + ], + [ + "▁glancing", + -14.49213409423828 + ], + [ + "▁voracious", + -14.49213409423828 + ], + [ + "▁Geospatial", + -14.492137908935549 + ], + [ + "corporeal", + -14.492140769958496 + ], + [ + "▁sobbing", + -14.492140769958496 + ], + [ + "▁Armoire", + -14.492141723632812 + ], + [ + "▁Nazarene", + -14.492141723632812 + ], + [ + "▁Rotherham", + -14.492142677307127 + ], + [ + "▁Sauté", + -14.492142677307127 + ], + [ + "▁Hellenic", + -14.492143630981444 + ], + [ + "▁Kino", + -14.492147445678713 + ], + [ + "▁Boundaries", + -14.492148399353027 + ], + [ + "▁Décor", + -14.49215030670166 + ], + [ + "▁Gresham", + -14.49215030670166 + ], + [ + "▁Palsy", + -14.49215316772461 + ], + [ + "▁macadamia", + -14.492161750793455 + ], + [ + "▁irradiation", + -14.492162704467772 + ], + [ + "▁unrefined", + -14.492164611816406 + ], + [ + "▁Leuven", + -14.492170333862305 + ], + [ + "▁rummage", + -14.492170333862305 + ], + [ + "▁engrossing", + -14.492175102233888 + ], + [ + "▁smugglers", + -14.492177963256836 + ], + [ + "▁Microsystems", + -14.49218463897705 + ], + [ + "▁uninitiated", + -14.492189407348633 + ], + [ + "▁acetone", + -14.492191314697266 + ], + [ + "▁compressive", + -14.492195129394531 + ], + [ + "▁neurotic", + -14.492195129394531 + ], + [ + "▁juries", + -14.492196083068848 + ], + [ + "▁Braintree", + -14.492207527160645 + ], + [ + "Exceed", + -14.492226600646973 + ], + [ + "▁Spyder", + -14.492226600646973 + ], + [ + "▁charles", + -14.492238998413086 + ], + [ + "▁Fiverr", + -14.492243766784668 + ], + [ + "▁Morrissey", + -14.492243766784668 + ], + [ + "▁VirtualBox", + -14.4922513961792 + ], + [ + "VAS", + -14.492277145385742 + ], + [ + "▁RDP", + -14.492277145385742 + ], + [ + "▁Hillcrest", + -14.492281913757324 + ], + [ + "▁unreadable", + -14.492305755615234 + ], + [ + "▁stony", + -14.4923095703125 + ], + [ + "▁salmonella", + -14.49232578277588 + ], + [ + "▁Winona", + -14.492353439331056 + ], + [ + "▁neuroscientist", + -14.492358207702637 + ], + [ + "▁superstructure", + -14.492362022399902 + ], + [ + "▁truer", + -14.492422103881836 + ], + [ + "▁defiantly", + -14.492441177368164 + ], + [ + "▁Qlik", + -14.49244785308838 + ], + [ + "▁Leesburg", + -14.49245834350586 + ], + [ + "▁Stiles", + -14.492462158203123 + ], + [ + "▁Mandalay", + -14.492466926574709 + ], + [ + "worx", + -14.492467880249023 + ], + [ + "▁misrepresented", + -14.492483139038086 + ], + [ + "-6000", + -14.49249267578125 + ], + [ + "▁Kenney", + -14.49250316619873 + ], + [ + "clothes", + -14.492508888244627 + ], + [ + "▁Sandstone", + -14.49253749847412 + ], + [ + "▁Simplified", + -14.492539405822754 + ], + [ + "▁humpback", + -14.492545127868652 + ], + [ + "▁sprained", + -14.492551803588867 + ], + [ + "▁SARS", + -14.492554664611816 + ], + [ + "▁pageviews", + -14.492558479309082 + ], + [ + "▁Colette", + -14.492559432983398 + ], + [ + "▁aliases", + -14.492596626281738 + ], + [ + "▁Ponzi", + -14.492621421813965 + ], + [ + "▁Ocala", + -14.492631912231444 + ], + [ + "▁Waterbury", + -14.492635726928713 + ], + [ + "▁Riverwalk", + -14.492652893066406 + ], + [ + "pictures", + -14.492657661437988 + ], + [ + "▁jazzy", + -14.492746353149414 + ], + [ + "pip", + -14.492772102355955 + ], + [ + "▁refueling", + -14.4927978515625 + ], + [ + "aircraft", + -14.49281406402588 + ], + [ + "▁travail", + -14.492853164672852 + ], + [ + "▁itunes", + -14.492949485778809 + ], + [ + "PRIZE", + -14.492972373962402 + ], + [ + "▁Copic", + -14.493033409118652 + ], + [ + "▁Sober", + -14.49309253692627 + ], + [ + "▁freakin", + -14.493103981018066 + ], + [ + "Demon", + -14.49313735961914 + ], + [ + "▁Gerhard", + -14.493163108825684 + ], + [ + "▁Bundy", + -14.493167877197266 + ], + [ + "▁denoted", + -14.493215560913086 + ], + [ + "!!!!!!!!!!!!!!!!", + -14.493226051330566 + ], + [ + "▁Flock", + -14.493274688720703 + ], + [ + "Fixes", + -14.493318557739258 + ], + [ + "defining", + -14.493329048156738 + ], + [ + "▁Wanting", + -14.493335723876951 + ], + [ + "▁Georgie", + -14.493389129638672 + ], + [ + "▁Laughing", + -14.49340534210205 + ], + [ + "▁Motherboard", + -14.493409156799316 + ], + [ + "▁?????????", + -14.493454933166504 + ], + [ + "▁shawls", + -14.493481636047363 + ], + [ + "erina", + -14.493494987487791 + ], + [ + "▁Vere", + -14.493545532226562 + ], + [ + "▁Northridge", + -14.493568420410156 + ], + [ + "▁$2.99", + -14.4935884475708 + ], + [ + "▁thoughtfulness", + -14.493595123291016 + ], + [ + "HUS", + -14.49367618560791 + ], + [ + "▁Auntie", + -14.493709564208984 + ], + [ + "WIC", + -14.493719100952148 + ], + [ + "RCP", + -14.493741035461426 + ], + [ + "Burg", + -14.493745803833008 + ], + [ + "▁outperforms", + -14.493754386901855 + ], + [ + "▁Gaines", + -14.493796348571776 + ], + [ + "▁booksellers", + -14.493803977966309 + ], + [ + "▁wail", + -14.49383544921875 + ], + [ + "▁seasonality", + -14.49387264251709 + ], + [ + "▁$129", + -14.49398708343506 + ], + [ + "▁Hatton", + -14.49405288696289 + ], + [ + "patent", + -14.494088172912598 + ], + [ + "impregnated", + -14.494105339050291 + ], + [ + "cob", + -14.494111061096191 + ], + [ + "▁sheathing", + -14.494176864624023 + ], + [ + "UAE", + -14.494178771972656 + ], + [ + "▁barbie", + -14.494195938110352 + ], + [ + "▁Leven", + -14.494213104248049 + ], + [ + "Lymph", + -14.494223594665527 + ], + [ + "▁Traumatic", + -14.4942626953125 + ], + [ + "▁breakpoint", + -14.494437217712402 + ], + [ + "▁dumpling", + -14.494462966918944 + ], + [ + "Doors", + -14.494483947753906 + ], + [ + "▁tramp", + -14.4945068359375 + ], + [ + "Hailing", + -14.49450969696045 + ], + [ + "▁freighter", + -14.49456024169922 + ], + [ + "wagon", + -14.494563102722168 + ], + [ + "▁symbolized", + -14.494565963745115 + ], + [ + "teachers", + -14.494668006896973 + ], + [ + "▁Surveying", + -14.494733810424805 + ], + [ + "▁MESS", + -14.494745254516602 + ], + [ + "routing", + -14.494769096374512 + ], + [ + "Corruption", + -14.49481964111328 + ], + [ + "Participating", + -14.494821548461914 + ], + [ + "▁cooperatively", + -14.494832038879396 + ], + [ + "vigil", + -14.494836807250977 + ], + [ + "Empty", + -14.494840621948242 + ], + [ + "Mercury", + -14.494864463806152 + ], + [ + "ellan", + -14.494865417480469 + ], + [ + "offensive", + -14.494865417480469 + ], + [ + "unfortunately", + -14.494867324829102 + ], + [ + "democracy", + -14.494869232177734 + ], + [ + "injury", + -14.494869232177734 + ], + [ + "vf", + -14.494914054870604 + ], + [ + "▁hotkey", + -14.49496841430664 + ], + [ + "▁Moti", + -14.494988441467283 + ], + [ + "▁Kamala", + -14.494997024536133 + ], + [ + "scaling", + -14.49509334564209 + ], + [ + "portion", + -14.49513816833496 + ], + [ + "▁reinterpret", + -14.49516487121582 + ], + [ + "variance", + -14.49522876739502 + ], + [ + "▁Elizabethan", + -14.495306968688965 + ], + [ + "▁Pentecostal", + -14.495328903198242 + ], + [ + "Hole", + -14.49533748626709 + ], + [ + "▁08:4", + -14.495354652404783 + ], + [ + "PBM", + -14.495386123657228 + ], + [ + "▁Crocodile", + -14.495413780212402 + ], + [ + "'6\"", + -14.495438575744627 + ], + [ + "▁Tobin", + -14.495442390441896 + ], + [ + "▁Streamline", + -14.495476722717283 + ], + [ + "▁Ponder", + -14.495479583740234 + ], + [ + "▁fads", + -14.495479583740234 + ], + [ + "athletic", + -14.495506286621094 + ], + [ + "▁Spire", + -14.495530128479004 + ], + [ + "FIX", + -14.495553016662598 + ], + [ + "adin", + -14.495572090148926 + ], + [ + "committed", + -14.495595932006836 + ], + [ + "▁Vesta", + -14.495646476745604 + ], + [ + "▁leech", + -14.495649337768556 + ], + [ + "▁Powerhouse", + -14.495657920837402 + ], + [ + "hive", + -14.49569320678711 + ], + [ + "▁middlemen", + -14.49570369720459 + ], + [ + "RIGHT", + -14.49571704864502 + ], + [ + "NIH", + -14.495756149291992 + ], + [ + "▁Sudden", + -14.495762825012209 + ], + [ + "ferri", + -14.495872497558594 + ], + [ + "▁acces", + -14.49590015411377 + ], + [ + "▁PPL", + -14.495944023132324 + ], + [ + "▁treading", + -14.49594783782959 + ], + [ + "FAX", + -14.495960235595703 + ], + [ + "hoek", + -14.496000289916992 + ], + [ + "▁spotter", + -14.496095657348633 + ], + [ + "else", + -14.496100425720217 + ], + [ + "▁burp", + -14.496192932128906 + ], + [ + "Tourist", + -14.496203422546388 + ], + [ + "▁stinks", + -14.496293067932127 + ], + [ + "▁GTS", + -14.496335983276367 + ], + [ + "mindedness", + -14.496341705322266 + ], + [ + "▁Johnnie", + -14.496347427368164 + ], + [ + "▁Moyer", + -14.496349334716797 + ], + [ + "RANCE", + -14.49636173248291 + ], + [ + "▁Nato", + -14.49639129638672 + ], + [ + "Patent", + -14.496392250061035 + ], + [ + "▁Foxx", + -14.49653148651123 + ], + [ + "alaska", + -14.496562004089355 + ], + [ + "▁RCI", + -14.496562004089355 + ], + [ + "arelli", + -14.496655464172363 + ], + [ + "▁reframe", + -14.496684074401855 + ], + [ + "nog", + -14.496689796447754 + ], + [ + "Detail", + -14.49687385559082 + ], + [ + "damn", + -14.49689483642578 + ], + [ + "▁5:1", + -14.496910095214844 + ], + [ + "filed", + -14.496928215026855 + ], + [ + "▁Hagg", + -14.496933937072754 + ], + [ + "beaten", + -14.496966361999512 + ], + [ + "▁Yorktown", + -14.49708080291748 + ], + [ + "amycin", + -14.497127532958984 + ], + [ + "▁highschool", + -14.497148513793944 + ], + [ + "purge", + -14.497159004211426 + ], + [ + "▁Helios", + -14.497204780578612 + ], + [ + "CLI", + -14.497222900390623 + ], + [ + "SCP", + -14.49731159210205 + ], + [ + "Simpli", + -14.49733543395996 + ], + [ + "▁carver", + -14.497374534606934 + ], + [ + "▁polygons", + -14.497411727905272 + ], + [ + "▁woolly", + -14.497499465942385 + ], + [ + "hiv", + -14.497540473937988 + ], + [ + "napped", + -14.497572898864746 + ], + [ + "4.1%", + -14.49767780303955 + ], + [ + "qo", + -14.497748374938965 + ], + [ + "anian", + -14.497814178466797 + ], + [ + "uwe", + -14.497937202453612 + ], + [ + "Duration", + -14.49802303314209 + ], + [ + "▁bailed", + -14.498024940490724 + ], + [ + "▁Accommodations", + -14.498026847839355 + ], + [ + "Baptiste", + -14.498032569885254 + ], + [ + "▁Goku", + -14.498079299926758 + ], + [ + "▁EMV", + -14.498126983642578 + ], + [ + "▁Lidl", + -14.498159408569336 + ], + [ + "▁Melo", + -14.498167037963867 + ], + [ + "▁heartworm", + -14.49824333190918 + ], + [ + "EPT", + -14.498306274414062 + ], + [ + "Lessons", + -14.498320579528809 + ], + [ + "▁DUE", + -14.498347282409668 + ], + [ + "▁WHEEL", + -14.498409271240234 + ], + [ + "IANA", + -14.498433113098145 + ], + [ + "enie", + -14.49845027923584 + ], + [ + "jali", + -14.498526573181152 + ], + [ + "wada", + -14.49856662750244 + ], + [ + "▁Australasia", + -14.498652458190918 + ], + [ + "rima", + -14.498723983764648 + ], + [ + "▁exhort", + -14.498757362365724 + ], + [ + "ophi", + -14.498760223388672 + ], + [ + "czy", + -14.49883270263672 + ], + [ + "▁Chautauqua", + -14.498887062072754 + ], + [ + "▁cirrhosis", + -14.498887062072754 + ], + [ + "▁Brahmin", + -14.49888801574707 + ], + [ + "▁Hacienda", + -14.49888801574707 + ], + [ + "▁Kiwanis", + -14.49888801574707 + ], + [ + "▁McCormack", + -14.49888801574707 + ], + [ + "▁Mendocino", + -14.49888801574707 + ], + [ + "▁Perennial", + -14.49888801574707 + ], + [ + "▁Srinivas", + -14.49888801574707 + ], + [ + "▁adversarial", + -14.49888801574707 + ], + [ + "▁calamities", + -14.49888801574707 + ], + [ + "▁collegial", + -14.49888801574707 + ], + [ + "▁concomitant", + -14.49888801574707 + ], + [ + "▁dimmable", + -14.49888801574707 + ], + [ + "▁herbivore", + -14.49888801574707 + ], + [ + "▁progenitor", + -14.49888801574707 + ], + [ + "▁uncontested", + -14.49888801574707 + ], + [ + "▁Gottlieb", + -14.498888969421388 + ], + [ + "▁Kiosk", + -14.498888969421388 + ], + [ + "▁genealogist", + -14.498888969421388 + ], + [ + "▁woodpecker", + -14.498888969421388 + ], + [ + "▁Dmitri", + -14.498889923095703 + ], + [ + "▁Hinckley", + -14.498889923095703 + ], + [ + "▁Nervous", + -14.498889923095703 + ], + [ + "▁admiral", + -14.498889923095703 + ], + [ + "▁christened", + -14.498889923095703 + ], + [ + "▁lymphedema", + -14.498889923095703 + ], + [ + "▁lipoprotein", + -14.49889087677002 + ], + [ + "▁Khloe", + -14.498893737792969 + ], + [ + "▁Azores", + -14.498896598815918 + ], + [ + "▁pleural", + -14.498897552490234 + ], + [ + "▁romaine", + -14.498897552490234 + ], + [ + "▁Preferably", + -14.49889850616455 + ], + [ + "▁nabbed", + -14.4989013671875 + ], + [ + "▁Yakima", + -14.498903274536133 + ], + [ + "▁submissive", + -14.49892234802246 + ], + [ + "▁Osteopathic", + -14.498929977416992 + ], + [ + "▁thoroughbred", + -14.498930931091309 + ], + [ + "▁LaTeX", + -14.498946189880373 + ], + [ + "▁HIGHLY", + -14.498953819274902 + ], + [ + "▁Electra", + -14.498968124389648 + ], + [ + "▁foreword", + -14.49897003173828 + ], + [ + "▁Preacher", + -14.498984336853027 + ], + [ + "Citizens", + -14.499008178710938 + ], + [ + "▁Reverb", + -14.499011039733888 + ], + [ + "▁Panhandle", + -14.499032020568848 + ], + [ + "▁12.7", + -14.49904727935791 + ], + [ + "▁deference", + -14.499074935913086 + ], + [ + "▁Bohol", + -14.499079704284668 + ], + [ + "▁segue", + -14.499080657958984 + ], + [ + "▁subsidised", + -14.499101638793944 + ], + [ + "▁Bonham", + -14.49910831451416 + ], + [ + "▁scorched", + -14.499134063720703 + ], + [ + "▁$51", + -14.499155044555664 + ], + [ + "▁Magdalene", + -14.499192237854004 + ], + [ + "▁sera", + -14.499212265014648 + ], + [ + "▁Largo", + -14.49921703338623 + ], + [ + "▁Genesee", + -14.499228477478027 + ], + [ + "▁Luang", + -14.499282836914062 + ], + [ + "▁upping", + -14.499285697937012 + ], + [ + "Preview", + -14.499295234680176 + ], + [ + "▁QoS", + -14.499297142028809 + ], + [ + "▁rollback", + -14.4993257522583 + ], + [ + "▁frizzy", + -14.49936866760254 + ], + [ + "ате", + -14.499377250671388 + ], + [ + "▁PARTS", + -14.499382019042969 + ], + [ + "▁Leith", + -14.499387741088867 + ], + [ + "▁riverfront", + -14.499424934387209 + ], + [ + "iggle", + -14.49951171875 + ], + [ + "▁floorboards", + -14.499515533447266 + ], + [ + "▁Serrano", + -14.499531745910645 + ], + [ + "ZU", + -14.499536514282228 + ], + [ + "▁headcount", + -14.49954605102539 + ], + [ + "▁Neph", + -14.499547958374023 + ], + [ + "▁Ganges", + -14.499576568603516 + ], + [ + "▁Kod", + -14.499592781066896 + ], + [ + "▁Padded", + -14.49963092803955 + ], + [ + "▁stateside", + -14.499651908874512 + ], + [ + "▁Esco", + -14.499656677246094 + ], + [ + "▁munching", + -14.499679565429688 + ], + [ + "BUY", + -14.499736785888672 + ], + [ + "Applies", + -14.499795913696287 + ], + [ + "▁sooth", + -14.499832153320312 + ], + [ + "▁Placed", + -14.499853134155272 + ], + [ + "winged", + -14.499855041503906 + ], + [ + "▁devious", + -14.499879837036133 + ], + [ + "▁Industri", + -14.499885559082031 + ], + [ + "▁concourse", + -14.49989128112793 + ], + [ + "SOE", + -14.49991512298584 + ], + [ + "▁Khaled", + -14.49996566772461 + ], + [ + "▁Burnt", + -14.500005722045898 + ], + [ + "▁dissipated", + -14.5003023147583 + ], + [ + "▁Linus", + -14.500310897827148 + ], + [ + "▁Envoy", + -14.500354766845703 + ], + [ + "▁flattening", + -14.500380516052246 + ], + [ + "91)", + -14.50038719177246 + ], + [ + "▁tickled", + -14.50041961669922 + ], + [ + "▁Sutra", + -14.500447273254396 + ], + [ + "▁bouncer", + -14.500457763671877 + ], + [ + "3500", + -14.50050449371338 + ], + [ + "▁blesses", + -14.500508308410645 + ], + [ + "▁Arp", + -14.500571250915527 + ], + [ + "▁Giza", + -14.500571250915527 + ], + [ + "▁Rp", + -14.500582695007324 + ], + [ + "▁profiting", + -14.500617980957031 + ], + [ + "▁Persistent", + -14.500653266906738 + ], + [ + "▁888-6", + -14.500657081604004 + ], + [ + "▁homeopathy", + -14.500678062438965 + ], + [ + "&#;", + -14.50074577331543 + ], + [ + "▁escalator", + -14.500880241394045 + ], + [ + "▁artefact", + -14.50090503692627 + ], + [ + "▁Lame", + -14.500906944274902 + ], + [ + "▁Loon", + -14.500941276550291 + ], + [ + "▁centimeter", + -14.500962257385254 + ], + [ + "Implement", + -14.500981330871582 + ], + [ + "lute", + -14.500991821289062 + ], + [ + "▁Vow", + -14.501023292541504 + ], + [ + "▁Sixers", + -14.501097679138184 + ], + [ + "▁Bia", + -14.501140594482422 + ], + [ + "▁GSK", + -14.5011625289917 + ], + [ + "GRANT", + -14.501228332519531 + ], + [ + "▁detest", + -14.501260757446287 + ], + [ + "Tracker", + -14.501272201538086 + ], + [ + "clutter", + -14.501394271850586 + ], + [ + "accept", + -14.501399993896484 + ], + [ + "▁protons", + -14.501441955566406 + ], + [ + "▁Rooter", + -14.501521110534668 + ], + [ + "▁vip", + -14.501522064208984 + ], + [ + "gama", + -14.501550674438477 + ], + [ + "ATHER", + -14.50155544281006 + ], + [ + "▁Suh", + -14.501615524291992 + ], + [ + "contamination", + -14.501653671264648 + ], + [ + "welt", + -14.501659393310549 + ], + [ + "▁Deuteronomy", + -14.501670837402344 + ], + [ + "▁miller", + -14.501675605773926 + ], + [ + "▁lightened", + -14.501742362976074 + ], + [ + "Recognizing", + -14.501768112182615 + ], + [ + "drenched", + -14.501781463623049 + ], + [ + "Particularly", + -14.501791954040527 + ], + [ + "Dictionary", + -14.501795768737791 + ], + [ + "journey", + -14.501802444458008 + ], + [ + "reclaimed", + -14.501805305480955 + ], + [ + "Nissan", + -14.501806259155272 + ], + [ + "Pennsylvania", + -14.501811981201172 + ], + [ + "Jewelry", + -14.5018310546875 + ], + [ + "1978", + -14.501853942871094 + ], + [ + "Germain", + -14.501855850219728 + ], + [ + "▁Dutchman", + -14.50185775756836 + ], + [ + "▁Blau", + -14.5018892288208 + ], + [ + "▁Cale", + -14.50189971923828 + ], + [ + "▁COOK", + -14.50194263458252 + ], + [ + "COMMENTS", + -14.501945495605469 + ], + [ + "owed", + -14.501968383789062 + ], + [ + "▁$7,000", + -14.501988410949709 + ], + [ + "Instrument", + -14.502038955688477 + ], + [ + "▁lurks", + -14.50204086303711 + ], + [ + "crow", + -14.502148628234863 + ], + [ + "Cedar", + -14.502184867858888 + ], + [ + "actin", + -14.502184867858888 + ], + [ + "WATER", + -14.502249717712402 + ], + [ + "▁Rong", + -14.502320289611816 + ], + [ + "bila", + -14.502330780029297 + ], + [ + "▁Eton", + -14.502368927001951 + ], + [ + "▁300+", + -14.502373695373535 + ], + [ + "▁junkies", + -14.502378463745115 + ], + [ + "▁Upgrading", + -14.502398490905762 + ], + [ + "▁Daniela", + -14.502408981323242 + ], + [ + "▁defaulted", + -14.502448081970217 + ], + [ + "▁pinion", + -14.50247859954834 + ], + [ + "▁Assay", + -14.502500534057615 + ], + [ + "reduced", + -14.50251007080078 + ], + [ + "svg", + -14.50252628326416 + ], + [ + "▁Exporting", + -14.502692222595217 + ], + [ + "“[", + -14.50275421142578 + ], + [ + "▁sequencer", + -14.502764701843262 + ], + [ + "Clarke", + -14.502812385559082 + ], + [ + "3400", + -14.502832412719728 + ], + [ + "alba", + -14.502903938293455 + ], + [ + "▁Integra", + -14.50291347503662 + ], + [ + "▁$0.3", + -14.502973556518556 + ], + [ + "▁Puli", + -14.503044128417969 + ], + [ + "▁Screws", + -14.50315284729004 + ], + [ + "kru", + -14.503156661987305 + ], + [ + "craig", + -14.503182411193848 + ], + [ + "▁repaying", + -14.503183364868164 + ], + [ + "▁Excavation", + -14.503211975097656 + ], + [ + "▁isometric", + -14.503351211547852 + ], + [ + "▁Bully", + -14.503371238708496 + ], + [ + "▁omen", + -14.503384590148926 + ], + [ + "EVO", + -14.503393173217772 + ], + [ + "brev", + -14.503421783447266 + ], + [ + "▁Riches", + -14.503564834594728 + ], + [ + "▁Balloons", + -14.50359058380127 + ], + [ + "▁ephemera", + -14.503610610961914 + ], + [ + "7-18", + -14.503616333007812 + ], + [ + "david", + -14.503639221191406 + ], + [ + "▁Venn", + -14.503646850585938 + ], + [ + "▁GOAL", + -14.503652572631836 + ], + [ + "▁dif", + -14.503700256347656 + ], + [ + "▁musc", + -14.503722190856934 + ], + [ + "▁(16)", + -14.503761291503906 + ], + [ + "▁cytokine", + -14.503838539123535 + ], + [ + "▁weaved", + -14.504026412963867 + ], + [ + "VOR", + -14.504040718078612 + ], + [ + "-1800", + -14.504057884216309 + ], + [ + "▁Eurasia", + -14.504104614257812 + ], + [ + "▁Ganda", + -14.504233360290527 + ], + [ + "Nik", + -14.504280090332031 + ], + [ + "udin", + -14.504290580749512 + ], + [ + "Clicking", + -14.504349708557127 + ], + [ + "Centered", + -14.50444793701172 + ], + [ + "▁Cava", + -14.50455379486084 + ], + [ + "тор", + -14.504561424255373 + ], + [ + "meer", + -14.504589080810549 + ], + [ + "▁FAS", + -14.504596710205078 + ], + [ + "PNP", + -14.504605293273926 + ], + [ + "Shown", + -14.504611015319824 + ], + [ + "▁wetter", + -14.504680633544922 + ], + [ + "worldca", + -14.50478744506836 + ], + [ + "Organize", + -14.504810333251951 + ], + [ + "printer", + -14.504820823669434 + ], + [ + "▁Vla", + -14.504870414733888 + ], + [ + "rua", + -14.504880905151367 + ], + [ + "ég", + -14.5048828125 + ], + [ + "▁Bucs", + -14.504923820495604 + ], + [ + "▁gents", + -14.504929542541504 + ], + [ + "HMS", + -14.504952430725098 + ], + [ + "▁overloading", + -14.505019187927246 + ], + [ + "▁crud", + -14.505083084106444 + ], + [ + "▁PLM", + -14.505086898803713 + ], + [ + "▁busyness", + -14.505099296569824 + ], + [ + "Julian", + -14.505205154418944 + ], + [ + "▁reflectors", + -14.50526523590088 + ], + [ + "▁Ecker", + -14.505290031433104 + ], + [ + "▁rescind", + -14.505291938781738 + ], + [ + "GATE", + -14.50532341003418 + ], + [ + "Chunk", + -14.505373001098633 + ], + [ + "wong", + -14.50540828704834 + ], + [ + "Tracy", + -14.50542163848877 + ], + [ + "▁CAPTCHA", + -14.505423545837402 + ], + [ + "pode", + -14.505451202392578 + ], + [ + "▁Lump", + -14.505460739135742 + ], + [ + "▁$0.2", + -14.505508422851562 + ], + [ + "▁Haircuts", + -14.505577087402344 + ], + [ + "▁Equations", + -14.505610466003418 + ], + [ + "uzu", + -14.50563621520996 + ], + [ + "▁Euclid", + -14.505687713623049 + ], + [ + "▁Continuum", + -14.505690574645996 + ], + [ + "▁DIFFERENT", + -14.505690574645996 + ], + [ + "▁McGowan", + -14.505690574645996 + ], + [ + "▁McIntosh", + -14.505690574645996 + ], + [ + "▁Rishikesh", + -14.505690574645996 + ], + [ + "▁Witherspoon", + -14.505690574645996 + ], + [ + "▁amplifies", + -14.505690574645996 + ], + [ + "▁aperitif", + -14.505690574645996 + ], + [ + "▁appreciable", + -14.505690574645996 + ], + [ + "▁condescending", + -14.505690574645996 + ], + [ + "▁feldspar", + -14.505690574645996 + ], + [ + "▁filigree", + -14.505690574645996 + ], + [ + "▁interstitial", + -14.505690574645996 + ], + [ + "▁mausoleum", + -14.505690574645996 + ], + [ + "▁snazzy", + -14.505690574645996 + ], + [ + "▁Maitland", + -14.505691528320312 + ], + [ + "▁Tipperary", + -14.505691528320312 + ], + [ + "▁intensities", + -14.505691528320312 + ], + [ + "▁embezzlement", + -14.505692481994627 + ], + [ + "▁Toffee", + -14.505694389343262 + ], + [ + "▁WOMEN", + -14.505695343017578 + ], + [ + "▁fascism", + -14.505695343017578 + ], + [ + "▁Nagoya", + -14.505696296691896 + ], + [ + "▁barbarian", + -14.505696296691896 + ], + [ + "▁Bloomingdale", + -14.505697250366213 + ], + [ + "▁Killarney", + -14.505697250366213 + ], + [ + "▁Cognition", + -14.505699157714844 + ], + [ + "▁annihilation", + -14.505699157714844 + ], + [ + "▁elastin", + -14.50570011138916 + ], + [ + "▁polymorphism", + -14.505701065063477 + ], + [ + "▁opportune", + -14.505707740783691 + ], + [ + "▁Prabha", + -14.505712509155272 + ], + [ + "▁interfaith", + -14.505727767944336 + ], + [ + "▁Jura", + -14.505743980407717 + ], + [ + "▁Salty", + -14.505748748779297 + ], + [ + "▁malice", + -14.50575351715088 + ], + [ + "▁Togo", + -14.505767822265623 + ], + [ + "▁mockery", + -14.505769729614258 + ], + [ + "Formal", + -14.505776405334473 + ], + [ + "▁octagonal", + -14.505782127380373 + ], + [ + "▁Casualty", + -14.505784034729004 + ], + [ + "▁meetups", + -14.505784034729004 + ], + [ + "▁dutifully", + -14.505786895751951 + ], + [ + "CIC", + -14.505810737609863 + ], + [ + "▁Www", + -14.50581169128418 + ], + [ + "▁1789", + -14.505828857421877 + ], + [ + "▁multimodal", + -14.505850791931152 + ], + [ + "▁uneducated", + -14.505871772766112 + ], + [ + "dorp", + -14.505877494812012 + ], + [ + "urri", + -14.505895614624023 + ], + [ + "▁carcasses", + -14.505919456481934 + ], + [ + "▁glutton", + -14.5059232711792 + ], + [ + "▁BSNL", + -14.505932807922363 + ], + [ + "▁Embo", + -14.50594711303711 + ], + [ + "▁categorically", + -14.50594711303711 + ], + [ + "▁Aviator", + -14.505952835083008 + ], + [ + "Thermo", + -14.505964279174805 + ], + [ + "▁QVC", + -14.505969047546388 + ], + [ + "PPS", + -14.505974769592283 + ], + [ + "▁Vio", + -14.50599479675293 + ], + [ + "▁Britons", + -14.505999565124512 + ], + [ + "▁cornice", + -14.50601291656494 + ], + [ + "▁Calais", + -14.50601577758789 + ], + [ + "▁Feat", + -14.506023406982422 + ], + [ + "▁analogies", + -14.506073951721191 + ], + [ + "▁instigated", + -14.506098747253418 + ], + [ + "▁Boyce", + -14.506110191345217 + ], + [ + "▁Harwood", + -14.506183624267578 + ], + [ + "▁conspired", + -14.50619411468506 + ], + [ + "Turner", + -14.50624179840088 + ], + [ + "Pul", + -14.506267547607422 + ], + [ + "▁twee", + -14.506277084350586 + ], + [ + "▁amulet", + -14.506282806396484 + ], + [ + "▁Gif", + -14.506300926208496 + ], + [ + "▁SEATS", + -14.506321907043455 + ], + [ + "chka", + -14.50632667541504 + ], + [ + "▁Tipton", + -14.506339073181152 + ], + [ + "▁sapling", + -14.506370544433594 + ], + [ + "EEL", + -14.506387710571287 + ], + [ + "flac", + -14.506399154663086 + ], + [ + "BERG", + -14.506424903869627 + ], + [ + "▁naturalization", + -14.506431579589844 + ], + [ + "▁PUMP", + -14.506436347961426 + ], + [ + "▁Arrest", + -14.50647258758545 + ], + [ + "▁KJV", + -14.506549835205078 + ], + [ + "duce", + -14.506556510925291 + ], + [ + "▁Westerners", + -14.50655746459961 + ], + [ + "9100", + -14.506566047668455 + ], + [ + "ckler", + -14.506583213806152 + ], + [ + "▁luxuriously", + -14.506585121154783 + ], + [ + "1910", + -14.506669998168944 + ], + [ + "▁flanks", + -14.506683349609377 + ], + [ + "bale", + -14.506733894348145 + ], + [ + "rq", + -14.506735801696776 + ], + [ + "▁Gavi", + -14.506750106811523 + ], + [ + "▁rehearsed", + -14.506770133972168 + ], + [ + "▁Catskill", + -14.506793975830078 + ], + [ + "constituting", + -14.506797790527344 + ], + [ + "▁11.4", + -14.506821632385254 + ], + [ + "▁reorganized", + -14.506827354431152 + ], + [ + "▁graphing", + -14.506940841674805 + ], + [ + "▁20:2", + -14.507000923156738 + ], + [ + "▁dave", + -14.507028579711914 + ], + [ + "Nic", + -14.507091522216797 + ], + [ + "▁Tangle", + -14.507092475891112 + ], + [ + "33%", + -14.507105827331545 + ], + [ + "▁iPF", + -14.507198333740234 + ], + [ + "▁raged", + -14.507207870483398 + ], + [ + "Developers", + -14.507235527038574 + ], + [ + "▁Alu", + -14.507262229919434 + ], + [ + "▁Isolation", + -14.507311820983888 + ], + [ + "▁SYSTEMS", + -14.507339477539062 + ], + [ + "▁snuggled", + -14.507341384887695 + ], + [ + "▁Metallica", + -14.507363319396973 + ], + [ + "Insider", + -14.50737476348877 + ], + [ + "▁Miku", + -14.507404327392578 + ], + [ + "▁conglomerates", + -14.50745964050293 + ], + [ + "Goals", + -14.507472038269045 + ], + [ + "utm", + -14.507509231567385 + ], + [ + "aesthet", + -14.507530212402344 + ], + [ + "USER", + -14.507588386535645 + ], + [ + "odh", + -14.507609367370604 + ], + [ + "957", + -14.507781982421877 + ], + [ + "ebu", + -14.507819175720217 + ], + [ + "Relieve", + -14.507845878601074 + ], + [ + "▁Gobi", + -14.50790786743164 + ], + [ + "▁Gautam", + -14.507943153381348 + ], + [ + "atlantic", + -14.507980346679688 + ], + [ + "▁Sled", + -14.508037567138672 + ], + [ + "▁subpar", + -14.508049011230469 + ], + [ + "5.3%", + -14.50805377960205 + ], + [ + "▁seeping", + -14.508078575134276 + ], + [ + "▁MoU", + -14.508152961730955 + ], + [ + "yea", + -14.50817584991455 + ], + [ + "strapped", + -14.508191108703612 + ], + [ + "compare", + -14.508255004882812 + ], + [ + "Chad", + -14.50831699371338 + ], + [ + "blocker", + -14.50833225250244 + ], + [ + "▁helpdesk", + -14.508356094360352 + ], + [ + "▁Nomination", + -14.508368492126465 + ], + [ + "occur", + -14.508378982543944 + ], + [ + "▁petitioners", + -14.508411407470703 + ], + [ + "▁Zinn", + -14.508417129516602 + ], + [ + "▁Virat", + -14.50849723815918 + ], + [ + "Forgot", + -14.508502006530762 + ], + [ + "INR", + -14.508529663085938 + ], + [ + "▁jitters", + -14.50859832763672 + ], + [ + "▁shallot", + -14.508615493774414 + ], + [ + "▁Ballad", + -14.508692741394045 + ], + [ + "finiti", + -14.508706092834473 + ], + [ + "michael", + -14.50872802734375 + ], + [ + "Comparing", + -14.508774757385254 + ], + [ + "Emerging", + -14.5087890625 + ], + [ + "Comparison", + -14.508790016174316 + ], + [ + "Cycling", + -14.508793830871582 + ], + [ + "Configuration", + -14.508794784545898 + ], + [ + "Alumni", + -14.508798599243164 + ], + [ + "Politics", + -14.508800506591797 + ], + [ + "Portugal", + -14.508801460266112 + ], + [ + "Degree", + -14.508813858032228 + ], + [ + "Signature", + -14.508813858032228 + ], + [ + "Wizard", + -14.508818626403809 + ], + [ + "Automatically", + -14.508830070495604 + ], + [ + "Proxy", + -14.508831977844238 + ], + [ + "Voting", + -14.508864402770996 + ], + [ + "engagement", + -14.508872032165527 + ], + [ + "SHOP", + -14.508878707885742 + ], + [ + "Norway", + -14.508907318115234 + ], + [ + "STORM", + -14.508950233459473 + ], + [ + "Martha", + -14.509069442749023 + ], + [ + "Guaranteed", + -14.509075164794922 + ], + [ + "▁Promised", + -14.509087562561035 + ], + [ + "SERV", + -14.509099006652832 + ], + [ + "SERVER", + -14.509133338928224 + ], + [ + "▁corded", + -14.509138107299805 + ], + [ + "zul", + -14.509242057800291 + ], + [ + "strasse", + -14.50927734375 + ], + [ + "▁ESI", + -14.509278297424316 + ], + [ + "▁trashed", + -14.509282112121582 + ], + [ + "▁footnotes", + -14.509284973144531 + ], + [ + "▁buffered", + -14.509601593017578 + ], + [ + "▁Sprouts", + -14.509613037109377 + ], + [ + "▁Exa", + -14.509754180908203 + ], + [ + "▁nomads", + -14.509757995605469 + ], + [ + "▁demonstrator", + -14.509773254394531 + ], + [ + "bilitat", + -14.509818077087402 + ], + [ + "seems", + -14.509844779968262 + ], + [ + "anui", + -14.509921073913574 + ], + [ + "▁digesting", + -14.510015487670898 + ], + [ + "▁identi", + -14.510026931762695 + ], + [ + "cision", + -14.510160446166992 + ], + [ + "▁Geri", + -14.510167121887209 + ], + [ + "▁Downloading", + -14.510221481323242 + ], + [ + "▁assassins", + -14.510224342346191 + ], + [ + "▁gorillas", + -14.510302543640137 + ], + [ + "▁Waze", + -14.510388374328612 + ], + [ + "▁Gaze", + -14.510472297668455 + ], + [ + "▁8:45", + -14.510478973388672 + ], + [ + "turf", + -14.51050090789795 + ], + [ + "▁BILL", + -14.51051139831543 + ], + [ + "/1000", + -14.51055145263672 + ], + [ + "extend", + -14.5105562210083 + ], + [ + "▁phd", + -14.510573387145996 + ], + [ + "Barre", + -14.510604858398438 + ], + [ + "donald", + -14.510655403137209 + ], + [ + "▁dermatologists", + -14.510664939880373 + ], + [ + "/2006", + -14.510904312133787 + ], + [ + "▁NTT", + -14.510941505432127 + ], + [ + "▁Vite", + -14.510973930358888 + ], + [ + "▁0-6", + -14.511012077331545 + ], + [ + "▁homered", + -14.511181831359863 + ], + [ + "▁Param", + -14.51125144958496 + ], + [ + "▁HSM", + -14.51125717163086 + ], + [ + "oleum", + -14.511423110961914 + ], + [ + "▁mga", + -14.511459350585938 + ], + [ + "Saying", + -14.51164722442627 + ], + [ + "charter", + -14.51165008544922 + ], + [ + "rahman", + -14.511653900146484 + ], + [ + "▁Hé", + -14.51168155670166 + ], + [ + "7:10", + -14.511710166931152 + ], + [ + "vang", + -14.511850357055664 + ], + [ + "▁toolset", + -14.511897087097168 + ], + [ + "Tooth", + -14.511920928955078 + ], + [ + "▁litigate", + -14.511937141418455 + ], + [ + "ERG", + -14.511985778808594 + ], + [ + "sponsors", + -14.512097358703612 + ], + [ + "▁Proximity", + -14.512099266052246 + ], + [ + "▁Osborn", + -14.512174606323242 + ], + [ + "▁$3.2", + -14.512185096740724 + ], + [ + "forex", + -14.512256622314451 + ], + [ + "▁LPN", + -14.512274742126465 + ], + [ + "▁($9", + -14.512285232543944 + ], + [ + "army", + -14.512292861938477 + ], + [ + "▁judicious", + -14.512296676635742 + ], + [ + "-2-1", + -14.512298583984377 + ], + [ + "▁oct", + -14.512521743774414 + ], + [ + "Coincidentally", + -14.512539863586426 + ], + [ + "Vaccination", + -14.512539863586426 + ], + [ + "▁Abubakar", + -14.512539863586426 + ], + [ + "▁Biscayne", + -14.512539863586426 + ], + [ + "▁Yucatan", + -14.512539863586426 + ], + [ + "▁charcuterie", + -14.512539863586426 + ], + [ + "▁courgette", + -14.512539863586426 + ], + [ + "▁drowsy", + -14.512539863586426 + ], + [ + "▁dummies", + -14.512539863586426 + ], + [ + "▁embattled", + -14.512539863586426 + ], + [ + "▁larceny", + -14.512539863586426 + ], + [ + "▁tapioca", + -14.512539863586426 + ], + [ + "▁verbatim", + -14.512539863586426 + ], + [ + "▁Archibald", + -14.512540817260742 + ], + [ + "▁endodontic", + -14.512540817260742 + ], + [ + "▁nannies", + -14.512540817260742 + ], + [ + "▁Katharine", + -14.512543678283691 + ], + [ + "▁Moisturizer", + -14.512544631958008 + ], + [ + "▁christening", + -14.512544631958008 + ], + [ + "▁Pembrokeshire", + -14.512548446655272 + ], + [ + "▁conspiring", + -14.512548446655272 + ], + [ + "▁sashimi", + -14.512551307678224 + ], + [ + "▁Dunkirk", + -14.512554168701172 + ], + [ + "▁teleconference", + -14.512558937072754 + ], + [ + "▁Bruges", + -14.51255989074707 + ], + [ + "▁disassembly", + -14.51255989074707 + ], + [ + "▁Bonanza", + -14.512568473815918 + ], + [ + "▁Camelot", + -14.512569427490234 + ], + [ + "▁stilts", + -14.512569427490234 + ], + [ + "▁capsicum", + -14.512572288513184 + ], + [ + "▁Regression", + -14.512584686279297 + ], + [ + "▁dimmed", + -14.512601852416992 + ], + [ + "▁footstool", + -14.512611389160156 + ], + [ + "▁poachers", + -14.512611389160156 + ], + [ + "▁Annabelle", + -14.512612342834473 + ], + [ + "▁salve", + -14.512622833251951 + ], + [ + "▁Conroy", + -14.512629508972168 + ], + [ + "▁Towson", + -14.51264476776123 + ], + [ + "▁IFRS", + -14.512651443481444 + ], + [ + "▁vertex", + -14.51266098022461 + ], + [ + "▁posthumously", + -14.512665748596191 + ], + [ + "▁Scalia", + -14.512678146362305 + ], + [ + "▁Moorish", + -14.51271629333496 + ], + [ + "▁modding", + -14.51271629333496 + ], + [ + "▁Hawley", + -14.512720108032228 + ], + [ + "▁bream", + -14.512724876403809 + ], + [ + "▁volumetric", + -14.512800216674805 + ], + [ + "▁squish", + -14.51282787322998 + ], + [ + "▁Bergamo", + -14.512835502624512 + ], + [ + "▁MILLION", + -14.512840270996094 + ], + [ + "▁Kirkwood", + -14.512845993041992 + ], + [ + "▁Seder", + -14.512900352478027 + ], + [ + "▁Capstone", + -14.51293659210205 + ], + [ + "▁Footage", + -14.51293659210205 + ], + [ + "Vincent", + -14.512937545776367 + ], + [ + "MMC", + -14.51294994354248 + ], + [ + "▁topaz", + -14.512962341308594 + ], + [ + "Enriched", + -14.512980461120604 + ], + [ + "▁60+", + -14.512996673583984 + ], + [ + "▁odorless", + -14.513021469116213 + ], + [ + "▁specter", + -14.513054847717283 + ], + [ + "Enforce", + -14.513057708740234 + ], + [ + "▁Pvc", + -14.513108253479004 + ], + [ + "▁colocation", + -14.513123512268066 + ], + [ + "▁cath", + -14.513155937194824 + ], + [ + "conditional", + -14.513158798217772 + ], + [ + "▁2010-11", + -14.513178825378418 + ], + [ + "▁solarium", + -14.51326847076416 + ], + [ + "geist", + -14.513348579406738 + ], + [ + "1952", + -14.513350486755373 + ], + [ + "▁cooldown", + -14.513362884521484 + ], + [ + "▁middleweight", + -14.513370513916016 + ], + [ + "▁videogame", + -14.513391494750977 + ], + [ + "▁Oakwood", + -14.513413429260254 + ], + [ + "▁stringer", + -14.51348114013672 + ], + [ + "▁impediments", + -14.51350212097168 + ], + [ + "▁Frick", + -14.513507843017578 + ], + [ + "Assure", + -14.513538360595703 + ], + [ + "▁photonic", + -14.513545989990234 + ], + [ + "▁armrests", + -14.513583183288574 + ], + [ + "steal", + -14.513639450073242 + ], + [ + "▁dazzled", + -14.513680458068848 + ], + [ + "▁FIAT", + -14.513689041137695 + ], + [ + "▁tormented", + -14.513751983642578 + ], + [ + "▁croc", + -14.51376724243164 + ], + [ + "URO", + -14.51377773284912 + ], + [ + "▁drumstick", + -14.513781547546388 + ], + [ + "namely", + -14.5137939453125 + ], + [ + "binder", + -14.51379680633545 + ], + [ + "▁Ayo", + -14.513813972473145 + ], + [ + "▁Kidman", + -14.513815879821776 + ], + [ + "▁Gita", + -14.51389980316162 + ], + [ + "▁Holman", + -14.513903617858888 + ], + [ + "SRP", + -14.51395320892334 + ], + [ + "▁morphing", + -14.513992309570312 + ], + [ + "▁Morgen", + -14.51404857635498 + ], + [ + "▁inroads", + -14.51406478881836 + ], + [ + "panda", + -14.51406955718994 + ], + [ + "анн", + -14.514076232910156 + ], + [ + "▁Polishing", + -14.514080047607422 + ], + [ + "▁Topical", + -14.514114379882812 + ], + [ + "▁hornet", + -14.514130592346191 + ], + [ + "▁stubbornly", + -14.514168739318848 + ], + [ + "agree", + -14.51419448852539 + ], + [ + "▁Saks", + -14.514220237731934 + ], + [ + "▁nitrates", + -14.514237403869627 + ], + [ + "cracker", + -14.514287948608398 + ], + [ + "▁22:1", + -14.514305114746094 + ], + [ + "▁Atheist", + -14.514317512512209 + ], + [ + "▁justifiable", + -14.514328002929688 + ], + [ + "098", + -14.514384269714355 + ], + [ + "morphism", + -14.51443099975586 + ], + [ + "muir", + -14.514548301696776 + ], + [ + "▁fraudulently", + -14.514562606811523 + ], + [ + "▁midtown", + -14.51457977294922 + ], + [ + "▁Upside", + -14.514646530151367 + ], + [ + "SWA", + -14.51470947265625 + ], + [ + "▁billiard", + -14.514744758605955 + ], + [ + "▁ligand", + -14.514753341674805 + ], + [ + "▁quantifying", + -14.514813423156738 + ], + [ + "gressive", + -14.514832496643066 + ], + [ + "▁tryouts", + -14.514935493469238 + ], + [ + "NTON", + -14.51501750946045 + ], + [ + "▁fortification", + -14.515042304992676 + ], + [ + "▁handily", + -14.515047073364258 + ], + [ + "RACE", + -14.515155792236328 + ], + [ + "▁FOUND", + -14.515252113342283 + ], + [ + "▁Starwood", + -14.515265464782717 + ], + [ + "▁recoverable", + -14.515336036682127 + ], + [ + "▁8-1", + -14.515380859375 + ], + [ + "HANG", + -14.515426635742188 + ], + [ + "▁Ravel", + -14.515433311462402 + ], + [ + "▁theorist", + -14.51544189453125 + ], + [ + "infection", + -14.515490531921388 + ], + [ + "▁Fruity", + -14.515509605407717 + ], + [ + "1:17", + -14.51552963256836 + ], + [ + "▁choc", + -14.515546798706056 + ], + [ + "▁$97", + -14.515595436096191 + ], + [ + "Mich", + -14.515633583068848 + ], + [ + "▁subtype", + -14.515649795532228 + ], + [ + "▁refilling", + -14.515674591064451 + ], + [ + "▁gasping", + -14.5156888961792 + ], + [ + "Bullet", + -14.515735626220703 + ], + [ + "▁Combi", + -14.515750885009766 + ], + [ + "▁bolstering", + -14.515758514404297 + ], + [ + "problems", + -14.515777587890623 + ], + [ + "Incidentally", + -14.51579475402832 + ], + [ + "Architect", + -14.515809059143066 + ], + [ + "▁delved", + -14.515822410583496 + ], + [ + "Reliable", + -14.515827178955078 + ], + [ + "stakeholder", + -14.515836715698242 + ], + [ + "featuring", + -14.515851020812988 + ], + [ + "Heaven", + -14.515854835510254 + ], + [ + "recognition", + -14.515854835510254 + ], + [ + "Ctrl", + -14.515872955322266 + ], + [ + "▁Irina", + -14.515926361083984 + ], + [ + "▁Infusion", + -14.515969276428224 + ], + [ + "▁Kopp", + -14.516029357910156 + ], + [ + "weird", + -14.516063690185549 + ], + [ + "▁dispatching", + -14.516083717346191 + ], + [ + "▁copycat", + -14.516154289245604 + ], + [ + "RUN", + -14.51616668701172 + ], + [ + "▁Broadcom", + -14.516206741333008 + ], + [ + "greet", + -14.51625156402588 + ], + [ + "▁nymphs", + -14.516274452209473 + ], + [ + "▁Singaporeans", + -14.516303062438965 + ], + [ + "▁Ugg", + -14.516307830810549 + ], + [ + "TTI", + -14.516322135925291 + ], + [ + "▁500+", + -14.516345977783203 + ], + [ + "▁3.75", + -14.516348838806152 + ], + [ + "▁Ballast", + -14.516383171081545 + ], + [ + "▁150%", + -14.516402244567873 + ], + [ + "pearl", + -14.516414642333984 + ], + [ + "etha", + -14.516430854797363 + ], + [ + "▁sca", + -14.516460418701172 + ], + [ + "chand", + -14.516526222229004 + ], + [ + "▁watchmaking", + -14.516576766967772 + ], + [ + "RISE", + -14.516592979431152 + ], + [ + "Pale", + -14.516613960266112 + ], + [ + "▁Strang", + -14.516658782958984 + ], + [ + "▁drawdown", + -14.51666259765625 + ], + [ + "▁Hoops", + -14.516681671142578 + ], + [ + "soldier", + -14.516695022583008 + ], + [ + "Customized", + -14.516777992248535 + ], + [ + "0.02", + -14.516796112060549 + ], + [ + "▁quickness", + -14.516803741455078 + ], + [ + "fj", + -14.51681423187256 + ], + [ + "Brett", + -14.516864776611328 + ], + [ + "Barely", + -14.516905784606934 + ], + [ + "▁HIP", + -14.516949653625488 + ], + [ + "▁forked", + -14.516958236694336 + ], + [ + "cise", + -14.517003059387209 + ], + [ + "▁linguists", + -14.517003059387209 + ], + [ + "refresh", + -14.517017364501951 + ], + [ + "breathing", + -14.5170316696167 + ], + [ + "▁Grupo", + -14.517186164855955 + ], + [ + "▁slop", + -14.51731777191162 + ], + [ + "▁Oliva", + -14.517375946044922 + ], + [ + "▁Monks", + -14.51738739013672 + ], + [ + "▁Proficiency", + -14.51743984222412 + ], + [ + "▁mouldings", + -14.51747703552246 + ], + [ + "▁Wok", + -14.517494201660156 + ], + [ + "hug", + -14.5175142288208 + ], + [ + "EVE", + -14.517526626586914 + ], + [ + "▁11:45", + -14.51755142211914 + ], + [ + "▁IRL", + -14.517563819885254 + ], + [ + "fty", + -14.517565727233888 + ], + [ + "▁reformat", + -14.517627716064451 + ], + [ + "▁Eis", + -14.517651557922363 + ], + [ + "▁Breck", + -14.517688751220703 + ], + [ + "▁headshots", + -14.51780605316162 + ], + [ + "igation", + -14.5178861618042 + ], + [ + "▁Campos", + -14.517891883850098 + ], + [ + "▁chargeable", + -14.517935752868652 + ], + [ + "▁subsystems", + -14.517966270446776 + ], + [ + "▁Cheaper", + -14.517973899841309 + ], + [ + "▁1816", + -14.51797866821289 + ], + [ + "▁confrontational", + -14.518049240112305 + ], + [ + "credi", + -14.518102645874023 + ], + [ + "▁digitalization", + -14.518131256103516 + ], + [ + "▁blackboard", + -14.518199920654297 + ], + [ + "hosh", + -14.51820945739746 + ], + [ + "▁Fable", + -14.51825714111328 + ], + [ + "ает", + -14.518306732177734 + ], + [ + "ahar", + -14.518314361572266 + ], + [ + "12-0", + -14.518385887145996 + ], + [ + "▁Kidz", + -14.518392562866213 + ], + [ + "▁Notting", + -14.51841163635254 + ], + [ + "▁Davison", + -14.518524169921877 + ], + [ + "▁Johnstone", + -14.518526077270508 + ], + [ + "▁Brunel", + -14.51858615875244 + ], + [ + "▁Kean", + -14.518619537353516 + ], + [ + "▁??????????", + -14.518688201904297 + ], + [ + "▁Comer", + -14.518733978271484 + ], + [ + "ABILITY", + -14.51876449584961 + ], + [ + "▁transcriptional", + -14.51877498626709 + ], + [ + "▁prostitutes", + -14.518783569335938 + ], + [ + "FEED", + -14.518863677978516 + ], + [ + "▁larva", + -14.518998146057127 + ], + [ + "▁reactivate", + -14.519058227539062 + ], + [ + "▁PIM", + -14.519216537475586 + ], + [ + "▁occ", + -14.519229888916016 + ], + [ + "▁drench", + -14.51926326751709 + ], + [ + "steria", + -14.519328117370604 + ], + [ + "▁Carra", + -14.5193452835083 + ], + [ + "▁CLP", + -14.519346237182615 + ], + [ + "▁Scramble", + -14.519351959228516 + ], + [ + "▁Toyo", + -14.51935863494873 + ], + [ + "▁roti", + -14.519412994384766 + ], + [ + "Broil", + -14.519413948059082 + ], + [ + "Exercising", + -14.51943588256836 + ], + [ + "TOKYO", + -14.51943588256836 + ], + [ + "▁Indiegogo", + -14.51943588256836 + ], + [ + "▁Leukemia", + -14.51943588256836 + ], + [ + "▁Piscine", + -14.51943588256836 + ], + [ + "▁SOMETHING", + -14.51943588256836 + ], + [ + "▁Uppsala", + -14.51943588256836 + ], + [ + "▁biryani", + -14.51943588256836 + ], + [ + "▁hypothyroidism", + -14.51943588256836 + ], + [ + "▁immovable", + -14.51943588256836 + ], + [ + "▁recuperation", + -14.51943588256836 + ], + [ + "▁solubility", + -14.51943588256836 + ], + [ + "▁Announces", + -14.519436836242676 + ], + [ + "▁Chameleon", + -14.519436836242676 + ], + [ + "▁Kundalini", + -14.519436836242676 + ], + [ + "▁EDUCATION", + -14.519437789916992 + ], + [ + "▁Potsdam", + -14.519437789916992 + ], + [ + "▁Gecko", + -14.519438743591309 + ], + [ + "▁REPAIR", + -14.519438743591309 + ], + [ + "▁CHOOSE", + -14.519439697265623 + ], + [ + "▁cliffhanger", + -14.519439697265623 + ], + [ + "▁pelican", + -14.519439697265623 + ], + [ + "▁perturbation", + -14.519439697265623 + ], + [ + "▁chagrin", + -14.519442558288574 + ], + [ + "▁Pulverizer", + -14.51944351196289 + ], + [ + "▁upcycled", + -14.519444465637209 + ], + [ + "▁Prabhu", + -14.519445419311523 + ], + [ + "▁Scarsdale", + -14.519445419311523 + ], + [ + "▁barbaric", + -14.519445419311523 + ], + [ + "▁Acetate", + -14.51944637298584 + ], + [ + "▁Gigabyte", + -14.519447326660156 + ], + [ + "▁Frederik", + -14.519448280334473 + ], + [ + "▁Goethe", + -14.519448280334473 + ], + [ + "▁fertilized", + -14.519454956054688 + ], + [ + "▁magnum", + -14.519455909729004 + ], + [ + "▁Conceded", + -14.519457817077637 + ], + [ + "▁Connelly", + -14.519457817077637 + ], + [ + "▁Vespa", + -14.519458770751951 + ], + [ + "▁calender", + -14.5194673538208 + ], + [ + "▁suprise", + -14.519471168518066 + ], + [ + "▁COURT", + -14.519472122192385 + ], + [ + "▁Ultrasonic", + -14.519474029541016 + ], + [ + "▁Waitrose", + -14.519474983215332 + ], + [ + "▁supplant", + -14.519474983215332 + ], + [ + "▁Kubrick", + -14.519481658935549 + ], + [ + "▁Alum", + -14.519486427307127 + ], + [ + "▁subheading", + -14.519497871398926 + ], + [ + "▁enum", + -14.51950740814209 + ], + [ + "▁calcite", + -14.519524574279783 + ], + [ + "▁KYC", + -14.519539833068848 + ], + [ + "▁Moser", + -14.51955509185791 + ], + [ + "▁pectin", + -14.519559860229492 + ], + [ + "Nash", + -14.519569396972656 + ], + [ + "▁Tuttle", + -14.519569396972656 + ], + [ + "▁digitizing", + -14.519576072692873 + ], + [ + "▁Redondo", + -14.519579887390137 + ], + [ + "▁follicul", + -14.519603729248049 + ], + [ + "▁COLLECTION", + -14.519612312316896 + ], + [ + "▁WINDOWS", + -14.51963710784912 + ], + [ + "▁Authenticity", + -14.519648551940918 + ], + [ + "▁Boomerang", + -14.519661903381348 + ], + [ + "▁Refurbished", + -14.519683837890623 + ], + [ + "▁Thickness", + -14.51968479156494 + ], + [ + "▁Jimmie", + -14.519718170166016 + ], + [ + "▁sunnies", + -14.519731521606444 + ], + [ + "▁Entertaining", + -14.519747734069824 + ], + [ + "▁Osage", + -14.519757270812988 + ], + [ + "▁ornamentation", + -14.51977825164795 + ], + [ + "▁Mercier", + -14.51987648010254 + ], + [ + "drone", + -14.5198974609375 + ], + [ + "ALO", + -14.519916534423828 + ], + [ + "▁dander", + -14.519916534423828 + ], + [ + "▁Taber", + -14.519948959350586 + ], + [ + "▁Tomcat", + -14.519989967346191 + ], + [ + "onica", + -14.519999504089355 + ], + [ + "▁WestJet", + -14.520005226135254 + ], + [ + "▁Seekers", + -14.520074844360352 + ], + [ + "regard", + -14.520113945007324 + ], + [ + "▁Berri", + -14.520113945007324 + ], + [ + "▁Shang", + -14.520124435424805 + ], + [ + "▁sanitized", + -14.520159721374512 + ], + [ + "▁WebMD", + -14.520163536071776 + ], + [ + "▁bunt", + -14.520187377929688 + ], + [ + "▁Pancakes", + -14.520191192626951 + ], + [ + "Arte", + -14.520216941833496 + ], + [ + "#7", + -14.520227432250977 + ], + [ + "▁restlessness", + -14.52027416229248 + ], + [ + "▁Grandview", + -14.520333290100098 + ], + [ + "▁NAND", + -14.52035427093506 + ], + [ + "RTS", + -14.520452499389648 + ], + [ + "▁delusional", + -14.52045726776123 + ], + [ + "▁WISE", + -14.520458221435549 + ], + [ + "▁MCAT", + -14.520483016967772 + ], + [ + "▁Gama", + -14.520489692687988 + ], + [ + "▁choruses", + -14.52052116394043 + ], + [ + "▁Oskar", + -14.52053928375244 + ], + [ + "▁Limon", + -14.52054214477539 + ], + [ + "▁Laird", + -14.520627975463867 + ], + [ + "▁Glazed", + -14.520687103271484 + ], + [ + "▁Neem", + -14.520710945129396 + ], + [ + "Rack", + -14.520734786987305 + ], + [ + "drag", + -14.520751953125 + ], + [ + "LDA", + -14.520865440368652 + ], + [ + "fused", + -14.520971298217772 + ], + [ + "migra", + -14.521062850952148 + ], + [ + "▁Mainstream", + -14.52111530303955 + ], + [ + "PRES", + -14.52113151550293 + ], + [ + "Jess", + -14.521170616149902 + ], + [ + "▁Downstairs", + -14.521254539489746 + ], + [ + "▁reinstalling", + -14.521278381347656 + ], + [ + "▁carelessly", + -14.521279335021973 + ], + [ + "▁Tonk", + -14.521302223205566 + ], + [ + "▁Decades", + -14.52134609222412 + ], + [ + "stigator", + -14.5213623046875 + ], + [ + "▁Helene", + -14.521520614624023 + ], + [ + "984", + -14.521526336669922 + ], + [ + "Recover", + -14.521597862243652 + ], + [ + "WIT", + -14.52161979675293 + ], + [ + "/23/", + -14.52162742614746 + ], + [ + "▁onyx", + -14.521655082702637 + ], + [ + "▁Syr", + -14.521705627441406 + ], + [ + "2.1%", + -14.521721839904783 + ], + [ + "▁Karr", + -14.521808624267578 + ], + [ + "▁Watcher", + -14.52182388305664 + ], + [ + "voiced", + -14.521843910217283 + ], + [ + "choo", + -14.52194595336914 + ], + [ + "▁Miele", + -14.52202320098877 + ], + [ + "BOW", + -14.52204132080078 + ], + [ + "institute", + -14.522058486938477 + ], + [ + "▁FRESH", + -14.522066116333008 + ], + [ + "▁Freshers", + -14.52216911315918 + ], + [ + "▁overhanging", + -14.522181510925291 + ], + [ + "▁yardage", + -14.522181510925291 + ], + [ + "▁Plu", + -14.522226333618164 + ], + [ + "uvre", + -14.522259712219238 + ], + [ + "▁Zambian", + -14.522299766540527 + ], + [ + "▁Blocking", + -14.522354125976562 + ], + [ + "▁Lova", + -14.522360801696776 + ], + [ + "PLAY", + -14.52241325378418 + ], + [ + "Minutes", + -14.522421836853027 + ], + [ + "▁Solon", + -14.52247142791748 + ], + [ + "▁bled", + -14.522503852844238 + ], + [ + "4,5", + -14.522562980651855 + ], + [ + "▁outshine", + -14.52260971069336 + ], + [ + "Dropped", + -14.522613525390623 + ], + [ + "UME", + -14.522672653198242 + ], + [ + "▁Graduated", + -14.522685050964355 + ], + [ + "▁Ferm", + -14.522686958312988 + ], + [ + "awake", + -14.522699356079102 + ], + [ + "▁hotdog", + -14.522729873657228 + ], + [ + "▁Suppl", + -14.522734642028809 + ], + [ + "bex", + -14.522740364074709 + ], + [ + "continent", + -14.522774696350098 + ], + [ + "▁Roux", + -14.52279567718506 + ], + [ + "▁moisturizes", + -14.52283000946045 + ], + [ + "fabricated", + -14.522841453552246 + ], + [ + "Iraq", + -14.522855758666992 + ], + [ + "intel", + -14.522871017456056 + ], + [ + "Neutral", + -14.522912979125977 + ], + [ + "Identity", + -14.522933959960938 + ], + [ + "consumption", + -14.522939682006836 + ], + [ + "poverty", + -14.522939682006836 + ], + [ + "Composite", + -14.522968292236328 + ], + [ + "manufactured", + -14.522992134094238 + ], + [ + "▁Saber", + -14.523011207580566 + ], + [ + "Judy", + -14.523026466369627 + ], + [ + "Operator", + -14.523035049438477 + ], + [ + "Newcastle", + -14.523041725158691 + ], + [ + "Bottle", + -14.523061752319336 + ], + [ + "▁QX", + -14.52310276031494 + ], + [ + "Hillary", + -14.523110389709473 + ], + [ + "Usage", + -14.523116111755373 + ], + [ + "pellant", + -14.523159980773926 + ], + [ + "Inspiration", + -14.52317714691162 + ], + [ + "1976", + -14.523200988769531 + ], + [ + "▁Pardo", + -14.523233413696287 + ], + [ + "mandated", + -14.523283004760742 + ], + [ + "▁Daesh", + -14.523354530334473 + ], + [ + "MDA", + -14.523370742797852 + ], + [ + "▁KJ", + -14.523432731628418 + ], + [ + "▁Toddlers", + -14.523454666137695 + ], + [ + "naturally", + -14.52348804473877 + ], + [ + "▁Rohan", + -14.523491859436035 + ], + [ + "Gentle", + -14.523591995239258 + ], + [ + "▁$1,3", + -14.523717880249023 + ], + [ + "failed", + -14.52375602722168 + ], + [ + "lech", + -14.523780822753906 + ], + [ + "▁hepato", + -14.52381992340088 + ], + [ + "▁Dutt", + -14.523828506469728 + ], + [ + "▁filers", + -14.523839950561523 + ], + [ + "uerte", + -14.523873329162598 + ], + [ + "▁tingle", + -14.524003028869627 + ], + [ + "▁Ionian", + -14.52403163909912 + ], + [ + "Whirl", + -14.52422046661377 + ], + [ + "Psycho", + -14.524225234985352 + ], + [ + "DSL", + -14.52431583404541 + ], + [ + "▁escalators", + -14.524337768554688 + ], + [ + "anie", + -14.52436637878418 + ], + [ + "▁Nunn", + -14.524432182312012 + ], + [ + "▁Lach", + -14.524438858032228 + ], + [ + "▁Divisional", + -14.524486541748049 + ], + [ + "Eliminate", + -14.524493217468262 + ], + [ + "▁curler", + -14.524493217468262 + ], + [ + "▁Sonja", + -14.524534225463867 + ], + [ + "▁Hyaluronic", + -14.524544715881348 + ], + [ + "▁Altima", + -14.524577140808104 + ], + [ + "▁sonnet", + -14.524577140808104 + ], + [ + "Eliminat", + -14.5245943069458 + ], + [ + "▁Crore", + -14.524658203125 + ], + [ + "▁Scheduler", + -14.524680137634276 + ], + [ + "Matching", + -14.524698257446287 + ], + [ + "▁Loew", + -14.524739265441896 + ], + [ + "▁dreamlike", + -14.524794578552246 + ], + [ + "dye", + -14.524836540222168 + ], + [ + "alot", + -14.524860382080078 + ], + [ + "Alien", + -14.524862289428713 + ], + [ + "▁Gabi", + -14.524943351745604 + ], + [ + "miya", + -14.524954795837402 + ], + [ + "Cher", + -14.525010108947754 + ], + [ + "▁annoys", + -14.525047302246094 + ], + [ + "▁hideout", + -14.525096893310549 + ], + [ + "▁12:15", + -14.525108337402344 + ], + [ + "▁Darien", + -14.525114059448242 + ], + [ + "basi", + -14.525139808654783 + ], + [ + "46)", + -14.52516269683838 + ], + [ + "▁Roca", + -14.52517032623291 + ], + [ + "hj", + -14.525181770324709 + ], + [ + "NIF", + -14.52523422241211 + ], + [ + "35,000", + -14.525260925292969 + ], + [ + "▁VK", + -14.525338172912598 + ], + [ + "guardians", + -14.525379180908203 + ], + [ + "Charle", + -14.525424003601074 + ], + [ + "▁overdone", + -14.525443077087402 + ], + [ + "▁aphids", + -14.525585174560549 + ], + [ + "Angle", + -14.525588035583496 + ], + [ + "Referr", + -14.525642395019531 + ], + [ + "provision", + -14.525701522827148 + ], + [ + "ativa", + -14.525718688964844 + ], + [ + "▁imbue", + -14.525785446166992 + ], + [ + "▁SVN", + -14.52582550048828 + ], + [ + "Checkout", + -14.525836944580078 + ], + [ + "▁intonation", + -14.525876998901367 + ], + [ + "▁popsicles", + -14.525887489318848 + ], + [ + "▁20:00", + -14.525959014892578 + ], + [ + "TTF", + -14.525978088378906 + ], + [ + "▁Rhone", + -14.52610969543457 + ], + [ + "▁haphazard", + -14.526137351989746 + ], + [ + "▁Rudi", + -14.526167869567873 + ], + [ + "campo", + -14.526219367980955 + ], + [ + "BIRD", + -14.526220321655272 + ], + [ + "ilator", + -14.52624797821045 + ], + [ + "Olymp", + -14.526290893554688 + ], + [ + "ucher", + -14.526304244995115 + ], + [ + "ellini", + -14.52632999420166 + ], + [ + "▁absorbers", + -14.526358604431152 + ], + [ + "Reimbursement", + -14.52638053894043 + ], + [ + "Vulnerable", + -14.52638053894043 + ], + [ + "▁CONSEQUENTIAL", + -14.52638053894043 + ], + [ + "▁Cretaceous", + -14.52638053894043 + ], + [ + "▁Jamboree", + -14.52638053894043 + ], + [ + "▁Schengen", + -14.52638053894043 + ], + [ + "▁Sycamore", + -14.52638053894043 + ], + [ + "▁encapsulation", + -14.52638053894043 + ], + [ + "▁endocannabinoid", + -14.52638053894043 + ], + [ + "▁escapade", + -14.52638053894043 + ], + [ + "▁infuriating", + -14.52638053894043 + ], + [ + "▁insolvent", + -14.52638053894043 + ], + [ + "▁juggernaut", + -14.52638053894043 + ], + [ + "▁leotard", + -14.52638053894043 + ], + [ + "▁malevolent", + -14.52638053894043 + ], + [ + "▁salutation", + -14.52638053894043 + ], + [ + "▁speculators", + -14.52638053894043 + ], + [ + "▁unremarkable", + -14.52638053894043 + ], + [ + "▁maddening", + -14.526381492614746 + ], + [ + "▁mulberry", + -14.526381492614746 + ], + [ + "▁sleuth", + -14.526381492614746 + ], + [ + "▁Stapleton", + -14.526382446289062 + ], + [ + "▁vigour", + -14.526382446289062 + ], + [ + "Hydroponic", + -14.52638339996338 + ], + [ + "▁Nikkei", + -14.52638339996338 + ], + [ + "▁Wadsworth", + -14.526384353637695 + ], + [ + "multiculturalism", + -14.526385307312012 + ], + [ + "▁Neglect", + -14.526386260986328 + ], + [ + "▁ARISING", + -14.526387214660645 + ], + [ + "▁sentinel", + -14.52638816833496 + ], + [ + "▁deformities", + -14.526392936706545 + ], + [ + "▁energised", + -14.52640151977539 + ], + [ + "▁Escobar", + -14.526402473449709 + ], + [ + "▁Pandey", + -14.526402473449709 + ], + [ + "▁Spartanburg", + -14.526403427124023 + ], + [ + "▁Bollinger", + -14.526409149169922 + ], + [ + "▁Tyrol", + -14.526409149169922 + ], + [ + "▁Trieste", + -14.526412963867188 + ], + [ + "▁deutschland", + -14.526412963867188 + ], + [ + "▁Albrecht", + -14.52641773223877 + ], + [ + "▁Arlene", + -14.526418685913086 + ], + [ + "▁humanistic", + -14.526419639587402 + ], + [ + "Bissau", + -14.526421546936035 + ], + [ + "▁floodplain", + -14.526422500610352 + ], + [ + "▁inflating", + -14.526423454284668 + ], + [ + "▁sleet", + -14.526424407958984 + ], + [ + "▁groomsmen", + -14.526432991027832 + ], + [ + "6-11", + -14.526436805725098 + ], + [ + "▁Mollie", + -14.526446342468262 + ], + [ + "▁gibt", + -14.526472091674805 + ], + [ + "▁Nikita", + -14.526495933532717 + ], + [ + "▁bpd", + -14.526495933532717 + ], + [ + "▁hairdressing", + -14.526500701904297 + ], + [ + "▁Mago", + -14.526504516601562 + ], + [ + "▁atomizer", + -14.526506423950195 + ], + [ + "▁Kapa", + -14.526515007019045 + ], + [ + "▁litany", + -14.526517868041992 + ], + [ + "▁Pitney", + -14.52652645111084 + ], + [ + "▁rivalries", + -14.526543617248535 + ], + [ + "▁destitute", + -14.526554107666016 + ], + [ + "▁Lazio", + -14.526582717895508 + ], + [ + "▁Tanning", + -14.526586532592772 + ], + [ + "▁mutton", + -14.526592254638672 + ], + [ + "▁Thug", + -14.526606559753418 + ], + [ + "▁cochlear", + -14.526613235473633 + ], + [ + "▁camber", + -14.526631355285645 + ], + [ + "believers", + -14.52663230895996 + ], + [ + "▁Annals", + -14.52664566040039 + ], + [ + "▁trusses", + -14.52667236328125 + ], + [ + "▁turban", + -14.526676177978516 + ], + [ + "FJ", + -14.526721000671388 + ], + [ + "▁NPCs", + -14.526741981506348 + ], + [ + "▁underlay", + -14.526742935180664 + ], + [ + "▁11:4", + -14.526771545410156 + ], + [ + "▁Applicable", + -14.526803970336914 + ], + [ + "▁Distress", + -14.526825904846191 + ], + [ + "▁Coptic", + -14.526905059814451 + ], + [ + "▁confounding", + -14.526947021484377 + ], + [ + "▁excelling", + -14.527007102966309 + ], + [ + "▁Sandler", + -14.527029037475586 + ], + [ + "▁CBRE", + -14.52703094482422 + ], + [ + "Partly", + -14.527050971984863 + ], + [ + "▁crisscross", + -14.527103424072266 + ], + [ + "Phen", + -14.52716064453125 + ], + [ + "▁AJAX", + -14.52721118927002 + ], + [ + "▁Furman", + -14.52722454071045 + ], + [ + "zb", + -14.527260780334473 + ], + [ + "▁pyrotechnic", + -14.527280807495115 + ], + [ + "TAKE", + -14.527334213256836 + ], + [ + "technik", + -14.527336120605469 + ], + [ + "▁Hexagon", + -14.527347564697266 + ], + [ + "▁Mayflower", + -14.527359008789062 + ], + [ + "Newton", + -14.527376174926758 + ], + [ + "▁Timmy", + -14.527426719665527 + ], + [ + "▁inhibitory", + -14.5274658203125 + ], + [ + "▁fiancee", + -14.527485847473145 + ], + [ + "▁washcloth", + -14.52753734588623 + ], + [ + "▁Lure", + -14.527559280395508 + ], + [ + "▁MLK", + -14.527582168579102 + ], + [ + "▁cfl", + -14.527681350708008 + ], + [ + "▁coalesce", + -14.527685165405272 + ], + [ + "▁Xcode", + -14.527735710144045 + ], + [ + "▁Benches", + -14.527833938598633 + ], + [ + "▁Sark", + -14.527874946594238 + ], + [ + "pillar", + -14.527962684631348 + ], + [ + "▁Tonal", + -14.527976989746094 + ], + [ + "▁overridden", + -14.527987480163574 + ], + [ + "SSO", + -14.528029441833496 + ], + [ + "▁uplifted", + -14.528069496154783 + ], + [ + "▁Reston", + -14.528141021728516 + ], + [ + "peel", + -14.52816390991211 + ], + [ + "ATP", + -14.528218269348145 + ], + [ + "dieu", + -14.528270721435549 + ], + [ + "OTD", + -14.528278350830078 + ], + [ + "▁chronicled", + -14.528403282165527 + ], + [ + "▁chocolatey", + -14.52844524383545 + ], + [ + "▁corticosteroids", + -14.528446197509766 + ], + [ + "▁redraw", + -14.528454780578612 + ], + [ + "▁codebase", + -14.528462409973145 + ], + [ + "▁Houthi", + -14.52846336364746 + ], + [ + "▁Sharia", + -14.52847385406494 + ], + [ + "▁MCP", + -14.528532028198242 + ], + [ + "▁sneer", + -14.528557777404783 + ], + [ + "▁Frodo", + -14.528576850891112 + ], + [ + "▁forbids", + -14.52859878540039 + ], + [ + "CRS", + -14.528765678405762 + ], + [ + "redacted", + -14.528767585754396 + ], + [ + "▁beekeeper", + -14.528786659240724 + ], + [ + "VENT", + -14.528796195983888 + ], + [ + "▁recast", + -14.528827667236328 + ], + [ + "▁Plunge", + -14.528847694396973 + ], + [ + "▁Lifelong", + -14.528935432434082 + ], + [ + "gari", + -14.52894115447998 + ], + [ + "▁traversed", + -14.52898120880127 + ], + [ + "▁inhabiting", + -14.528998374938965 + ], + [ + "▁DLP", + -14.529034614562988 + ], + [ + "cognitive", + -14.529048919677734 + ], + [ + "hesi", + -14.52907371520996 + ], + [ + "▁fourteenth", + -14.529102325439451 + ], + [ + "▁Renton", + -14.529130935668944 + ], + [ + "▁Paralympics", + -14.529207229614258 + ], + [ + "▁Nef", + -14.529210090637209 + ], + [ + "▁DANCE", + -14.529304504394531 + ], + [ + "▁Sinus", + -14.529342651367188 + ], + [ + "lw", + -14.52939510345459 + ], + [ + "1942", + -14.529409408569336 + ], + [ + "974", + -14.529437065124512 + ], + [ + "▁artistes", + -14.529528617858888 + ], + [ + "▁Jetta", + -14.52954387664795 + ], + [ + "▁jewellers", + -14.52961254119873 + ], + [ + "1980", + -14.52961540222168 + ], + [ + "9:10", + -14.529658317565918 + ], + [ + "▁testifying", + -14.529745101928713 + ], + [ + "voted", + -14.529766082763672 + ], + [ + "▁Stronger", + -14.529837608337402 + ], + [ + "urra", + -14.529854774475098 + ], + [ + "▁bookies", + -14.529870986938477 + ], + [ + "▁Xue", + -14.52988338470459 + ], + [ + "▁sachets", + -14.52992057800293 + ], + [ + "▁aplenty", + -14.529984474182127 + ], + [ + "Courtesy", + -14.530059814453123 + ], + [ + "ZONE", + -14.53006362915039 + ], + [ + "Hungarian", + -14.530073165893556 + ], + [ + "laundry", + -14.530081748962402 + ], + [ + "Viking", + -14.53013038635254 + ], + [ + "Baseball", + -14.530156135559082 + ], + [ + "molded", + -14.53016185760498 + ], + [ + "▁enchiladas", + -14.53016757965088 + ], + [ + "Bradley", + -14.53017234802246 + ], + [ + "3.2%", + -14.530259132385254 + ], + [ + "Toole", + -14.530351638793944 + ], + [ + "addict", + -14.530388832092283 + ], + [ + "3,800", + -14.530393600463867 + ], + [ + "▁reshaped", + -14.53042984008789 + ], + [ + "▁playthrough", + -14.530449867248535 + ], + [ + "kite", + -14.530573844909668 + ], + [ + "JN", + -14.53071403503418 + ], + [ + "Tailor", + -14.530719757080078 + ], + [ + "▁WJ", + -14.5308256149292 + ], + [ + "Tomato", + -14.530888557434082 + ], + [ + "Devil", + -14.53091812133789 + ], + [ + "▁pv", + -14.530948638916016 + ], + [ + "itsa", + -14.53095817565918 + ], + [ + "▁lanka", + -14.530991554260254 + ], + [ + "▁GHS", + -14.530998229980469 + ], + [ + "shek", + -14.531002044677734 + ], + [ + "76)", + -14.531063079833984 + ], + [ + "▁Domi", + -14.531092643737791 + ], + [ + "Milan", + -14.531285285949709 + ], + [ + "dumping", + -14.531391143798828 + ], + [ + "iene", + -14.531410217285156 + ], + [ + "cannot", + -14.531412124633787 + ], + [ + "latch", + -14.531513214111328 + ], + [ + "0-010", + -14.531527519226074 + ], + [ + "▁spain", + -14.531563758850098 + ], + [ + "admission", + -14.53160572052002 + ], + [ + "▁Whyte", + -14.531678199768066 + ], + [ + "tired", + -14.531679153442385 + ], + [ + "Personalization", + -14.531719207763672 + ], + [ + "▁intersects", + -14.531784057617188 + ], + [ + "necked", + -14.531852722167969 + ], + [ + "tropin", + -14.53195095062256 + ], + [ + "RRC", + -14.532011032104492 + ], + [ + "▁Thumbs", + -14.5320463180542 + ], + [ + "▁Peripheral", + -14.532050132751465 + ], + [ + "ROCK", + -14.532248497009276 + ], + [ + "▁consecutively", + -14.532297134399414 + ], + [ + "Tear", + -14.532389640808104 + ], + [ + "▁Voted", + -14.532503128051758 + ], + [ + "▁weeklong", + -14.532546043395996 + ], + [ + "▁familiarise", + -14.532581329345703 + ], + [ + "hue", + -14.532594680786133 + ], + [ + "▁Cupboard", + -14.532639503479004 + ], + [ + "▁SUM", + -14.532651901245115 + ], + [ + "▁Yasmin", + -14.532663345336914 + ], + [ + "▁Burj", + -14.532745361328123 + ], + [ + "▁officiate", + -14.532772064208984 + ], + [ + "stitutionalized", + -14.532779693603516 + ], + [ + "▁pedi", + -14.53278350830078 + ], + [ + "Candidate", + -14.53287124633789 + ], + [ + "▁ITF", + -14.532892227172852 + ], + [ + "▁webmail", + -14.532916069030762 + ], + [ + "Mapper", + -14.532950401306152 + ], + [ + "Networking", + -14.532953262329102 + ], + [ + "Ivan", + -14.533114433288574 + ], + [ + "NICA", + -14.533191680908203 + ], + [ + "Lease", + -14.533209800720217 + ], + [ + "▁exalt", + -14.533267974853516 + ], + [ + "▁TJNBoost", + -14.533371925354004 + ], + [ + "Frustrated", + -14.533373832702637 + ], + [ + "▁Anguilla", + -14.533373832702637 + ], + [ + "▁CHALLENGE", + -14.533373832702637 + ], + [ + "▁DirecTV", + -14.533373832702637 + ], + [ + "▁Leavenworth", + -14.533373832702637 + ], + [ + "▁Pfeiffer", + -14.533373832702637 + ], + [ + "▁Susquehanna", + -14.533373832702637 + ], + [ + "▁Tuscaloosa", + -14.533373832702637 + ], + [ + "▁altruistic", + -14.533373832702637 + ], + [ + "▁butterscotch", + -14.533373832702637 + ], + [ + "▁conceiving", + -14.533373832702637 + ], + [ + "▁creatinine", + -14.533373832702637 + ], + [ + "▁inadequacy", + -14.533373832702637 + ], + [ + "▁incendiary", + -14.533373832702637 + ], + [ + "▁ophthalmic", + -14.533373832702637 + ], + [ + "▁prodigy", + -14.533373832702637 + ], + [ + "▁sequestration", + -14.533373832702637 + ], + [ + "▁tachometer", + -14.533373832702637 + ], + [ + "▁Relativity", + -14.533374786376951 + ], + [ + "▁Turkmenistan", + -14.533374786376951 + ], + [ + "▁elitist", + -14.533374786376951 + ], + [ + "▁Dougherty", + -14.53337574005127 + ], + [ + "▁liaising", + -14.533377647399902 + ], + [ + "▁scuttle", + -14.533377647399902 + ], + [ + "▁Estimation", + -14.53337860107422 + ], + [ + "▁spongy", + -14.533379554748535 + ], + [ + "▁georgia", + -14.533380508422852 + ], + [ + "▁Molloy", + -14.533387184143066 + ], + [ + "▁mastectomy", + -14.533387184143066 + ], + [ + "Gastroenterology", + -14.5333890914917 + ], + [ + "▁Snapdeal", + -14.533390045166016 + ], + [ + "▁bursary", + -14.533390045166016 + ], + [ + "▁Cacao", + -14.533392906188965 + ], + [ + "▁Caracas", + -14.53339385986328 + ], + [ + "▁TRAINING", + -14.53339385986328 + ], + [ + "uhan", + -14.533395767211914 + ], + [ + "▁telehealth", + -14.533406257629396 + ], + [ + "OLOGY", + -14.53341007232666 + ], + [ + "▁Lucasfilm", + -14.533411026000977 + ], + [ + "▁Tetris", + -14.533417701721191 + ], + [ + "▁pummel", + -14.533432960510254 + ], + [ + "▁Emtek", + -14.533438682556152 + ], + [ + "▁riddles", + -14.533441543579102 + ], + [ + "▁cubed", + -14.533443450927734 + ], + [ + "▁moored", + -14.533443450927734 + ], + [ + "▁truce", + -14.53344440460205 + ], + [ + "▁Merrick", + -14.533461570739746 + ], + [ + "▁Dailymotion", + -14.533467292785645 + ], + [ + "▁Templar", + -14.53347396850586 + ], + [ + "VERSION", + -14.533498764038086 + ], + [ + "▁conformance", + -14.533512115478516 + ], + [ + "▁rapping", + -14.533522605895996 + ], + [ + "▁pounce", + -14.533536911010742 + ], + [ + "▁Colgate", + -14.53353786468506 + ], + [ + "▁scriptural", + -14.533538818359377 + ], + [ + "▁retargeting", + -14.53354263305664 + ], + [ + "▁reoccurring", + -14.533551216125488 + ], + [ + "▁mistreated", + -14.533563613891602 + ], + [ + "▁banknotes", + -14.533574104309082 + ], + [ + "▁Purina", + -14.533575057983398 + ], + [ + "▁venomous", + -14.533575057983398 + ], + [ + "▁Carved", + -14.53358554840088 + ], + [ + "▁abutment", + -14.533601760864258 + ], + [ + "▁Fuzzy", + -14.533607482910156 + ], + [ + "▁Ramesh", + -14.533611297607422 + ], + [ + "▁weaning", + -14.533612251281738 + ], + [ + "▁Magdalena", + -14.53362274169922 + ], + [ + "▁Latham", + -14.533635139465332 + ], + [ + "Gig", + -14.533644676208496 + ], + [ + "▁Modesto", + -14.533648490905762 + ], + [ + "=4", + -14.533660888671877 + ], + [ + "▁toxicology", + -14.533679008483888 + ], + [ + "▁Haywood", + -14.533699035644531 + ], + [ + "▁HJ", + -14.53370475769043 + ], + [ + "2:13", + -14.533709526062012 + ], + [ + "▁Thanos", + -14.533723831176758 + ], + [ + "▁Marketer", + -14.533740997314451 + ], + [ + "▁footy", + -14.533838272094728 + ], + [ + "▁Richey", + -14.53384017944336 + ], + [ + "▁Uprising", + -14.533842086791992 + ], + [ + "FIL", + -14.53387451171875 + ], + [ + "▁texturing", + -14.533880233764648 + ], + [ + "▁Amgen", + -14.533886909484863 + ], + [ + "Banking", + -14.533949851989746 + ], + [ + "▁obsessing", + -14.53398323059082 + ], + [ + "▁Ruling", + -14.53404426574707 + ], + [ + "▁Instituto", + -14.534048080444336 + ], + [ + "▁SELF", + -14.534104347229004 + ], + [ + "▁heatwave", + -14.534153938293455 + ], + [ + "▁Vish", + -14.534174919128418 + ], + [ + "▁Narnia", + -14.534210205078123 + ], + [ + "▁trumpeter", + -14.534214973449709 + ], + [ + "Temporal", + -14.5342378616333 + ], + [ + "▁modulated", + -14.534238815307615 + ], + [ + "sweat", + -14.534256935119627 + ], + [ + "▁reconfigured", + -14.534273147583008 + ], + [ + "▁underdogs", + -14.534295082092283 + ], + [ + "varian", + -14.534344673156738 + ], + [ + "▁Rubi", + -14.534414291381836 + ], + [ + "▁radiated", + -14.534467697143556 + ], + [ + "▁Khanna", + -14.534480094909668 + ], + [ + "▁fallback", + -14.534506797790527 + ], + [ + "▁ushers", + -14.534558296203612 + ], + [ + "▁Patches", + -14.5346097946167 + ], + [ + "▁unchanging", + -14.534629821777344 + ], + [ + "▁Cellars", + -14.534771919250488 + ], + [ + "▁freaky", + -14.534795761108398 + ], + [ + "▁Tabletop", + -14.534835815429688 + ], + [ + "Pest", + -14.534956932067873 + ], + [ + "▁unlawfully", + -14.534994125366213 + ], + [ + "▁Guin", + -14.53501033782959 + ], + [ + "▁streamer", + -14.535101890563965 + ], + [ + "▁lavishly", + -14.535109519958496 + ], + [ + "▁creak", + -14.53512954711914 + ], + [ + "utin", + -14.535151481628418 + ], + [ + "▁Engaged", + -14.535162925720217 + ], + [ + "▁smoothest", + -14.535226821899414 + ], + [ + "hexa", + -14.535244941711426 + ], + [ + "▁optician", + -14.53538703918457 + ], + [ + "Paula", + -14.535470962524414 + ], + [ + "▁Kies", + -14.53551197052002 + ], + [ + "▁seine", + -14.535521507263184 + ], + [ + "stanbul", + -14.535568237304688 + ], + [ + "▁linguist", + -14.535599708557127 + ], + [ + "▁Longwood", + -14.535672187805176 + ], + [ + "▁FINE", + -14.535683631896973 + ], + [ + "059", + -14.535755157470703 + ], + [ + "▁taskbar", + -14.53577995300293 + ], + [ + "▁WSJ", + -14.53580379486084 + ], + [ + "▁corresponded", + -14.535804748535156 + ], + [ + "Tha", + -14.535841941833496 + ], + [ + "▁financier", + -14.535850524902344 + ], + [ + "▁Marz", + -14.535877227783203 + ], + [ + "▁pundit", + -14.535882949829102 + ], + [ + "TRANS", + -14.535919189453123 + ], + [ + "▁polyps", + -14.53592586517334 + ], + [ + "compassion", + -14.5359468460083 + ], + [ + "▁XRP", + -14.535985946655272 + ], + [ + "▁Decorator", + -14.53602695465088 + ], + [ + "▁kitchenware", + -14.536062240600586 + ], + [ + "▁10′′", + -14.536161422729492 + ], + [ + "aeus", + -14.536285400390623 + ], + [ + "cyn", + -14.53628921508789 + ], + [ + "▁statehood", + -14.53629207611084 + ], + [ + "▁Popeye", + -14.53639316558838 + ], + [ + "▁suspiciously", + -14.536465644836426 + ], + [ + "Sem", + -14.536520957946776 + ], + [ + "▁Mathis", + -14.53653621673584 + ], + [ + "▁Frosted", + -14.53654670715332 + ], + [ + "osc", + -14.536563873291016 + ], + [ + "2022", + -14.536615371704102 + ], + [ + "▁prosthetics", + -14.53679370880127 + ], + [ + "▁peasy", + -14.536893844604492 + ], + [ + "▁LOGO", + -14.536979675292969 + ], + [ + "▁sickly", + -14.536982536315918 + ], + [ + "nther", + -14.53700065612793 + ], + [ + "sequence", + -14.537031173706056 + ], + [ + "zma", + -14.537080764770508 + ], + [ + "▁complicates", + -14.537105560302734 + ], + [ + "2:50", + -14.537213325500488 + ], + [ + "▁Miro", + -14.537223815917969 + ], + [ + "Divorce", + -14.537261962890623 + ], + [ + "Twist", + -14.53726863861084 + ], + [ + "Lindsay", + -14.537270545959473 + ], + [ + "Empire", + -14.537275314331056 + ], + [ + "Moscow", + -14.537275314331056 + ], + [ + "beginning", + -14.537276268005373 + ], + [ + "Wikipedia", + -14.537277221679688 + ], + [ + "anxiety", + -14.537278175354004 + ], + [ + "▁cuddles", + -14.537291526794434 + ], + [ + "patio", + -14.537338256835938 + ], + [ + "▁woolen", + -14.537339210510254 + ], + [ + "pricing", + -14.537355422973633 + ], + [ + "WiFi", + -14.53739070892334 + ], + [ + "jeff", + -14.537396430969238 + ], + [ + "Hughes", + -14.537400245666504 + ], + [ + "advice", + -14.537419319152832 + ], + [ + "Craving", + -14.537446975708008 + ], + [ + "▁smelt", + -14.537453651428224 + ], + [ + "recently", + -14.537487983703612 + ], + [ + "▁Jordi", + -14.537528038024902 + ], + [ + "alliance", + -14.53760814666748 + ], + [ + "ANC", + -14.537622451782228 + ], + [ + "▁mending", + -14.53766632080078 + ], + [ + "GREE", + -14.537714004516602 + ], + [ + "forcing", + -14.537764549255373 + ], + [ + "▁Fielding", + -14.53779411315918 + ], + [ + "ANNE", + -14.53791332244873 + ], + [ + "▁Northam", + -14.537914276123049 + ], + [ + "SFC", + -14.538047790527344 + ], + [ + "Logan", + -14.53806972503662 + ], + [ + "Gotta", + -14.538082122802734 + ], + [ + "(0)", + -14.538114547729492 + ], + [ + "Associated", + -14.538121223449709 + ], + [ + "ikon", + -14.538208961486816 + ], + [ + "–17", + -14.538256645202637 + ], + [ + "engaged", + -14.53827953338623 + ], + [ + "Maryland", + -14.538305282592772 + ], + [ + "▁subtypes", + -14.538314819335938 + ], + [ + "DLL", + -14.538336753845217 + ], + [ + "taxi", + -14.53839874267578 + ], + [ + "amosa", + -14.538492202758787 + ], + [ + "▁Basti", + -14.538501739501951 + ], + [ + "IIT", + -14.538527488708496 + ], + [ + "least", + -14.53858470916748 + ], + [ + "▁modernise", + -14.538662910461426 + ], + [ + "▁sandbag", + -14.538681983947754 + ], + [ + "▁Brees", + -14.538715362548828 + ], + [ + "▁Brant", + -14.538729667663574 + ], + [ + "Themes", + -14.538909912109377 + ], + [ + "RUG", + -14.53891372680664 + ], + [ + "Acid", + -14.53892993927002 + ], + [ + "▁buzzed", + -14.538954734802246 + ], + [ + "▁SMOK", + -14.539040565490724 + ], + [ + "Keeper", + -14.539162635803224 + ], + [ + "rca", + -14.539246559143066 + ], + [ + "roman", + -14.539273262023926 + ], + [ + "▁patronize", + -14.539299964904783 + ], + [ + "JL", + -14.539417266845703 + ], + [ + "74)", + -14.539438247680664 + ], + [ + "▁concoctions", + -14.539443016052246 + ], + [ + "GFR", + -14.5394868850708 + ], + [ + "▁Meme", + -14.539502143859863 + ], + [ + "▁1:4", + -14.53952407836914 + ], + [ + "▁Banc", + -14.53964900970459 + ], + [ + "▁reinvigorate", + -14.539813041687012 + ], + [ + "▁transpire", + -14.53981876373291 + ], + [ + "▁Xiang", + -14.539883613586426 + ], + [ + "▁saturate", + -14.539888381958008 + ], + [ + "▁penalize", + -14.53994369506836 + ], + [ + "▁Astonishing", + -14.539968490600586 + ], + [ + "skiing", + -14.539978981018066 + ], + [ + "owning", + -14.54008674621582 + ], + [ + "Recognis", + -14.540109634399414 + ], + [ + "zyme", + -14.540136337280272 + ], + [ + "▁hourglass", + -14.540172576904297 + ], + [ + "sulfon", + -14.540204048156738 + ], + [ + "ZH", + -14.54023265838623 + ], + [ + "copies", + -14.540238380432127 + ], + [ + "▁Cf", + -14.54024887084961 + ], + [ + "▁AUTHOR", + -14.54040241241455 + ], + [ + "sophisticate", + -14.540403366088867 + ], + [ + "▁janitor", + -14.540410041809082 + ], + [ + "▁Uzbek", + -14.540414810180664 + ], + [ + "JOURNAL", + -14.54041576385498 + ], + [ + "▁Centenary", + -14.54041576385498 + ], + [ + "▁Gwinnett", + -14.54041576385498 + ], + [ + "▁Husqvarna", + -14.54041576385498 + ], + [ + "▁THOSE", + -14.54041576385498 + ], + [ + "▁compendium", + -14.54041576385498 + ], + [ + "▁complicating", + -14.54041576385498 + ], + [ + "▁convivial", + -14.54041576385498 + ], + [ + "▁crawfish", + -14.54041576385498 + ], + [ + "▁crustacean", + -14.54041576385498 + ], + [ + "▁oscilloscope", + -14.54041576385498 + ], + [ + "▁promulgated", + -14.54041576385498 + ], + [ + "▁reprisal", + -14.54041576385498 + ], + [ + "▁salamander", + -14.54041576385498 + ], + [ + "▁unappealing", + -14.54041576385498 + ], + [ + "▁unwieldy", + -14.54041576385498 + ], + [ + "▁Trampoline", + -14.540416717529297 + ], + [ + "▁Maybelline", + -14.540417671203612 + ], + [ + "▁militaris", + -14.540417671203612 + ], + [ + "▁Carthage", + -14.54041862487793 + ], + [ + "▁Horoscope", + -14.540419578552246 + ], + [ + "▁cheekbones", + -14.54042148590088 + ], + [ + "▁Bjorn", + -14.540423393249512 + ], + [ + "▁Surrender", + -14.540427207946776 + ], + [ + "▁deferral", + -14.540430068969728 + ], + [ + "▁bauble", + -14.540431022644045 + ], + [ + "▁DEVELOPMENT", + -14.540432929992676 + ], + [ + "▁consultancies", + -14.540432929992676 + ], + [ + "▁PETA", + -14.54043960571289 + ], + [ + "▁adventuring", + -14.54044246673584 + ], + [ + "▁conservatories", + -14.540444374084473 + ], + [ + "▁Amalfi", + -14.540445327758787 + ], + [ + "▁RESPECT", + -14.540446281433104 + ], + [ + "▁lipitor", + -14.540448188781738 + ], + [ + "▁modulator", + -14.54045867919922 + ], + [ + "▁grasshopper", + -14.540459632873535 + ], + [ + "▁Entrepreneurial", + -14.5404634475708 + ], + [ + "▁planetarium", + -14.54047966003418 + ], + [ + "sarcoma", + -14.540482521057127 + ], + [ + "▁consular", + -14.54049015045166 + ], + [ + "▁Zucchini", + -14.540494918823242 + ], + [ + "▁Tisch", + -14.54050350189209 + ], + [ + "culate", + -14.540515899658203 + ], + [ + "▁demystify", + -14.540536880493164 + ], + [ + "▁Mantel", + -14.54053783416748 + ], + [ + "▁miami", + -14.54053783416748 + ], + [ + "▁sapiens", + -14.54055118560791 + ], + [ + "▁FreeBSD", + -14.540572166442873 + ], + [ + "Annotation", + -14.54057502746582 + ], + [ + "▁Innis", + -14.54057788848877 + ], + [ + "▁rapture", + -14.540583610534668 + ], + [ + "▁Tusc", + -14.540603637695312 + ], + [ + "▁Tapping", + -14.540624618530272 + ], + [ + "Conventional", + -14.540631294250488 + ], + [ + "▁2014-2015", + -14.540648460388184 + ], + [ + "TEP", + -14.540650367736816 + ], + [ + "▁regenerating", + -14.54065990447998 + ], + [ + "tennis", + -14.540690422058104 + ], + [ + "Pace", + -14.54071044921875 + ], + [ + "▁remanded", + -14.540726661682127 + ], + [ + "▁Ecuadorian", + -14.540728569030762 + ], + [ + "Adria", + -14.540740966796877 + ], + [ + "▁BPD", + -14.540742874145508 + ], + [ + "▁Hyperion", + -14.540759086608888 + ], + [ + "▁Matchmaking", + -14.540761947631836 + ], + [ + "representational", + -14.54077434539795 + ], + [ + "DAN", + -14.540779113769531 + ], + [ + "guar", + -14.54079532623291 + ], + [ + "▁Haig", + -14.54084300994873 + ], + [ + "▁Steinway", + -14.540892601013184 + ], + [ + "▁Tilly", + -14.540903091430664 + ], + [ + "Lind", + -14.540904998779297 + ], + [ + "▁Rosedale", + -14.540908813476562 + ], + [ + "▁squandered", + -14.540918350219728 + ], + [ + "▁Grantham", + -14.540919303894045 + ], + [ + "▁commonality", + -14.540966987609863 + ], + [ + "▁uppercase", + -14.540976524353027 + ], + [ + "▁misinterpreted", + -14.540982246398926 + ], + [ + "▁Godfather", + -14.541007995605469 + ], + [ + "▁billable", + -14.541007995605469 + ], + [ + "ruder", + -14.541035652160645 + ], + [ + "▁reroute", + -14.54103660583496 + ], + [ + "▁Perks", + -14.541060447692873 + ], + [ + "▁Chiron", + -14.54108428955078 + ], + [ + "▁HCP", + -14.541105270385742 + ], + [ + "▁vicar", + -14.54112720489502 + ], + [ + "▁analyzers", + -14.54122829437256 + ], + [ + "▁compet", + -14.541236877441406 + ], + [ + "(10):", + -14.541244506835938 + ], + [ + "▁Aspiration", + -14.541248321533203 + ], + [ + "1–1", + -14.541274070739746 + ], + [ + "▁phage", + -14.541327476501465 + ], + [ + "FOOT", + -14.54133129119873 + ], + [ + "▁ACF", + -14.54135036468506 + ], + [ + "meme", + -14.541351318359377 + ], + [ + "▁naturalized", + -14.541373252868652 + ], + [ + "Vital", + -14.5414457321167 + ], + [ + "Singer", + -14.541460037231444 + ], + [ + "▁panini", + -14.541463851928713 + ], + [ + "▁skits", + -14.541510581970217 + ], + [ + "pirate", + -14.541574478149414 + ], + [ + "▁DAF", + -14.54159450531006 + ], + [ + "Brooks", + -14.541616439819336 + ], + [ + "▁outrageously", + -14.541683197021484 + ], + [ + "tenth", + -14.541691780090332 + ], + [ + "ITES", + -14.54171657562256 + ], + [ + "▁pinot", + -14.54171657562256 + ], + [ + "Vest", + -14.541763305664062 + ], + [ + "▁swat", + -14.541844367980955 + ], + [ + "▁Wearable", + -14.541850090026855 + ], + [ + "▁oem", + -14.541924476623535 + ], + [ + "▁heartening", + -14.541947364807127 + ], + [ + "HHH", + -14.542040824890137 + ], + [ + "heem", + -14.542073249816896 + ], + [ + "CUT", + -14.542131423950195 + ], + [ + "▁Halong", + -14.54213523864746 + ], + [ + "▁PRESENT", + -14.542162895202637 + ], + [ + "▁shopkeeper", + -14.542165756225586 + ], + [ + "JH", + -14.542207717895508 + ], + [ + "nyc", + -14.542213439941406 + ], + [ + "▁Aji", + -14.542244911193848 + ], + [ + "▁yellowing", + -14.54225254058838 + ], + [ + "TEF", + -14.542316436767578 + ], + [ + "▁swelled", + -14.542354583740234 + ], + [ + "▁mainstays", + -14.542417526245115 + ], + [ + "bung", + -14.542436599731444 + ], + [ + "▁riverbank", + -14.542576789855955 + ], + [ + "izan", + -14.54277229309082 + ], + [ + "▁doodles", + -14.5428466796875 + ], + [ + "gracing", + -14.54286003112793 + ], + [ + "▁Lieberman", + -14.54287815093994 + ], + [ + "▁destabilize", + -14.542940139770508 + ], + [ + "$9", + -14.542943000793455 + ], + [ + "▁Lupin", + -14.542969703674316 + ], + [ + "Finn", + -14.54298210144043 + ], + [ + "▁Avenger", + -14.54306983947754 + ], + [ + "▁whiz", + -14.543119430541992 + ], + [ + "▁pranks", + -14.54318141937256 + ], + [ + "▁Hangouts", + -14.543204307556152 + ], + [ + "▁fingerboard", + -14.543225288391112 + ], + [ + "▁Komen", + -14.543269157409668 + ], + [ + "▁Grading", + -14.543299674987791 + ], + [ + "▁bibliographic", + -14.543437004089355 + ], + [ + "5-18", + -14.543479919433594 + ], + [ + "▁SFX", + -14.543559074401855 + ], + [ + "ctive", + -14.543660163879396 + ], + [ + "hli", + -14.543787002563477 + ], + [ + "erus", + -14.543869018554688 + ], + [ + "CRIS", + -14.543872833251951 + ], + [ + "▁heresy", + -14.543977737426758 + ], + [ + "enheim", + -14.544014930725098 + ], + [ + "1973", + -14.54401969909668 + ], + [ + "Universit", + -14.54403305053711 + ], + [ + "cency", + -14.54405403137207 + ], + [ + "chao", + -14.54408359527588 + ], + [ + "PAW", + -14.544102668762209 + ], + [ + "2:00", + -14.544121742248535 + ], + [ + "▁Omo", + -14.544184684753418 + ], + [ + "▁necro", + -14.544204711914062 + ], + [ + "towel", + -14.544208526611328 + ], + [ + "▁enforcer", + -14.544225692749023 + ], + [ + "▁partitioned", + -14.54428482055664 + ], + [ + "▁Blame", + -14.544384002685549 + ], + [ + "Supplement", + -14.544391632080078 + ], + [ + "ENDING", + -14.544397354125977 + ], + [ + "CLS", + -14.54442310333252 + ], + [ + "gasp", + -14.544425010681152 + ], + [ + "pela", + -14.544475555419922 + ], + [ + "Proverbs", + -14.544479370117188 + ], + [ + "Facial", + -14.544515609741213 + ], + [ + "Aurora", + -14.544516563415527 + ], + [ + "Portfolio", + -14.544516563415527 + ], + [ + "religion", + -14.544519424438477 + ], + [ + "intelligent", + -14.54452133178711 + ], + [ + "federal", + -14.544530868530272 + ], + [ + "Vegas", + -14.544550895690918 + ], + [ + "▁Tyra", + -14.544560432434082 + ], + [ + "Kingdom", + -14.544564247131348 + ], + [ + "Judging", + -14.544596672058104 + ], + [ + "▁unbeliever", + -14.544602394104004 + ], + [ + "ACM", + -14.544611930847168 + ], + [ + "Theatre", + -14.544682502746582 + ], + [ + "▁Bew", + -14.544727325439451 + ], + [ + "acceptable", + -14.544737815856934 + ], + [ + "routine", + -14.5447416305542 + ], + [ + "Oscar", + -14.544801712036133 + ], + [ + "▁Meer", + -14.54482364654541 + ], + [ + "▁$3.3", + -14.544833183288574 + ], + [ + "ichler", + -14.544841766357422 + ], + [ + "tempered", + -14.54486083984375 + ], + [ + "RRR", + -14.54489803314209 + ], + [ + "opsis", + -14.54490089416504 + ], + [ + "▁Auditing", + -14.544977188110352 + ], + [ + "Tighten", + -14.545031547546388 + ], + [ + "cosmetic", + -14.545136451721191 + ], + [ + "kada", + -14.545181274414062 + ], + [ + "Homemade", + -14.545191764831545 + ], + [ + "oides", + -14.545210838317873 + ], + [ + "▁premade", + -14.545244216918944 + ], + [ + "Moral", + -14.545252799987791 + ], + [ + "▁Hagan", + -14.545254707336426 + ], + [ + "▁dismissive", + -14.545328140258787 + ], + [ + "vius", + -14.5453462600708 + ], + [ + "Functionality", + -14.545568466186523 + ], + [ + "leng", + -14.545584678649902 + ], + [ + "olini", + -14.545616149902344 + ], + [ + "RGB", + -14.545666694641112 + ], + [ + "▁OPM", + -14.545709609985352 + ], + [ + "reverse", + -14.545801162719728 + ], + [ + "thai", + -14.545863151550291 + ], + [ + "▁Hamad", + -14.545880317687988 + ], + [ + "6:20", + -14.545924186706545 + ], + [ + "climb", + -14.545934677124023 + ], + [ + "▁Grasp", + -14.5459566116333 + ], + [ + "▁Calibration", + -14.54600429534912 + ], + [ + "▁Fermi", + -14.546015739440918 + ], + [ + "▁Steri", + -14.54601764678955 + ], + [ + "1977", + -14.546052932739258 + ], + [ + "devil", + -14.546088218688965 + ], + [ + "johnson", + -14.546093940734863 + ], + [ + "goer", + -14.54612159729004 + ], + [ + "roni", + -14.546127319335938 + ], + [ + "▁Arco", + -14.546156883239746 + ], + [ + "5400", + -14.546319007873535 + ], + [ + "▁EXCEPT", + -14.546435356140137 + ], + [ + "▁Mour", + -14.546595573425291 + ], + [ + "▁roadshow", + -14.54660701751709 + ], + [ + "▁$78", + -14.546818733215332 + ], + [ + "▁Supercar", + -14.546884536743164 + ], + [ + "▁dwindle", + -14.54690647125244 + ], + [ + "▁Kashi", + -14.546916007995604 + ], + [ + "▁deflate", + -14.546930313110352 + ], + [ + "Plea", + -14.546931266784668 + ], + [ + "RENT", + -14.546935081481934 + ], + [ + "▁Mainz", + -14.54700756072998 + ], + [ + "▁secretions", + -14.54705810546875 + ], + [ + "▁Joliet", + -14.547074317932127 + ], + [ + "USP", + -14.547082901000977 + ], + [ + "junctive", + -14.547100067138672 + ], + [ + "durable", + -14.547123908996582 + ], + [ + "Poke", + -14.547158241271973 + ], + [ + "▁inadvertent", + -14.547268867492676 + ], + [ + "Coopers", + -14.54727554321289 + ], + [ + "▁missteps", + -14.547304153442385 + ], + [ + "innie", + -14.547337532043455 + ], + [ + "Evan", + -14.54734230041504 + ], + [ + "▁Analytica", + -14.547355651855469 + ], + [ + "diner", + -14.547361373901367 + ], + [ + "▁Babb", + -14.547389030456545 + ], + [ + "Adhere", + -14.547412872314451 + ], + [ + "jb", + -14.54748821258545 + ], + [ + "Insomnia", + -14.547505378723145 + ], + [ + "Obstacle", + -14.547507286071776 + ], + [ + "▁Beverley", + -14.547508239746094 + ], + [ + "▁Burnaby", + -14.547508239746094 + ], + [ + "▁Inheritance", + -14.547508239746094 + ], + [ + "▁Sarkozy", + -14.547508239746094 + ], + [ + "▁Saxophone", + -14.547508239746094 + ], + [ + "▁Scorsese", + -14.547508239746094 + ], + [ + "▁Torquay", + -14.547508239746094 + ], + [ + "▁carotenoid", + -14.547508239746094 + ], + [ + "▁divorcing", + -14.547508239746094 + ], + [ + "▁gauging", + -14.547508239746094 + ], + [ + "▁glucosamine", + -14.547508239746094 + ], + [ + "▁paisley", + -14.547508239746094 + ], + [ + "▁seagull", + -14.547508239746094 + ], + [ + "▁splicing", + -14.547508239746094 + ], + [ + "▁unflinching", + -14.547508239746094 + ], + [ + "▁CRUSHER", + -14.54750919342041 + ], + [ + "▁audacity", + -14.54750919342041 + ], + [ + "▁squeegee", + -14.54750919342041 + ], + [ + "▁squamous", + -14.547510147094728 + ], + [ + "▁Grenoble", + -14.547511100769045 + ], + [ + "▁Timberwolves", + -14.547511100769045 + ], + [ + "▁phenolic", + -14.54751205444336 + ], + [ + "▁ADVICE", + -14.547513961791992 + ], + [ + "▁propylene", + -14.547517776489258 + ], + [ + "▁finicky", + -14.547518730163574 + ], + [ + "▁afghan", + -14.547526359558104 + ], + [ + "▁thruster", + -14.547527313232422 + ], + [ + "▁Chatsworth", + -14.547540664672852 + ], + [ + "▁Vulture", + -14.547540664672852 + ], + [ + "▁Juncker", + -14.547541618347168 + ], + [ + "▁(1981)", + -14.547545433044434 + ], + [ + "▁herniated", + -14.547545433044434 + ], + [ + "▁empties", + -14.547550201416016 + ], + [ + "▁balsa", + -14.547551155090332 + ], + [ + "▁Radius", + -14.54757022857666 + ], + [ + "▁stalemate", + -14.54757022857666 + ], + [ + "▁Digestive", + -14.547571182250977 + ], + [ + "▁Woodruff", + -14.54757595062256 + ], + [ + "▁Picker", + -14.547576904296877 + ], + [ + "▁unavailability", + -14.547576904296877 + ], + [ + "▁machin", + -14.547590255737305 + ], + [ + "▁Diplomacy", + -14.547595977783203 + ], + [ + "▁squatting", + -14.547602653503418 + ], + [ + "▁stunner", + -14.547603607177734 + ], + [ + "▁Breweries", + -14.54762077331543 + ], + [ + "▁MEMS", + -14.54762077331543 + ], + [ + "friars", + -14.54763889312744 + ], + [ + "▁regrettable", + -14.547651290893556 + ], + [ + "Boc", + -14.547657012939451 + ], + [ + "esper", + -14.547667503356934 + ], + [ + "▁Freedman", + -14.547673225402832 + ], + [ + "▁Warhammer", + -14.54768180847168 + ], + [ + "▁Ivanka", + -14.547691345214844 + ], + [ + "▁reverent", + -14.547710418701172 + ], + [ + "▁Rhy", + -14.547718048095703 + ], + [ + "▁centrist", + -14.54772663116455 + ], + [ + "▁Mulder", + -14.5477294921875 + ], + [ + "▁Ashwin", + -14.54773998260498 + ], + [ + "▁telegram", + -14.547740936279297 + ], + [ + "▁CFPB", + -14.547747611999512 + ], + [ + "▁fancies", + -14.547747611999512 + ], + [ + "▁toughened", + -14.547748565673828 + ], + [ + "DOL", + -14.54776382446289 + ], + [ + "▁atheism", + -14.547797203063965 + ], + [ + "▁unmask", + -14.54780387878418 + ], + [ + "▁glutes", + -14.547819137573242 + ], + [ + "▁fait", + -14.54786205291748 + ], + [ + "▁integra", + -14.547930717468262 + ], + [ + "▁acclimated", + -14.54794979095459 + ], + [ + "▁otc", + -14.54794979095459 + ], + [ + "Liberal", + -14.547996520996094 + ], + [ + "▁criminally", + -14.548006057739258 + ], + [ + "▁Hatha", + -14.548029899597168 + ], + [ + "▁Partially", + -14.548035621643066 + ], + [ + "versary", + -14.54806900024414 + ], + [ + "▁weirdest", + -14.548101425170898 + ], + [ + "▁daft", + -14.548104286193848 + ], + [ + "homo", + -14.548197746276855 + ], + [ + "▁Mackie", + -14.548242568969728 + ], + [ + "▁Hersh", + -14.548247337341309 + ], + [ + "▁catapulted", + -14.548263549804688 + ], + [ + "▁Bajaj", + -14.54826831817627 + ], + [ + "▁Mirza", + -14.548280715942385 + ], + [ + "▁Pista", + -14.54834270477295 + ], + [ + "▁SRAM", + -14.54837131500244 + ], + [ + "conn", + -14.548410415649414 + ], + [ + "▁Sika", + -14.54841423034668 + ], + [ + "▁mailers", + -14.54843807220459 + ], + [ + "▁cupping", + -14.548481941223145 + ], + [ + "▁160,000", + -14.548502922058104 + ], + [ + "▁1828", + -14.54851245880127 + ], + [ + "▁uninspired", + -14.548545837402344 + ], + [ + "▁thickest", + -14.548653602600098 + ], + [ + "osse", + -14.54874038696289 + ], + [ + "▁signalled", + -14.548752784729004 + ], + [ + "▁opiates", + -14.548755645751951 + ], + [ + "▁Mistress", + -14.548863410949709 + ], + [ + "▁Octavia", + -14.548873901367188 + ], + [ + "▁trackpad", + -14.548897743225098 + ], + [ + "RAVE", + -14.548907279968262 + ], + [ + "▁USTA", + -14.548991203308104 + ], + [ + "generator", + -14.548995018005373 + ], + [ + "▁OneTravel", + -14.549009323120115 + ], + [ + "▁Goodrich", + -14.5490140914917 + ], + [ + "obie", + -14.549020767211914 + ], + [ + "emitting", + -14.549044609069824 + ], + [ + "▁chatty", + -14.549074172973633 + ], + [ + "▁resentful", + -14.549087524414062 + ], + [ + "Opti", + -14.549216270446776 + ], + [ + "▁carbonation", + -14.549221992492676 + ], + [ + "▁swirled", + -14.549270629882812 + ], + [ + "▁vigilante", + -14.549272537231444 + ], + [ + "▁SKIN", + -14.549287796020508 + ], + [ + "▁Nuke", + -14.549310684204102 + ], + [ + "▁KVM", + -14.549317359924316 + ], + [ + "▁stunted", + -14.54942798614502 + ], + [ + "▁Sheri", + -14.549477577209473 + ], + [ + "▁Salted", + -14.549578666687012 + ], + [ + "▁$66", + -14.54959487915039 + ], + [ + "Lori", + -14.549625396728516 + ], + [ + "peter", + -14.549657821655272 + ], + [ + "▁underwrite", + -14.549659729003906 + ], + [ + "▁lossless", + -14.549684524536133 + ], + [ + "▁Kelli", + -14.54971981048584 + ], + [ + "▁Racers", + -14.549819946289062 + ], + [ + "▁Converting", + -14.549887657165527 + ], + [ + "▁Cortes", + -14.549935340881348 + ], + [ + "Produce", + -14.549956321716309 + ], + [ + "▁Guatemalan", + -14.54997730255127 + ], + [ + "▁Vicar", + -14.55005168914795 + ], + [ + "Trick", + -14.55008316040039 + ], + [ + "plugins", + -14.55015468597412 + ], + [ + "▁auditioned", + -14.55015468597412 + ], + [ + "posable", + -14.550158500671388 + ], + [ + "▁statesman", + -14.550186157226562 + ], + [ + "▁binocular", + -14.550217628479004 + ], + [ + "▁Lander", + -14.550253868103027 + ], + [ + "▁jihadist", + -14.55027198791504 + ], + [ + "▁diego", + -14.55042552947998 + ], + [ + "▁Treated", + -14.550469398498535 + ], + [ + "septic", + -14.55048942565918 + ], + [ + "▁Kik", + -14.550577163696287 + ], + [ + "▁Bertha", + -14.550600051879885 + ], + [ + "ghar", + -14.550601959228516 + ], + [ + "▁Mattis", + -14.550609588623049 + ], + [ + "▁Thé", + -14.550701141357422 + ], + [ + "▁£5,000", + -14.550766944885254 + ], + [ + "sentence", + -14.550800323486328 + ], + [ + "▁Sounders", + -14.550976753234863 + ], + [ + "▁SIMPLE", + -14.550992965698242 + ], + [ + "▁SOLE", + -14.55099391937256 + ], + [ + "EOS", + -14.550994873046877 + ], + [ + "SIGN", + -14.551033973693848 + ], + [ + "▁defaulting", + -14.5510892868042 + ], + [ + "searching", + -14.551188468933104 + ], + [ + "▁Schar", + -14.551189422607422 + ], + [ + "▁£13", + -14.551222801208496 + ], + [ + "▁localize", + -14.551267623901367 + ], + [ + "▁lunchbox", + -14.55130672454834 + ], + [ + "characterisation", + -14.551313400268556 + ], + [ + "▁1020", + -14.551315307617188 + ], + [ + "▁Reuse", + -14.551447868347168 + ], + [ + "ACTIV", + -14.551462173461914 + ], + [ + "▁Rajesh", + -14.551522254943848 + ], + [ + "▁neurologic", + -14.551624298095703 + ], + [ + "▁braai", + -14.55165958404541 + ], + [ + "mortgage", + -14.551665306091309 + ], + [ + "crowded", + -14.55168914794922 + ], + [ + "ooooooooo", + -14.551708221435549 + ], + [ + "availability", + -14.551734924316406 + ], + [ + "CASE", + -14.551776885986328 + ], + [ + "Completion", + -14.551791191101074 + ], + [ + "cellulose", + -14.551796913146973 + ], + [ + "intervention", + -14.551798820495604 + ], + [ + "Compliance", + -14.551815032958984 + ], + [ + "Jefferson", + -14.551815032958984 + ], + [ + "Abraham", + -14.551817893981934 + ], + [ + "Powder", + -14.551817893981934 + ], + [ + "Exterior", + -14.551824569702148 + ], + [ + "advertising", + -14.551837921142578 + ], + [ + "Muscle", + -14.551838874816896 + ], + [ + "OMC", + -14.55186939239502 + ], + [ + "desert", + -14.551871299743652 + ], + [ + "Venue", + -14.551876068115234 + ], + [ + "▁Chav", + -14.551881790161133 + ], + [ + "Lum", + -14.551899909973145 + ], + [ + "Outlook", + -14.551916122436523 + ], + [ + "LCD", + -14.551939964294434 + ], + [ + "attribute", + -14.551965713500977 + ], + [ + "presence", + -14.55198860168457 + ], + [ + "▁bookshops", + -14.552017211914062 + ], + [ + "Axis", + -14.55203342437744 + ], + [ + "▁layoff", + -14.552085876464844 + ], + [ + "champion", + -14.552115440368652 + ], + [ + "Riding", + -14.552119255065918 + ], + [ + "▁Alte", + -14.552207946777344 + ], + [ + "▁Marcy", + -14.552237510681152 + ], + [ + "Exceptional", + -14.552268028259276 + ], + [ + "Implementing", + -14.552319526672363 + ], + [ + "ASX", + -14.552349090576172 + ], + [ + "combat", + -14.552363395690918 + ], + [ + "▁ligands", + -14.552382469177246 + ], + [ + "▁fortifications", + -14.552383422851562 + ], + [ + "ITU", + -14.55240249633789 + ], + [ + "easily", + -14.552410125732422 + ], + [ + "▁Quito", + -14.552431106567385 + ], + [ + "2.5%", + -14.552464485168455 + ], + [ + "▁steppe", + -14.55261516571045 + ], + [ + "venous", + -14.552635192871094 + ], + [ + "▁Shafi", + -14.552650451660156 + ], + [ + "Attached", + -14.552653312683104 + ], + [ + "▁continu", + -14.552653312683104 + ], + [ + "▁Lv", + -14.552668571472168 + ], + [ + "▁Sapp", + -14.552689552307127 + ], + [ + "Beef", + -14.55271053314209 + ], + [ + "▁Cleo", + -14.552720069885254 + ], + [ + "▁APM", + -14.552740097045898 + ], + [ + "5-26", + -14.552828788757324 + ], + [ + "ETTE", + -14.552842140197754 + ], + [ + "disable", + -14.552878379821776 + ], + [ + "▁VFD", + -14.552986145019531 + ], + [ + "sectoral", + -14.552987098693848 + ], + [ + "atorio", + -14.553048133850098 + ], + [ + "appu", + -14.553071022033691 + ], + [ + "▁colum", + -14.553096771240234 + ], + [ + "filtration", + -14.553101539611816 + ], + [ + "▁Coffin", + -14.553114891052246 + ], + [ + "▁HALF", + -14.553138732910156 + ], + [ + "plete", + -14.553160667419434 + ], + [ + "▁filth", + -14.553194999694824 + ], + [ + "Alberta", + -14.55322551727295 + ], + [ + "▁Enid", + -14.55322551727295 + ], + [ + "▁GTR", + -14.55323314666748 + ], + [ + "▁TGA", + -14.553369522094728 + ], + [ + "Fortune", + -14.55339241027832 + ], + [ + "ricate", + -14.553418159484863 + ], + [ + "▁Liners", + -14.55343246459961 + ], + [ + "▁SLO", + -14.55344009399414 + ], + [ + "iegel", + -14.553442001342772 + ], + [ + "Epic", + -14.55357551574707 + ], + [ + "erence", + -14.553608894348145 + ], + [ + "▁Banda", + -14.553608894348145 + ], + [ + "▁Faw", + -14.553631782531738 + ], + [ + "▁Accidental", + -14.553668975830078 + ], + [ + "▁acquirer", + -14.5537109375 + ], + [ + "seasonal", + -14.553717613220217 + ], + [ + "MAM", + -14.553730964660645 + ], + [ + "quant", + -14.553775787353516 + ], + [ + "▁plu", + -14.553831100463867 + ], + [ + "▁purl", + -14.55386447906494 + ], + [ + "NSC", + -14.553876876831056 + ], + [ + "▁Sree", + -14.553916931152344 + ], + [ + "lotte", + -14.553955078125 + ], + [ + "▁Flaming", + -14.55402946472168 + ], + [ + "FSP", + -14.554086685180664 + ], + [ + "▁IVA", + -14.554214477539062 + ], + [ + "▁Saif", + -14.554240226745604 + ], + [ + "▁Jira", + -14.554255485534668 + ], + [ + "▁11.3", + -14.554266929626465 + ], + [ + "acek", + -14.554293632507324 + ], + [ + "DFI", + -14.554327011108398 + ], + [ + "▁MEDI", + -14.554362297058104 + ], + [ + "Zilla", + -14.554407119750977 + ], + [ + "▁buzzwords", + -14.554503440856934 + ], + [ + "▁massaged", + -14.5545072555542 + ], + [ + "▁BSC", + -14.554556846618652 + ], + [ + "▁YET", + -14.554590225219728 + ], + [ + "Cannot", + -14.554612159729004 + ], + [ + "Distinguish", + -14.554641723632812 + ], + [ + "▁bangalore", + -14.55465030670166 + ], + [ + "▁sorcerer", + -14.55465030670166 + ], + [ + "Remarkably", + -14.554651260375977 + ], + [ + "SUMMARY", + -14.554651260375977 + ], + [ + "▁800-340-5756", + -14.554651260375977 + ], + [ + "▁Esplanade", + -14.554651260375977 + ], + [ + "▁FANTASTIC", + -14.554651260375977 + ], + [ + "▁Giclee", + -14.554651260375977 + ], + [ + "▁Knesset", + -14.554651260375977 + ], + [ + "▁Musharraf", + -14.554651260375977 + ], + [ + "▁Retractable", + -14.554651260375977 + ], + [ + "▁draconian", + -14.554651260375977 + ], + [ + "▁excavating", + -14.554651260375977 + ], + [ + "▁expository", + -14.554651260375977 + ], + [ + "▁macabre", + -14.554651260375977 + ], + [ + "▁retaliatory", + -14.554651260375977 + ], + [ + "▁AmeriCorps", + -14.554652214050291 + ], + [ + "▁Bernanke", + -14.55465316772461 + ], + [ + "▁Smollett", + -14.55465316772461 + ], + [ + "▁january", + -14.55465316772461 + ], + [ + "▁Dermatologist", + -14.554655075073242 + ], + [ + "▁Giraffe", + -14.554655075073242 + ], + [ + "▁hippocampus", + -14.554656982421877 + ], + [ + "▁Fitzroy", + -14.554658889770508 + ], + [ + "▁scintillating", + -14.554659843444824 + ], + [ + "▁biomechanics", + -14.554661750793455 + ], + [ + "▁Quezon", + -14.554665565490724 + ], + [ + "▁histamine", + -14.554670333862305 + ], + [ + "▁whooping", + -14.554676055908203 + ], + [ + "▁forecourt", + -14.554681777954102 + ], + [ + "▁secession", + -14.5546875 + ], + [ + "▁Saeed", + -14.554689407348633 + ], + [ + "▁monogrammed", + -14.554689407348633 + ], + [ + "Releasing", + -14.55469036102295 + ], + [ + "▁Ryzen", + -14.554699897766112 + ], + [ + "▁1010", + -14.554704666137695 + ], + [ + "▁Matrimonial", + -14.554706573486328 + ], + [ + "▁Ruffle", + -14.554719924926758 + ], + [ + "▁IAAF", + -14.554722785949709 + ], + [ + "▁Grotto", + -14.554727554321287 + ], + [ + "▁Prelude", + -14.554731369018556 + ], + [ + "▁taylor", + -14.554731369018556 + ], + [ + "▁Neteller", + -14.554733276367188 + ], + [ + "▁Jeju", + -14.55474090576172 + ], + [ + "Lucent", + -14.5547456741333 + ], + [ + "▁pillowcases", + -14.554746627807615 + ], + [ + "▁Cheung", + -14.554757118225098 + ], + [ + "Proven", + -14.554766654968262 + ], + [ + "▁Marlow", + -14.554773330688477 + ], + [ + "▁topsoil", + -14.554779052734377 + ], + [ + "▁2012-2013", + -14.55481243133545 + ], + [ + "▁Jaeger", + -14.554817199707031 + ], + [ + "▁RRSP", + -14.554828643798828 + ], + [ + "▁Wheatley", + -14.554858207702637 + ], + [ + "▁tranche", + -14.55487060546875 + ], + [ + "▁anointing", + -14.55490779876709 + ], + [ + "▁Sandberg", + -14.554916381835938 + ], + [ + "▁subfloor", + -14.55498504638672 + ], + [ + "▁SOCIAL", + -14.555025100708008 + ], + [ + "YOUR", + -14.555033683776855 + ], + [ + "TRC", + -14.555055618286133 + ], + [ + "▁nonverbal", + -14.55506420135498 + ], + [ + "▁Kickoff", + -14.555068969726562 + ], + [ + "▁biographer", + -14.555068969726562 + ], + [ + "▁subversion", + -14.555075645446776 + ], + [ + "▁Ache", + -14.555076599121094 + ], + [ + "▁dilated", + -14.555094718933104 + ], + [ + "▁Virtualization", + -14.555132865905762 + ], + [ + "▁waging", + -14.555140495300291 + ], + [ + "▁Gustavo", + -14.555176734924316 + ], + [ + "erik", + -14.555190086364746 + ], + [ + "▁curt", + -14.555219650268556 + ], + [ + "▁novelties", + -14.555233001708984 + ], + [ + "▁EDF", + -14.55534553527832 + ], + [ + "▁Ozarks", + -14.555402755737305 + ], + [ + "▁trucker", + -14.555485725402832 + ], + [ + "▁conceptualized", + -14.555499076843262 + ], + [ + "▁eSports", + -14.555505752563477 + ], + [ + "▁Gabor", + -14.55552101135254 + ], + [ + "▁cette", + -14.555533409118652 + ], + [ + "ESH", + -14.55555534362793 + ], + [ + "6400", + -14.555560111999512 + ], + [ + "acchi", + -14.555572509765623 + ], + [ + "▁corned", + -14.555609703063965 + ], + [ + "▁dissecting", + -14.555614471435549 + ], + [ + "▁tiki", + -14.555655479431152 + ], + [ + "Editing", + -14.55570125579834 + ], + [ + "▁Bosnian", + -14.555770874023438 + ], + [ + "▁Orbiter", + -14.55579662322998 + ], + [ + "▁flan", + -14.55579948425293 + ], + [ + "PFL", + -14.555838584899902 + ], + [ + "Cmd", + -14.555853843688965 + ], + [ + "▁Lina", + -14.55596923828125 + ], + [ + "▁mangroves", + -14.55599308013916 + ], + [ + "IANS", + -14.555994987487791 + ], + [ + "hobo", + -14.555994987487791 + ], + [ + "▁Autograph", + -14.556022644042969 + ], + [ + "itar", + -14.55605411529541 + ], + [ + "▁tillage", + -14.55609130859375 + ], + [ + "▁Syst", + -14.556112289428713 + ], + [ + "64/", + -14.556195259094238 + ], + [ + "▁Optimist", + -14.556201934814451 + ], + [ + "CAF", + -14.556288719177246 + ], + [ + "▁Serene", + -14.556315422058104 + ], + [ + "▁EPP", + -14.556321144104004 + ], + [ + "prac", + -14.556328773498535 + ], + [ + "▁SGA", + -14.556434631347656 + ], + [ + "▁vultures", + -14.556440353393556 + ], + [ + "▁cheater", + -14.556459426879885 + ], + [ + "▁Alessi", + -14.556482315063477 + ], + [ + "▁Karp", + -14.556524276733398 + ], + [ + "1975", + -14.556532859802246 + ], + [ + "Beside", + -14.556532859802246 + ], + [ + "ете", + -14.556558609008787 + ], + [ + "FAA", + -14.556621551513672 + ], + [ + "nego", + -14.55666160583496 + ], + [ + "▁Cyr", + -14.556706428527832 + ], + [ + "▁Dupl", + -14.556780815124512 + ], + [ + "▁fascinate", + -14.55682373046875 + ], + [ + "▁Mez", + -14.556890487670898 + ], + [ + "Operative", + -14.556961059570312 + ], + [ + "▁GAMES", + -14.556974411010742 + ], + [ + "▁Crowne", + -14.557072639465332 + ], + [ + "(12):", + -14.557188034057615 + ], + [ + "▁Samara", + -14.55720043182373 + ], + [ + "▁Armand", + -14.557238578796388 + ], + [ + "Omg", + -14.557239532470703 + ], + [ + "fru", + -14.557247161865234 + ], + [ + "▁conveyancer", + -14.557256698608398 + ], + [ + "Acquire", + -14.5573091506958 + ], + [ + "▁EPL", + -14.55732250213623 + ], + [ + "phu", + -14.557409286499023 + ], + [ + "▁nostril", + -14.55744457244873 + ], + [ + "▁Underwriter", + -14.557479858398438 + ], + [ + "▁Poetic", + -14.55749225616455 + ], + [ + "ierra", + -14.557493209838867 + ], + [ + "LAX", + -14.557580947875977 + ], + [ + "▁Remi", + -14.557608604431152 + ], + [ + "cape", + -14.557804107666016 + ], + [ + "Opera", + -14.55781364440918 + ], + [ + "uje", + -14.55784034729004 + ], + [ + "▁$3000", + -14.557865142822266 + ], + [ + "▁Publicity", + -14.557899475097656 + ], + [ + "ippo", + -14.557905197143556 + ], + [ + "▁Emission", + -14.557989120483398 + ], + [ + "▁healthily", + -14.55815887451172 + ], + [ + "meli", + -14.558159828186035 + ], + [ + "-1950", + -14.558180809020996 + ], + [ + "luxe", + -14.558263778686523 + ], + [ + "▁Dugan", + -14.558290481567385 + ], + [ + "HAND", + -14.558332443237305 + ], + [ + "▁Stroller", + -14.558367729187012 + ], + [ + "▁Dud", + -14.558436393737791 + ], + [ + "▁Martell", + -14.55848217010498 + ], + [ + "▁custodians", + -14.558500289916992 + ], + [ + "▁1810", + -14.558539390563965 + ], + [ + "▁3:16", + -14.558605194091797 + ], + [ + "▁passable", + -14.55862045288086 + ], + [ + "Quilt", + -14.558653831481934 + ], + [ + "▁schoolwork", + -14.558660507202148 + ], + [ + "izza", + -14.558680534362791 + ], + [ + "▁1680", + -14.558710098266602 + ], + [ + "rola", + -14.558727264404297 + ], + [ + "▁propellers", + -14.558733940124512 + ], + [ + "▁emphasising", + -14.558788299560549 + ], + [ + "akha", + -14.55889892578125 + ], + [ + "CID", + -14.558924674987791 + ], + [ + "ritic", + -14.55894374847412 + ], + [ + "formance", + -14.558978080749512 + ], + [ + "FRIEND", + -14.558989524841309 + ], + [ + "▁TOC", + -14.558992385864258 + ], + [ + "▁mindfully", + -14.55906105041504 + ], + [ + "LYN", + -14.55909538269043 + ], + [ + "Flexibility", + -14.559127807617188 + ], + [ + "encyclopedia", + -14.559151649475098 + ], + [ + "efficacy", + -14.559168815612791 + ], + [ + "Agriculture", + -14.55917263031006 + ], + [ + "Mumbai", + -14.559173583984377 + ], + [ + "Ministry", + -14.559175491333008 + ], + [ + "defying", + -14.559185981750488 + ], + [ + "Packaging", + -14.559197425842283 + ], + [ + "ovsk", + -14.559205055236816 + ], + [ + "▁Volta", + -14.55924129486084 + ], + [ + "Northwest", + -14.559258460998535 + ], + [ + "portfolio", + -14.559263229370115 + ], + [ + "stainless", + -14.559269905090332 + ], + [ + "▁Mundo", + -14.55927562713623 + ], + [ + "Raising", + -14.559284210205078 + ], + [ + "3–4", + -14.559368133544922 + ], + [ + "Canvas", + -14.559386253356934 + ], + [ + "Agile", + -14.5593900680542 + ], + [ + "disney", + -14.55942726135254 + ], + [ + "▁Ferran", + -14.559530258178713 + ], + [ + "Jesse", + -14.559605598449709 + ], + [ + "Perk", + -14.55961799621582 + ], + [ + "▁terse", + -14.55964469909668 + ], + [ + "▁Tintin", + -14.559651374816896 + ], + [ + "ocular", + -14.55965805053711 + ], + [ + "▁Narc", + -14.55966091156006 + ], + [ + "scatter", + -14.559678077697754 + ], + [ + "granite", + -14.559715270996094 + ], + [ + "▁TBD", + -14.559734344482422 + ], + [ + "Progressive", + -14.559738159179688 + ], + [ + "▁bitrate", + -14.559755325317385 + ], + [ + "▁disordered", + -14.559770584106444 + ], + [ + "uur", + -14.55978298187256 + ], + [ + "▁joggers", + -14.55984592437744 + ], + [ + "▁£50,000", + -14.55986213684082 + ], + [ + "trusted", + -14.559893608093262 + ], + [ + "▁antagonistic", + -14.559894561767578 + ], + [ + "drilled", + -14.560030937194824 + ], + [ + "Snack", + -14.560147285461426 + ], + [ + "stuffed", + -14.560151100158691 + ], + [ + "neke", + -14.560210227966309 + ], + [ + "1972", + -14.56021499633789 + ], + [ + "Wool", + -14.560225486755373 + ], + [ + "Evil", + -14.560302734375 + ], + [ + "jy", + -14.560357093811035 + ], + [ + "▁Dena", + -14.560568809509276 + ], + [ + "▁paddleboard", + -14.560626029968262 + ], + [ + "Caring", + -14.560717582702637 + ], + [ + "▁porters", + -14.56078815460205 + ], + [ + "Processing", + -14.5608549118042 + ], + [ + "▁thermally", + -14.560879707336426 + ], + [ + "Studying", + -14.56092929840088 + ], + [ + "▁$70,000", + -14.56093406677246 + ], + [ + "▁shriek", + -14.560945510864258 + ], + [ + "motivation", + -14.560995101928713 + ], + [ + "Loose", + -14.561062812805176 + ], + [ + "bounce", + -14.561114311218262 + ], + [ + "▁Extrem", + -14.561214447021484 + ], + [ + "8:20", + -14.561236381530762 + ], + [ + "▁domicile", + -14.56124210357666 + ], + [ + "▁retaliate", + -14.56124210357666 + ], + [ + "▁milkshakes", + -14.561249732971191 + ], + [ + "▁dolly", + -14.561256408691406 + ], + [ + "enowned", + -14.561288833618164 + ], + [ + "▁Pola", + -14.561294555664062 + ], + [ + "▁insulators", + -14.5613374710083 + ], + [ + "▁fester", + -14.561375617980955 + ], + [ + "▁Leib", + -14.561383247375488 + ], + [ + "ASTRO", + -14.561423301696776 + ], + [ + "reserve", + -14.561540603637695 + ], + [ + "▁Surprising", + -14.56161117553711 + ], + [ + "▁empathic", + -14.561616897583008 + ], + [ + "PSE", + -14.56163215637207 + ], + [ + "Rocky", + -14.561637878417969 + ], + [ + "ilty", + -14.56174087524414 + ], + [ + "haan", + -14.56174373626709 + ], + [ + "▁mucosa", + -14.561756134033203 + ], + [ + "magical", + -14.56180191040039 + ], + [ + "▁marbled", + -14.561829566955566 + ], + [ + "Negotiating", + -14.561844825744627 + ], + [ + "▁Centurion", + -14.561844825744627 + ], + [ + "▁Qualitative", + -14.561844825744627 + ], + [ + "▁Sorrento", + -14.561844825744627 + ], + [ + "▁cobwebs", + -14.561844825744627 + ], + [ + "▁fuchsia", + -14.561844825744627 + ], + [ + "▁indescribable", + -14.561844825744627 + ], + [ + "▁irrevocably", + -14.561844825744627 + ], + [ + "▁matriarch", + -14.561844825744627 + ], + [ + "▁mechanized", + -14.561844825744627 + ], + [ + "▁metamorphosis", + -14.561844825744627 + ], + [ + "▁neutrino", + -14.561844825744627 + ], + [ + "▁resonating", + -14.561844825744627 + ], + [ + "Persistence", + -14.561845779418944 + ], + [ + "▁Abhishek", + -14.561845779418944 + ], + [ + "▁Breitbart", + -14.561845779418944 + ], + [ + "▁COLLEGE", + -14.561845779418944 + ], + [ + "▁parfait", + -14.561845779418944 + ], + [ + "▁falafel", + -14.561846733093262 + ], + [ + "▁unboxing", + -14.561846733093262 + ], + [ + "▁Intercollegiate", + -14.561847686767578 + ], + [ + "▁tattered", + -14.561847686767578 + ], + [ + "▁Wandsworth", + -14.561848640441896 + ], + [ + "▁fronds", + -14.561848640441896 + ], + [ + "Hilarious", + -14.561849594116213 + ], + [ + "▁Optometry", + -14.561850547790527 + ], + [ + "▁machinations", + -14.561850547790527 + ], + [ + "▁Kenosha", + -14.561851501464844 + ], + [ + "▁Zeiss", + -14.561854362487791 + ], + [ + "▁Refreshments", + -14.561856269836426 + ], + [ + "abili", + -14.561863899230955 + ], + [ + "▁Kaduna", + -14.56186580657959 + ], + [ + "▁Zirconia", + -14.56186580657959 + ], + [ + "▁Termination", + -14.561869621276855 + ], + [ + "▁Valiant", + -14.561870574951172 + ], + [ + "▁Lucinda", + -14.561871528625488 + ], + [ + "▁kettlebell", + -14.561872482299805 + ], + [ + "▁Pinkerton", + -14.561882972717283 + ], + [ + "▁YWCA", + -14.561896324157717 + ], + [ + "▁Launchpad", + -14.561899185180664 + ], + [ + "▁uninterested", + -14.561901092529297 + ], + [ + "▁catchphrase", + -14.561903953552246 + ], + [ + "▁Givenchy", + -14.561914443969728 + ], + [ + "▁Cortland", + -14.561930656433104 + ], + [ + "▁Bidding", + -14.561932563781738 + ], + [ + "▁Braking", + -14.561932563781738 + ], + [ + "▁Gilroy", + -14.561933517456056 + ], + [ + "▁Blouse", + -14.561938285827637 + ], + [ + "Echo", + -14.561941146850586 + ], + [ + "▁Inspiron", + -14.56194305419922 + ], + [ + "Mex", + -14.56195831298828 + ], + [ + "macro", + -14.561959266662598 + ], + [ + "▁HCI", + -14.561972618103027 + ], + [ + "▁scrolled", + -14.56198787689209 + ], + [ + "▁Kofi", + -14.562004089355469 + ], + [ + "▁Buggy", + -14.56200885772705 + ], + [ + "▁repressive", + -14.562019348144531 + ], + [ + "▁loyalties", + -14.562020301818848 + ], + [ + "▁galvanised", + -14.562034606933594 + ], + [ + "édé", + -14.562060356140137 + ], + [ + "▁jock", + -14.562070846557615 + ], + [ + "Diver", + -14.56207275390625 + ], + [ + "▁Brenner", + -14.562073707580566 + ], + [ + "▁MPLS", + -14.562074661254885 + ], + [ + "▁Patchwork", + -14.5620756149292 + ], + [ + "▁XHTML", + -14.562076568603516 + ], + [ + "▁Bachelorette", + -14.562108993530272 + ], + [ + "▁Brodie", + -14.562140464782717 + ], + [ + "FFS", + -14.562143325805664 + ], + [ + "vastatin", + -14.562149047851562 + ], + [ + "▁unease", + -14.56215000152588 + ], + [ + "▁Stomp", + -14.562150955200195 + ], + [ + "▁Knockout", + -14.562158584594728 + ], + [ + "▁Visionary", + -14.562158584594728 + ], + [ + "▁Eastbourne", + -14.56216526031494 + ], + [ + "▁moderating", + -14.562178611755373 + ], + [ + "Woohoo", + -14.562182426452637 + ], + [ + "▁Downer", + -14.562216758728027 + ], + [ + "▁Grau", + -14.562232971191406 + ], + [ + "▁Flathead", + -14.562263488769531 + ], + [ + "▁bangles", + -14.56228256225586 + ], + [ + "▁Ghan", + -14.56228733062744 + ], + [ + "▁Guerra", + -14.562296867370604 + ], + [ + "▁hurled", + -14.562301635742188 + ], + [ + "▁clubbing", + -14.562336921691896 + ], + [ + "▁menards", + -14.562339782714844 + ], + [ + "▁Esquire", + -14.562426567077637 + ], + [ + "▁Brookline", + -14.56251335144043 + ], + [ + "▁Guesthouse", + -14.56251621246338 + ], + [ + "▁Pooja", + -14.562518119812012 + ], + [ + "▁Martindale", + -14.562527656555176 + ], + [ + "▁Ladd", + -14.56257152557373 + ], + [ + "▁Polka", + -14.56265354156494 + ], + [ + "▁awkwardness", + -14.562682151794434 + ], + [ + "▁fizzle", + -14.562751770019531 + ], + [ + "▁daydreaming", + -14.562762260437012 + ], + [ + "▁Riverfront", + -14.562772750854492 + ], + [ + "▁redistributed", + -14.562779426574709 + ], + [ + "▁Oates", + -14.562787055969238 + ], + [ + "▁Caregivers", + -14.562856674194336 + ], + [ + "▁stingy", + -14.562973022460938 + ], + [ + "Eva", + -14.56311321258545 + ], + [ + "Putin", + -14.56313705444336 + ], + [ + "–15", + -14.56318187713623 + ], + [ + "drawer", + -14.563186645507812 + ], + [ + "||", + -14.563215255737305 + ], + [ + "▁creamer", + -14.56321620941162 + ], + [ + "▁Olympians", + -14.563220977783203 + ], + [ + "qe", + -14.563270568847656 + ], + [ + "Cuban", + -14.563312530517578 + ], + [ + "▁spaceflight", + -14.5633544921875 + ], + [ + "▁Vande", + -14.56341552734375 + ], + [ + "▁mantels", + -14.563417434692385 + ], + [ + "delta", + -14.563429832458496 + ], + [ + "kinetic", + -14.563430786132812 + ], + [ + "▁Inquire", + -14.563436508178713 + ], + [ + "▁$3.8", + -14.56358242034912 + ], + [ + "▁Femme", + -14.563632011413574 + ], + [ + "Realistically", + -14.563644409179688 + ], + [ + "Phillips", + -14.563691139221191 + ], + [ + "jira", + -14.563729286193848 + ], + [ + "▁(£2", + -14.563860893249512 + ], + [ + "▁1031", + -14.563942909240724 + ], + [ + "mountable", + -14.564043045043944 + ], + [ + "▁CAPS", + -14.564148902893066 + ], + [ + "▁Stamping", + -14.564193725585938 + ], + [ + "▁$149", + -14.564213752746582 + ], + [ + "▁diffused", + -14.564226150512695 + ], + [ + "zahl", + -14.564268112182615 + ], + [ + "Eph", + -14.564291000366213 + ], + [ + "▁monomer", + -14.564352989196776 + ], + [ + "▁rabbis", + -14.564430236816406 + ], + [ + "IDC", + -14.564471244812012 + ], + [ + "▁keyboardist", + -14.564475059509276 + ], + [ + "valo", + -14.56452465057373 + ], + [ + "▁Needham", + -14.56452751159668 + ], + [ + "▁beeps", + -14.564610481262209 + ], + [ + "▁Kink", + -14.564668655395508 + ], + [ + "▁Sable", + -14.564715385437012 + ], + [ + "Tent", + -14.564748764038086 + ], + [ + "▁Karel", + -14.564806938171388 + ], + [ + "▁outpace", + -14.5648832321167 + ], + [ + "Funk", + -14.564905166625977 + ], + [ + "▁scammer", + -14.564910888671877 + ], + [ + "tribe", + -14.564926147460938 + ], + [ + "▁Wilma", + -14.56496524810791 + ], + [ + "vick", + -14.564969062805176 + ], + [ + "▁PUL", + -14.564969062805176 + ], + [ + "▁fuelling", + -14.564981460571287 + ], + [ + "▁SNA", + -14.565134048461914 + ], + [ + "▁triumphed", + -14.56518268585205 + ], + [ + "aggio", + -14.565192222595217 + ], + [ + "▁DRIVER", + -14.565196990966797 + ], + [ + "cton", + -14.565229415893556 + ], + [ + "columbia", + -14.565353393554688 + ], + [ + "START", + -14.56536102294922 + ], + [ + "▁TTL", + -14.565383911132812 + ], + [ + "▁underwritten", + -14.565420150756836 + ], + [ + "malai", + -14.565447807312012 + ], + [ + "▁Proofing", + -14.565594673156738 + ], + [ + "SECURE", + -14.565807342529297 + ], + [ + "▁roped", + -14.565834999084473 + ], + [ + "Preserving", + -14.5658597946167 + ], + [ + "▁Lyrica", + -14.565939903259276 + ], + [ + "▁Tolle", + -14.566049575805664 + ], + [ + "▁ranting", + -14.566152572631836 + ], + [ + "Printer", + -14.566211700439451 + ], + [ + "▁Stiff", + -14.566320419311523 + ], + [ + "▁Ante", + -14.56635284423828 + ], + [ + "▁Allure", + -14.566478729248049 + ], + [ + "pleasant", + -14.566506385803224 + ], + [ + "JAM", + -14.566530227661133 + ], + [ + "Accident", + -14.56656265258789 + ], + [ + "Width", + -14.566570281982422 + ], + [ + "Cllr", + -14.56657600402832 + ], + [ + "Kennedy", + -14.566580772399902 + ], + [ + "identification", + -14.566598892211914 + ], + [ + "Implementation", + -14.566601753234863 + ], + [ + "Leslie", + -14.566617012023926 + ], + [ + "abiding", + -14.566632270812988 + ], + [ + "Minimal", + -14.566673278808594 + ], + [ + "Prevention", + -14.566678047180176 + ], + [ + "▁CARS", + -14.56679344177246 + ], + [ + "hoop", + -14.566861152648926 + ], + [ + "Ville", + -14.566935539245604 + ], + [ + "ooligan", + -14.566943168640137 + ], + [ + "Diploma", + -14.56695556640625 + ], + [ + "uir", + -14.566977500915527 + ], + [ + "ladi", + -14.566978454589844 + ], + [ + "phosph", + -14.567061424255373 + ], + [ + "glycer", + -14.567142486572266 + ], + [ + "urine", + -14.567197799682615 + ], + [ + "argent", + -14.567238807678224 + ], + [ + "▁Immigrants", + -14.567272186279297 + ], + [ + "▁rusher", + -14.567283630371094 + ], + [ + "enemy", + -14.567336082458496 + ], + [ + "egal", + -14.567394256591797 + ], + [ + "▁Fizz", + -14.567398071289062 + ], + [ + "EAU", + -14.5674467086792 + ], + [ + "▁faxed", + -14.567523002624512 + ], + [ + "undo", + -14.567567825317385 + ], + [ + "▁Martino", + -14.56759548187256 + ], + [ + "▁MGA", + -14.56762981414795 + ], + [ + "TENT", + -14.567649841308594 + ], + [ + "▁moisturise", + -14.5676908493042 + ], + [ + "packer", + -14.567709922790527 + ], + [ + "▁ohms", + -14.56775951385498 + ], + [ + "assurance", + -14.567800521850586 + ], + [ + "steady", + -14.567834854125977 + ], + [ + "2/3", + -14.56783676147461 + ], + [ + "79)", + -14.56793212890625 + ], + [ + "afford", + -14.567962646484377 + ], + [ + "Administer", + -14.56797695159912 + ], + [ + "▁pedaling", + -14.568035125732422 + ], + [ + "▁Dap", + -14.568150520324709 + ], + [ + "reliant", + -14.568207740783691 + ], + [ + "▁Citro", + -14.56826114654541 + ], + [ + "▁Morro", + -14.568296432495115 + ], + [ + "kraft", + -14.568323135375977 + ], + [ + "erci", + -14.568379402160645 + ], + [ + "Nusra", + -14.568431854248049 + ], + [ + "kovsky", + -14.56849193572998 + ], + [ + "ASCO", + -14.56849765777588 + ], + [ + "betting", + -14.568517684936523 + ], + [ + "▁VEHICLE", + -14.568611145019531 + ], + [ + "▁Reh", + -14.568669319152832 + ], + [ + "nurse", + -14.56876277923584 + ], + [ + "▁OSC", + -14.568787574768066 + ], + [ + "/45", + -14.568859100341797 + ], + [ + "▁introverts", + -14.568894386291504 + ], + [ + "▁Societ", + -14.568936347961426 + ], + [ + "▁Tonya", + -14.56894302368164 + ], + [ + "▁planar", + -14.568962097167969 + ], + [ + "▁naught", + -14.56896686553955 + ], + [ + "ungu", + -14.568982124328612 + ], + [ + "tetra", + -14.568995475769045 + ], + [ + "tpd", + -14.56903839111328 + ], + [ + "▁winder", + -14.569076538085938 + ], + [ + "Identifiable", + -14.569091796875 + ], + [ + "▁Baccalaureate", + -14.569091796875 + ], + [ + "▁Basingstoke", + -14.569091796875 + ], + [ + "▁Bonneville", + -14.569091796875 + ], + [ + "▁Budweiser", + -14.569091796875 + ], + [ + "▁Khashoggi", + -14.569091796875 + ], + [ + "▁Olmsted", + -14.569091796875 + ], + [ + "▁Splendor", + -14.569091796875 + ], + [ + "▁antecedent", + -14.569091796875 + ], + [ + "▁metronome", + -14.569091796875 + ], + [ + "▁propagating", + -14.569091796875 + ], + [ + "▁reconciling", + -14.569091796875 + ], + [ + "▁reincarnation", + -14.569091796875 + ], + [ + "▁Kauffman", + -14.569092750549316 + ], + [ + "▁Nautilus", + -14.569092750549316 + ], + [ + "▁Indu", + -14.569093704223633 + ], + [ + "▁growling", + -14.569093704223633 + ], + [ + "▁premiering", + -14.569093704223633 + ], + [ + "▁Athenian", + -14.56909465789795 + ], + [ + "luminescence", + -14.569095611572266 + ], + [ + "▁Qigong", + -14.569096565246582 + ], + [ + "▁Toastmasters", + -14.569096565246582 + ], + [ + "▁unduly", + -14.569099426269531 + ], + [ + "▁Rotorua", + -14.569101333618164 + ], + [ + "▁Kevlar", + -14.56910514831543 + ], + [ + "▁shaggy", + -14.56910514831543 + ], + [ + "▁enviroment", + -14.569107055664062 + ], + [ + "immunodeficiency", + -14.56911277770996 + ], + [ + "▁Chunky", + -14.56911563873291 + ], + [ + "▁Nicklaus", + -14.569121360778809 + ], + [ + "▁Permian", + -14.569121360778809 + ], + [ + "▁UNTIL", + -14.569127082824709 + ], + [ + "▁abhor", + -14.569128036499023 + ], + [ + "abc", + -14.569132804870604 + ], + [ + "▁purview", + -14.569143295288086 + ], + [ + "▁Maidstone", + -14.569151878356934 + ], + [ + "OPERATION", + -14.569154739379885 + ], + [ + "▁Borderlands", + -14.56916046142578 + ], + [ + "▁spielen", + -14.569169998168944 + ], + [ + "▁Enigma", + -14.569178581237791 + ], + [ + "▁Trafficking", + -14.569215774536133 + ], + [ + "▁1804", + -14.56922435760498 + ], + [ + "▁Danvers", + -14.56923484802246 + ], + [ + "▁superimposed", + -14.569238662719728 + ], + [ + "▁Albright", + -14.569255828857422 + ], + [ + "▁Kwe", + -14.569262504577637 + ], + [ + "▁condoms", + -14.569289207458496 + ], + [ + "▁Maximus", + -14.569337844848633 + ], + [ + "▁LOUIS", + -14.569343566894531 + ], + [ + "▁Bogdan", + -14.569368362426758 + ], + [ + "▁weirdly", + -14.569384574890137 + ], + [ + "▁Macao", + -14.569397926330566 + ], + [ + "Antioxidant", + -14.569429397583008 + ], + [ + "1-16", + -14.569439888000488 + ], + [ + "founding", + -14.5694580078125 + ], + [ + "▁Amitabh", + -14.56946086883545 + ], + [ + "▁Servo", + -14.56947135925293 + ], + [ + "peng", + -14.569480895996094 + ], + [ + "▁Slough", + -14.569506645202637 + ], + [ + "CDF", + -14.569510459899902 + ], + [ + "▁deafness", + -14.569527626037598 + ], + [ + "▁TSC", + -14.569538116455078 + ], + [ + "▁Cheney", + -14.569540023803713 + ], + [ + "CPU", + -14.569561958312988 + ], + [ + "▁okra", + -14.569586753845217 + ], + [ + "▁Wicca", + -14.569621086120604 + ], + [ + "▁diehard", + -14.569637298583984 + ], + [ + "▁DME", + -14.56964111328125 + ], + [ + "Tried", + -14.569703102111816 + ], + [ + "▁DEEP", + -14.569764137268066 + ], + [ + "▁proscar", + -14.56980037689209 + ], + [ + "EPC", + -14.569809913635254 + ], + [ + "▁twisty", + -14.569815635681152 + ], + [ + "▁Tully", + -14.569884300231934 + ], + [ + "eeeee", + -14.569890022277832 + ], + [ + "▁Pero", + -14.569903373718262 + ], + [ + "▁(2000", + -14.56994342803955 + ], + [ + "loppy", + -14.569951057434082 + ], + [ + "▁piety", + -14.569955825805664 + ], + [ + "▁Kisses", + -14.569960594177246 + ], + [ + "▁confesses", + -14.569976806640623 + ], + [ + "▁puede", + -14.570023536682127 + ], + [ + "▁Amids", + -14.570076942443848 + ], + [ + "▁Moen", + -14.57011890411377 + ], + [ + "▁Cough", + -14.570134162902832 + ], + [ + "washer", + -14.570181846618652 + ], + [ + "▁Nc", + -14.57029628753662 + ], + [ + "▁Reborn", + -14.570343017578123 + ], + [ + "happen", + -14.570351600646973 + ], + [ + "▁regrowth", + -14.570394515991213 + ], + [ + "Delay", + -14.570436477661133 + ], + [ + "Callaghan", + -14.570500373840332 + ], + [ + "Filing", + -14.570524215698242 + ], + [ + "GUARANTEED", + -14.57068157196045 + ], + [ + "▁Riff", + -14.5707368850708 + ], + [ + "sickness", + -14.570744514465332 + ], + [ + "busy", + -14.570745468139648 + ], + [ + "habi", + -14.570793151855469 + ], + [ + "▁specialism", + -14.570878028869627 + ], + [ + "cik", + -14.570918083190918 + ], + [ + "1.20", + -14.57099723815918 + ], + [ + "Cone", + -14.571008682250977 + ], + [ + "▁Quilted", + -14.571046829223633 + ], + [ + "Sala", + -14.571083068847656 + ], + [ + "DHA", + -14.57111644744873 + ], + [ + "▁GMB", + -14.571196556091309 + ], + [ + "▁Ambala", + -14.571211814880373 + ], + [ + "▁MSD", + -14.57122039794922 + ], + [ + "globe", + -14.571269035339355 + ], + [ + "LinkedIn", + -14.57136058807373 + ], + [ + "pork", + -14.571383476257324 + ], + [ + "mene", + -14.571402549743652 + ], + [ + "▁Kenner", + -14.571517944335938 + ], + [ + "osomal", + -14.5715970993042 + ], + [ + "▁embodying", + -14.571622848510742 + ], + [ + "▁shackle", + -14.571645736694336 + ], + [ + "Mira", + -14.571654319763184 + ], + [ + "▁hydrangeas", + -14.571677207946776 + ], + [ + "▁beefy", + -14.57172966003418 + ], + [ + "▁Leland", + -14.571732521057127 + ], + [ + "alicious", + -14.571782112121582 + ], + [ + "Fulfil", + -14.571788787841797 + ], + [ + "Dub", + -14.571815490722656 + ], + [ + "9-18", + -14.571850776672363 + ], + [ + "▁Vou", + -14.57187271118164 + ], + [ + "▁Prey", + -14.571895599365234 + ], + [ + "NITE", + -14.571945190429688 + ], + [ + "▁isotope", + -14.572083473205566 + ], + [ + "Loo", + -14.572088241577148 + ], + [ + "▁kebab", + -14.572092056274414 + ], + [ + "-4000", + -14.57209300994873 + ], + [ + "▁archers", + -14.5721435546875 + ], + [ + "▁critter", + -14.572181701660156 + ], + [ + "▁Lookup", + -14.572216987609863 + ], + [ + "▁Cerro", + -14.572236061096191 + ], + [ + "▁oncologists", + -14.572251319885254 + ], + [ + "▁overbought", + -14.572315216064451 + ], + [ + "▁Tiber", + -14.572396278381348 + ], + [ + "▁Bama", + -14.572417259216309 + ], + [ + "▁kre", + -14.572487831115724 + ], + [ + "▁Ranjan", + -14.572513580322266 + ], + [ + ">>>>", + -14.572517395019531 + ], + [ + "LLO", + -14.57254123687744 + ], + [ + "▁breaded", + -14.572586059570312 + ], + [ + "personalized", + -14.57259750366211 + ], + [ + "=5", + -14.572622299194336 + ], + [ + "▁darkly", + -14.57266330718994 + ], + [ + "▁Ripp", + -14.572842597961426 + ], + [ + "▁Bhavan", + -14.572914123535156 + ], + [ + "WAG", + -14.573002815246582 + ], + [ + "▁1801", + -14.573087692260742 + ], + [ + "Alias", + -14.57310390472412 + ], + [ + "erberg", + -14.573145866394045 + ], + [ + "▁disconnecting", + -14.573159217834473 + ], + [ + "Lawyers", + -14.573186874389648 + ], + [ + "▁Bayley", + -14.57318878173828 + ], + [ + "▁nomad", + -14.57329273223877 + ], + [ + "ilities", + -14.573304176330566 + ], + [ + "8.2%", + -14.573352813720703 + ], + [ + "▁isotopes", + -14.573387145996094 + ], + [ + "HEY", + -14.573442459106444 + ], + [ + "cella", + -14.57352352142334 + ], + [ + "▁biggie", + -14.573528289794922 + ], + [ + "▁Bani", + -14.573543548583984 + ], + [ + "Disp", + -14.573561668395996 + ], + [ + "▁keystone", + -14.573578834533691 + ], + [ + "Lamp", + -14.57362937927246 + ], + [ + "▁Margo", + -14.573740005493164 + ], + [ + "tiger", + -14.573752403259276 + ], + [ + "isser", + -14.573755264282228 + ], + [ + "▁limiter", + -14.573894500732422 + ], + [ + "fixes", + -14.573904037475586 + ], + [ + "▁Arre", + -14.573925971984863 + ], + [ + "UTA", + -14.57394313812256 + ], + [ + "Stitch", + -14.573970794677734 + ], + [ + "▁MCSA", + -14.57398509979248 + ], + [ + "principal", + -14.574020385742188 + ], + [ + "Pioneer", + -14.574026107788086 + ], + [ + "Promoting", + -14.574027061462402 + ], + [ + "levi", + -14.574027061462402 + ], + [ + "Tuition", + -14.57402801513672 + ], + [ + "Intermediate", + -14.5740327835083 + ], + [ + "continuous", + -14.574034690856934 + ], + [ + "▁Reprint", + -14.574034690856934 + ], + [ + "Qualified", + -14.574037551879885 + ], + [ + "Married", + -14.574040412902832 + ], + [ + "vulnerable", + -14.57404613494873 + ], + [ + "Parse", + -14.574052810668944 + ], + [ + "Curtis", + -14.574055671691896 + ], + [ + "zuela", + -14.574055671691896 + ], + [ + "acceptance", + -14.574060440063477 + ], + [ + "bacteria", + -14.5740966796875 + ], + [ + "Proud", + -14.574139595031738 + ], + [ + "blastoma", + -14.574139595031738 + ], + [ + "Iranian", + -14.57422161102295 + ], + [ + "paragraph", + -14.57422924041748 + ], + [ + "▁compar", + -14.574254035949709 + ], + [ + "affiliate", + -14.574254989624023 + ], + [ + "Creator", + -14.57425594329834 + ], + [ + "injured", + -14.57427978515625 + ], + [ + "▁%)", + -14.574304580688477 + ], + [ + "dermal", + -14.574423789978027 + ], + [ + "▁shortcake", + -14.574461936950684 + ], + [ + "hov", + -14.574511528015137 + ], + [ + "shev", + -14.57451343536377 + ], + [ + "bedded", + -14.574536323547363 + ], + [ + "▁fireman", + -14.574556350708008 + ], + [ + "▁lunges", + -14.574560165405272 + ], + [ + "▁#19", + -14.574566841125488 + ], + [ + "DEAL", + -14.574721336364746 + ], + [ + "DHS", + -14.574748039245604 + ], + [ + "PBS", + -14.5747652053833 + ], + [ + "▁Tahir", + -14.57489013671875 + ], + [ + "Characterization", + -14.5750093460083 + ], + [ + "nasal", + -14.575191497802734 + ], + [ + "agnol", + -14.575213432312012 + ], + [ + "▁yogis", + -14.575242042541504 + ], + [ + "▁Coun", + -14.575251579284668 + ], + [ + "▁peeler", + -14.575282096862791 + ], + [ + "employer", + -14.57532787322998 + ], + [ + "Homeowners", + -14.575407028198242 + ], + [ + "▁Toaster", + -14.575458526611328 + ], + [ + "documents", + -14.575464248657228 + ], + [ + "▁Vast", + -14.57563591003418 + ], + [ + "skiy", + -14.57568359375 + ], + [ + "▁DPM", + -14.57573699951172 + ], + [ + "assign", + -14.575772285461426 + ], + [ + "UZZ", + -14.575804710388184 + ], + [ + "lily", + -14.575854301452637 + ], + [ + "▁Lewin", + -14.57588005065918 + ], + [ + "Vector", + -14.57589054107666 + ], + [ + "▁MATERIAL", + -14.575912475585938 + ], + [ + "ERSON", + -14.57594108581543 + ], + [ + "▁Acadian", + -14.57598114013672 + ], + [ + "▁Christo", + -14.575998306274414 + ], + [ + "etus", + -14.576072692871094 + ], + [ + "▁Kne", + -14.576111793518066 + ], + [ + "▁Trevi", + -14.5762300491333 + ], + [ + "▁Straus", + -14.576290130615234 + ], + [ + "▁dodged", + -14.576330184936523 + ], + [ + "ocytic", + -14.576337814331056 + ], + [ + "▁Haut", + -14.576367378234863 + ], + [ + "COPYRIGHT", + -14.576391220092772 + ], + [ + "Leviticus", + -14.576391220092772 + ], + [ + "REGISTRATION", + -14.576391220092772 + ], + [ + "▁Keurig", + -14.576391220092772 + ], + [ + "▁Macclesfield", + -14.576391220092772 + ], + [ + "▁Revitalization", + -14.576391220092772 + ], + [ + "▁UNIVERSITY", + -14.576391220092772 + ], + [ + "▁doctrinal", + -14.576391220092772 + ], + [ + "▁econometric", + -14.576391220092772 + ], + [ + "▁grievous", + -14.576391220092772 + ], + [ + "▁mercenary", + -14.576391220092772 + ], + [ + "▁vertices", + -14.576391220092772 + ], + [ + "▁wrangling", + -14.576391220092772 + ], + [ + "▁Custody", + -14.57639217376709 + ], + [ + "▁acupressure", + -14.57639217376709 + ], + [ + "▁dyslexic", + -14.57639217376709 + ], + [ + "▁zeolite", + -14.57639217376709 + ], + [ + "▁Bahamian", + -14.576393127441406 + ], + [ + "▁Devotional", + -14.576393127441406 + ], + [ + "▁lunatic", + -14.576393127441406 + ], + [ + "▁scheming", + -14.576393127441406 + ], + [ + "▁Armageddon", + -14.576394081115724 + ], + [ + "▁NETWORK", + -14.576394081115724 + ], + [ + "▁amperage", + -14.57639503479004 + ], + [ + "▁Afrikaans", + -14.576395988464355 + ], + [ + "▁Whittaker", + -14.576395988464355 + ], + [ + "▁jaguar", + -14.576395988464355 + ], + [ + "▁dictation", + -14.576398849487305 + ], + [ + "▁sprocket", + -14.576398849487305 + ], + [ + "▁snuggly", + -14.576401710510254 + ], + [ + "▁DPRK", + -14.57640266418457 + ], + [ + "▁Pompano", + -14.576403617858888 + ], + [ + "▁Matheson", + -14.576406478881836 + ], + [ + "▁Streep", + -14.576406478881836 + ], + [ + "▁Camellia", + -14.576409339904783 + ], + [ + "▁meatloaf", + -14.576409339904783 + ], + [ + "▁Coughlin", + -14.576410293579102 + ], + [ + "▁Cinque", + -14.576416015625 + ], + [ + "▁libido", + -14.576421737670898 + ], + [ + "▁Interfaith", + -14.576425552368164 + ], + [ + "▁Charlene", + -14.57642650604248 + ], + [ + "▁Composing", + -14.57642650604248 + ], + [ + "▁PTFE", + -14.57642650604248 + ], + [ + "▁Thoreau", + -14.576427459716797 + ], + [ + "▁improvising", + -14.576427459716797 + ], + [ + "▁obverse", + -14.576427459716797 + ], + [ + "▁GOLF", + -14.576437950134276 + ], + [ + "▁umami", + -14.57644271850586 + ], + [ + "BUILT", + -14.576444625854492 + ], + [ + "▁Astrid", + -14.576446533203123 + ], + [ + "▁ANYONE", + -14.576451301574709 + ], + [ + "▁WINNER", + -14.576486587524414 + ], + [ + "▁mange", + -14.576492309570312 + ], + [ + "Pam", + -14.576496124267578 + ], + [ + "▁eHarmony", + -14.576498985290527 + ], + [ + "▁unproven", + -14.576499938964844 + ], + [ + "▁Elmira", + -14.576501846313477 + ], + [ + "▁Malaria", + -14.576519012451172 + ], + [ + "▁Anzac", + -14.5765380859375 + ], + [ + "▁Tompkins", + -14.57654857635498 + ], + [ + "▁Lala", + -14.57655429840088 + ], + [ + "▁Nightclub", + -14.576568603515623 + ], + [ + "▁Bowden", + -14.576583862304688 + ], + [ + "▁(02)", + -14.57662296295166 + ], + [ + "▁Gateshead", + -14.576623916625977 + ], + [ + "▁Burden", + -14.576667785644531 + ], + [ + "▁Nasser", + -14.576695442199709 + ], + [ + "▁Moline", + -14.576699256896973 + ], + [ + "1:55", + -14.576704025268556 + ], + [ + "▁Leander", + -14.576706886291504 + ], + [ + "▁postponement", + -14.576745986938477 + ], + [ + "0.5%", + -14.5767822265625 + ], + [ + "weiler", + -14.57679271697998 + ], + [ + "▁Stampede", + -14.576794624328612 + ], + [ + "ackling", + -14.576804161071776 + ], + [ + "▁Malloy", + -14.57680892944336 + ], + [ + "genomic", + -14.576837539672852 + ], + [ + "Accordingly", + -14.576875686645508 + ], + [ + "4.95", + -14.576899528503418 + ], + [ + "▁retraction", + -14.57690143585205 + ], + [ + "▁buoys", + -14.57690715789795 + ], + [ + "▁Honeycomb", + -14.576971054077148 + ], + [ + "▁tabbed", + -14.576984405517578 + ], + [ + "▁BOOM", + -14.576991081237791 + ], + [ + "▁dwindled", + -14.577011108398438 + ], + [ + "nash", + -14.577028274536133 + ], + [ + "▁seattle", + -14.577051162719728 + ], + [ + "▁MCSE", + -14.577071189880373 + ], + [ + "▁Ridgefield", + -14.577160835266112 + ], + [ + "▁dissected", + -14.577162742614746 + ], + [ + "▁Roaring", + -14.57720184326172 + ], + [ + "bergen", + -14.57721710205078 + ], + [ + "8800", + -14.577227592468262 + ], + [ + "▁sharpest", + -14.577248573303224 + ], + [ + "▁angina", + -14.57724952697754 + ], + [ + "▁thickener", + -14.577269554138184 + ], + [ + "rattan", + -14.5772705078125 + ], + [ + "▁obsessively", + -14.577289581298828 + ], + [ + "▁14:00", + -14.577302932739258 + ], + [ + "▁Sensex", + -14.577366828918455 + ], + [ + "▁HOR", + -14.577377319335938 + ], + [ + "▁waned", + -14.577390670776367 + ], + [ + "Prote", + -14.577449798583984 + ], + [ + "▁defuse", + -14.577462196350098 + ], + [ + "▁reparations", + -14.577531814575195 + ], + [ + "▁transgressions", + -14.577536582946776 + ], + [ + "stripe", + -14.577557563781738 + ], + [ + "phospho", + -14.577604293823242 + ], + [ + "▁15:00", + -14.577695846557615 + ], + [ + "▁bathrobes", + -14.577704429626465 + ], + [ + "▁Salim", + -14.577716827392578 + ], + [ + "▁easements", + -14.577717781066896 + ], + [ + "▁Cee", + -14.577935218811035 + ], + [ + "HIP", + -14.577943801879885 + ], + [ + "therapeutic", + -14.577972412109377 + ], + [ + "▁vida", + -14.578022003173828 + ], + [ + "▁Juni", + -14.578025817871094 + ], + [ + "▁thankfulness", + -14.578032493591309 + ], + [ + "dane", + -14.578046798706056 + ], + [ + "▁ELC", + -14.5780668258667 + ], + [ + "trusion", + -14.578113555908203 + ], + [ + "transition", + -14.57831573486328 + ], + [ + "▁weirdness", + -14.578319549560549 + ], + [ + "witted", + -14.578323364257812 + ], + [ + "▁£1000", + -14.578333854675291 + ], + [ + "▁pinhole", + -14.57834243774414 + ], + [ + "▁Colla", + -14.578354835510254 + ], + [ + "▁Mikro", + -14.57835578918457 + ], + [ + "▁Rascal", + -14.578378677368164 + ], + [ + "imble", + -14.578399658203123 + ], + [ + "DEV", + -14.578469276428224 + ], + [ + "▁Evangel", + -14.578478813171388 + ], + [ + "▁Frye", + -14.578495025634766 + ], + [ + "▁Jock", + -14.57850170135498 + ], + [ + "71)", + -14.578509330749512 + ], + [ + "▁Shatter", + -14.578574180603027 + ], + [ + "zny", + -14.578622817993164 + ], + [ + "▁concisely", + -14.57877254486084 + ], + [ + "feldt", + -14.57878875732422 + ], + [ + "▁previewed", + -14.57882595062256 + ], + [ + "GREEN", + -14.578853607177734 + ], + [ + "1-18", + -14.57890796661377 + ], + [ + "tergovernmental", + -14.578914642333984 + ], + [ + "installing", + -14.578927040100098 + ], + [ + "▁Toku", + -14.578972816467283 + ], + [ + "▁Sorting", + -14.57899570465088 + ], + [ + "▁Quora", + -14.57904052734375 + ], + [ + "▁Mariano", + -14.57907009124756 + ], + [ + "▁oscillations", + -14.579081535339355 + ], + [ + "▁#30", + -14.579132080078123 + ], + [ + "▁characterizing", + -14.57929801940918 + ], + [ + "babu", + -14.57932186126709 + ], + [ + "▁Mandate", + -14.57932949066162 + ], + [ + "▁Tobi", + -14.579392433166504 + ], + [ + "homa", + -14.579401016235352 + ], + [ + "Maple", + -14.579425811767578 + ], + [ + "▁Gower", + -14.579583168029783 + ], + [ + "▁Bangle", + -14.579618453979492 + ], + [ + "RICH", + -14.579662322998049 + ], + [ + "ORSE", + -14.579671859741213 + ], + [ + "▁Disrupt", + -14.579755783081056 + ], + [ + "Digging", + -14.57982349395752 + ], + [ + "▁Tatar", + -14.579846382141112 + ], + [ + "▁Goodwood", + -14.579923629760742 + ], + [ + "▁initialized", + -14.580194473266602 + ], + [ + "▁1834", + -14.580214500427246 + ], + [ + "0.45", + -14.580309867858888 + ], + [ + "ZD", + -14.580323219299316 + ], + [ + "rington", + -14.58047866821289 + ], + [ + "▁shackles", + -14.5805025100708 + ], + [ + "elie", + -14.580520629882812 + ], + [ + "▁showpiece", + -14.58052921295166 + ], + [ + "▁Bonnet", + -14.580538749694824 + ], + [ + "SDI", + -14.580567359924316 + ], + [ + "animation", + -14.580617904663086 + ], + [ + "allowing", + -14.580670356750488 + ], + [ + "▁Kran", + -14.58074951171875 + ], + [ + "regulate", + -14.58095932006836 + ], + [ + "ppler", + -14.581018447875977 + ], + [ + "oidal", + -14.581069946289062 + ], + [ + "▁FTD", + -14.58112335205078 + ], + [ + "▁32,000", + -14.581172943115234 + ], + [ + "▁Mussel", + -14.581194877624512 + ], + [ + "▁Jawa", + -14.581228256225586 + ], + [ + "FMC", + -14.581293106079102 + ], + [ + "vich", + -14.581377983093262 + ], + [ + "▁Metz", + -14.58138656616211 + ], + [ + "▁sony", + -14.581398963928224 + ], + [ + "▁£400", + -14.581419944763184 + ], + [ + "▁Godwin", + -14.581450462341309 + ], + [ + "16%", + -14.5814790725708 + ], + [ + "ilan", + -14.581486701965332 + ], + [ + "romo", + -14.581515312194824 + ], + [ + "Equipped", + -14.581551551818848 + ], + [ + "Calcium", + -14.58155632019043 + ], + [ + "Paradise", + -14.581558227539062 + ], + [ + "administered", + -14.581565856933594 + ], + [ + "Deluxe", + -14.581570625305176 + ], + [ + "Depression", + -14.581571578979492 + ], + [ + "Quantum", + -14.58157444000244 + ], + [ + "UFC", + -14.581585884094238 + ], + [ + "Watson", + -14.58160400390625 + ], + [ + "explain", + -14.581618309020996 + ], + [ + "Concert", + -14.581635475158691 + ], + [ + "technologies", + -14.581647872924805 + ], + [ + "laughs", + -14.581676483154297 + ], + [ + "entertainment", + -14.58169651031494 + ], + [ + "▁earthworm", + -14.581698417663574 + ], + [ + "wilder", + -14.581782341003418 + ], + [ + "LEE", + -14.581857681274414 + ], + [ + "identical", + -14.581875801086426 + ], + [ + "▁Effort", + -14.581891059875488 + ], + [ + "bata", + -14.581900596618652 + ], + [ + "▁Discounted", + -14.581908226013184 + ], + [ + "grilled", + -14.581916809082031 + ], + [ + "▁14-16", + -14.582037925720217 + ], + [ + "freezing", + -14.582060813903809 + ], + [ + "4.4%", + -14.5820951461792 + ], + [ + "▁Wadi", + -14.58220672607422 + ], + [ + "readable", + -14.582207679748535 + ], + [ + "▁Booz", + -14.58225917816162 + ], + [ + "inkel", + -14.582292556762695 + ], + [ + "▁Merci", + -14.58230972290039 + ], + [ + "trus", + -14.582420349121094 + ], + [ + "▁commercialized", + -14.58244800567627 + ], + [ + "cumen", + -14.582449913024902 + ], + [ + "($", + -14.582480430603027 + ], + [ + "WTS", + -14.58255672454834 + ], + [ + "HAP", + -14.582569122314451 + ], + [ + "Lea", + -14.582601547241213 + ], + [ + "fool", + -14.58262062072754 + ], + [ + "▁Rukh", + -14.582684516906738 + ], + [ + "▁RSM", + -14.582693099975586 + ], + [ + "theory", + -14.582695960998535 + ], + [ + "▁hotbed", + -14.582711219787598 + ], + [ + "▁digitize", + -14.582714080810549 + ], + [ + "pendant", + -14.582816123962402 + ], + [ + "quenching", + -14.582837104797363 + ], + [ + "Presenting", + -14.58288860321045 + ], + [ + "▁HOM", + -14.582889556884766 + ], + [ + "Penny", + -14.5829496383667 + ], + [ + "presentation", + -14.58297634124756 + ], + [ + "0.25", + -14.582977294921877 + ], + [ + "▁bandit", + -14.582983016967772 + ], + [ + "Recording", + -14.583149909973145 + ], + [ + "▁NME", + -14.58316421508789 + ], + [ + "▁Ananda", + -14.583202362060549 + ], + [ + "Tick", + -14.583213806152344 + ], + [ + "▁reintroduce", + -14.58321762084961 + ], + [ + "▁Kier", + -14.583240509033203 + ], + [ + "▁Cornelia", + -14.583250999450684 + ], + [ + "cooler", + -14.583266258239746 + ], + [ + "▁dosa", + -14.58338737487793 + ], + [ + "▁Tso", + -14.58344268798828 + ], + [ + "▁Quar", + -14.583710670471191 + ], + [ + "▁sedate", + -14.583738327026367 + ], + [ + "Collaborating", + -14.583744049072266 + ], + [ + "Feasibility", + -14.583744049072266 + ], + [ + "VINTAGE", + -14.583744049072266 + ], + [ + "▁Aylesbury", + -14.583744049072266 + ], + [ + "▁Britannica", + -14.583744049072266 + ], + [ + "▁FINANCIAL", + -14.583744049072266 + ], + [ + "▁Incubator", + -14.583744049072266 + ], + [ + "▁JESUS", + -14.583744049072266 + ], + [ + "▁Jeopardy", + -14.583744049072266 + ], + [ + "▁Rapunzel", + -14.583744049072266 + ], + [ + "▁Serpentine", + -14.583744049072266 + ], + [ + "▁Sulphur", + -14.583744049072266 + ], + [ + "▁Tylenol", + -14.583744049072266 + ], + [ + "▁Willoughby", + -14.583744049072266 + ], + [ + "▁Winnebago", + -14.583744049072266 + ], + [ + "▁amygdala", + -14.583744049072266 + ], + [ + "▁geometries", + -14.583744049072266 + ], + [ + "▁perjury", + -14.583744049072266 + ], + [ + "▁sensuous", + -14.583744049072266 + ], + [ + "▁GRAMMY", + -14.583745002746582 + ], + [ + "▁KwaZulu", + -14.583745002746582 + ], + [ + "▁Therapies", + -14.583745002746582 + ], + [ + "▁Woolworths", + -14.583745002746582 + ], + [ + "▁enzymatic", + -14.583745002746582 + ], + [ + "▁Memorabilia", + -14.583745956420898 + ], + [ + "▁TRUTH", + -14.583745956420898 + ], + [ + "▁cytochrome", + -14.583745956420898 + ], + [ + "▁FUTURE", + -14.583746910095217 + ], + [ + "Showcasing", + -14.583747863769531 + ], + [ + "▁Polycarbonate", + -14.58375072479248 + ], + [ + "▁REGARD", + -14.583751678466797 + ], + [ + "▁grumbling", + -14.583751678466797 + ], + [ + "▁deodorize", + -14.583752632141112 + ], + [ + "▁Frugal", + -14.58375358581543 + ], + [ + "▁corporal", + -14.583754539489746 + ], + [ + "▁Tivoli", + -14.583757400512695 + ], + [ + "▁glories", + -14.583762168884276 + ], + [ + "▁urinal", + -14.583763122558594 + ], + [ + "▁washbasin", + -14.583765029907228 + ], + [ + "▁Beatrix", + -14.583767890930176 + ], + [ + "FULL", + -14.58377170562744 + ], + [ + "▁HBCU", + -14.58377170562744 + ], + [ + "▁tangential", + -14.583776473999023 + ], + [ + "▁locum", + -14.583778381347656 + ], + [ + "▁Bipolar", + -14.583779335021973 + ], + [ + "vinci", + -14.583788871765137 + ], + [ + "▁Zain", + -14.583795547485352 + ], + [ + "▁malaise", + -14.583795547485352 + ], + [ + "▁dragonfly", + -14.583797454833984 + ], + [ + "▁Entities", + -14.5837984085083 + ], + [ + "▁tempeh", + -14.583800315856934 + ], + [ + "▁chowder", + -14.583805084228516 + ], + [ + "▁floodlight", + -14.58380889892578 + ], + [ + "▁Fong", + -14.583812713623049 + ], + [ + "▁liquorice", + -14.58381462097168 + ], + [ + "▁bombshell", + -14.583822250366213 + ], + [ + "▁Diamondbacks", + -14.583823204040527 + ], + [ + "▁Wrapping", + -14.583833694458008 + ], + [ + "▁Gallipoli", + -14.583844184875488 + ], + [ + "▁craftspeople", + -14.583849906921388 + ], + [ + "▁Bodega", + -14.583868980407717 + ], + [ + "▁Interpreter", + -14.583870887756348 + ], + [ + "▁CCleaner", + -14.583877563476562 + ], + [ + "▁barstools", + -14.583901405334473 + ], + [ + "▁bioactive", + -14.583927154541016 + ], + [ + "glutamine", + -14.58393096923828 + ], + [ + "▁FaceBook", + -14.58394718170166 + ], + [ + "▁tinsel", + -14.583951950073242 + ], + [ + "▁Rockingham", + -14.58398723602295 + ], + [ + "Howdy", + -14.584038734436035 + ], + [ + "▁sv", + -14.584043502807615 + ], + [ + "Mara", + -14.584071159362791 + ], + [ + "▁glitzy", + -14.584088325500488 + ], + [ + "▁Zoya", + -14.584091186523438 + ], + [ + "ffrey", + -14.584094047546388 + ], + [ + "▁Jetty", + -14.584114074707031 + ], + [ + "yyyy", + -14.584147453308104 + ], + [ + "▁resourcefulness", + -14.584153175354004 + ], + [ + "▁Veranda", + -14.584158897399902 + ], + [ + "▁Caddy", + -14.584174156188965 + ], + [ + "▁$5.5", + -14.584224700927734 + ], + [ + "▁combative", + -14.584237098693848 + ], + [ + "▁preloaded", + -14.584258079528809 + ], + [ + "▁Searches", + -14.584283828735352 + ], + [ + "▁2017/2018", + -14.584315299987791 + ], + [ + "▁Firebase", + -14.58431625366211 + ], + [ + "▁Handbags", + -14.584321022033691 + ], + [ + "▁Displaying", + -14.584393501281738 + ], + [ + "Wiz", + -14.58443832397461 + ], + [ + "▁colloidal", + -14.584470748901367 + ], + [ + "▁Lighter", + -14.584478378295898 + ], + [ + "representation", + -14.58450412750244 + ], + [ + "▁Hanne", + -14.584517478942873 + ], + [ + "▁Pacha", + -14.58457374572754 + ], + [ + "▁Elevated", + -14.584604263305664 + ], + [ + "▁Albertson", + -14.5846586227417 + ], + [ + "▁mowed", + -14.584670066833496 + ], + [ + "▁Dumas", + -14.584693908691406 + ], + [ + "Proficient", + -14.58470058441162 + ], + [ + "▁Laid", + -14.584702491760254 + ], + [ + "▁Watergate", + -14.584712982177734 + ], + [ + "zona", + -14.584716796875 + ], + [ + "Smaller", + -14.584746360778809 + ], + [ + "▁gills", + -14.584787368774414 + ], + [ + "Thur", + -14.584869384765623 + ], + [ + "▁caged", + -14.58492946624756 + ], + [ + "▁creaminess", + -14.584968566894531 + ], + [ + "▁Cardboard", + -14.585077285766602 + ], + [ + "▁Gadgets", + -14.585126876831056 + ], + [ + "▁twi", + -14.585187911987305 + ], + [ + "▁2028", + -14.585222244262695 + ], + [ + "publisher", + -14.585265159606934 + ], + [ + "▁Utd", + -14.585284233093262 + ], + [ + "caused", + -14.585312843322754 + ], + [ + "▁thrifty", + -14.585360527038574 + ], + [ + "▁paging", + -14.585376739501951 + ], + [ + "strophe", + -14.585453987121582 + ], + [ + "▁Shaq", + -14.585478782653809 + ], + [ + "efa", + -14.58550262451172 + ], + [ + "fad", + -14.58554458618164 + ], + [ + "▁Kristine", + -14.585577011108398 + ], + [ + "▁mediating", + -14.585623741149902 + ], + [ + "Curve", + -14.585640907287598 + ], + [ + "▁Schlu", + -14.585670471191406 + ], + [ + "▁liquidator", + -14.58571434020996 + ], + [ + "Dow", + -14.58571720123291 + ], + [ + "▁outweighed", + -14.585721015930176 + ], + [ + "counterintuitive", + -14.585737228393556 + ], + [ + "Dai", + -14.585755348205566 + ], + [ + "▁heaped", + -14.58576488494873 + ], + [ + "▁undercurrent", + -14.585878372192385 + ], + [ + "▁haggle", + -14.585938453674316 + ], + [ + "▁outperforming", + -14.585973739624023 + ], + [ + "synchronous", + -14.586008071899414 + ], + [ + "▁1/5", + -14.586008071899414 + ], + [ + "▁Goh", + -14.586055755615234 + ], + [ + "3/8", + -14.586138725280762 + ], + [ + "▁snowmen", + -14.586198806762695 + ], + [ + "▁DST", + -14.5862398147583 + ], + [ + "▁paneer", + -14.586246490478516 + ], + [ + "▁Hilo", + -14.586257934570312 + ], + [ + "▁landscapers", + -14.586310386657717 + ], + [ + "ULAR", + -14.586368560791016 + ], + [ + "Leste", + -14.586371421813965 + ], + [ + "▁headland", + -14.586397171020508 + ], + [ + "2:06", + -14.586416244506836 + ], + [ + "▁regenerated", + -14.586552619934082 + ], + [ + "EBIT", + -14.586607933044434 + ], + [ + "nef", + -14.586627006530762 + ], + [ + "▁Nadi", + -14.586715698242188 + ], + [ + "▁Punt", + -14.586726188659668 + ], + [ + "▁Helmut", + -14.586729049682615 + ], + [ + "Gua", + -14.586737632751465 + ], + [ + "▁Vihar", + -14.586847305297852 + ], + [ + "mede", + -14.586894989013672 + ], + [ + "▁stockists", + -14.586902618408203 + ], + [ + "oia", + -14.587125778198242 + ], + [ + "▁Visio", + -14.587207794189451 + ], + [ + "oscopic", + -14.587241172790527 + ], + [ + "oah", + -14.587440490722656 + ], + [ + "▁Kanna", + -14.587522506713867 + ], + [ + "TRIX", + -14.587611198425291 + ], + [ + "▁legalizing", + -14.587651252746582 + ], + [ + "cud", + -14.58768367767334 + ], + [ + "▁SAF", + -14.587711334228516 + ], + [ + "519", + -14.587735176086426 + ], + [ + "▁silencer", + -14.587841033935549 + ], + [ + "▁speedboat", + -14.587848663330078 + ], + [ + "programme", + -14.588082313537598 + ], + [ + "▁chipper", + -14.58813190460205 + ], + [ + "▁quietness", + -14.588263511657717 + ], + [ + "OVAL", + -14.588315963745115 + ], + [ + "▁manning", + -14.58837890625 + ], + [ + "▁homebuyer", + -14.588424682617188 + ], + [ + "▁Alina", + -14.588454246520996 + ], + [ + "1.11", + -14.58851146697998 + ], + [ + "▁plumes", + -14.588541984558104 + ], + [ + "▁1:5", + -14.588738441467283 + ], + [ + "▁Cowell", + -14.588859558105469 + ], + [ + "wayne", + -14.588860511779783 + ], + [ + "Plane", + -14.588909149169922 + ], + [ + "▁simmered", + -14.588973999023438 + ], + [ + "▁putative", + -14.588987350463867 + ], + [ + "Significant", + -14.588988304138184 + ], + [ + "Myers", + -14.58901309967041 + ], + [ + "programming", + -14.589018821716309 + ], + [ + "Sphere", + -14.589024543762209 + ], + [ + "▁Lorna", + -14.58906078338623 + ], + [ + "▁Welles", + -14.589103698730469 + ], + [ + "Zombie", + -14.589107513427734 + ], + [ + "Conversation", + -14.58911418914795 + ], + [ + "Prompt", + -14.589118003845217 + ], + [ + "propelled", + -14.589118003845217 + ], + [ + "Administrator", + -14.589120864868164 + ], + [ + "Philippine", + -14.58912181854248 + ], + [ + "treasure", + -14.58912181854248 + ], + [ + "Weird", + -14.58913803100586 + ], + [ + "southern", + -14.589157104492188 + ], + [ + "Wallace", + -14.589159965515137 + ], + [ + "Dirty", + -14.589163780212402 + ], + [ + "Cathy", + -14.58918571472168 + ], + [ + "stocking", + -14.589202880859377 + ], + [ + "▁$550", + -14.589226722717283 + ], + [ + "Respond", + -14.589239120483398 + ], + [ + "Vacation", + -14.589271545410156 + ], + [ + "LGBT", + -14.589387893676758 + ], + [ + "Silent", + -14.589405059814451 + ], + [ + "fowl", + -14.589409828186035 + ], + [ + "AFC", + -14.589418411254885 + ], + [ + "▁Sela", + -14.589459419250488 + ], + [ + "commissioned", + -14.589519500732422 + ], + [ + "tongue", + -14.589654922485352 + ], + [ + "▁Safely", + -14.589655876159668 + ], + [ + "▁Bursa", + -14.589666366577148 + ], + [ + "ensure", + -14.589698791503906 + ], + [ + "0/1", + -14.589725494384766 + ], + [ + "lyce", + -14.589747428894045 + ], + [ + "▁bassline", + -14.589767456054688 + ], + [ + "Carlos", + -14.589821815490724 + ], + [ + "▁SAU", + -14.589963912963867 + ], + [ + "▁tibia", + -14.589975357055664 + ], + [ + "▁Wrath", + -14.58997917175293 + ], + [ + "tipped", + -14.589991569519045 + ], + [ + "▁Reviewers", + -14.590084075927734 + ], + [ + "▁Arian", + -14.590087890625 + ], + [ + "behavioral", + -14.590118408203123 + ], + [ + "▁Ernesto", + -14.590126037597656 + ], + [ + "throwing", + -14.590171813964844 + ], + [ + "▁hunker", + -14.590171813964844 + ], + [ + "Importantly", + -14.590209007263184 + ], + [ + "avali", + -14.590221405029297 + ], + [ + "▁hilt", + -14.59026336669922 + ], + [ + "▁BMO", + -14.590280532836914 + ], + [ + "▁Deeper", + -14.590291023254396 + ], + [ + "ectin", + -14.590299606323242 + ], + [ + "▁Kola", + -14.590341567993164 + ], + [ + "▁theologians", + -14.59036636352539 + ], + [ + "Maxim", + -14.590435028076172 + ], + [ + "Assisted", + -14.590498924255373 + ], + [ + "▁gew", + -14.590514183044434 + ], + [ + "Advert", + -14.59053897857666 + ], + [ + "▁repute", + -14.59060764312744 + ], + [ + "▁Pressed", + -14.5906982421875 + ], + [ + "▁negates", + -14.59070110321045 + ], + [ + "Folks", + -14.590780258178713 + ], + [ + "▁remade", + -14.590822219848633 + ], + [ + "▁Goldie", + -14.59088897705078 + ], + [ + "Forever", + -14.590923309326172 + ], + [ + "▁pocketbook", + -14.590935707092283 + ], + [ + "coaster", + -14.591024398803713 + ], + [ + "0183;32;", + -14.591151237487791 + ], + [ + "icrodermabrasion", + -14.591151237487791 + ], + [ + "▁Epsilon", + -14.591151237487791 + ], + [ + "▁Fernandes", + -14.591151237487791 + ], + [ + "▁Khartoum", + -14.591151237487791 + ], + [ + "▁curiosities", + -14.591151237487791 + ], + [ + "▁gingivitis", + -14.591151237487791 + ], + [ + "▁mercenaries", + -14.591151237487791 + ], + [ + "▁narcolepsy", + -14.591151237487791 + ], + [ + "▁naysayers", + -14.591151237487791 + ], + [ + "▁provolone", + -14.591151237487791 + ], + [ + "▁swedish", + -14.591151237487791 + ], + [ + "▁thursday", + -14.591151237487791 + ], + [ + "▁Wainwright", + -14.59115219116211 + ], + [ + "▁abomination", + -14.59115219116211 + ], + [ + "▁systolic", + -14.59115219116211 + ], + [ + "GEORGE", + -14.591153144836426 + ], + [ + "▁GNOME", + -14.591153144836426 + ], + [ + "▁syntactic", + -14.591153144836426 + ], + [ + "▁Googling", + -14.591154098510742 + ], + [ + "▁corvette", + -14.591154098510742 + ], + [ + "▁conceivably", + -14.59115505218506 + ], + [ + "▁Biloxi", + -14.591156959533691 + ], + [ + "▁Kigali", + -14.591156959533691 + ], + [ + "▁divination", + -14.591156959533691 + ], + [ + "▁predation", + -14.591156959533691 + ], + [ + "▁olympic", + -14.591161727905272 + ], + [ + "▁Aleksandr", + -14.59116268157959 + ], + [ + "▁homogeniz", + -14.591163635253906 + ], + [ + "▁Roxbury", + -14.591166496276855 + ], + [ + "▁timbre", + -14.591168403625488 + ], + [ + "▁Gratuit", + -14.59117031097412 + ], + [ + "▁queried", + -14.59117031097412 + ], + [ + "▁Wycombe", + -14.591171264648438 + ], + [ + "▁TERMS", + -14.591172218322754 + ], + [ + "▁abject", + -14.591172218322754 + ], + [ + "▁Crabtree", + -14.59117317199707 + ], + [ + "▁Florentine", + -14.591174125671388 + ], + [ + "▁paramilitary", + -14.591174125671388 + ], + [ + "▁Berklee", + -14.591175079345703 + ], + [ + "▁Vivint", + -14.591180801391602 + ], + [ + "plegia", + -14.591181755065918 + ], + [ + "▁Palmyra", + -14.591181755065918 + ], + [ + "▁UMBC", + -14.591181755065918 + ], + [ + "▁Cranston", + -14.5911865234375 + ], + [ + "▁medicated", + -14.591196060180664 + ], + [ + "▁Dvd", + -14.591201782226562 + ], + [ + "▁polymerase", + -14.591215133666992 + ], + [ + "▁MIUI", + -14.59122085571289 + ], + [ + "▁holler", + -14.591222763061523 + ], + [ + "▁Kanban", + -14.591227531433104 + ], + [ + "▁rammed", + -14.591227531433104 + ], + [ + "▁Bosworth", + -14.591240882873535 + ], + [ + "▁mopping", + -14.591257095336914 + ], + [ + "▁scammed", + -14.591259956359863 + ], + [ + "▁Superbowl", + -14.591268539428713 + ], + [ + "▁faking", + -14.591282844543455 + ], + [ + "VX", + -14.591297149658203 + ], + [ + "▁Abercrombie", + -14.591299057006836 + ], + [ + "▁Kyrie", + -14.59132194519043 + ], + [ + "▁Illumination", + -14.591347694396973 + ], + [ + "▁gander", + -14.591358184814451 + ], + [ + "▁scarier", + -14.591360092163086 + ], + [ + "britain", + -14.5913724899292 + ], + [ + "plasia", + -14.59139347076416 + ], + [ + "▁cnc", + -14.591397285461426 + ], + [ + "▁rainstorm", + -14.591423988342283 + ], + [ + "▁Carrington", + -14.591442108154297 + ], + [ + "0.11", + -14.591485023498535 + ], + [ + "▁Mosley", + -14.59151840209961 + ], + [ + "▁ONCE", + -14.591567993164062 + ], + [ + "▁polymeric", + -14.591604232788086 + ], + [ + "▁Considerations", + -14.59162425994873 + ], + [ + "▁MRSA", + -14.59162425994873 + ], + [ + "▁commendation", + -14.591629981994627 + ], + [ + "▁tiebreaker", + -14.591639518737791 + ], + [ + "hypersensitivity", + -14.591646194458008 + ], + [ + "ENTE", + -14.591691970825195 + ], + [ + "eeb", + -14.591703414916992 + ], + [ + "▁Bahru", + -14.591703414916992 + ], + [ + "▁headwinds", + -14.591703414916992 + ], + [ + "▁Nunes", + -14.59170913696289 + ], + [ + "BJP", + -14.59172534942627 + ], + [ + "▁PARIS", + -14.591726303100586 + ], + [ + "▁choreograph", + -14.59178352355957 + ], + [ + "▁deflated", + -14.591784477233888 + ], + [ + "fertility", + -14.591827392578123 + ], + [ + "▁Harbin", + -14.591830253601074 + ], + [ + "oho", + -14.591837882995604 + ], + [ + "WFP", + -14.591843605041504 + ], + [ + "▁Denison", + -14.59188461303711 + ], + [ + "▁OPPO", + -14.591915130615234 + ], + [ + "▁Throat", + -14.591925621032717 + ], + [ + "seek", + -14.591948509216309 + ], + [ + "▁Montag", + -14.591983795166016 + ], + [ + "▁Ervin", + -14.591998100280762 + ], + [ + "Mir", + -14.592010498046877 + ], + [ + "▁Hassel", + -14.59201431274414 + ], + [ + "xion", + -14.592033386230469 + ], + [ + "053", + -14.592060089111328 + ], + [ + "▁undermount", + -14.59206485748291 + ], + [ + "cile", + -14.592070579528809 + ], + [ + "▁Booklet", + -14.592113494873049 + ], + [ + "▁methodically", + -14.592161178588867 + ], + [ + "TAB", + -14.592188835144045 + ], + [ + "▁Superstore", + -14.592220306396484 + ], + [ + "Medica", + -14.592262268066406 + ], + [ + "Troy", + -14.592324256896973 + ], + [ + "riba", + -14.592382431030272 + ], + [ + "AAAAA", + -14.592394828796388 + ], + [ + "▁biohazard", + -14.59241008758545 + ], + [ + "▁1-2-3", + -14.592412948608398 + ], + [ + "▁newsworthy", + -14.592413902282717 + ], + [ + "039;", + -14.592424392700195 + ], + [ + "CHRIS", + -14.592443466186523 + ], + [ + "▁Proactive", + -14.592516899108888 + ], + [ + "▁Upright", + -14.592547416687012 + ], + [ + "▁JVM", + -14.59255313873291 + ], + [ + "▁KID", + -14.592621803283691 + ], + [ + "▁Solved", + -14.592631340026855 + ], + [ + "▁bodes", + -14.592668533325195 + ], + [ + "1967", + -14.592676162719728 + ], + [ + "ué", + -14.592697143554688 + ], + [ + "chette", + -14.592703819274902 + ], + [ + "pem", + -14.592764854431152 + ], + [ + "▁schoolhouse", + -14.592764854431152 + ], + [ + "▁TXT", + -14.59278392791748 + ], + [ + "▁prioritised", + -14.592820167541504 + ], + [ + "▁Fabri", + -14.592850685119627 + ], + [ + "▁Baseline", + -14.592883110046388 + ], + [ + "▁Repairing", + -14.592958450317385 + ], + [ + "▁McEl", + -14.592968940734863 + ], + [ + "▁radiological", + -14.59300422668457 + ], + [ + "Wade", + -14.593016624450684 + ], + [ + "anity", + -14.59303379058838 + ], + [ + "▁Minerva", + -14.59303855895996 + ], + [ + "▁replenishing", + -14.593064308166504 + ], + [ + "▁Emo", + -14.59306526184082 + ], + [ + "Advertise", + -14.593080520629885 + ], + [ + "▁suspenseful", + -14.59317684173584 + ], + [ + "Mask", + -14.593188285827637 + ], + [ + "▁attentively", + -14.593188285827637 + ], + [ + "flyer", + -14.593189239501951 + ], + [ + "▁purged", + -14.593225479125977 + ], + [ + "panic", + -14.593268394470217 + ], + [ + "▁heartless", + -14.593273162841797 + ], + [ + "zioni", + -14.593318939208984 + ], + [ + "▁talkative", + -14.593351364135742 + ], + [ + "▁Derm", + -14.593364715576172 + ], + [ + "IHS", + -14.593417167663574 + ], + [ + "▁Manuka", + -14.59343433380127 + ], + [ + "Classical", + -14.593453407287598 + ], + [ + "usb", + -14.593481063842772 + ], + [ + "▁TLR", + -14.593504905700684 + ], + [ + "▁27.5", + -14.59351921081543 + ], + [ + "▁Coward", + -14.593528747558594 + ], + [ + "▁preemptive", + -14.593631744384766 + ], + [ + "▁Osteopath", + -14.593653678894045 + ], + [ + "▁11:5", + -14.59365463256836 + ], + [ + "▁Marquee", + -14.593762397766112 + ], + [ + "▁undoing", + -14.593783378601074 + ], + [ + "▁overwritten", + -14.59382152557373 + ], + [ + "44)", + -14.593847274780272 + ], + [ + "▁USAF", + -14.593960762023926 + ], + [ + "TICS", + -14.594000816345217 + ], + [ + "▁Akira", + -14.594054222106934 + ], + [ + "yaz", + -14.594117164611816 + ], + [ + "graphical", + -14.59414291381836 + ], + [ + "▁RTF", + -14.594156265258787 + ], + [ + "1943", + -14.594165802001951 + ], + [ + "ksh", + -14.594185829162598 + ], + [ + "▁Magee", + -14.594278335571287 + ], + [ + "▁moveable", + -14.594311714172363 + ], + [ + "Dealer", + -14.594354629516602 + ], + [ + "▁TAI", + -14.594362258911133 + ], + [ + "BAT", + -14.59438133239746 + ], + [ + "▁$115", + -14.594388961791992 + ], + [ + "▁personified", + -14.594390869140623 + ], + [ + "▁Forming", + -14.59442138671875 + ], + [ + "Juan", + -14.59444808959961 + ], + [ + "iowa", + -14.594473838806152 + ], + [ + "▁Yip", + -14.594481468200684 + ], + [ + "Ingredient", + -14.594491004943848 + ], + [ + "4-19", + -14.594499588012695 + ], + [ + "▁AUM", + -14.594732284545898 + ], + [ + "▁Crain", + -14.594754219055176 + ], + [ + "▁Guang", + -14.594768524169922 + ], + [ + "▁AAU", + -14.594770431518556 + ], + [ + "Levitt", + -14.594792366027832 + ], + [ + "▁Helpers", + -14.594799995422363 + ], + [ + "▁Rupees", + -14.594843864440918 + ], + [ + "▁choker", + -14.59485149383545 + ], + [ + "▁Aung", + -14.594862937927246 + ], + [ + "▁Refreshing", + -14.594886779785156 + ], + [ + "▁roofline", + -14.594910621643066 + ], + [ + "▁waterpark", + -14.594911575317385 + ], + [ + "▁Supp", + -14.594918251037598 + ], + [ + "▁braced", + -14.594929695129396 + ], + [ + "▁Angelic", + -14.594938278198242 + ], + [ + "Mouse", + -14.594953536987305 + ], + [ + "▁08:00", + -14.594995498657228 + ], + [ + "▁Jahr", + -14.595013618469238 + ], + [ + "▁Lice", + -14.595014572143556 + ], + [ + "MRF", + -14.595206260681152 + ], + [ + "INNER", + -14.595240592956545 + ], + [ + "▁Sharpie", + -14.59524154663086 + ], + [ + "▁Provisional", + -14.59524917602539 + ], + [ + "paris", + -14.595259666442873 + ], + [ + "IBS", + -14.595324516296388 + ], + [ + "lja", + -14.595380783081056 + ], + [ + "▁Kirch", + -14.595524787902832 + ], + [ + "▁Gogo", + -14.595528602600098 + ], + [ + "wx", + -14.595702171325684 + ], + [ + "▁Kham", + -14.59571647644043 + ], + [ + "▁Pasha", + -14.595723152160645 + ], + [ + "vata", + -14.59572982788086 + ], + [ + "▁jihadists", + -14.59582805633545 + ], + [ + "idoo", + -14.595909118652344 + ], + [ + "immel", + -14.596067428588867 + ], + [ + "▁Bij", + -14.596146583557127 + ], + [ + "ccompanying", + -14.596226692199709 + ], + [ + "vary", + -14.59624481201172 + ], + [ + "▁sportsbooks", + -14.596271514892578 + ], + [ + "▁UML", + -14.596277236938477 + ], + [ + "▁sleeker", + -14.596332550048828 + ], + [ + "oozy", + -14.59640121459961 + ], + [ + "positioned", + -14.59645175933838 + ], + [ + "fron", + -14.59645652770996 + ], + [ + "▁10-14", + -14.59653377532959 + ], + [ + "▁$750,000", + -14.596540451049805 + ], + [ + "▁sociopath", + -14.596623420715332 + ], + [ + "▁FRE", + -14.596705436706545 + ], + [ + "▁Whitehouse", + -14.596725463867188 + ], + [ + "BOARD", + -14.596734046936035 + ], + [ + "▁Sprinter", + -14.596742630004885 + ], + [ + "Creativity", + -14.59675407409668 + ], + [ + "Depth", + -14.596756935119627 + ], + [ + "SAA", + -14.596757888793944 + ], + [ + "Facing", + -14.596760749816896 + ], + [ + "fantasy", + -14.596773147583008 + ], + [ + "chicago", + -14.596796989440918 + ], + [ + "conforming", + -14.596807479858398 + ], + [ + "Dominic", + -14.596823692321776 + ], + [ + "nour", + -14.596881866455078 + ], + [ + "▁Biosciences", + -14.596881866455078 + ], + [ + "hardware", + -14.596935272216797 + ], + [ + "▁Mingle", + -14.5969820022583 + ], + [ + "▁nodules", + -14.596982955932615 + ], + [ + "announced", + -14.59699821472168 + ], + [ + "DOM", + -14.597020149230955 + ], + [ + "Travelling", + -14.597023963928224 + ], + [ + "▁hoarder", + -14.597027778625488 + ], + [ + "3-24", + -14.597036361694336 + ], + [ + "Beginner", + -14.597073554992676 + ], + [ + "Movement", + -14.597074508666992 + ], + [ + "Determin", + -14.597105026245115 + ], + [ + "▁Hain", + -14.597118377685549 + ], + [ + "essler", + -14.597132682800291 + ], + [ + "▁Agio", + -14.59720516204834 + ], + [ + "timber", + -14.59723949432373 + ], + [ + "▁Highlander", + -14.597264289855955 + ], + [ + "Jackie", + -14.597284317016602 + ], + [ + "diverse", + -14.597302436828612 + ], + [ + "▁Xia", + -14.59736156463623 + ], + [ + "whelming", + -14.597379684448242 + ], + [ + "▁slipcover", + -14.597400665283203 + ], + [ + "▁Blob", + -14.597406387329102 + ], + [ + "rland", + -14.597490310668944 + ], + [ + "▁videogames", + -14.597617149353027 + ], + [ + "▁touts", + -14.597620964050291 + ], + [ + "Energi", + -14.597700119018556 + ], + [ + "▁showerhead", + -14.59770393371582 + ], + [ + "▁Sku", + -14.597723960876465 + ], + [ + "esophageal", + -14.597813606262209 + ], + [ + "Supporters", + -14.597814559936523 + ], + [ + "brooke", + -14.597820281982422 + ], + [ + "seminar", + -14.597901344299316 + ], + [ + "ulum", + -14.59790325164795 + ], + [ + "holi", + -14.597978591918944 + ], + [ + "▁PVD", + -14.59801959991455 + ], + [ + "▁faultless", + -14.59808349609375 + ], + [ + "▁ADB", + -14.598151206970217 + ], + [ + "▁$0.5", + -14.59815502166748 + ], + [ + "idin", + -14.598318099975586 + ], + [ + "▁genie", + -14.598359107971191 + ], + [ + "▁petro", + -14.598406791687012 + ], + [ + "▁Tariq", + -14.598430633544922 + ], + [ + "▁Malaya", + -14.598448753356934 + ], + [ + "▁complimenting", + -14.598480224609377 + ], + [ + "Laurie", + -14.59848976135254 + ], + [ + "Coaching", + -14.5985107421875 + ], + [ + "▁biannual", + -14.59851360321045 + ], + [ + "▁octagon", + -14.59852123260498 + ], + [ + "▁Ciudad", + -14.598613739013672 + ], + [ + "▁Cuyahoga", + -14.598613739013672 + ], + [ + "▁Ellsworth", + -14.598613739013672 + ], + [ + "▁Gynecology", + -14.598613739013672 + ], + [ + "▁Tragedy", + -14.598613739013672 + ], + [ + "▁appendices", + -14.598613739013672 + ], + [ + "▁cauldron", + -14.598613739013672 + ], + [ + "▁industrious", + -14.598613739013672 + ], + [ + "▁interoperable", + -14.598613739013672 + ], + [ + "▁perceiving", + -14.598613739013672 + ], + [ + "▁phosphorylation", + -14.598613739013672 + ], + [ + "▁suffocating", + -14.598613739013672 + ], + [ + "▁superstitious", + -14.598613739013672 + ], + [ + "▁nashville", + -14.598614692687988 + ], + [ + "congruent", + -14.598615646362305 + ], + [ + "▁Laxmi", + -14.598615646362305 + ], + [ + "▁Smadav", + -14.598615646362305 + ], + [ + "▁delineation", + -14.598615646362305 + ], + [ + "Khan", + -14.59861660003662 + ], + [ + "Glaucoma", + -14.598621368408203 + ], + [ + "▁displacing", + -14.598621368408203 + ], + [ + "▁Beasley", + -14.598625183105469 + ], + [ + "▁disintegration", + -14.598625183105469 + ], + [ + "▁prosecco", + -14.598627090454102 + ], + [ + "▁Pesticide", + -14.598628997802734 + ], + [ + "▁modulus", + -14.598638534545898 + ], + [ + "▁Vallejo", + -14.59865379333496 + ], + [ + "▁doorknob", + -14.598655700683594 + ], + [ + "▁ionization", + -14.598661422729492 + ], + [ + "▁subcategories", + -14.598663330078123 + ], + [ + "▁Burrell", + -14.598670959472656 + ], + [ + "▁unaffordable", + -14.598679542541504 + ], + [ + "▁Nashua", + -14.59868049621582 + ], + [ + "▁Castello", + -14.598681449890137 + ], + [ + "▁FOIA", + -14.5986909866333 + ], + [ + "▁DEATH", + -14.5986967086792 + ], + [ + "▁Fuego", + -14.598709106445312 + ], + [ + "▁autonomic", + -14.598711967468262 + ], + [ + "▁Deakin", + -14.598722457885742 + ], + [ + "▁Marxism", + -14.59874153137207 + ], + [ + "▁Trau", + -14.598758697509766 + ], + [ + "▁disused", + -14.598773956298828 + ], + [ + "▁Messina", + -14.598817825317385 + ], + [ + "▁Flagship", + -14.598840713500977 + ], + [ + "alinga", + -14.598848342895508 + ], + [ + "▁Langdon", + -14.598855018615724 + ], + [ + "▁retroactively", + -14.59885597229004 + ], + [ + "▁Feline", + -14.598859786987305 + ], + [ + "▁Enbridge", + -14.598883628845217 + ], + [ + "▁Chilton", + -14.598891258239746 + ], + [ + "▁Preet", + -14.598892211914062 + ], + [ + "▁chairwoman", + -14.598894119262695 + ], + [ + "▁traffickers", + -14.598905563354492 + ], + [ + "▁Spoken", + -14.59892749786377 + ], + [ + "3.7%", + -14.598933219909668 + ], + [ + "▁Gaiman", + -14.598957061767578 + ], + [ + "▁Octane", + -14.598976135253906 + ], + [ + "umbra", + -14.599081993103027 + ], + [ + "raff", + -14.59908390045166 + ], + [ + "HIT", + -14.599102020263672 + ], + [ + "▁fashionistas", + -14.599140167236328 + ], + [ + "▁GNSS", + -14.59914207458496 + ], + [ + "▁repeatability", + -14.599238395690918 + ], + [ + "Url", + -14.5992431640625 + ], + [ + "▁Combe", + -14.599263191223145 + ], + [ + "▁leptin", + -14.599278450012209 + ], + [ + "singing", + -14.599287033081056 + ], + [ + "▁Elgar", + -14.599308967590332 + ], + [ + "Blazing", + -14.59931182861328 + ], + [ + "▁Endgame", + -14.599319458007812 + ], + [ + "▁Foyer", + -14.59933090209961 + ], + [ + "▁Susanne", + -14.59934425354004 + ], + [ + "▁BlackRock", + -14.599367141723633 + ], + [ + "▁Stationary", + -14.599376678466797 + ], + [ + "▁Caffe", + -14.59938144683838 + ], + [ + "Gillingham", + -14.599421501159668 + ], + [ + "▁Kirin", + -14.599453926086426 + ], + [ + "▁snowshoeing", + -14.599482536315918 + ], + [ + "▁baseboards", + -14.599510192871094 + ], + [ + "▁TCA", + -14.599529266357422 + ], + [ + "▁Teamwork", + -14.59954833984375 + ], + [ + "rational", + -14.599746704101562 + ], + [ + "▁dino", + -14.599774360656738 + ], + [ + "▁NRS", + -14.599780082702637 + ], + [ + "Understandably", + -14.599790573120115 + ], + [ + "▁rehabilitated", + -14.599807739257812 + ], + [ + "araj", + -14.599809646606444 + ], + [ + "▁Powerball", + -14.599851608276367 + ], + [ + "eighth", + -14.599870681762695 + ], + [ + "▁xmas", + -14.59992790222168 + ], + [ + "nosis", + -14.599977493286133 + ], + [ + "▁conjured", + -14.59999942779541 + ], + [ + "10:30", + -14.600014686584473 + ], + [ + "▁grafted", + -14.60003662109375 + ], + [ + "▁Raffles", + -14.600043296813965 + ], + [ + "KON", + -14.600089073181152 + ], + [ + "3-17", + -14.600127220153809 + ], + [ + "▁underweight", + -14.600142478942873 + ], + [ + "▁predominate", + -14.6001558303833 + ], + [ + "1962", + -14.60016632080078 + ], + [ + "▁Schei", + -14.600173950195312 + ], + [ + "▁Orbital", + -14.60021686553955 + ], + [ + "▁Silber", + -14.600249290466309 + ], + [ + "OCC", + -14.600278854370115 + ], + [ + "▁Millar", + -14.600282669067385 + ], + [ + "ativity", + -14.600321769714355 + ], + [ + "HELP", + -14.600408554077148 + ], + [ + "▁PLANT", + -14.600408554077148 + ], + [ + "▁Clima", + -14.600411415100098 + ], + [ + "NLP", + -14.60049057006836 + ], + [ + "HCC", + -14.600512504577637 + ], + [ + "▁knitters", + -14.60063934326172 + ], + [ + "▁Freeware", + -14.600754737854004 + ], + [ + "▁upsell", + -14.600811958312988 + ], + [ + "▁downtrend", + -14.600820541381836 + ], + [ + "▁subsea", + -14.600863456726074 + ], + [ + "▁#17", + -14.60086441040039 + ], + [ + "▁Unlocking", + -14.600869178771973 + ], + [ + "▁dispensation", + -14.6008882522583 + ], + [ + "$40", + -14.600942611694336 + ], + [ + "Hate", + -14.600964546203612 + ], + [ + "▁Yellen", + -14.60098934173584 + ], + [ + "Spam", + -14.60102081298828 + ], + [ + "▁Roque", + -14.601059913635254 + ], + [ + "▁anarchy", + -14.601078033447266 + ], + [ + "cracy", + -14.601104736328123 + ], + [ + "▁Braden", + -14.601120948791504 + ], + [ + "tracker", + -14.601134300231934 + ], + [ + "▁Talon", + -14.601158142089844 + ], + [ + "poort", + -14.601168632507324 + ], + [ + "▁pathos", + -14.60119342803955 + ], + [ + "faction", + -14.60122013092041 + ], + [ + "▁$74", + -14.601242065429688 + ], + [ + "holland", + -14.601245880126951 + ], + [ + "kj", + -14.601354598999023 + ], + [ + "=””", + -14.601396560668944 + ], + [ + "▁tableau", + -14.6014986038208 + ], + [ + "▁korean", + -14.601585388183594 + ], + [ + "attu", + -14.6016206741333 + ], + [ + "▁Letterman", + -14.60177516937256 + ], + [ + "▁Expat", + -14.601786613464355 + ], + [ + "▁Groot", + -14.601819038391112 + ], + [ + "▁Gulch", + -14.60188102722168 + ], + [ + "▁Wrench", + -14.601898193359377 + ], + [ + "Este", + -14.601901054382324 + ], + [ + "▁Foothills", + -14.601906776428224 + ], + [ + "▁dramatis", + -14.6019926071167 + ], + [ + "▁litigants", + -14.602004051208496 + ], + [ + "▁UIC", + -14.602031707763672 + ], + [ + "▁enchilada", + -14.60204792022705 + ], + [ + "▁nymph", + -14.602079391479492 + ], + [ + "tome", + -14.60218906402588 + ], + [ + "▁Capa", + -14.602194786071776 + ], + [ + "▁glyco", + -14.602210998535156 + ], + [ + "resourced", + -14.60231876373291 + ], + [ + "▁Tsai", + -14.60242748260498 + ], + [ + "dimension", + -14.602437019348145 + ], + [ + "▁plastering", + -14.602537155151367 + ], + [ + "▁Bombers", + -14.602643966674805 + ], + [ + "▁microsite", + -14.602656364440918 + ], + [ + "▁19:1", + -14.602723121643066 + ], + [ + "▁Tye", + -14.602734565734863 + ], + [ + "landia", + -14.602758407592772 + ], + [ + "▁wisest", + -14.60277271270752 + ], + [ + "MASTER", + -14.602801322937012 + ], + [ + "▁Divider", + -14.602934837341309 + ], + [ + "▁fut", + -14.60293674468994 + ], + [ + "OPT", + -14.602970123291016 + ], + [ + "phar", + -14.603164672851562 + ], + [ + "Esteem", + -14.603196144104004 + ], + [ + "▁Maho", + -14.6032075881958 + ], + [ + "collect", + -14.603238105773926 + ], + [ + "▁aristocrat", + -14.603306770324709 + ], + [ + "lectromechanical", + -14.603355407714844 + ], + [ + "▁LEADER", + -14.603437423706056 + ], + [ + "▁crafter", + -14.60348129272461 + ], + [ + "▁foursome", + -14.603521347045898 + ], + [ + "▁Chern", + -14.60352611541748 + ], + [ + "▁Wain", + -14.60352897644043 + ], + [ + "Effortless", + -14.60354995727539 + ], + [ + "▁Plow", + -14.603562355041504 + ], + [ + "▁Mord", + -14.60364818572998 + ], + [ + "Technica", + -14.603771209716797 + ], + [ + "DDR", + -14.603787422180176 + ], + [ + "▁Pesto", + -14.603789329528809 + ], + [ + "▁Ruin", + -14.603822708129885 + ], + [ + "wonder", + -14.603894233703612 + ], + [ + "▁WOD", + -14.603963851928713 + ], + [ + "▁Tubing", + -14.604012489318848 + ], + [ + "ESPN", + -14.604050636291504 + ], + [ + "2200", + -14.604071617126465 + ], + [ + "pulsion", + -14.60414218902588 + ], + [ + "deploy", + -14.604196548461914 + ], + [ + "opera", + -14.604325294494627 + ], + [ + "ewicz", + -14.60433292388916 + ], + [ + "▁$0.4", + -14.604345321655272 + ], + [ + "ometri", + -14.60438632965088 + ], + [ + "1:27", + -14.604410171508787 + ], + [ + "Opinion", + -14.60443115234375 + ], + [ + "Eligibility", + -14.6044340133667 + ], + [ + "Ceramic", + -14.604439735412598 + ], + [ + "Difficult", + -14.604449272155762 + ], + [ + "Verizon", + -14.604458808898926 + ], + [ + "Nicholas", + -14.60446071624756 + ], + [ + "transmission", + -14.604461669921877 + ], + [ + "musik", + -14.60446548461914 + ], + [ + "Harvey", + -14.604480743408203 + ], + [ + "RSVP", + -14.604483604431152 + ], + [ + "▁inexpensively", + -14.604541778564451 + ], + [ + "HCS", + -14.604558944702148 + ], + [ + "▁Omer", + -14.604558944702148 + ], + [ + "Remain", + -14.604631423950195 + ], + [ + "Contrast", + -14.60463809967041 + ], + [ + "laminate", + -14.604681015014648 + ], + [ + "elius", + -14.604701042175291 + ], + [ + "Personalized", + -14.604706764221191 + ], + [ + "Fundamentally", + -14.604707717895508 + ], + [ + "ventura", + -14.604726791381836 + ], + [ + "CHEN", + -14.60474681854248 + ], + [ + "Fiction", + -14.60478401184082 + ], + [ + "Clever", + -14.60483455657959 + ], + [ + "▁defini", + -14.604952812194824 + ], + [ + "Piano", + -14.604966163635254 + ], + [ + "attended", + -14.604970932006836 + ], + [ + "▁tuba", + -14.604970932006836 + ], + [ + "CHER", + -14.60503387451172 + ], + [ + "Nord", + -14.605042457580566 + ], + [ + "giu", + -14.60505199432373 + ], + [ + "Specification", + -14.605059623718262 + ], + [ + "▁chrono", + -14.605108261108398 + ], + [ + "1.14", + -14.60511302947998 + ], + [ + "4.6%", + -14.60512638092041 + ], + [ + "expo", + -14.605165481567385 + ], + [ + "▁$650", + -14.605209350585938 + ], + [ + "starring", + -14.605216979980469 + ], + [ + "outstanding", + -14.60522174835205 + ], + [ + "gazette", + -14.605391502380373 + ], + [ + "eglazing", + -14.605420112609863 + ], + [ + "▁dishonor", + -14.60545253753662 + ], + [ + "▁Erich", + -14.605545997619627 + ], + [ + "Arabic", + -14.605594635009766 + ], + [ + "▁Hora", + -14.605695724487305 + ], + [ + "amour", + -14.605758666992188 + ], + [ + "▁Intercom", + -14.605782508850098 + ], + [ + "▁30-35", + -14.60581398010254 + ], + [ + "▁Trai", + -14.605843544006348 + ], + [ + "Blogger", + -14.60584831237793 + ], + [ + "▁blanch", + -14.605862617492676 + ], + [ + "1,2", + -14.605878829956056 + ], + [ + "HMC", + -14.605917930603027 + ], + [ + "ekar", + -14.605955123901367 + ], + [ + "▁prescient", + -14.606019973754885 + ], + [ + "ielle", + -14.60603141784668 + ], + [ + "▁frontrunner", + -14.606119155883787 + ], + [ + "▁Celesti", + -14.606121063232422 + ], + [ + "Musculoskeletal", + -14.60613250732422 + ], + [ + "Testimony", + -14.60613250732422 + ], + [ + "▁Bautista", + -14.60613250732422 + ], + [ + "▁Canaveral", + -14.60613250732422 + ], + [ + "▁Djibouti", + -14.60613250732422 + ], + [ + "▁Eldorado", + -14.60613250732422 + ], + [ + "▁Guadalajara", + -14.60613250732422 + ], + [ + "▁Hermione", + -14.60613250732422 + ], + [ + "▁Lethbridge", + -14.60613250732422 + ], + [ + "▁Mukherjee", + -14.60613250732422 + ], + [ + "▁Svalbard", + -14.60613250732422 + ], + [ + "▁Tabernacle", + -14.60613250732422 + ], + [ + "▁beautification", + -14.60613250732422 + ], + [ + "▁coercion", + -14.60613250732422 + ], + [ + "▁fajita", + -14.60613250732422 + ], + [ + "▁hgtv", + -14.60613250732422 + ], + [ + "▁igniting", + -14.60613250732422 + ], + [ + "▁inconclusive", + -14.60613250732422 + ], + [ + "▁rebuttal", + -14.60613250732422 + ], + [ + "▁sanitizing", + -14.60613250732422 + ], + [ + "▁secretarial", + -14.60613250732422 + ], + [ + "▁tyrosine", + -14.60613250732422 + ], + [ + "▁undesired", + -14.60613250732422 + ], + [ + "▁Frisbee", + -14.606133460998535 + ], + [ + "▁México", + -14.606133460998535 + ], + [ + "▁Othello", + -14.606133460998535 + ], + [ + "▁infallible", + -14.606133460998535 + ], + [ + "▁postponing", + -14.606133460998535 + ], + [ + "▁qualms", + -14.606133460998535 + ], + [ + "▁Simmonds", + -14.606134414672852 + ], + [ + "▁sartorial", + -14.606134414672852 + ], + [ + "▁Allegro", + -14.606135368347168 + ], + [ + "▁Territorial", + -14.606135368347168 + ], + [ + "▁fastidious", + -14.606138229370115 + ], + [ + "▁Beneficial", + -14.606142044067385 + ], + [ + "▁deterrence", + -14.606142044067385 + ], + [ + "▁electrolysis", + -14.606142044067385 + ], + [ + "▁quibble", + -14.606143951416016 + ], + [ + "▁Micheal", + -14.606146812438965 + ], + [ + "▁£200,000", + -14.60614776611328 + ], + [ + "▁JAMES", + -14.606151580810549 + ], + [ + "▁Yolanda", + -14.606152534484863 + ], + [ + "▁aureus", + -14.60615348815918 + ], + [ + "▁stench", + -14.606157302856444 + ], + [ + "▁riparian", + -14.606159210205078 + ], + [ + "▁Dietetic", + -14.606161117553713 + ], + [ + "▁Kershaw", + -14.606162071228027 + ], + [ + "▁Sublime", + -14.60616397857666 + ], + [ + "▁Geophysical", + -14.606165885925291 + ], + [ + "▁brazilian", + -14.606165885925291 + ], + [ + "▁CANADA", + -14.606175422668455 + ], + [ + "▁PRACTI", + -14.60617733001709 + ], + [ + "▁optometry", + -14.60617733001709 + ], + [ + "▁Oliveira", + -14.606195449829102 + ], + [ + "▁12.6", + -14.606196403503418 + ], + [ + "▁PageRank", + -14.606213569641112 + ], + [ + "▁Travers", + -14.606250762939451 + ], + [ + "▁Nimble", + -14.606263160705566 + ], + [ + "▁Stallone", + -14.606266975402832 + ], + [ + "▁Bonsai", + -14.60628604888916 + ], + [ + "▁Liars", + -14.606303215026855 + ], + [ + "▁SNS", + -14.606307983398438 + ], + [ + "▁Milligan", + -14.60630989074707 + ], + [ + "00000000", + -14.60633659362793 + ], + [ + "▁PUMA", + -14.60633945465088 + ], + [ + "▁Reece", + -14.606352806091309 + ], + [ + "▁Sangha", + -14.606362342834473 + ], + [ + "▁Greenwald", + -14.606364250183104 + ], + [ + "▁Dahlia", + -14.606380462646484 + ], + [ + "▁seahorse", + -14.60640811920166 + ], + [ + "▁Napoleonic", + -14.606411933898926 + ], + [ + "▁Carving", + -14.60643482208252 + ], + [ + "▁prebiotic", + -14.606485366821287 + ], + [ + "▁disbursed", + -14.606493949890137 + ], + [ + "▁beagle", + -14.606497764587402 + ], + [ + "▁Nozzle", + -14.606513023376465 + ], + [ + "▁Meli", + -14.60651683807373 + ], + [ + "▁northernmost", + -14.606563568115234 + ], + [ + "▁Lomond", + -14.606585502624512 + ], + [ + "▁Dauphin", + -14.606586456298828 + ], + [ + "▁Freiburg", + -14.60660171508789 + ], + [ + "▁19:00", + -14.606605529785156 + ], + [ + "▁TDI", + -14.60662078857422 + ], + [ + "▁precondition", + -14.606629371643066 + ], + [ + "▁Rij", + -14.606630325317385 + ], + [ + "▁Lewisham", + -14.606640815734863 + ], + [ + "▁ridesharing", + -14.606644630432127 + ], + [ + "22-23", + -14.606672286987305 + ], + [ + "▁Stitches", + -14.606685638427734 + ], + [ + "▁Selector", + -14.60670280456543 + ], + [ + "▁Shuffle", + -14.606754302978516 + ], + [ + "CTL", + -14.60676383972168 + ], + [ + "▁muddled", + -14.606821060180664 + ], + [ + "Pun", + -14.606844902038574 + ], + [ + "▁.500", + -14.606870651245115 + ], + [ + "Qaida", + -14.606881141662598 + ], + [ + "ficial", + -14.606928825378418 + ], + [ + "▁13:1", + -14.607110977172852 + ], + [ + "▁VIEWS", + -14.607118606567385 + ], + [ + "▁Vikas", + -14.607126235961914 + ], + [ + "▁Refined", + -14.607179641723633 + ], + [ + "▁Futon", + -14.607226371765137 + ], + [ + "RIDGE", + -14.60726833343506 + ], + [ + "KAN", + -14.607292175292969 + ], + [ + "FEA", + -14.607306480407717 + ], + [ + "▁Eames", + -14.607324600219728 + ], + [ + "▁telepathic", + -14.607332229614258 + ], + [ + "CFS", + -14.607403755187988 + ], + [ + "▁biotin", + -14.607406616210938 + ], + [ + "▁Petrov", + -14.607413291931152 + ], + [ + "Specify", + -14.607423782348633 + ], + [ + "Lightly", + -14.607460021972656 + ], + [ + "TSL", + -14.607505798339844 + ], + [ + "▁$84", + -14.60752010345459 + ], + [ + "▁disclaim", + -14.607523918151855 + ], + [ + "▁willfully", + -14.607526779174805 + ], + [ + "▁docile", + -14.60753345489502 + ], + [ + "▁Scarpe", + -14.60764503479004 + ], + [ + "▁Puente", + -14.60771942138672 + ], + [ + "onte", + -14.607820510864258 + ], + [ + "▁Ponce", + -14.60787582397461 + ], + [ + "punctu", + -14.607876777648926 + ], + [ + "politan", + -14.607894897460938 + ], + [ + "▁kya", + -14.607943534851074 + ], + [ + "6-18", + -14.60796070098877 + ], + [ + "▁Corsica", + -14.607998847961426 + ], + [ + "Vita", + -14.608025550842283 + ], + [ + "▁1060", + -14.6080322265625 + ], + [ + "▁Commissioned", + -14.60805320739746 + ], + [ + "▁Salva", + -14.608132362365724 + ], + [ + "▁Fairway", + -14.608156204223633 + ], + [ + "schein", + -14.608235359191896 + ], + [ + "▁satu", + -14.608243942260742 + ], + [ + "▁Antonin", + -14.608322143554688 + ], + [ + "▁Westgate", + -14.608351707458496 + ], + [ + "arid", + -14.608359336853027 + ], + [ + "▁Engle", + -14.608388900756836 + ], + [ + "▁sunblock", + -14.608427047729492 + ], + [ + "▁(183", + -14.608442306518556 + ], + [ + "Passing", + -14.608470916748049 + ], + [ + "GAT", + -14.608516693115234 + ], + [ + "▁Batu", + -14.608529090881348 + ], + [ + "▁Mahan", + -14.608577728271484 + ], + [ + "▁EDTA", + -14.60862922668457 + ], + [ + "▁fete", + -14.608790397644045 + ], + [ + "carboxyl", + -14.608808517456056 + ], + [ + "▁blinked", + -14.60888671875 + ], + [ + ".5%)", + -14.608887672424316 + ], + [ + "▁Totem", + -14.60904312133789 + ], + [ + "▁Quintet", + -14.609227180480955 + ], + [ + "▁Jokes", + -14.609240531921388 + ], + [ + "elma", + -14.609304428100586 + ], + [ + "▁HRS", + -14.60935878753662 + ], + [ + "▁Kendal", + -14.609374046325684 + ], + [ + "▁darkroom", + -14.609376907348633 + ], + [ + "▁monographs", + -14.609395027160645 + ], + [ + "Medline", + -14.609469413757324 + ], + [ + "elek", + -14.609539031982422 + ], + [ + "▁Nanda", + -14.609541893005373 + ], + [ + "▁eels", + -14.609543800354004 + ], + [ + "▁Madera", + -14.60954475402832 + ], + [ + "▁outnumbered", + -14.60956859588623 + ], + [ + "▁haircare", + -14.609599113464355 + ], + [ + "Bern", + -14.609615325927734 + ], + [ + "elegant", + -14.609626770019531 + ], + [ + "yles", + -14.609663963317873 + ], + [ + "▁DPP", + -14.60968017578125 + ], + [ + "▁motorcyclist", + -14.609711647033691 + ], + [ + "▁designee", + -14.609743118286133 + ], + [ + "lassen", + -14.609760284423828 + ], + [ + "▁upswing", + -14.609769821166992 + ], + [ + "▁Firefighter", + -14.609771728515623 + ], + [ + "5.6%", + -14.609803199768066 + ], + [ + "finn", + -14.609832763671877 + ], + [ + "unden", + -14.609864234924316 + ], + [ + "▁Andrey", + -14.6099271774292 + ], + [ + "▁hippies", + -14.609930038452148 + ], + [ + "Invent", + -14.609944343566896 + ], + [ + "▁Polygon", + -14.609956741333008 + ], + [ + "1.5%", + -14.610136032104492 + ], + [ + "▁frit", + -14.610240936279297 + ], + [ + "munity", + -14.6102876663208 + ], + [ + "▁slipcovers", + -14.610289573669434 + ], + [ + "HPC", + -14.610326766967772 + ], + [ + "Marketwire", + -14.61040496826172 + ], + [ + "▁Cyst", + -14.61043930053711 + ], + [ + "▁Petco", + -14.61046314239502 + ], + [ + "chetti", + -14.610536575317385 + ], + [ + "▁Tecno", + -14.610584259033203 + ], + [ + "▁kebabs", + -14.61059284210205 + ], + [ + "6600", + -14.610600471496582 + ], + [ + "ferry", + -14.610669136047363 + ], + [ + "Bless", + -14.61067008972168 + ], + [ + "0.0%", + -14.610689163208008 + ], + [ + "▁NRG", + -14.610751152038574 + ], + [ + "triple", + -14.610828399658203 + ], + [ + "Collective", + -14.610971450805664 + ], + [ + "ORAL", + -14.610980033874512 + ], + [ + "wether", + -14.61112117767334 + ], + [ + "Wat", + -14.611226081848145 + ], + [ + "▁ogre", + -14.611230850219728 + ], + [ + "osti", + -14.611265182495115 + ], + [ + "▁streetscape", + -14.61143398284912 + ], + [ + "▁ACID", + -14.611451148986816 + ], + [ + "Vid", + -14.611520767211914 + ], + [ + "▁collard", + -14.61156940460205 + ], + [ + "▁RCS", + -14.611607551574709 + ], + [ + "▁IOM", + -14.611618995666504 + ], + [ + "ogne", + -14.611679077148438 + ], + [ + "▁xeno", + -14.611699104309082 + ], + [ + "▁Allowed", + -14.611722946166992 + ], + [ + "▁parsnips", + -14.611772537231444 + ], + [ + "HEC", + -14.611773490905762 + ], + [ + "▁gauged", + -14.611886024475098 + ], + [ + "2:55", + -14.611919403076172 + ], + [ + "▁Decline", + -14.611926078796388 + ], + [ + "Passengers", + -14.611952781677246 + ], + [ + "CTU", + -14.611979484558104 + ], + [ + "▁Emir", + -14.611982345581056 + ], + [ + "hig", + -14.612018585205078 + ], + [ + "ymphonic", + -14.612077713012695 + ], + [ + "lege", + -14.612082481384276 + ], + [ + "Sophomore", + -14.61216926574707 + ], + [ + "Arrival", + -14.612178802490234 + ], + [ + "Isaac", + -14.612181663513184 + ], + [ + "ingredient", + -14.612200736999512 + ], + [ + "protocol", + -14.612201690673828 + ], + [ + "Musical", + -14.61220645904541 + ], + [ + "Inventory", + -14.612208366394045 + ], + [ + "arche", + -14.612208366394045 + ], + [ + "nked", + -14.612212181091309 + ], + [ + "Bangladesh", + -14.612213134765623 + ], + [ + "Speech", + -14.612215995788574 + ], + [ + "copyright", + -14.612287521362305 + ], + [ + "▁LLB", + -14.612306594848633 + ], + [ + "boring", + -14.612310409545898 + ], + [ + "▁Warne", + -14.612323760986328 + ], + [ + "Partnership", + -14.612335205078123 + ], + [ + "trud", + -14.612354278564451 + ], + [ + "cicle", + -14.612364768981934 + ], + [ + "Carr", + -14.612383842468262 + ], + [ + "5.2%", + -14.612406730651855 + ], + [ + "parenting", + -14.61242389678955 + ], + [ + "omia", + -14.612432479858398 + ], + [ + "mediation", + -14.612526893615724 + ], + [ + "myself", + -14.612550735473633 + ], + [ + "▁Brach", + -14.612586975097656 + ], + [ + "DAA", + -14.61260223388672 + ], + [ + "▁Burglar", + -14.612675666809082 + ], + [ + "▁Lani", + -14.61268424987793 + ], + [ + "hugh", + -14.612709999084473 + ], + [ + "compression", + -14.612799644470217 + ], + [ + "Gender", + -14.612870216369627 + ], + [ + "objective", + -14.612988471984863 + ], + [ + "▁mythic", + -14.613014221191406 + ], + [ + "▁intertwine", + -14.61310863494873 + ], + [ + "franc", + -14.613200187683104 + ], + [ + "▁foreshadow", + -14.613205909729004 + ], + [ + "▁distillers", + -14.613239288330078 + ], + [ + "Cabinet", + -14.613323211669922 + ], + [ + "▁generalize", + -14.61339282989502 + ], + [ + "Bernard", + -14.613405227661133 + ], + [ + "▁Schol", + -14.613457679748535 + ], + [ + "▁unequivocal", + -14.613466262817385 + ], + [ + "▁paradoxical", + -14.613492012023926 + ], + [ + "▁soundbar", + -14.613507270812988 + ], + [ + "▁Jailbreak", + -14.61352825164795 + ], + [ + "Sandra", + -14.61355972290039 + ], + [ + "▁Algae", + -14.613607406616213 + ], + [ + "▁iframe", + -14.613637924194336 + ], + [ + "▁BAP", + -14.613676071166992 + ], + [ + "▁Enlighten", + -14.613677024841309 + ], + [ + "▁DAMAGE", + -14.613699913024902 + ], + [ + "Affiliation", + -14.61370849609375 + ], + [ + "Substantial", + -14.61370849609375 + ], + [ + "▁800-356-4092", + -14.61370849609375 + ], + [ + "▁Barracuda", + -14.61370849609375 + ], + [ + "▁Casserole", + -14.61370849609375 + ], + [ + "▁Centuries", + -14.61370849609375 + ], + [ + "▁HAPPEN", + -14.61370849609375 + ], + [ + "▁Reindeer", + -14.61370849609375 + ], + [ + "▁addendum", + -14.61370849609375 + ], + [ + "▁centennial", + -14.61370849609375 + ], + [ + "▁corduroy", + -14.61370849609375 + ], + [ + "▁hegemony", + -14.61370849609375 + ], + [ + "▁parochial", + -14.61370849609375 + ], + [ + "▁pheromone", + -14.61370849609375 + ], + [ + "▁repatriation", + -14.61370849609375 + ], + [ + "▁stupendous", + -14.61370849609375 + ], + [ + "Engraved", + -14.613709449768066 + ], + [ + "▁malignancy", + -14.613709449768066 + ], + [ + "▁nightmarish", + -14.613709449768066 + ], + [ + "▁Ghibli", + -14.6137113571167 + ], + [ + "▁Brandywine", + -14.613712310791016 + ], + [ + "▁Naturopathic", + -14.613712310791016 + ], + [ + "▁iguana", + -14.613712310791016 + ], + [ + "▁Vivaldi", + -14.613714218139648 + ], + [ + "▁Grenache", + -14.613715171813965 + ], + [ + "▁Salerno", + -14.613717079162598 + ], + [ + "▁Venezia", + -14.613717079162598 + ], + [ + "▁Confluence", + -14.61371898651123 + ], + [ + "▁Jyoti", + -14.61371898651123 + ], + [ + "▁certifies", + -14.61372184753418 + ], + [ + "▁Iverson", + -14.613722801208496 + ], + [ + "▁taxonomic", + -14.613722801208496 + ], + [ + "▁Harbaugh", + -14.613725662231444 + ], + [ + "▁SWIFT", + -14.613725662231444 + ], + [ + "▁Arvind", + -14.613726615905762 + ], + [ + "▁Borussia", + -14.613727569580078 + ], + [ + "▁Arafat", + -14.61373805999756 + ], + [ + "▁Wrestle", + -14.61373805999756 + ], + [ + "▁Toxicology", + -14.613739967346191 + ], + [ + "▁feign", + -14.613739967346191 + ], + [ + "▁eggnog", + -14.613741874694824 + ], + [ + "▁guava", + -14.613741874694824 + ], + [ + "▁blaring", + -14.61375331878662 + ], + [ + "▁Tarrant", + -14.613762855529783 + ], + [ + "▁talcum", + -14.613764762878418 + ], + [ + "▁multiplicity", + -14.613770484924316 + ], + [ + "▁unconfirmed", + -14.613777160644531 + ], + [ + "▁Healey", + -14.613779067993164 + ], + [ + "▁Kenyatta", + -14.613791465759276 + ], + [ + "▁Workbench", + -14.613795280456545 + ], + [ + "▁decryption", + -14.613800048828123 + ], + [ + "▁Handheld", + -14.61383056640625 + ], + [ + "▁rhizome", + -14.613836288452148 + ], + [ + "▁Romanesque", + -14.613849639892578 + ], + [ + "▁Zoology", + -14.613871574401855 + ], + [ + "▁aimlessly", + -14.613876342773438 + ], + [ + "▁Warbler", + -14.613900184631348 + ], + [ + "▁Alipay", + -14.613901138305664 + ], + [ + "▁Seung", + -14.613916397094728 + ], + [ + "▁petitioned", + -14.613931655883787 + ], + [ + "Proceeds", + -14.613943099975586 + ], + [ + "▁pullout", + -14.61396598815918 + ], + [ + "turk", + -14.61398983001709 + ], + [ + "▁scaly", + -14.613999366760254 + ], + [ + "▁Wildfire", + -14.614022254943848 + ], + [ + "lighter", + -14.61402702331543 + ], + [ + "▁jordans", + -14.61402702331543 + ], + [ + "▁bobby", + -14.614039421081545 + ], + [ + "corrected", + -14.614053726196287 + ], + [ + "Lago", + -14.614054679870604 + ], + [ + "▁trampled", + -14.61406421661377 + ], + [ + "▁Partridge", + -14.614065170288086 + ], + [ + "▁GameStop", + -14.614073753356934 + ], + [ + "▁salesmen", + -14.614089012145996 + ], + [ + "▁garter", + -14.614090919494627 + ], + [ + "▁MILES", + -14.614120483398438 + ], + [ + "▁Fb", + -14.614134788513184 + ], + [ + "▁improvisational", + -14.614144325256348 + ], + [ + "▁sisterhood", + -14.614145278930664 + ], + [ + "▁regretting", + -14.614216804504396 + ], + [ + "▁facie", + -14.614264488220217 + ], + [ + "▁Declan", + -14.614288330078123 + ], + [ + "RUP", + -14.614299774169922 + ], + [ + "13%", + -14.614334106445312 + ], + [ + "▁thrashing", + -14.614344596862791 + ], + [ + "▁Torture", + -14.61435317993164 + ], + [ + "▁VND", + -14.614383697509766 + ], + [ + "avy", + -14.614401817321776 + ], + [ + "▁Marysville", + -14.614447593688965 + ], + [ + "flexible", + -14.614450454711914 + ], + [ + "▁Bader", + -14.614497184753418 + ], + [ + "3.1%", + -14.614502906799316 + ], + [ + "▁Halton", + -14.614509582519531 + ], + [ + "▁Kagan", + -14.614540100097656 + ], + [ + "▁Xenon", + -14.614553451538086 + ], + [ + "▁Descent", + -14.614554405212402 + ], + [ + "▁Riser", + -14.614572525024414 + ], + [ + "▁Troms", + -14.614606857299805 + ], + [ + "eena", + -14.614654541015623 + ], + [ + "▁Winfield", + -14.614673614501951 + ], + [ + "gba", + -14.614675521850586 + ], + [ + "Strip", + -14.614709854125977 + ], + [ + "terror", + -14.614726066589355 + ], + [ + "▁Dever", + -14.614738464355469 + ], + [ + "▁dampened", + -14.614747047424316 + ], + [ + "▁scratchy", + -14.614813804626465 + ], + [ + "Memo", + -14.614832878112791 + ], + [ + "▁tampon", + -14.61484146118164 + ], + [ + "▁shyness", + -14.614867210388184 + ], + [ + "▁subtracted", + -14.614885330200195 + ], + [ + "COIN", + -14.614904403686523 + ], + [ + "▁puja", + -14.614924430847168 + ], + [ + "Peru", + -14.614925384521484 + ], + [ + "▁Merely", + -14.614948272705078 + ], + [ + "▁Brigid", + -14.61496639251709 + ], + [ + "▁personalizing", + -14.615020751953123 + ], + [ + "rending", + -14.615071296691896 + ], + [ + "baz", + -14.615097045898438 + ], + [ + "▁inclusiveness", + -14.615215301513672 + ], + [ + "▁Shimon", + -14.615301132202148 + ], + [ + "buro", + -14.615316390991213 + ], + [ + "▁Kura", + -14.615323066711426 + ], + [ + "▁credentialed", + -14.615349769592283 + ], + [ + "▁elicited", + -14.61539363861084 + ], + [ + "▁Coru", + -14.615396499633787 + ], + [ + "Packing", + -14.615474700927734 + ], + [ + "▁SANTA", + -14.615555763244627 + ], + [ + "▁Masterclass", + -14.615588188171388 + ], + [ + "▁rulemaking", + -14.615589141845703 + ], + [ + "-11-0", + -14.615612030029297 + ], + [ + "▁Messe", + -14.61566925048828 + ], + [ + "▁Alva", + -14.615680694580078 + ], + [ + "▁Austro", + -14.615694046020508 + ], + [ + "▁Khad", + -14.615752220153809 + ], + [ + "▁META", + -14.615777969360352 + ], + [ + "▁radiologists", + -14.615805625915527 + ], + [ + "ranch", + -14.615806579589844 + ], + [ + "screening", + -14.615836143493652 + ], + [ + "FAB", + -14.61589813232422 + ], + [ + "▁dram", + -14.6159029006958 + ], + [ + "▁Ulta", + -14.615985870361328 + ], + [ + "▁proudest", + -14.61598777770996 + ], + [ + "▁precepts", + -14.616050720214844 + ], + [ + "▁02:4", + -14.61605453491211 + ], + [ + "▁Bhat", + -14.616064071655272 + ], + [ + "▁futurist", + -14.616080284118652 + ], + [ + "▁Galvan", + -14.616150856018066 + ], + [ + "▁auntie", + -14.616354942321776 + ], + [ + "▁Striker", + -14.616414070129396 + ], + [ + "▁Indio", + -14.616510391235352 + ], + [ + "▁Lawsuit", + -14.616547584533691 + ], + [ + "▁gunk", + -14.616575241088867 + ], + [ + "▁Bagan", + -14.616576194763184 + ], + [ + "▁Relaxing", + -14.616597175598145 + ], + [ + "usu", + -14.616758346557615 + ], + [ + "UCA", + -14.616817474365234 + ], + [ + "▁2560", + -14.61681842803955 + ], + [ + "96)", + -14.616994857788086 + ], + [ + "▁Eller", + -14.617035865783691 + ], + [ + "▁confessing", + -14.617035865783691 + ], + [ + "cora", + -14.617047309875488 + ], + [ + "▁Samir", + -14.617067337036133 + ], + [ + "lugged", + -14.617111206054688 + ], + [ + "▁Creo", + -14.61712646484375 + ], + [ + "ADR", + -14.617132186889648 + ], + [ + "▁Tartan", + -14.61717128753662 + ], + [ + "▁Quadra", + -14.61717700958252 + ], + [ + "RAFT", + -14.61721897125244 + ], + [ + "Fuji", + -14.617222785949709 + ], + [ + "▁pregame", + -14.617222785949709 + ], + [ + "Armor", + -14.61723804473877 + ], + [ + "Conducted", + -14.61728858947754 + ], + [ + "Southwest", + -14.617341995239258 + ], + [ + "▁MBR", + -14.617355346679688 + ], + [ + "▁Beyer", + -14.617386817932127 + ], + [ + "▁cannabinoid", + -14.617388725280762 + ], + [ + "vigo", + -14.617451667785645 + ], + [ + "piratory", + -14.61746311187744 + ], + [ + "clark", + -14.61746883392334 + ], + [ + "▁muss", + -14.617507934570312 + ], + [ + "ALCO", + -14.617511749267578 + ], + [ + "lema", + -14.617615699768066 + ], + [ + "▁Michi", + -14.617621421813965 + ], + [ + "potato", + -14.61762237548828 + ], + [ + "phine", + -14.617630004882812 + ], + [ + "▁Torn", + -14.617720603942873 + ], + [ + "shka", + -14.617880821228027 + ], + [ + "▁hollowed", + -14.617883682250977 + ], + [ + "▁TIF", + -14.61794376373291 + ], + [ + "▁buckled", + -14.618006706237791 + ], + [ + "▁Coen", + -14.61802864074707 + ], + [ + "ORT", + -14.618165969848633 + ], + [ + "jector", + -14.618229866027832 + ], + [ + "▁EPO", + -14.618257522583008 + ], + [ + "▁(1920", + -14.61830711364746 + ], + [ + "▁Occur", + -14.618319511413574 + ], + [ + "▁Sabo", + -14.618325233459473 + ], + [ + "Cork", + -14.618365287780762 + ], + [ + "▁Worthy", + -14.618377685546877 + ], + [ + "▁FUT", + -14.61838436126709 + ], + [ + "▁fascinates", + -14.618389129638672 + ], + [ + "5:20", + -14.618492126464844 + ], + [ + "uzzle", + -14.618504524230955 + ], + [ + "Gard", + -14.618562698364258 + ], + [ + "▁Divya", + -14.618570327758787 + ], + [ + "pressor", + -14.618571281433104 + ], + [ + "▁Franck", + -14.618700981140137 + ], + [ + "▁Gare", + -14.618870735168455 + ], + [ + "Cali", + -14.618934631347656 + ], + [ + "▁Klar", + -14.618986129760742 + ], + [ + "BEGIN", + -14.61903953552246 + ], + [ + "▁pocketed", + -14.619049072265623 + ], + [ + "▁playset", + -14.619100570678713 + ], + [ + "schau", + -14.619193077087402 + ], + [ + "Assembly", + -14.619230270385742 + ], + [ + "2-16", + -14.619270324707031 + ], + [ + "▁miR", + -14.619279861450195 + ], + [ + "▁Damaged", + -14.619312286376951 + ], + [ + "▁droplet", + -14.619440078735352 + ], + [ + "▁Idee", + -14.61958122253418 + ], + [ + "▁Naya", + -14.619589805603027 + ], + [ + "scription", + -14.619626998901367 + ], + [ + "bran", + -14.619741439819336 + ], + [ + "▁Funded", + -14.619749069213867 + ], + [ + "dui", + -14.619927406311035 + ], + [ + "▁cyberattacks", + -14.619929313659668 + ], + [ + "Achieving", + -14.619976997375488 + ], + [ + "bacterium", + -14.619980812072754 + ], + [ + "custodial", + -14.619986534118652 + ], + [ + "▁Knew", + -14.619994163513184 + ], + [ + "Appropriate", + -14.619997024536133 + ], + [ + "▁SCT", + -14.62000846862793 + ], + [ + "subscription", + -14.620020866394045 + ], + [ + "Abdul", + -14.620024681091309 + ], + [ + "Wikimedia", + -14.620024681091309 + ], + [ + "Legacy", + -14.620025634765623 + ], + [ + "victim", + -14.620030403137209 + ], + [ + "Jacques", + -14.620035171508787 + ], + [ + "Croatia", + -14.620038032531738 + ], + [ + "Healing", + -14.620038986206056 + ], + [ + "Travis", + -14.620041847229004 + ], + [ + "Bloomberg", + -14.62004566192627 + ], + [ + "Leicester", + -14.620073318481444 + ], + [ + "▁Computation", + -14.620078086853027 + ], + [ + "▁Pata", + -14.620162010192873 + ], + [ + "straw", + -14.62016487121582 + ], + [ + "Reflection", + -14.62027072906494 + ], + [ + "Absolute", + -14.620331764221191 + ], + [ + "constrained", + -14.620347023010254 + ], + [ + "▁Hendrick", + -14.620361328125 + ], + [ + "1:14", + -14.620408058166504 + ], + [ + "Bubble", + -14.620433807373049 + ], + [ + "▁ALJ", + -14.620673179626465 + ], + [ + "considered", + -14.620710372924805 + ], + [ + "humid", + -14.620824813842772 + ], + [ + "PTSD", + -14.62086582183838 + ], + [ + "▁LEG", + -14.620903968811035 + ], + [ + "ebook", + -14.62102222442627 + ], + [ + "Podcast", + -14.62107753753662 + ], + [ + "▁conservator", + -14.621082305908203 + ], + [ + "DID", + -14.621123313903809 + ], + [ + "SPIRE", + -14.62124252319336 + ], + [ + "▁PLAYER", + -14.621271133422852 + ], + [ + "alley", + -14.621292114257812 + ], + [ + "Recorded", + -14.621317863464355 + ], + [ + "entia", + -14.621317863464355 + ], + [ + "Saturated", + -14.621338844299316 + ], + [ + "▁Defiance", + -14.621341705322266 + ], + [ + "▁Europcar", + -14.621341705322266 + ], + [ + "▁Ferreira", + -14.621341705322266 + ], + [ + "▁Ginseng", + -14.621341705322266 + ], + [ + "▁Probability", + -14.621341705322266 + ], + [ + "▁Sanitary", + -14.621341705322266 + ], + [ + "▁desalination", + -14.621341705322266 + ], + [ + "▁inconsequential", + -14.621341705322266 + ], + [ + "▁umpteen", + -14.621341705322266 + ], + [ + "▁unmistakably", + -14.621341705322266 + ], + [ + "▁Bleeding", + -14.621342658996582 + ], + [ + "▁Innocence", + -14.621342658996582 + ], + [ + "▁Neapolitan", + -14.621342658996582 + ], + [ + "▁Radiance", + -14.621342658996582 + ], + [ + "▁YOURSELF", + -14.621342658996582 + ], + [ + "▁altruism", + -14.621342658996582 + ], + [ + "▁arthritic", + -14.621342658996582 + ], + [ + "▁permanence", + -14.621342658996582 + ], + [ + "▁impersonate", + -14.621343612670898 + ], + [ + "dactyl", + -14.621345520019531 + ], + [ + "▁Cerrito", + -14.621346473693848 + ], + [ + "▁Jaitley", + -14.621347427368164 + ], + [ + "▁Innovators", + -14.62134838104248 + ], + [ + "▁Talmud", + -14.62134838104248 + ], + [ + "Allergies", + -14.621350288391112 + ], + [ + "Supposedly", + -14.621352195739746 + ], + [ + "▁brocade", + -14.621353149414062 + ], + [ + "▁metaphysics", + -14.62135410308838 + ], + [ + "▁Moncton", + -14.621355056762695 + ], + [ + "▁Thayer", + -14.621359825134276 + ], + [ + "▁Monaghan", + -14.621362686157228 + ], + [ + "▁CSIRO", + -14.621368408203123 + ], + [ + "▁frigate", + -14.621373176574709 + ], + [ + "▁Ballarat", + -14.621381759643556 + ], + [ + "▁deafening", + -14.621381759643556 + ], + [ + "▁biomechanical", + -14.621382713317873 + ], + [ + "▁Matisse", + -14.62138557434082 + ], + [ + "▁Lockhart", + -14.62139129638672 + ], + [ + "▁Devonshire", + -14.621393203735352 + ], + [ + "6.3%", + -14.6214017868042 + ], + [ + "Hugh", + -14.62140941619873 + ], + [ + "▁styl", + -14.621421813964844 + ], + [ + "▁Tyneside", + -14.621424674987791 + ], + [ + "▁harmonise", + -14.621426582336426 + ], + [ + "▁Piotr", + -14.621435165405272 + ], + [ + "▁redemptive", + -14.62143611907959 + ], + [ + "▁Gabbana", + -14.621441841125488 + ], + [ + "▁Veeam", + -14.621441841125488 + ], + [ + "▁tactful", + -14.621452331542969 + ], + [ + "▁dermis", + -14.62145709991455 + ], + [ + "▁$88", + -14.62147331237793 + ], + [ + "▁Channing", + -14.62147331237793 + ], + [ + "▁Jewellers", + -14.62147617340088 + ], + [ + "▁yogic", + -14.62148094177246 + ], + [ + "▁strappy", + -14.621517181396484 + ], + [ + "▁Deepika", + -14.621543884277344 + ], + [ + "▁clung", + -14.621551513671877 + ], + [ + "▁‘‘", + -14.62155532836914 + ], + [ + "▁dyna", + -14.621601104736328 + ], + [ + "▁Salaam", + -14.62160301208496 + ], + [ + "TEE", + -14.621630668640137 + ], + [ + "▁oboe", + -14.62170124053955 + ], + [ + "▁Butterfield", + -14.621709823608398 + ], + [ + "riga", + -14.62171745300293 + ], + [ + "▁microfinance", + -14.6217679977417 + ], + [ + "1946", + -14.62177276611328 + ], + [ + "▁WINTER", + -14.621779441833496 + ], + [ + "▁Gea", + -14.621795654296877 + ], + [ + "▁disallowed", + -14.621828079223633 + ], + [ + "▁Hamish", + -14.621849060058594 + ], + [ + "▁Attributes", + -14.62186336517334 + ], + [ + "▁Ayer", + -14.621910095214844 + ], + [ + "▁Foldable", + -14.62191677093506 + ], + [ + "▁endgame", + -14.621925354003906 + ], + [ + "oooooo", + -14.621929168701172 + ], + [ + "▁Blythe", + -14.621932983398438 + ], + [ + "▁blissfully", + -14.622003555297852 + ], + [ + "▁deconstruction", + -14.62201690673828 + ], + [ + "▁Johar", + -14.622017860412598 + ], + [ + "▁xenon", + -14.622050285339355 + ], + [ + "▁Biscuits", + -14.622060775756836 + ], + [ + "▁Overstock", + -14.622066497802734 + ], + [ + "▁Edgewood", + -14.62209415435791 + ], + [ + "▁ratify", + -14.622097969055176 + ], + [ + "▁MoMA", + -14.622116088867188 + ], + [ + "mtr", + -14.622129440307615 + ], + [ + "▁Renner", + -14.62213897705078 + ], + [ + "▁Gameplay", + -14.622145652770996 + ], + [ + "▁subsist", + -14.622170448303224 + ], + [ + "▁Basu", + -14.622182846069336 + ], + [ + "▁australian", + -14.622241973876951 + ], + [ + "DMC", + -14.62228298187256 + ], + [ + "lamo", + -14.622316360473633 + ], + [ + "▁Elected", + -14.622382164001465 + ], + [ + "▁Opa", + -14.622447967529297 + ], + [ + "confirmed", + -14.622448921203612 + ], + [ + "▁Arjuna", + -14.622458457946776 + ], + [ + "▁undertone", + -14.62246799468994 + ], + [ + "Moo", + -14.622475624084473 + ], + [ + "▁coffeemaker", + -14.622515678405762 + ], + [ + "▁rubberized", + -14.622612953186035 + ], + [ + "▁Calf", + -14.622634887695312 + ], + [ + "▁gravestone", + -14.622647285461426 + ], + [ + "▁Jenni", + -14.622652053833008 + ], + [ + "▁750,000", + -14.622735023498535 + ], + [ + "lume", + -14.622756958007812 + ], + [ + "▁Kotlin", + -14.622766494750977 + ], + [ + "▁perpetuated", + -14.622840881347656 + ], + [ + "▁rationing", + -14.62285614013672 + ], + [ + "##", + -14.622879981994627 + ], + [ + "–16", + -14.622884750366213 + ], + [ + "▁Urn", + -14.622920989990234 + ], + [ + "▁acoustical", + -14.622928619384766 + ], + [ + "▁cava", + -14.622941970825195 + ], + [ + "LEM", + -14.62295150756836 + ], + [ + "▁posturing", + -14.622962951660156 + ], + [ + "▁conceptualize", + -14.622980117797852 + ], + [ + "judgemental", + -14.622998237609863 + ], + [ + "▁ISIL", + -14.623016357421877 + ], + [ + "▁Salvi", + -14.62303352355957 + ], + [ + "▁triplets", + -14.623059272766112 + ], + [ + "▁CMU", + -14.62311553955078 + ], + [ + "ohl", + -14.62322998046875 + ], + [ + "SHO", + -14.623268127441406 + ], + [ + "ylated", + -14.623308181762695 + ], + [ + "▁alms", + -14.623319625854492 + ], + [ + "▁Laurier", + -14.623408317565918 + ], + [ + "7-13", + -14.623507499694824 + ], + [ + "▁Yasu", + -14.623516082763672 + ], + [ + "beast", + -14.623575210571287 + ], + [ + "loping", + -14.623587608337402 + ], + [ + "VOID", + -14.623613357543944 + ], + [ + "▁Ney", + -14.623666763305664 + ], + [ + "mpeg", + -14.623713493347168 + ], + [ + "▁02:5", + -14.623740196228027 + ], + [ + "dix", + -14.623779296875 + ], + [ + "rosso", + -14.623794555664062 + ], + [ + "▁regex", + -14.62379550933838 + ], + [ + "▁Firebird", + -14.623908996582031 + ], + [ + "Deer", + -14.623920440673828 + ], + [ + "▁Minot", + -14.62393569946289 + ], + [ + "▁piglet", + -14.623971939086914 + ], + [ + "elton", + -14.624005317687988 + ], + [ + "EPR", + -14.624045372009276 + ], + [ + "Theoretically", + -14.624201774597168 + ], + [ + "▁Perrin", + -14.624235153198242 + ], + [ + "calm", + -14.624268531799316 + ], + [ + "▁Annan", + -14.624295234680176 + ], + [ + "▁KAL", + -14.624297142028809 + ], + [ + "▁chalked", + -14.624377250671388 + ], + [ + "CROSS", + -14.624388694763184 + ], + [ + "▁Kj", + -14.62445068359375 + ], + [ + "▁Southgate", + -14.624499320983888 + ], + [ + "emco", + -14.62460231781006 + ], + [ + "matte", + -14.62464427947998 + ], + [ + "Aunt", + -14.624671936035156 + ], + [ + "▁sprigs", + -14.624792098999023 + ], + [ + "▁Sade", + -14.624899864196776 + ], + [ + "▁Vier", + -14.624903678894045 + ], + [ + "▁Shure", + -14.624906539916992 + ], + [ + "marin", + -14.62502098083496 + ], + [ + "DRP", + -14.625125885009766 + ], + [ + "Imprint", + -14.625126838684082 + ], + [ + "tainer", + -14.625150680541992 + ], + [ + "▁Servi", + -14.625150680541992 + ], + [ + "▁sachet", + -14.625158309936523 + ], + [ + "▁pivoting", + -14.625259399414062 + ], + [ + "▁annihilate", + -14.625288963317873 + ], + [ + "▁DMD", + -14.625296592712402 + ], + [ + "TWO", + -14.625371932983398 + ], + [ + "▁Khao", + -14.625380516052246 + ], + [ + "Motorists", + -14.625412940979004 + ], + [ + "morpho", + -14.625466346740724 + ], + [ + "▁Hermit", + -14.625502586364746 + ], + [ + "▁birdhouse", + -14.62553596496582 + ], + [ + "▁Eze", + -14.625545501708984 + ], + [ + "▁pirated", + -14.625557899475098 + ], + [ + "▁grouse", + -14.62562656402588 + ], + [ + "▁Radha", + -14.62564182281494 + ], + [ + "Roller", + -14.625653266906738 + ], + [ + "OUL", + -14.625690460205078 + ], + [ + "techno", + -14.625740051269531 + ], + [ + "▁bui", + -14.625777244567873 + ], + [ + "▁(2008", + -14.625788688659668 + ], + [ + "▁Grate", + -14.625835418701172 + ], + [ + "Prefer", + -14.625897407531738 + ], + [ + "lowes", + -14.625903129577637 + ], + [ + "Shak", + -14.625946998596191 + ], + [ + "aneous", + -14.626032829284668 + ], + [ + "▁Seva", + -14.626152992248535 + ], + [ + "adhya", + -14.626228332519531 + ], + [ + "▁basses", + -14.626240730285645 + ], + [ + "▁consort", + -14.62626838684082 + ], + [ + "Footnote", + -14.626291275024414 + ], + [ + "▁PLN", + -14.626466751098633 + ], + [ + "▁refilled", + -14.62647533416748 + ], + [ + "▁Changi", + -14.62648105621338 + ], + [ + "▁1.10", + -14.626673698425291 + ], + [ + "pka", + -14.626678466796877 + ], + [ + "reservation", + -14.6267671585083 + ], + [ + "▁Dozen", + -14.62677764892578 + ], + [ + "▁NEAR", + -14.626842498779297 + ], + [ + "heh", + -14.626911163330078 + ], + [ + "matologist", + -14.626928329467772 + ], + [ + "▁IOL", + -14.62700653076172 + ], + [ + "▁Sandman", + -14.627058029174805 + ], + [ + "cological", + -14.627070426940918 + ], + [ + "▁Okla", + -14.627108573913574 + ], + [ + "▁airlift", + -14.627179145812988 + ], + [ + "Coral", + -14.6272554397583 + ], + [ + "Estimate", + -14.6272554397583 + ], + [ + "▁Lute", + -14.627257347106934 + ], + [ + "▁Murr", + -14.627284049987791 + ], + [ + "gana", + -14.62729549407959 + ], + [ + "CNT", + -14.627426147460938 + ], + [ + "▁discolor", + -14.627426147460938 + ], + [ + "▁Samo", + -14.62742805480957 + ], + [ + "OOOO", + -14.627458572387695 + ], + [ + "Vue", + -14.62754249572754 + ], + [ + "extreme", + -14.627671241760254 + ], + [ + "ASTM", + -14.627687454223633 + ], + [ + "▁Chard", + -14.62777614593506 + ], + [ + "▁Patek", + -14.627822875976562 + ], + [ + "liya", + -14.627846717834473 + ], + [ + "069", + -14.627861976623535 + ], + [ + "Slightly", + -14.627870559692385 + ], + [ + "Alternate", + -14.627872467041016 + ], + [ + "Preliminary", + -14.627873420715332 + ], + [ + "Complimentary", + -14.627888679504396 + ], + [ + "Revelation", + -14.627888679504396 + ], + [ + "candidate", + -14.627890586853027 + ], + [ + "Audience", + -14.62789249420166 + ], + [ + "Diabetes", + -14.627896308898926 + ], + [ + "▁Gant", + -14.62790584564209 + ], + [ + "activating", + -14.627907752990724 + ], + [ + "graduation", + -14.627907752990724 + ], + [ + "Summit", + -14.627910614013672 + ], + [ + "Telephone", + -14.627923011779783 + ], + [ + "Stanley", + -14.627969741821287 + ], + [ + "▁50-50", + -14.627970695495604 + ], + [ + "Roughly", + -14.62804889678955 + ], + [ + "Kindle", + -14.628064155578612 + ], + [ + "appeal", + -14.62807273864746 + ], + [ + "▁byproducts", + -14.628084182739258 + ], + [ + "LSE", + -14.628125190734863 + ], + [ + "Worldwide", + -14.628204345703123 + ], + [ + "Coverage", + -14.62820529937744 + ], + [ + "Dublin", + -14.628228187561035 + ], + [ + "▁brussels", + -14.628228187561035 + ], + [ + "ulata", + -14.628240585327148 + ], + [ + "▁motionless", + -14.628318786621094 + ], + [ + "podcast", + -14.62831974029541 + ], + [ + "mputee", + -14.628331184387209 + ], + [ + "inspiration", + -14.6283540725708 + ], + [ + "rling", + -14.6283597946167 + ], + [ + "glance", + -14.628400802612305 + ], + [ + "▁disengage", + -14.62840461730957 + ], + [ + "CLASS", + -14.628425598144531 + ], + [ + "▁excavate", + -14.628433227539062 + ], + [ + "▁peso", + -14.628549575805664 + ], + [ + "▁overpowered", + -14.628554344177246 + ], + [ + "▁2019-04-1", + -14.628581047058104 + ], + [ + "ctrl", + -14.628647804260254 + ], + [ + "ecology", + -14.628726959228516 + ], + [ + "▁simul", + -14.62875270843506 + ], + [ + "▁Returned", + -14.628775596618652 + ], + [ + "Tales", + -14.62879467010498 + ], + [ + "averse", + -14.628891944885254 + ], + [ + "Allison", + -14.62892246246338 + ], + [ + "’", + -14.629034042358398 + ], + [ + "▁Filtration", + -14.629034042358398 + ], + [ + "▁MICHAEL", + -14.629034042358398 + ], + [ + "▁ambivalent", + -14.629034042358398 + ], + [ + "▁Amphitheatre", + -14.629034996032717 + ], + [ + "▁Flamenco", + -14.629034996032717 + ], + [ + "▁McCullough", + -14.629034996032717 + ], + [ + "▁Muskegon", + -14.629034996032717 + ], + [ + "▁POLICE", + -14.629034996032717 + ], + [ + "▁aphasia", + -14.629034996032717 + ], + [ + "▁aristocracy", + -14.629034996032717 + ], + [ + "▁emancipation", + -14.629034996032717 + ], + [ + "▁hypothermia", + -14.629034996032717 + ], + [ + "▁rectifier", + -14.629034996032717 + ], + [ + "▁saviour", + -14.629034996032717 + ], + [ + "▁unmanageable", + -14.629034996032717 + ], + [ + "▁Econometric", + -14.629035949707031 + ], + [ + "▁Faridabad", + -14.629035949707031 + ], + [ + "▁crinkle", + -14.629035949707031 + ], + [ + "▁nonchalant", + -14.629035949707031 + ], + [ + "▁tramadol", + -14.629036903381348 + ], + [ + "▁Merrimack", + -14.629037857055664 + ], + [ + "▁Parachute", + -14.629037857055664 + ], + [ + "▁Weymouth", + -14.629037857055664 + ], + [ + "▁mojito", + -14.62903881072998 + ], + [ + "▁HOWEVER", + -14.62904167175293 + ], + [ + "▁chastise", + -14.629043579101562 + ], + [ + "▁Corinne", + -14.629046440124512 + ], + [ + "▁Aldridge", + -14.62904930114746 + ], + [ + "▁Muncie", + -14.629051208496094 + ], + [ + "▁Transgender", + -14.62905502319336 + ], + [ + "▁inculcate", + -14.62905979156494 + ], + [ + "▁Plywood", + -14.62907886505127 + ], + [ + "▁clamber", + -14.629095077514648 + ], + [ + "▁thinnest", + -14.629107475280762 + ], + [ + "▁Biomass", + -14.62911319732666 + ], + [ + "▁Bachmann", + -14.629117012023926 + ], + [ + "▁armature", + -14.629117012023926 + ], + [ + "▁$39.99", + -14.629131317138672 + ], + [ + "▁northerly", + -14.629137992858888 + ], + [ + "Cruz", + -14.629138946533203 + ], + [ + "▁unaffiliated", + -14.629138946533203 + ], + [ + "▁tugging", + -14.629141807556152 + ], + [ + "LAST", + -14.629144668579102 + ], + [ + "▁sensuality", + -14.62914752960205 + ], + [ + "▁Hellboy", + -14.629154205322266 + ], + [ + "▁MetLife", + -14.629154205322266 + ], + [ + "▁sepia", + -14.629158020019531 + ], + [ + "▁Sumter", + -14.62916088104248 + ], + [ + "▁Deliveries", + -14.629162788391112 + ], + [ + "▁Vertex", + -14.629172325134276 + ], + [ + "▁Tennant", + -14.629180908203123 + ], + [ + "1:29", + -14.629217147827148 + ], + [ + "minister", + -14.62922191619873 + ], + [ + "▁underutilized", + -14.629255294799805 + ], + [ + "▁commonwealth", + -14.629271507263184 + ], + [ + "lingua", + -14.629281044006348 + ], + [ + "▁realignment", + -14.629281044006348 + ], + [ + "▁biodynamic", + -14.629300117492676 + ], + [ + "▁Australasian", + -14.629304885864258 + ], + [ + "▁Berries", + -14.629317283630373 + ], + [ + "Macro", + -14.62932586669922 + ], + [ + "GIL", + -14.629332542419434 + ], + [ + "▁Surety", + -14.62935733795166 + ], + [ + "▁substring", + -14.62935733795166 + ], + [ + "▁racehorse", + -14.629375457763672 + ], + [ + "Uncertainty", + -14.62938117980957 + ], + [ + "Useful", + -14.629406929016112 + ], + [ + "▁truthfulness", + -14.62940788269043 + ], + [ + "▁Autographed", + -14.629462242126465 + ], + [ + "▁Layton", + -14.62948226928711 + ], + [ + "▁Rhett", + -14.62951374053955 + ], + [ + "▁encroaching", + -14.629515647888184 + ], + [ + "▁Rubicon", + -14.629551887512209 + ], + [ + "▁frescoes", + -14.629575729370115 + ], + [ + "Glyph", + -14.629627227783203 + ], + [ + "▁Rockaway", + -14.629629135131836 + ], + [ + "▁Barnum", + -14.629653930664062 + ], + [ + "coaching", + -14.62966537475586 + ], + [ + "▁Ageing", + -14.629691123962402 + ], + [ + "▁PII", + -14.629717826843262 + ], + [ + "▁Gunter", + -14.629719734191896 + ], + [ + "▁wailing", + -14.629725456237791 + ], + [ + "Nee", + -14.62973976135254 + ], + [ + "▁telltale", + -14.629756927490234 + ], + [ + "▁corroded", + -14.629766464233398 + ], + [ + "isten", + -14.629801750183104 + ], + [ + "▁Lawrenceville", + -14.629831314086914 + ], + [ + "▁interrogated", + -14.62985134124756 + ], + [ + "▁Kandy", + -14.629864692687988 + ], + [ + "▁cymbals", + -14.629876136779783 + ], + [ + "▁pangs", + -14.629891395568848 + ], + [ + "▁plucking", + -14.630010604858398 + ], + [ + "▁Tether", + -14.630054473876951 + ], + [ + "Collab", + -14.630066871643066 + ], + [ + "finalist", + -14.630075454711914 + ], + [ + "▁summarised", + -14.630130767822266 + ], + [ + "▁screed", + -14.630162239074709 + ], + [ + "▁Manish", + -14.630189895629885 + ], + [ + "▁LPGA", + -14.630208969116213 + ], + [ + "▁Exceptions", + -14.630219459533691 + ], + [ + "▁Fortran", + -14.630241394042969 + ], + [ + "▁basilica", + -14.630253791809082 + ], + [ + "▁Krug", + -14.63026237487793 + ], + [ + "Actively", + -14.630264282226562 + ], + [ + "▁15:5", + -14.630297660827637 + ], + [ + "voo", + -14.6303071975708 + ], + [ + "▁blanche", + -14.630366325378418 + ], + [ + "!!!!!!!!!!!!", + -14.630377769470217 + ], + [ + "▁PANEL", + -14.630434036254885 + ], + [ + "▁Emotion", + -14.630483627319336 + ], + [ + "▁Citysearch", + -14.630510330200195 + ], + [ + "▁Hoffmann", + -14.630555152893066 + ], + [ + "9/16", + -14.63058090209961 + ], + [ + "Bran", + -14.630585670471191 + ], + [ + "iwan", + -14.63077163696289 + ], + [ + "▁Goodell", + -14.630782127380373 + ], + [ + "▁flanking", + -14.63079071044922 + ], + [ + "▁boreal", + -14.630908012390137 + ], + [ + "▁Zest", + -14.63091278076172 + ], + [ + "▁Woking", + -14.630914688110352 + ], + [ + "▁WARS", + -14.630949020385742 + ], + [ + "▁shaming", + -14.630983352661133 + ], + [ + "▁operand", + -14.63099765777588 + ], + [ + "▁Bering", + -14.631006240844728 + ], + [ + "Came", + -14.631017684936523 + ], + [ + "▁Colman", + -14.63106918334961 + ], + [ + "MIM", + -14.631078720092772 + ], + [ + "TOW", + -14.631237983703612 + ], + [ + "merci", + -14.631437301635742 + ], + [ + "▁Mandal", + -14.631475448608398 + ], + [ + "▁Machin", + -14.631514549255373 + ], + [ + "▁Crested", + -14.631528854370115 + ], + [ + "pizza", + -14.631543159484863 + ], + [ + "▁Forecasting", + -14.631545066833496 + ], + [ + "▁AROUND", + -14.63156795501709 + ], + [ + "carbonate", + -14.631656646728516 + ], + [ + "▁dame", + -14.631674766540527 + ], + [ + "▁Koop", + -14.631704330444336 + ], + [ + "Cue", + -14.631787300109863 + ], + [ + "▁$2500", + -14.631814002990724 + ], + [ + "▁Ledge", + -14.631844520568848 + ], + [ + "▁overheated", + -14.631861686706545 + ], + [ + "Soil", + -14.63187026977539 + ], + [ + "Lily", + -14.631884574890137 + ], + [ + "agora", + -14.63194751739502 + ], + [ + "▁adornments", + -14.631986618041992 + ], + [ + "DET", + -14.632004737854004 + ], + [ + "Texture", + -14.63202667236328 + ], + [ + "▁Makh", + -14.632078170776367 + ], + [ + "ignore", + -14.632108688354492 + ], + [ + "▁fabricators", + -14.63213062286377 + ], + [ + "▁Fairly", + -14.632131576538086 + ], + [ + "▁tempering", + -14.632156372070312 + ], + [ + "GFP", + -14.632177352905272 + ], + [ + "earnings", + -14.632211685180664 + ], + [ + "▁Bridg", + -14.632250785827637 + ], + [ + "verte", + -14.63236141204834 + ], + [ + "▁WINE", + -14.632403373718262 + ], + [ + "▁XJ", + -14.632431983947754 + ], + [ + "institutional", + -14.632568359375 + ], + [ + "owy", + -14.632593154907228 + ], + [ + "▁darkish", + -14.63266658782959 + ], + [ + "▁Therma", + -14.632670402526855 + ], + [ + "▁Cotswold", + -14.632943153381348 + ], + [ + "▁Rupee", + -14.632956504821776 + ], + [ + "▁Pupil", + -14.632972717285156 + ], + [ + "▁Tanker", + -14.632979393005373 + ], + [ + "▁1796", + -14.633044242858888 + ], + [ + "▁BBM", + -14.633050918579102 + ], + [ + "▁fingertip", + -14.633064270019531 + ], + [ + "▁swiped", + -14.63333797454834 + ], + [ + "MANN", + -14.633340835571287 + ], + [ + "adder", + -14.63336944580078 + ], + [ + "missive", + -14.633455276489258 + ], + [ + "▁Shou", + -14.633460998535156 + ], + [ + "3:21", + -14.63354778289795 + ], + [ + "▁wasabi", + -14.633563995361328 + ], + [ + "boxed", + -14.63360595703125 + ], + [ + "ayed", + -14.633721351623535 + ], + [ + "5.4%", + -14.6337308883667 + ], + [ + "blon", + -14.63377285003662 + ], + [ + "attachment", + -14.633779525756836 + ], + [ + "olfo", + -14.63382053375244 + ], + [ + "ferred", + -14.633837699890137 + ], + [ + "omorph", + -14.633880615234377 + ], + [ + "▁meatball", + -14.6339111328125 + ], + [ + "invisible", + -14.634015083312988 + ], + [ + "▁Civ", + -14.634029388427734 + ], + [ + "▁1814", + -14.634038925170898 + ], + [ + "Compile", + -14.63405990600586 + ], + [ + "Mongo", + -14.634108543395996 + ], + [ + "▁MDT", + -14.63418197631836 + ], + [ + "Wrapper", + -14.63420581817627 + ], + [ + "▁Schmid", + -14.634235382080078 + ], + [ + "▁Mey", + -14.63428783416748 + ], + [ + "MOTION", + -14.634289741516112 + ], + [ + "▁(77", + -14.63441276550293 + ], + [ + "▁Waka", + -14.634428024291992 + ], + [ + "Salad", + -14.634456634521484 + ], + [ + "▁harboring", + -14.634495735168455 + ], + [ + "hugger", + -14.634516716003418 + ], + [ + "Experiment", + -14.634517669677734 + ], + [ + "▁(63", + -14.634538650512695 + ], + [ + "glam", + -14.634560585021973 + ], + [ + "▁Tj", + -14.634581565856934 + ], + [ + "▁waft", + -14.634624481201172 + ], + [ + "Nah", + -14.634657859802246 + ], + [ + "▁Nestor", + -14.63466739654541 + ], + [ + "▁contextualize", + -14.634842872619627 + ], + [ + "▁08:1", + -14.634868621826172 + ], + [ + "Tite", + -14.634904861450195 + ], + [ + "▁WMD", + -14.634925842285156 + ], + [ + "SPF", + -14.634936332702637 + ], + [ + "▁sulk", + -14.63496208190918 + ], + [ + "▁Taran", + -14.63497257232666 + ], + [ + "decorated", + -14.634997367858888 + ], + [ + "hena", + -14.635071754455566 + ], + [ + "▁Lighted", + -14.635157585144045 + ], + [ + "▁JoAnn", + -14.63521671295166 + ], + [ + "separate", + -14.635226249694824 + ], + [ + "▁FUEL", + -14.635234832763672 + ], + [ + "iPod", + -14.63524055480957 + ], + [ + "▁10.9", + -14.635272026062012 + ], + [ + "▁Poz", + -14.635320663452148 + ], + [ + "▁Leela", + -14.635336875915527 + ], + [ + "▁Ayu", + -14.635395050048828 + ], + [ + "▁Cinna", + -14.635451316833496 + ], + [ + "▁Starz", + -14.63559913635254 + ], + [ + "▁Spir", + -14.635703086853027 + ], + [ + ".02.201", + -14.635765075683594 + ], + [ + "Leverage", + -14.635787963867188 + ], + [ + "Approx", + -14.635825157165527 + ], + [ + "Collaboration", + -14.63582706451416 + ], + [ + "Trevor", + -14.635828018188477 + ], + [ + "Mercedes", + -14.635835647583008 + ], + [ + "Samantha", + -14.635836601257324 + ], + [ + "boutique", + -14.635838508605955 + ], + [ + "Czech", + -14.63584041595459 + ], + [ + "automated", + -14.635842323303224 + ], + [ + "faculty", + -14.635842323303224 + ], + [ + "receptor", + -14.63585090637207 + ], + [ + "yyy", + -14.63589572906494 + ], + [ + "stationary", + -14.635923385620115 + ], + [ + "▁HRH", + -14.635951042175291 + ], + [ + "preferred", + -14.635972023010254 + ], + [ + "▁Yell", + -14.635981559753418 + ], + [ + "Nearby", + -14.635991096496582 + ], + [ + "▁optimizer", + -14.635998725891112 + ], + [ + "Caption", + -14.636009216308594 + ], + [ + "Glue", + -14.636034965515137 + ], + [ + "atrice", + -14.636035919189451 + ], + [ + "Pharmacy", + -14.63605499267578 + ], + [ + "▁‘90", + -14.636078834533691 + ], + [ + "groove", + -14.636090278625488 + ], + [ + "Headquarter", + -14.636137008666992 + ], + [ + "7/16", + -14.636148452758787 + ], + [ + "▁elongate", + -14.636187553405762 + ], + [ + "Tutor", + -14.63626766204834 + ], + [ + "▁encircle", + -14.63629913330078 + ], + [ + "LEP", + -14.636357307434082 + ], + [ + "LIKE", + -14.636361122131348 + ], + [ + "▁embers", + -14.636380195617676 + ], + [ + "AGA", + -14.636382102966309 + ], + [ + "▁Hetero", + -14.636393547058104 + ], + [ + "nuptial", + -14.63640308380127 + ], + [ + "regarding", + -14.636404991149902 + ], + [ + "ully", + -14.6364107131958 + ], + [ + "GTC", + -14.63641357421875 + ], + [ + "Spoke", + -14.63642120361328 + ], + [ + "controller", + -14.636422157287598 + ], + [ + "6:50", + -14.636430740356444 + ], + [ + "Raja", + -14.636444091796877 + ], + [ + "yssa", + -14.636445999145508 + ], + [ + "▁Beng", + -14.636456489562988 + ], + [ + "MOL", + -14.636467933654783 + ], + [ + "▁Aja", + -14.636487007141112 + ], + [ + "▁Distiller", + -14.63652801513672 + ], + [ + "▁Draco", + -14.636571884155272 + ], + [ + "▁monolith", + -14.636622428894045 + ], + [ + "▁misjudg", + -14.636627197265623 + ], + [ + "▁retroactive", + -14.636630058288574 + ], + [ + "Luis", + -14.636711120605469 + ], + [ + "6.4%", + -14.636716842651367 + ], + [ + "▁Nisha", + -14.636774063110352 + ], + [ + "▁AUSTRALIA", + -14.636786460876465 + ], + [ + "▁Drayton", + -14.636786460876465 + ], + [ + "▁McManus", + -14.636786460876465 + ], + [ + "▁Tupperware", + -14.636786460876465 + ], + [ + "▁Twickenham", + -14.636786460876465 + ], + [ + "▁aggrieved", + -14.636786460876465 + ], + [ + "▁cervix", + -14.636786460876465 + ], + [ + "▁crumpled", + -14.636786460876465 + ], + [ + "▁diocesan", + -14.636786460876465 + ], + [ + "▁manipulator", + -14.636786460876465 + ], + [ + "▁potentiometer", + -14.636786460876465 + ], + [ + "▁rectification", + -14.636786460876465 + ], + [ + "▁talisman", + -14.636786460876465 + ], + [ + "▁teriyaki", + -14.636786460876465 + ], + [ + "▁throbbing", + -14.636786460876465 + ], + [ + "▁wednesday", + -14.636786460876465 + ], + [ + "Jealous", + -14.63678741455078 + ], + [ + "▁Belichick", + -14.63678741455078 + ], + [ + "▁Complementary", + -14.63678741455078 + ], + [ + "▁Limpopo", + -14.63678741455078 + ], + [ + "▁Souvenir", + -14.63678741455078 + ], + [ + "▁beguiling", + -14.63678741455078 + ], + [ + "▁javelin", + -14.63678741455078 + ], + [ + "▁Brigitte", + -14.636788368225098 + ], + [ + "▁evasive", + -14.636788368225098 + ], + [ + "▁homophobic", + -14.636788368225098 + ], + [ + "tracranial", + -14.636789321899414 + ], + [ + "▁Wilkerson", + -14.63679027557373 + ], + [ + "▁handiwork", + -14.63679027557373 + ], + [ + "▁JAPAN", + -14.636791229248049 + ], + [ + "▁nouveau", + -14.636792182922363 + ], + [ + "▁Mulligan", + -14.636794090270996 + ], + [ + "▁Gallatin", + -14.636795997619627 + ], + [ + "▁Shoreditch", + -14.636795997619627 + ], + [ + "▁Cartwright", + -14.636797904968262 + ], + [ + "▁Neonatal", + -14.636801719665527 + ], + [ + "▁Hov", + -14.63680648803711 + ], + [ + "▁Dentures", + -14.636808395385742 + ], + [ + "▁dabbling", + -14.636811256408691 + ], + [ + "▁BRICS", + -14.63681411743164 + ], + [ + "▁trekkers", + -14.63681411743164 + ], + [ + "▁magnate", + -14.636817932128906 + ], + [ + "▁Monsoon", + -14.63681983947754 + ], + [ + "▁Geiger", + -14.636822700500488 + ], + [ + "▁Garnier", + -14.636823654174805 + ], + [ + "TfL", + -14.636832237243652 + ], + [ + "▁immaterial", + -14.636833190917969 + ], + [ + "▁Rajput", + -14.636834144592283 + ], + [ + "▁Clarinet", + -14.636852264404297 + ], + [ + "▁housewares", + -14.636855125427246 + ], + [ + "▁OASIS", + -14.636862754821776 + ], + [ + "▁catnip", + -14.636868476867676 + ], + [ + "▁bronchial", + -14.636869430541992 + ], + [ + "▁PARKING", + -14.636874198913574 + ], + [ + "▁Handrail", + -14.636885643005373 + ], + [ + "▁Hazelnut", + -14.636899948120115 + ], + [ + "▁Berkley", + -14.636900901794434 + ], + [ + "▁Linksys", + -14.63691234588623 + ], + [ + "Horrible", + -14.63692569732666 + ], + [ + "▁Longitude", + -14.63693904876709 + ], + [ + "▁Gaal", + -14.63694667816162 + ], + [ + "▁fretting", + -14.636961936950684 + ], + [ + "▁Multipurpose", + -14.636970520019531 + ], + [ + "Screw", + -14.636977195739746 + ], + [ + "▁Jiffy", + -14.636978149414062 + ], + [ + "▁rebalancing", + -14.636981964111328 + ], + [ + "▁sangria", + -14.637001991271973 + ], + [ + "▁Wastewater", + -14.637008666992188 + ], + [ + "▁Patrice", + -14.6370267868042 + ], + [ + "Offici", + -14.637042045593262 + ], + [ + "offering", + -14.63705062866211 + ], + [ + "▁suitors", + -14.637056350708008 + ], + [ + "▁Akh", + -14.637120246887209 + ], + [ + "▁Emilie", + -14.63713836669922 + ], + [ + "▁Impulse", + -14.637149810791016 + ], + [ + "▁Informati", + -14.63715362548828 + ], + [ + "▁Fjord", + -14.63718605041504 + ], + [ + "▁Handsome", + -14.637188911437988 + ], + [ + "▁Delano", + -14.63719081878662 + ], + [ + "▁Choc", + -14.637203216552734 + ], + [ + "▁faceless", + -14.6372652053833 + ], + [ + "▁sua", + -14.637284278869627 + ], + [ + "▁Benito", + -14.637289047241213 + ], + [ + "Syrian", + -14.6373291015625 + ], + [ + "▁rearrangement", + -14.637337684631348 + ], + [ + "▁buoyed", + -14.637338638305664 + ], + [ + "▁Christening", + -14.637341499328612 + ], + [ + "zhen", + -14.637392044067385 + ], + [ + "▁Almanac", + -14.637435913085938 + ], + [ + "▁Cooley", + -14.637445449829102 + ], + [ + "▁MIPS", + -14.637481689453123 + ], + [ + "▁Huffman", + -14.637490272521973 + ], + [ + "▁Krystal", + -14.63753604888916 + ], + [ + "ichen", + -14.637560844421388 + ], + [ + "▁playability", + -14.637614250183104 + ], + [ + "▁Williamsport", + -14.637681007385254 + ], + [ + "▁Intercept", + -14.637683868408203 + ], + [ + "probe", + -14.63771629333496 + ], + [ + "????????????", + -14.637778282165527 + ], + [ + "Aloe", + -14.637825012207031 + ], + [ + "Larger", + -14.637869834899902 + ], + [ + "▁premiership", + -14.637882232666016 + ], + [ + "clothing", + -14.63788604736328 + ], + [ + "▁undersigned", + -14.637887001037598 + ], + [ + "▁Mahon", + -14.637901306152344 + ], + [ + "▁Hitman", + -14.637917518615724 + ], + [ + "▁Permanente", + -14.637946128845217 + ], + [ + "▁liber", + -14.637958526611328 + ], + [ + "▁Homeowner", + -14.637964248657228 + ], + [ + "▁Meaningful", + -14.638001441955566 + ], + [ + "▁Xtra", + -14.638075828552246 + ], + [ + "▁FRAN", + -14.638100624084473 + ], + [ + "▁Playtech", + -14.638134002685549 + ], + [ + "Wir", + -14.63816738128662 + ], + [ + "▁Bayview", + -14.638309478759766 + ], + [ + "▁Huey", + -14.638323783874512 + ], + [ + "▁Buda", + -14.638398170471191 + ], + [ + "WEL", + -14.638399124145508 + ], + [ + "▁capitalisation", + -14.638420104980469 + ], + [ + "pigmentation", + -14.638506889343262 + ], + [ + "seasoned", + -14.638513565063477 + ], + [ + "▁Helio", + -14.63852882385254 + ], + [ + "▁Eni", + -14.638571739196776 + ], + [ + "▁RPI", + -14.63858413696289 + ], + [ + "▁lamenting", + -14.638587951660156 + ], + [ + "▁comming", + -14.638591766357422 + ], + [ + "▁scoreline", + -14.638602256774902 + ], + [ + "▁Burri", + -14.638622283935549 + ], + [ + "▁Hilltop", + -14.638631820678713 + ], + [ + "Airline", + -14.638656616210938 + ], + [ + "Highlight", + -14.63870334625244 + ], + [ + "falling", + -14.6387300491333 + ], + [ + "▁Pavers", + -14.638763427734377 + ], + [ + "ayev", + -14.63877010345459 + ], + [ + "▁Saud", + -14.638801574707031 + ], + [ + "▁Wilt", + -14.638839721679688 + ], + [ + "6:40", + -14.6388521194458 + ], + [ + "Avon", + -14.638921737670898 + ], + [ + "▁numerically", + -14.638934135437012 + ], + [ + "▁payee", + -14.638938903808594 + ], + [ + "▁Faroe", + -14.63894271850586 + ], + [ + "▁parsed", + -14.638945579528809 + ], + [ + "▁Designation", + -14.639090538024902 + ], + [ + "▁Reactive", + -14.639148712158203 + ], + [ + "1953", + -14.639150619506836 + ], + [ + "PARENT", + -14.639159202575684 + ], + [ + "▁$225", + -14.639161109924316 + ], + [ + "▁Balo", + -14.639189720153809 + ], + [ + "▁inkling", + -14.6392183303833 + ], + [ + "▁jawline", + -14.639256477355955 + ], + [ + "venir", + -14.639307022094728 + ], + [ + "liability", + -14.639312744140623 + ], + [ + "▁THB", + -14.63933563232422 + ], + [ + "nanometer", + -14.63944149017334 + ], + [ + "Hank", + -14.639472007751465 + ], + [ + "▁300%", + -14.639491081237791 + ], + [ + "SYNC", + -14.63951301574707 + ], + [ + "omme", + -14.639532089233398 + ], + [ + "lijk", + -14.639573097229004 + ], + [ + "▁Waterman", + -14.63959503173828 + ], + [ + "▁gouge", + -14.639599800109863 + ], + [ + "methane", + -14.639612197875977 + ], + [ + "▁Boi", + -14.639618873596191 + ], + [ + "WIRE", + -14.639832496643066 + ], + [ + "havn", + -14.6398344039917 + ], + [ + "▁mountaintop", + -14.6398344039917 + ], + [ + "alsa", + -14.640045166015623 + ], + [ + "feat", + -14.640165328979492 + ], + [ + "huri", + -14.64023780822754 + ], + [ + "▁Roomba", + -14.64028263092041 + ], + [ + "klar", + -14.640288352966309 + ], + [ + "▁retrain", + -14.640419960021973 + ], + [ + "camping", + -14.640457153320312 + ], + [ + "iraj", + -14.640478134155272 + ], + [ + "▁seafarers", + -14.640491485595703 + ], + [ + "▁SFP", + -14.640495300292969 + ], + [ + "PHS", + -14.640602111816406 + ], + [ + "▁viewport", + -14.640924453735352 + ], + [ + "▁Southland", + -14.640961647033691 + ], + [ + "▁24.5", + -14.64113712310791 + ], + [ + "EEN", + -14.64128875732422 + ], + [ + "teil", + -14.641386032104492 + ], + [ + "▁authorise", + -14.641404151916504 + ], + [ + "▁Sumi", + -14.64141082763672 + ], + [ + "▁Zine", + -14.641453742980955 + ], + [ + "▁Weimar", + -14.64162826538086 + ], + [ + "Russ", + -14.64163875579834 + ], + [ + "▁countrymen", + -14.64163875579834 + ], + [ + "context", + -14.641693115234377 + ], + [ + "▁McNeil", + -14.641717910766602 + ], + [ + "▁ABT", + -14.641846656799316 + ], + [ + "beh", + -14.642030715942385 + ], + [ + "▁Kasi", + -14.64214324951172 + ], + [ + "▁Highlanders", + -14.642229080200195 + ], + [ + "PLR", + -14.642264366149902 + ], + [ + "▁Colli", + -14.642309188842772 + ], + [ + "▁scrutinise", + -14.64233684539795 + ], + [ + "wicking", + -14.642374992370604 + ], + [ + "honda", + -14.642492294311523 + ], + [ + "▁FPL", + -14.642502784729004 + ], + [ + "▁mortise", + -14.64255428314209 + ], + [ + "▁amply", + -14.642601013183594 + ], + [ + "▁Gable", + -14.642617225646973 + ], + [ + "▁McGovern", + -14.642619132995604 + ], + [ + "▁Vip", + -14.642658233642578 + ], + [ + "▁Neuron", + -14.642711639404297 + ], + [ + "▁Hsu", + -14.642719268798828 + ], + [ + "bated", + -14.64272403717041 + ], + [ + "citation", + -14.642732620239258 + ], + [ + "lessons", + -14.642757415771484 + ], + [ + "icula", + -14.64284324645996 + ], + [ + "▁COLD", + -14.64296054840088 + ], + [ + "forever", + -14.643075942993164 + ], + [ + "inari", + -14.643077850341797 + ], + [ + "▁slurp", + -14.643095016479492 + ], + [ + "▁steeple", + -14.643158912658691 + ], + [ + "Continental", + -14.643281936645508 + ], + [ + "orbit", + -14.643299102783203 + ], + [ + "IDO", + -14.643352508544922 + ], + [ + "naro", + -14.64335823059082 + ], + [ + "shawn", + -14.643394470214844 + ], + [ + "▁Swain", + -14.643400192260742 + ], + [ + "nsk", + -14.643426895141602 + ], + [ + "▁Deny", + -14.643458366394045 + ], + [ + "Signing", + -14.643494606018066 + ], + [ + "▁Airbag", + -14.643620491027832 + ], + [ + "referential", + -14.64362335205078 + ], + [ + "▁Fennel", + -14.643630981445312 + ], + [ + "Peri", + -14.643631935119627 + ], + [ + "▁COMPA", + -14.643692016601562 + ], + [ + "Medic", + -14.643757820129396 + ], + [ + "▁Yaw", + -14.643786430358888 + ], + [ + "wielding", + -14.643798828125 + ], + [ + "Subscription", + -14.643810272216797 + ], + [ + "Difference", + -14.643813133239746 + ], + [ + "Lavender", + -14.643823623657228 + ], + [ + "principle", + -14.643824577331545 + ], + [ + "procedure", + -14.643826484680176 + ], + [ + "Conflict", + -14.643827438354492 + ], + [ + "Administration", + -14.643841743469238 + ], + [ + "Galaxy", + -14.643842697143556 + ], + [ + "Sunshine", + -14.643844604492188 + ], + [ + "purchasing", + -14.64384651184082 + ], + [ + "Certification", + -14.64384937286377 + ], + [ + "FIRST", + -14.643853187561035 + ], + [ + "1965", + -14.643875122070312 + ], + [ + "Nepal", + -14.64388370513916 + ], + [ + "Banana", + -14.643926620483398 + ], + [ + "STEIN", + -14.643969535827637 + ], + [ + "▁Fraction", + -14.643986701965332 + ], + [ + "▁annotate", + -14.644004821777344 + ], + [ + "▁flipper", + -14.64400577545166 + ], + [ + "Cohen", + -14.644006729125977 + ], + [ + "zoic", + -14.644027709960938 + ], + [ + "nion", + -14.644036293029783 + ], + [ + "responsibility", + -14.644037246704102 + ], + [ + "5600", + -14.64404010772705 + ], + [ + "▁nub", + -14.64405345916748 + ], + [ + "▁$30.00", + -14.644064903259276 + ], + [ + "▁backstop", + -14.644083976745604 + ], + [ + "parameter", + -14.644219398498535 + ], + [ + "everyday", + -14.644250869750977 + ], + [ + "Cardi", + -14.64428424835205 + ], + [ + "▁Aku", + -14.644314765930176 + ], + [ + "Testimonial", + -14.644317626953123 + ], + [ + "occupier", + -14.644317626953123 + ], + [ + "▁ALP", + -14.644343376159668 + ], + [ + "▁Sapien", + -14.64438819885254 + ], + [ + "▁congesti", + -14.644468307495115 + ], + [ + "nickel", + -14.644489288330078 + ], + [ + "▁bourgeois", + -14.644502639770508 + ], + [ + "Grind", + -14.644505500793455 + ], + [ + "Ghana", + -14.644542694091797 + ], + [ + "INFRINGEMENT", + -14.644598007202148 + ], + [ + "Plagiarism", + -14.644598960876465 + ], + [ + "matopoietic", + -14.644598960876465 + ], + [ + "▁844-222-4922", + -14.644598960876465 + ], + [ + "▁CRISPR", + -14.644598960876465 + ], + [ + "▁Insignia", + -14.644598960876465 + ], + [ + "▁Karlsruhe", + -14.644598960876465 + ], + [ + "▁MacMillan", + -14.644598960876465 + ], + [ + "▁Orkney", + -14.644598960876465 + ], + [ + "▁Prodigy", + -14.644598960876465 + ], + [ + "▁Punisher", + -14.644598960876465 + ], + [ + "▁Scituate", + -14.644598960876465 + ], + [ + "▁Sriracha", + -14.644598960876465 + ], + [ + "▁Waukesha", + -14.644598960876465 + ], + [ + "▁estuaries", + -14.644598960876465 + ], + [ + "▁pernicious", + -14.644598960876465 + ], + [ + "▁sirloin", + -14.644598960876465 + ], + [ + "▁unspeakable", + -14.644598960876465 + ], + [ + "▁Arbeit", + -14.64459991455078 + ], + [ + "▁dremel", + -14.64459991455078 + ], + [ + "▁votive", + -14.64459991455078 + ], + [ + "▁Brethren", + -14.644600868225098 + ], + [ + "▁Chamonix", + -14.644600868225098 + ], + [ + "▁Engraving", + -14.644601821899414 + ], + [ + "DOCUMENT", + -14.644603729248049 + ], + [ + "▁ischemia", + -14.644603729248049 + ], + [ + "▁cyborg", + -14.644604682922363 + ], + [ + "▁Escrow", + -14.64460563659668 + ], + [ + "▁Yangtze", + -14.644606590270996 + ], + [ + "▁fairgrounds", + -14.644607543945312 + ], + [ + "▁Neurological", + -14.644618034362791 + ], + [ + "▁PokerStars", + -14.644618034362791 + ], + [ + "▁Clovis", + -14.644619941711426 + ], + [ + "▁DOPING", + -14.64462184906006 + ], + [ + "▁Roald", + -14.644624710083008 + ], + [ + "▁Fowl", + -14.64463710784912 + ], + [ + "▁volition", + -14.644639015197754 + ], + [ + "▁glamping", + -14.644641876220703 + ], + [ + "▁Pringle", + -14.644646644592283 + ], + [ + "▁Histories", + -14.64465045928955 + ], + [ + "▁Secular", + -14.644652366638184 + ], + [ + "▁Huntsman", + -14.644660949707031 + ], + [ + "Rural", + -14.644668579101562 + ], + [ + "▁Starburst", + -14.644670486450195 + ], + [ + "▁waistcoat", + -14.644671440124512 + ], + [ + "▁Pelham", + -14.644675254821776 + ], + [ + "▁Evacu", + -14.644680976867676 + ], + [ + "▁Parlor", + -14.644697189331056 + ], + [ + "▁trudge", + -14.64470386505127 + ], + [ + "▁divestment", + -14.644719123840332 + ], + [ + "CDS", + -14.644721031188965 + ], + [ + "▁Parrish", + -14.644728660583496 + ], + [ + "Finland", + -14.64473819732666 + ], + [ + "▁shockwave", + -14.644746780395508 + ], + [ + "▁concealment", + -14.644761085510254 + ], + [ + "▁Curated", + -14.644767761230469 + ], + [ + "▁Tarpon", + -14.644794464111328 + ], + [ + "▁Gopher", + -14.644827842712402 + ], + [ + "▁Micromax", + -14.64482879638672 + ], + [ + "▁AirAsia", + -14.644834518432615 + ], + [ + "▁unassisted", + -14.64484691619873 + ], + [ + "▁Truckee", + -14.64486312866211 + ], + [ + "▁hubris", + -14.644886016845703 + ], + [ + "▁Nacho", + -14.644916534423828 + ], + [ + "yrene", + -14.644923210144045 + ], + [ + "▁2014/15", + -14.64493465423584 + ], + [ + "Period", + -14.644946098327637 + ], + [ + "▁gunned", + -14.64494800567627 + ], + [ + "▁Macomb", + -14.644957542419434 + ], + [ + "▁sundeck", + -14.644976615905762 + ], + [ + "▁Beaverton", + -14.645000457763672 + ], + [ + "▁Jud", + -14.645014762878418 + ], + [ + "▁unconnected", + -14.64501667022705 + ], + [ + "▁Loftus", + -14.645026206970217 + ], + [ + "▁speedometer", + -14.645073890686035 + ], + [ + "▁Dima", + -14.645087242126465 + ], + [ + "▁Sapa", + -14.645095825195312 + ], + [ + "▁devolved", + -14.645096778869627 + ], + [ + "▁Mullin", + -14.645166397094728 + ], + [ + "▁abolitionist", + -14.645170211791992 + ], + [ + "▁zealand", + -14.645170211791992 + ], + [ + "▁OSCE", + -14.645174980163574 + ], + [ + "▁gully", + -14.645186424255373 + ], + [ + "▁Teaser", + -14.645223617553713 + ], + [ + "implant", + -14.645252227783203 + ], + [ + "▁Trance", + -14.64527702331543 + ], + [ + "Trap", + -14.645278930664062 + ], + [ + "▁spewing", + -14.645302772521973 + ], + [ + "Reclining", + -14.645303726196287 + ], + [ + "vapor", + -14.645306587219238 + ], + [ + "▁extractive", + -14.64531135559082 + ], + [ + "Henri", + -14.64538860321045 + ], + [ + "▁Homelessness", + -14.64540195465088 + ], + [ + "▁Nikolai", + -14.645414352416992 + ], + [ + "▁ISV", + -14.64541721343994 + ], + [ + "▁1821", + -14.64549160003662 + ], + [ + "▁footbridge", + -14.645515441894531 + ], + [ + "▁underinsured", + -14.64552116394043 + ], + [ + "▁stowed", + -14.645527839660645 + ], + [ + "▁Hunan", + -14.645569801330566 + ], + [ + "▁cytotec", + -14.64557933807373 + ], + [ + "▁precipitated", + -14.645648002624512 + ], + [ + "▁BCG", + -14.645682334899902 + ], + [ + "▁flinch", + -14.645685195922852 + ], + [ + "▁Mitsu", + -14.64569091796875 + ], + [ + "▁birthright", + -14.64573097229004 + ], + [ + "▁stifled", + -14.645811080932615 + ], + [ + "▁Washable", + -14.645828247070312 + ], + [ + "▁Neme", + -14.645831108093262 + ], + [ + "pter", + -14.645865440368652 + ], + [ + "▁+91", + -14.645872116088867 + ], + [ + "▁especial", + -14.645947456359863 + ], + [ + "▁maxed", + -14.64596462249756 + ], + [ + "▁succumbing", + -14.645966529846191 + ], + [ + "▁ATLAS", + -14.645983695983888 + ], + [ + "1939", + -14.64601993560791 + ], + [ + "▁Roch", + -14.646036148071287 + ], + [ + "▁Gozo", + -14.646058082580566 + ], + [ + "Lifetime", + -14.64612865447998 + ], + [ + "▁Tapas", + -14.646160125732422 + ], + [ + "▁misread", + -14.646199226379396 + ], + [ + "hahaha", + -14.646252632141112 + ], + [ + "mechani", + -14.64627456665039 + ], + [ + "Briefly", + -14.6463041305542 + ], + [ + "hahahaha", + -14.6463041305542 + ], + [ + "▁Yule", + -14.64636516571045 + ], + [ + "▁dewy", + -14.64640998840332 + ], + [ + "▁acceptability", + -14.64641571044922 + ], + [ + "▁Payless", + -14.64656925201416 + ], + [ + "▁Kiva", + -14.646629333496094 + ], + [ + "▁limping", + -14.646635055541992 + ], + [ + "TDC", + -14.646724700927734 + ], + [ + "DAT", + -14.646899223327637 + ], + [ + "▁Buc", + -14.646934509277344 + ], + [ + "Seated", + -14.646976470947266 + ], + [ + "▁Mecha", + -14.647052764892578 + ], + [ + "ripple", + -14.647083282470703 + ], + [ + "▁NPT", + -14.647181510925291 + ], + [ + "▁bidet", + -14.647207260131836 + ], + [ + "motiv", + -14.647263526916504 + ], + [ + "arion", + -14.647268295288086 + ], + [ + "SEP", + -14.647320747375488 + ], + [ + "pharmaceutical", + -14.647321701049805 + ], + [ + "RECO", + -14.647421836853027 + ], + [ + "▁tamed", + -14.647433280944824 + ], + [ + "cale", + -14.647568702697754 + ], + [ + "counting", + -14.647690773010254 + ], + [ + "Corin", + -14.647696495056152 + ], + [ + "Anytime", + -14.647842407226562 + ], + [ + "rrrr", + -14.64785099029541 + ], + [ + "▁Yap", + -14.647857666015623 + ], + [ + "Considered", + -14.647900581359863 + ], + [ + "▁interviewees", + -14.648014068603516 + ], + [ + "▁2/1", + -14.648038864135742 + ], + [ + "▁Hamel", + -14.648049354553224 + ], + [ + "▁persisting", + -14.648073196411133 + ], + [ + "SHP", + -14.648103713989258 + ], + [ + "textual", + -14.64814567565918 + ], + [ + "▁stipulate", + -14.648149490356444 + ], + [ + "▁Doula", + -14.648241996765137 + ], + [ + "▁foamy", + -14.648310661315918 + ], + [ + "▁Brava", + -14.64831256866455 + ], + [ + "▁moisten", + -14.6483154296875 + ], + [ + "JAX", + -14.648388862609863 + ], + [ + "▁Maximo", + -14.648396492004396 + ], + [ + "2:27", + -14.648526191711426 + ], + [ + "massage", + -14.648661613464355 + ], + [ + "▁mobo", + -14.64873218536377 + ], + [ + "▁orthotic", + -14.64880084991455 + ], + [ + "liar", + -14.648865699768066 + ], + [ + "▁MCM", + -14.648886680603027 + ], + [ + "▁Newsom", + -14.648914337158203 + ], + [ + "▁Wesson", + -14.64892578125 + ], + [ + "▁Zeke", + -14.648968696594238 + ], + [ + "▁skated", + -14.6489839553833 + ], + [ + "Grad", + -14.649057388305664 + ], + [ + "▁Flee", + -14.649117469787598 + ], + [ + "▁vesting", + -14.649285316467283 + ], + [ + "3:18", + -14.6492919921875 + ], + [ + "▁Bop", + -14.64930820465088 + ], + [ + "7:50", + -14.649410247802734 + ], + [ + "▁conjunct", + -14.649499893188477 + ], + [ + "▁Acqua", + -14.64950466156006 + ], + [ + "▁Daf", + -14.649530410766602 + ], + [ + "▁Matty", + -14.64956760406494 + ], + [ + "▁reek", + -14.649660110473633 + ], + [ + "▁ACV", + -14.649665832519531 + ], + [ + "Gang", + -14.64974880218506 + ], + [ + "▁Sanger", + -14.649858474731444 + ], + [ + "▁SRM", + -14.649887084960938 + ], + [ + "ugging", + -14.649897575378418 + ], + [ + "_0", + -14.649913787841797 + ], + [ + "Denis", + -14.649986267089844 + ], + [ + "▁foodstuff", + -14.650025367736816 + ], + [ + "▁Judgement", + -14.650144577026367 + ], + [ + "POINT", + -14.650240898132324 + ], + [ + "9:20", + -14.650264739990234 + ], + [ + "Habitat", + -14.650320053100586 + ], + [ + "▁Khat", + -14.650355339050291 + ], + [ + "LLC", + -14.650432586669922 + ], + [ + "0]", + -14.650525093078612 + ], + [ + "▁Komp", + -14.650529861450195 + ], + [ + "ophy", + -14.650609970092772 + ], + [ + "▁12+", + -14.650609970092772 + ], + [ + "▁accidently", + -14.650700569152832 + ], + [ + "trotter", + -14.650917053222656 + ], + [ + "▁guttering", + -14.65098762512207 + ], + [ + "1:1", + -14.651068687438965 + ], + [ + "kele", + -14.651086807250977 + ], + [ + "roast", + -14.651284217834473 + ], + [ + "temper", + -14.651284217834473 + ], + [ + "▁OHS", + -14.651366233825684 + ], + [ + "▁traditionalist", + -14.651371002197266 + ], + [ + "embar", + -14.651410102844238 + ], + [ + "▁eyelet", + -14.65163803100586 + ], + [ + "▁investigational", + -14.65176773071289 + ], + [ + "▁Gna", + -14.651777267456056 + ], + [ + "familiar", + -14.651835441589355 + ], + [ + "initiated", + -14.651835441589355 + ], + [ + "diabetic", + -14.651880264282228 + ], + [ + "council", + -14.65188694000244 + ], + [ + "Substitution", + -14.651893615722656 + ], + [ + "Capacity", + -14.651895523071287 + ], + [ + "Huawei", + -14.651899337768556 + ], + [ + "kindergarten", + -14.651899337768556 + ], + [ + "enforcement", + -14.65190601348877 + ], + [ + "affordable", + -14.651922225952148 + ], + [ + "Goodbye", + -14.651923179626465 + ], + [ + "Dial", + -14.651932716369627 + ], + [ + "Documentation", + -14.651968002319336 + ], + [ + "▁NVR", + -14.652026176452637 + ], + [ + "EVEN", + -14.652034759521484 + ], + [ + "Casual", + -14.652106285095217 + ], + [ + "▁Fifa", + -14.65212059020996 + ], + [ + "Obstetric", + -14.652192115783691 + ], + [ + "▁11/2", + -14.652267456054688 + ], + [ + "▁shit", + -14.652278900146484 + ], + [ + "▁Caval", + -14.652288436889648 + ], + [ + "▁softwood", + -14.652315139770508 + ], + [ + "1:28", + -14.65237045288086 + ], + [ + "wanda", + -14.65237808227539 + ], + [ + "Constructed", + -14.652388572692873 + ], + [ + "CTC", + -14.652393341064451 + ], + [ + "HOT", + -14.652410507202148 + ], + [ + "xxxxxx", + -14.652437210083008 + ], + [ + "degradable", + -14.652440071105955 + ], + [ + "Buffer", + -14.652453422546388 + ], + [ + "Nostalgia", + -14.652472496032717 + ], + [ + "Oréal", + -14.652472496032717 + ], + [ + "▁Benitez", + -14.652472496032717 + ], + [ + "▁Definitive", + -14.652472496032717 + ], + [ + "▁Huckabee", + -14.652472496032717 + ], + [ + "▁Jumeirah", + -14.652472496032717 + ], + [ + "▁Londonderry", + -14.652472496032717 + ], + [ + "▁Raritan", + -14.652472496032717 + ], + [ + "▁Transmitter", + -14.652472496032717 + ], + [ + "▁arduino", + -14.652472496032717 + ], + [ + "▁asymptomatic", + -14.652472496032717 + ], + [ + "▁enormity", + -14.652472496032717 + ], + [ + "▁foosball", + -14.652472496032717 + ], + [ + "▁harbinger", + -14.652472496032717 + ], + [ + "▁laundromat", + -14.652472496032717 + ], + [ + "▁plutonium", + -14.652472496032717 + ], + [ + "▁ASSOCIATION", + -14.652473449707031 + ], + [ + "▁Ogilvy", + -14.652473449707031 + ], + [ + "▁Rensselaer", + -14.652473449707031 + ], + [ + "▁capricious", + -14.652473449707031 + ], + [ + "▁jukebox", + -14.652473449707031 + ], + [ + "▁reuniting", + -14.652473449707031 + ], + [ + "▁malnourished", + -14.652474403381348 + ], + [ + "▁mobilisation", + -14.652474403381348 + ], + [ + "▁Endorsement", + -14.652475357055664 + ], + [ + "▁Neoprene", + -14.652475357055664 + ], + [ + "▁Pedersen", + -14.652475357055664 + ], + [ + "▁Slurry", + -14.652475357055664 + ], + [ + "▁Ziegler", + -14.65247631072998 + ], + [ + "▁anaesthesia", + -14.65247631072998 + ], + [ + "scorbic", + -14.652477264404297 + ], + [ + "Processor", + -14.65247917175293 + ], + [ + "▁Spooky", + -14.65247917175293 + ], + [ + "militariz", + -14.652480125427246 + ], + [ + "▁Gaylord", + -14.65248680114746 + ], + [ + "▁Wirral", + -14.652487754821776 + ], + [ + "▁(855)", + -14.65248966217041 + ], + [ + "▁Dhawan", + -14.65248966217041 + ], + [ + "FOLD", + -14.652493476867676 + ], + [ + "▁Obsession", + -14.652493476867676 + ], + [ + "▁Sunnyvale", + -14.652496337890623 + ], + [ + "▁urchin", + -14.65249729156494 + ], + [ + "▁trinity", + -14.65250015258789 + ], + [ + "▁Terrence", + -14.652501106262209 + ], + [ + "▁EcoBoost", + -14.652505874633787 + ], + [ + "▁Kermit", + -14.652506828308104 + ], + [ + "▁snagging", + -14.652509689331056 + ], + [ + "▁measly", + -14.652511596679688 + ], + [ + "▁plexus", + -14.652511596679688 + ], + [ + "▁disinformation", + -14.65251922607422 + ], + [ + "▁(1979)", + -14.652520179748535 + ], + [ + "▁Proclamation", + -14.652520179748535 + ], + [ + "▁bayonet", + -14.652523040771484 + ], + [ + "▁Geoscience", + -14.652535438537598 + ], + [ + "Taco", + -14.65254020690918 + ], + [ + "▁fumbling", + -14.652541160583496 + ], + [ + "▁falsify", + -14.652544975280762 + ], + [ + "Notably", + -14.652548789978027 + ], + [ + "▁chickenpox", + -14.65255641937256 + ], + [ + "▁Matlab", + -14.65256118774414 + ], + [ + "▁VJ", + -14.65256404876709 + ], + [ + "▁Oppenheimer", + -14.65257740020752 + ], + [ + "▁Pavement", + -14.652580261230469 + ], + [ + "manufacturer", + -14.652582168579102 + ], + [ + "▁cricketers", + -14.652585983276367 + ], + [ + "▁koala", + -14.652588844299316 + ], + [ + "▁replenishment", + -14.652606010437012 + ], + [ + "Osmosis", + -14.652615547180176 + ], + [ + "Successfully", + -14.65263843536377 + ], + [ + "▁forgave", + -14.652645111083984 + ], + [ + "▁emigration", + -14.652647972106934 + ], + [ + "▁ranching", + -14.652647972106934 + ], + [ + "▁AGREEMENT", + -14.652654647827148 + ], + [ + "duo", + -14.65266227722168 + ], + [ + "▁Rajya", + -14.652676582336426 + ], + [ + "▁diction", + -14.652684211730955 + ], + [ + "▁DBMS", + -14.652719497680664 + ], + [ + "▁Panzer", + -14.652721405029297 + ], + [ + "▁vibrato", + -14.65272331237793 + ], + [ + "▁paradoxically", + -14.652734756469728 + ], + [ + "▁seabirds", + -14.65274429321289 + ], + [ + "▁Ferries", + -14.652780532836914 + ], + [ + "▁outbuildings", + -14.652795791625977 + ], + [ + "carving", + -14.652823448181152 + ], + [ + "▁disenfranchised", + -14.65284252166748 + ], + [ + "▁megaphone", + -14.652850151062012 + ], + [ + "REMEMBER", + -14.652851104736328 + ], + [ + "▁Foxtel", + -14.652907371520996 + ], + [ + "▁snowboarders", + -14.652913093566896 + ], + [ + "▁UMD", + -14.652924537658691 + ], + [ + "▁Witcher", + -14.652925491333008 + ], + [ + "▁espoused", + -14.65292739868164 + ], + [ + "▁Alvaro", + -14.65293312072754 + ], + [ + "Aerobic", + -14.65294361114502 + ], + [ + "▁Stationery", + -14.652961730957031 + ], + [ + "▁Wellcome", + -14.652983665466309 + ], + [ + "Figuring", + -14.653011322021484 + ], + [ + "▁striping", + -14.653087615966797 + ], + [ + "▁Muck", + -14.653122901916504 + ], + [ + "▁habitually", + -14.653157234191896 + ], + [ + "▁sigma", + -14.65317153930664 + ], + [ + "▁staycation", + -14.65317153930664 + ], + [ + "▁Aretha", + -14.653193473815918 + ], + [ + "Mild", + -14.653273582458496 + ], + [ + "▁plummeting", + -14.65329647064209 + ], + [ + "▁Flav", + -14.653386116027832 + ], + [ + "Directory", + -14.653389930725098 + ], + [ + "Comprising", + -14.653401374816896 + ], + [ + "▁Hotpoint", + -14.65340518951416 + ], + [ + "▁fittingly", + -14.653419494628906 + ], + [ + "▁moaning", + -14.653429985046388 + ], + [ + "▁misrepresent", + -14.653459548950195 + ], + [ + "▁noninvasive", + -14.653477668762209 + ], + [ + "▁shivering", + -14.653510093688965 + ], + [ + "▁unfollow", + -14.65351390838623 + ], + [ + "▁Slug", + -14.653541564941406 + ], + [ + "▁WorldCat", + -14.653586387634276 + ], + [ + "▁Boden", + -14.653648376464844 + ], + [ + "▁DIYer", + -14.653731346130373 + ], + [ + "▁Crumb", + -14.653746604919434 + ], + [ + "comedy", + -14.653768539428713 + ], + [ + "▁Esse", + -14.653776168823242 + ], + [ + "Pruning", + -14.653788566589355 + ], + [ + "▁reliving", + -14.653861045837402 + ], + [ + "▁inwardly", + -14.653864860534668 + ], + [ + "▁Sealant", + -14.6538667678833 + ], + [ + "▁dampening", + -14.653874397277832 + ], + [ + "▁Septic", + -14.65388011932373 + ], + [ + "▁vetoed", + -14.653949737548828 + ], + [ + "▁weakly", + -14.653970718383787 + ], + [ + "▁1829", + -14.65400218963623 + ], + [ + "▁exterminate", + -14.654060363769531 + ], + [ + "▁Assigned", + -14.654112815856934 + ], + [ + "Tron", + -14.654168128967283 + ], + [ + "Seth", + -14.654203414916992 + ], + [ + "▁chuckled", + -14.654211044311523 + ], + [ + "▁Caron", + -14.654239654541016 + ], + [ + "▁Incoming", + -14.654289245605469 + ], + [ + "delic", + -14.654314994812012 + ], + [ + "Plast", + -14.654319763183594 + ], + [ + "▁deux", + -14.654370307922363 + ], + [ + "spiration", + -14.654437065124512 + ], + [ + "NGA", + -14.65444564819336 + ], + [ + "crossed", + -14.654464721679688 + ], + [ + "▁infringed", + -14.654587745666504 + ], + [ + "Hali", + -14.654618263244627 + ], + [ + "▁erecting", + -14.654641151428224 + ], + [ + "TEAM", + -14.654647827148438 + ], + [ + "chromatic", + -14.65464973449707 + ], + [ + "Millennials", + -14.654696464538574 + ], + [ + "▁resend", + -14.654742240905762 + ], + [ + "▁Sitter", + -14.654786109924316 + ], + [ + "Earring", + -14.654867172241213 + ], + [ + "▁Lehr", + -14.654967308044434 + ], + [ + "▁Gauri", + -14.655035018920898 + ], + [ + "▁Beal", + -14.655113220214844 + ], + [ + "▁earner", + -14.655232429504396 + ], + [ + "▁Southbank", + -14.655253410339355 + ], + [ + "3-16", + -14.655378341674805 + ], + [ + "▁Trucker", + -14.655407905578612 + ], + [ + "7:20", + -14.655627250671388 + ], + [ + "▁dieters", + -14.655682563781738 + ], + [ + "famil", + -14.655804634094238 + ], + [ + "▁Maura", + -14.655839920043944 + ], + [ + "▁Osmo", + -14.655940055847168 + ], + [ + "▁Wert", + -14.655973434448242 + ], + [ + "▁Layered", + -14.655975341796877 + ], + [ + "Highland", + -14.656044006347656 + ], + [ + "Assign", + -14.656061172485352 + ], + [ + "Sai", + -14.65606689453125 + ], + [ + "flour", + -14.656131744384766 + ], + [ + "affect", + -14.656140327453612 + ], + [ + "laria", + -14.656155586242676 + ], + [ + "▁Iridium", + -14.65615940093994 + ], + [ + "Connected", + -14.656167030334473 + ], + [ + "oglio", + -14.656192779541016 + ], + [ + "5.7%", + -14.656198501586914 + ], + [ + "Quarterback", + -14.656274795532228 + ], + [ + "Fern", + -14.656474113464355 + ], + [ + "glich", + -14.656484603881836 + ], + [ + "▁15.0", + -14.656530380249023 + ], + [ + "auke", + -14.656561851501465 + ], + [ + "▁Ryde", + -14.656588554382324 + ], + [ + "▁jeweller", + -14.656639099121094 + ], + [ + "▁Moul", + -14.656648635864258 + ], + [ + "▁Styled", + -14.656658172607422 + ], + [ + "▁Folly", + -14.656681060791016 + ], + [ + "▁Leona", + -14.656694412231444 + ], + [ + "▁soothed", + -14.656695365905762 + ], + [ + "▁idly", + -14.65671157836914 + ], + [ + "▁Duro", + -14.656725883483888 + ], + [ + "▁cataloging", + -14.65674114227295 + ], + [ + "further", + -14.656755447387695 + ], + [ + "▁stipulation", + -14.656757354736328 + ], + [ + "▁ESF", + -14.656822204589844 + ], + [ + "26%", + -14.656834602355955 + ], + [ + "▁$4.2", + -14.656834602355955 + ], + [ + "▁ALM", + -14.656949043273926 + ], + [ + "zuki", + -14.656989097595217 + ], + [ + "kio", + -14.657031059265137 + ], + [ + "▁eyelets", + -14.65703582763672 + ], + [ + "▁Cip", + -14.657095909118652 + ], + [ + "luke", + -14.657144546508787 + ], + [ + "kund", + -14.657339096069336 + ], + [ + "▁Gorda", + -14.657366752624512 + ], + [ + "▁Irishman", + -14.657383918762209 + ], + [ + "▁2-1/2", + -14.657564163208008 + ], + [ + "harris", + -14.657594680786133 + ], + [ + "▁Hooded", + -14.65762710571289 + ], + [ + "▁loner", + -14.657641410827637 + ], + [ + "LUM", + -14.65769863128662 + ], + [ + "14-0", + -14.657703399658203 + ], + [ + "▁Freehold", + -14.657873153686523 + ], + [ + "▁1992)", + -14.657919883728027 + ], + [ + "prayer", + -14.657923698425291 + ], + [ + "▁Sender", + -14.657940864562988 + ], + [ + "▁Universalist", + -14.657968521118164 + ], + [ + "embro", + -14.657988548278809 + ], + [ + "cheer", + -14.65801239013672 + ], + [ + "▁antennae", + -14.658032417297363 + ], + [ + "▁Croton", + -14.658052444458008 + ], + [ + "brad", + -14.65810775756836 + ], + [ + "▁TCR", + -14.6581449508667 + ], + [ + "▁Brio", + -14.658225059509276 + ], + [ + "passes", + -14.658275604248049 + ], + [ + "▁Summertime", + -14.658332824707031 + ], + [ + "loathing", + -14.658344268798828 + ], + [ + "▁Bibi", + -14.658367156982422 + ], + [ + "1935", + -14.658418655395508 + ], + [ + "▁Chha", + -14.658609390258787 + ], + [ + "HRP", + -14.65886116027832 + ], + [ + "▁Tern", + -14.658892631530762 + ], + [ + "▁Wix", + -14.658935546875 + ], + [ + "hika", + -14.6589994430542 + ], + [ + "▁Waa", + -14.65904712677002 + ], + [ + "goni", + -14.659106254577637 + ], + [ + "ucco", + -14.65916347503662 + ], + [ + "▁minut", + -14.659183502197266 + ], + [ + "9-14", + -14.659229278564451 + ], + [ + "circulation", + -14.659269332885742 + ], + [ + "Recognize", + -14.659367561340332 + ], + [ + "Conver", + -14.659380912780762 + ], + [ + "SDP", + -14.659438133239746 + ], + [ + "adic", + -14.659443855285645 + ], + [ + "electron", + -14.659473419189451 + ], + [ + "easter", + -14.659497261047363 + ], + [ + "▁Pharmaco", + -14.659512519836426 + ], + [ + "▁Lucca", + -14.659567832946776 + ], + [ + "▁combatants", + -14.659629821777344 + ], + [ + "canned", + -14.65963649749756 + ], + [ + "▁Lalit", + -14.659690856933594 + ], + [ + "▁1802", + -14.65973663330078 + ], + [ + "▁NCI", + -14.659798622131348 + ], + [ + "czynski", + -14.659845352172852 + ], + [ + "▁Swat", + -14.659903526306152 + ], + [ + "▁provisioned", + -14.659907341003418 + ], + [ + "liffe", + -14.659913063049316 + ], + [ + "ravi", + -14.659950256347656 + ], + [ + "Keen", + -14.659956932067873 + ], + [ + "▁wrangle", + -14.660001754760742 + ], + [ + "Daughter", + -14.66000270843506 + ], + [ + "fascist", + -14.660003662109377 + ], + [ + "Pregnancy", + -14.66001319885254 + ], + [ + "Appeal", + -14.660014152526855 + ], + [ + "Happiness", + -14.660018920898438 + ], + [ + "Deborah", + -14.660026550292969 + ], + [ + "Trigger", + -14.660028457641602 + ], + [ + "Cardinal", + -14.660033226013184 + ], + [ + "Pittsburgh", + -14.6600341796875 + ], + [ + "removable", + -14.66003704071045 + ], + [ + "Darren", + -14.660073280334473 + ], + [ + "kernel", + -14.660078048706056 + ], + [ + "ooooooo", + -14.66008758544922 + ], + [ + "passion", + -14.660088539123535 + ], + [ + "Wallpaper", + -14.660100936889648 + ], + [ + "Thumb", + -14.660115242004396 + ], + [ + "irritant", + -14.660127639770508 + ], + [ + "distant", + -14.660149574279783 + ], + [ + "Exhibition", + -14.660165786743164 + ], + [ + "console", + -14.660179138183594 + ], + [ + "▁merciless", + -14.66019344329834 + ], + [ + "▁Sina", + -14.660199165344238 + ], + [ + "Treasurer", + -14.660222053527832 + ], + [ + "Compete", + -14.660231590270996 + ], + [ + "Manufactured", + -14.660243034362791 + ], + [ + "exactly", + -14.660244941711426 + ], + [ + "murder", + -14.66026496887207 + ], + [ + "▁Taught", + -14.660272598266602 + ], + [ + "▁Berea", + -14.66029453277588 + ], + [ + "Potato", + -14.660304069519045 + ], + [ + "latte", + -14.66033172607422 + ], + [ + "▁Pigment", + -14.66036319732666 + ], + [ + "▁colonize", + -14.660369873046877 + ], + [ + "▁BEYOND", + -14.660408973693848 + ], + [ + "▁Calumet", + -14.660408973693848 + ], + [ + "▁Chauffeur", + -14.660408973693848 + ], + [ + "▁Dietitian", + -14.660408973693848 + ], + [ + "▁Horticultural", + -14.660408973693848 + ], + [ + "▁INCIDENTAL", + -14.660408973693848 + ], + [ + "▁McKinnon", + -14.660408973693848 + ], + [ + "▁Snohomish", + -14.660408973693848 + ], + [ + "▁Wollongong", + -14.660408973693848 + ], + [ + "▁depriving", + -14.660408973693848 + ], + [ + "▁dorothy", + -14.660408973693848 + ], + [ + "▁egalitarian", + -14.660408973693848 + ], + [ + "▁elopement", + -14.660408973693848 + ], + [ + "▁kombucha", + -14.660408973693848 + ], + [ + "▁placket", + -14.660408973693848 + ], + [ + "▁voodoo", + -14.660408973693848 + ], + [ + "▁Balochistan", + -14.660409927368164 + ], + [ + "▁Ghetto", + -14.660409927368164 + ], + [ + "▁Metabolism", + -14.660409927368164 + ], + [ + "▁Miraculous", + -14.660409927368164 + ], + [ + "▁Physiotherapist", + -14.660409927368164 + ], + [ + "▁Villiers", + -14.660409927368164 + ], + [ + "▁discursive", + -14.660409927368164 + ], + [ + "▁reshuffle", + -14.660409927368164 + ], + [ + "▁vitreous", + -14.660409927368164 + ], + [ + "amniotic", + -14.66041088104248 + ], + [ + "▁saddest", + -14.66041088104248 + ], + [ + "▁Dulwich", + -14.660411834716797 + ], + [ + "▁acquittal", + -14.660412788391112 + ], + [ + "▁hypnotis", + -14.66041374206543 + ], + [ + "▁pantheon", + -14.66041374206543 + ], + [ + "▁Yoruba", + -14.660414695739746 + ], + [ + "▁Koenig", + -14.660415649414062 + ], + [ + "Gizmo", + -14.66041660308838 + ], + [ + "▁APU", + -14.66041660308838 + ], + [ + "stearate", + -14.660417556762695 + ], + [ + "▁Dilemma", + -14.660420417785645 + ], + [ + "▁HONOR", + -14.660420417785645 + ], + [ + "▁purifies", + -14.660420417785645 + ], + [ + "▁HuffPost", + -14.660422325134276 + ], + [ + "▁Keswick", + -14.660422325134276 + ], + [ + "▁malformed", + -14.660422325134276 + ], + [ + "▁Shanahan", + -14.660423278808594 + ], + [ + "▁Electrolux", + -14.66042423248291 + ], + [ + "▁Meehan", + -14.660426139831545 + ], + [ + "▁OCEAN", + -14.660426139831545 + ], + [ + "▁OPTIONS", + -14.660426139831545 + ], + [ + "▁Planetarium", + -14.660430908203123 + ], + [ + "▁sweatpants", + -14.660430908203123 + ], + [ + "▁Bolivar", + -14.660435676574709 + ], + [ + "▁McMurray", + -14.660439491271973 + ], + [ + "▁Dubois", + -14.660445213317873 + ], + [ + "▁fraternal", + -14.660446166992188 + ], + [ + "▁goblet", + -14.660449981689451 + ], + [ + "Stair", + -14.66045379638672 + ], + [ + "▁Hydration", + -14.66045379638672 + ], + [ + "▁bevelled", + -14.660454750061035 + ], + [ + "odia", + -14.660457611083984 + ], + [ + "▁INTERNET", + -14.660457611083984 + ], + [ + "▁Glossary", + -14.6604642868042 + ], + [ + "▁Mathias", + -14.660472869873049 + ], + [ + "▁mystique", + -14.660476684570312 + ], + [ + "▁Citric", + -14.660484313964844 + ], + [ + "Priority", + -14.660490036010742 + ], + [ + "▁Rackspace", + -14.660491943359377 + ], + [ + "▁Basildon", + -14.660510063171388 + ], + [ + "▁digitisation", + -14.660516738891602 + ], + [ + "▁Springbok", + -14.660533905029297 + ], + [ + "▁Datuk", + -14.66054344177246 + ], + [ + "▁romeo", + -14.660550117492676 + ], + [ + "▁parliamentarian", + -14.660560607910156 + ], + [ + "▁vicariously", + -14.660562515258787 + ], + [ + "▁favourably", + -14.660563468933104 + ], + [ + "▁RedHat", + -14.660564422607422 + ], + [ + "▁Bogart", + -14.660573959350586 + ], + [ + "▁Marle", + -14.66058349609375 + ], + [ + "▁Boba", + -14.660587310791016 + ], + [ + "▁Kasper", + -14.66059398651123 + ], + [ + "▁Insane", + -14.660600662231444 + ], + [ + "▁bedbugs", + -14.660600662231444 + ], + [ + "▁SPARK", + -14.660618782043455 + ], + [ + "▁Winkler", + -14.660622596740724 + ], + [ + "▁Bunting", + -14.660626411437988 + ], + [ + "▁LAPD", + -14.660638809204102 + ], + [ + "▁Congresswoman", + -14.66064453125 + ], + [ + "▁ISRO", + -14.660645484924316 + ], + [ + "▁radiometric", + -14.660704612731934 + ], + [ + "▁Konica", + -14.660717010498049 + ], + [ + "▁Runaway", + -14.660720825195312 + ], + [ + "▁Acceptable", + -14.660725593566896 + ], + [ + "▁PPTP", + -14.660762786865234 + ], + [ + "▁ISDN", + -14.66076374053955 + ], + [ + "▁Egress", + -14.660797119140623 + ], + [ + "cleaner", + -14.660811424255373 + ], + [ + "▁Tracing", + -14.660823822021484 + ], + [ + "▁Meister", + -14.660826683044434 + ], + [ + "Freshman", + -14.660837173461914 + ], + [ + "▁magnifier", + -14.660842895507812 + ], + [ + "▁1809", + -14.660859107971191 + ], + [ + "▁Optus", + -14.66086483001709 + ], + [ + "▁Pinewood", + -14.660943984985352 + ], + [ + "▁Aisha", + -14.660947799682615 + ], + [ + "▁revere", + -14.660969734191896 + ], + [ + "▁Tempered", + -14.66098403930664 + ], + [ + "▁Markov", + -14.661026000976562 + ], + [ + "▁Alternately", + -14.661043167114258 + ], + [ + "zou", + -14.661100387573242 + ], + [ + "▁costumed", + -14.661104202270508 + ], + [ + "▁Manpower", + -14.661112785339355 + ], + [ + "▁Hiding", + -14.66111660003662 + ], + [ + "Marina", + -14.661138534545898 + ], + [ + "▁doodling", + -14.66114330291748 + ], + [ + "▁stabilised", + -14.66116714477539 + ], + [ + "▁Holcomb", + -14.66117000579834 + ], + [ + "▁Dipper", + -14.661215782165527 + ], + [ + "pek", + -14.661235809326172 + ], + [ + "'0\"", + -14.66125202178955 + ], + [ + "scheid", + -14.661282539367676 + ], + [ + "енно", + -14.66128635406494 + ], + [ + "bashi", + -14.661330223083496 + ], + [ + "Glow", + -14.661337852478027 + ], + [ + "▁dike", + -14.661337852478027 + ], + [ + "▁Mornington", + -14.661391258239746 + ], + [ + "▁Rosalind", + -14.661396980285645 + ], + [ + "▁Bonny", + -14.661412239074709 + ], + [ + "▁Antonia", + -14.661423683166504 + ], + [ + "▁rejoined", + -14.661436080932615 + ], + [ + "▁HCV", + -14.661455154418944 + ], + [ + "▁letterbox", + -14.661459922790527 + ], + [ + "emming", + -14.661460876464844 + ], + [ + "Gum", + -14.66148281097412 + ], + [ + "▁straightaway", + -14.66149616241455 + ], + [ + "▁tremor", + -14.661529541015623 + ], + [ + "Deriv", + -14.661543846130373 + ], + [ + "shaking", + -14.661555290222168 + ], + [ + "iwi", + -14.661687850952148 + ], + [ + "▁redeveloped", + -14.66174030303955 + ], + [ + "▁Amend", + -14.661741256713867 + ], + [ + "▁SPCA", + -14.66184425354004 + ], + [ + "▁houseboat", + -14.661852836608888 + ], + [ + "▁Barca", + -14.66193389892578 + ], + [ + "laced", + -14.662055015563965 + ], + [ + "▁180,000", + -14.662076950073242 + ], + [ + "▁Provident", + -14.66209602355957 + ], + [ + "pov", + -14.662156105041504 + ], + [ + "▁Treehouse", + -14.662196159362791 + ], + [ + "brecht", + -14.66219711303711 + ], + [ + "▁Sardar", + -14.662201881408691 + ], + [ + "▁Outboard", + -14.662249565124512 + ], + [ + "▁EVENTS", + -14.662251472473145 + ], + [ + "calendar", + -14.662307739257812 + ], + [ + "▁churchyard", + -14.662320137023926 + ], + [ + "/10.1", + -14.662355422973633 + ], + [ + "2.10", + -14.662408828735352 + ], + [ + "▁Ceres", + -14.662508964538574 + ], + [ + "▁15-16", + -14.66252899169922 + ], + [ + "▁Abbie", + -14.6625337600708 + ], + [ + "Brave", + -14.662638664245604 + ], + [ + "▁Trisha", + -14.662704467773438 + ], + [ + "suppress", + -14.662708282470703 + ], + [ + "▁Scor", + -14.662758827209473 + ], + [ + "ESSA", + -14.662776947021484 + ], + [ + "vasion", + -14.662894248962402 + ], + [ + "▁thicket", + -14.66289520263672 + ], + [ + "▁JAS", + -14.662896156311035 + ], + [ + "opinion", + -14.66292667388916 + ], + [ + "▁Jovi", + -14.662986755371094 + ], + [ + "▁($15", + -14.663002014160156 + ], + [ + "▁Delia", + -14.6630277633667 + ], + [ + "convenient", + -14.663031578063965 + ], + [ + "▁Bionic", + -14.663078308105469 + ], + [ + "▁14.1", + -14.663091659545898 + ], + [ + "▁Stamped", + -14.663116455078123 + ], + [ + "GOV", + -14.663336753845217 + ], + [ + "hind", + -14.663371086120604 + ], + [ + "dari", + -14.663395881652832 + ], + [ + "qvist", + -14.663395881652832 + ], + [ + "▁Markdown", + -14.66348361968994 + ], + [ + "▁lemony", + -14.663501739501951 + ], + [ + "▁Boxed", + -14.66352653503418 + ], + [ + "▁juga", + -14.663531303405762 + ], + [ + "PATCH", + -14.663548469543455 + ], + [ + "elberg", + -14.663613319396973 + ], + [ + "▁mrp", + -14.663780212402344 + ], + [ + "ukan", + -14.663784980773926 + ], + [ + "Ellis", + -14.663872718811035 + ], + [ + "▁Winch", + -14.663890838623049 + ], + [ + "quez", + -14.66393756866455 + ], + [ + "▁Stunt", + -14.664024353027344 + ], + [ + "▁forecasters", + -14.66417121887207 + ], + [ + "valuation", + -14.6641845703125 + ], + [ + "▁bounding", + -14.664207458496094 + ], + [ + "▁ZF", + -14.66425609588623 + ], + [ + "▁sprig", + -14.664258003234863 + ], + [ + "▁1823", + -14.664299964904783 + ], + [ + "▁(21)", + -14.664308547973633 + ], + [ + "▁pureed", + -14.66444492340088 + ], + [ + "counterterrorism", + -14.664511680603027 + ], + [ + "adjustment", + -14.66451358795166 + ], + [ + "Moto", + -14.66451930999756 + ], + [ + "▁Kept", + -14.664527893066406 + ], + [ + "ASM", + -14.66457462310791 + ], + [ + "uzo", + -14.664626121520996 + ], + [ + "▁BOB", + -14.66469669342041 + ], + [ + "▁Vint", + -14.66476345062256 + ], + [ + "OWA", + -14.664783477783203 + ], + [ + "▁meatless", + -14.664807319641112 + ], + [ + "▁crevice", + -14.66482925415039 + ], + [ + "glove", + -14.664841651916504 + ], + [ + "▁Azz", + -14.664851188659668 + ], + [ + "▁Gula", + -14.664875984191896 + ], + [ + "1961", + -14.665009498596191 + ], + [ + "▁earphone", + -14.665104866027832 + ], + [ + "halten", + -14.665217399597168 + ], + [ + "bole", + -14.665278434753418 + ], + [ + "▁overhauling", + -14.66529655456543 + ], + [ + "WHEN", + -14.665328025817873 + ], + [ + "brid", + -14.665337562561035 + ], + [ + "roop", + -14.665366172790527 + ], + [ + "rii", + -14.66537857055664 + ], + [ + "▁conch", + -14.66539192199707 + ], + [ + "Amato", + -14.66547679901123 + ], + [ + "ISTS", + -14.665505409240724 + ], + [ + "lves", + -14.665581703186035 + ], + [ + "▁Mangal", + -14.665793418884276 + ], + [ + "▁Kenton", + -14.66580581665039 + ], + [ + "▁Collet", + -14.665810585021973 + ], + [ + "▁Bho", + -14.665874481201172 + ], + [ + "▁Moby", + -14.665955543518066 + ], + [ + "2:19", + -14.666017532348633 + ], + [ + "▁preempt", + -14.666096687316896 + ], + [ + "▁Lucid", + -14.666114807128906 + ], + [ + "BBQ", + -14.666157722473145 + ], + [ + "donna", + -14.666179656982422 + ], + [ + "057", + -14.666190147399902 + ], + [ + "▁Speck", + -14.666244506835938 + ], + [ + "▁3-8", + -14.666252136230469 + ], + [ + "▁Beren", + -14.666301727294922 + ], + [ + "ostatic", + -14.666322708129885 + ], + [ + "▁wonton", + -14.666341781616213 + ], + [ + "▁leaped", + -14.666403770446776 + ], + [ + "czak", + -14.666460990905762 + ], + [ + "▁whitetail", + -14.666462898254396 + ], + [ + "▁pestle", + -14.666479110717772 + ], + [ + "Sometime", + -14.666550636291504 + ], + [ + "▁Mailbox", + -14.666625022888184 + ], + [ + "▁NYE", + -14.666666984558104 + ], + [ + "▁Kae", + -14.666711807250977 + ], + [ + "▁indiscriminate", + -14.666762351989746 + ], + [ + "nati", + -14.66678237915039 + ], + [ + "▁comprehending", + -14.666919708251951 + ], + [ + "▁Filtering", + -14.666955947875977 + ], + [ + "bura", + -14.666988372802734 + ], + [ + "oddy", + -14.667021751403809 + ], + [ + "▁sensitively", + -14.667078971862791 + ], + [ + "ritu", + -14.667203903198242 + ], + [ + "▁.45", + -14.667256355285645 + ], + [ + "1954", + -14.66726303100586 + ], + [ + "▁phthalates", + -14.667306900024414 + ], + [ + "▁yachting", + -14.667319297790527 + ], + [ + "▁dynamical", + -14.667445182800291 + ], + [ + "▁Abid", + -14.667550086975098 + ], + [ + "▁Neha", + -14.667672157287598 + ], + [ + "▁Metcalf", + -14.667736053466797 + ], + [ + "▁Fiddle", + -14.66778564453125 + ], + [ + "▁Tada", + -14.66782283782959 + ], + [ + "▁EDR", + -14.667824745178224 + ], + [ + "▁888-5", + -14.66783046722412 + ], + [ + "▁MIMO", + -14.667832374572754 + ], + [ + "UAT", + -14.667926788330078 + ], + [ + "▁sciatic", + -14.667997360229492 + ], + [ + "▁GLC", + -14.668012619018556 + ], + [ + "▁Appalachia", + -14.668063163757324 + ], + [ + "MART", + -14.66809368133545 + ], + [ + "kaki", + -14.668095588684082 + ], + [ + "closure", + -14.6681489944458 + ], + [ + "divorce", + -14.668212890625 + ], + [ + "spyware", + -14.668213844299316 + ], + [ + "Grease", + -14.668214797973633 + ], + [ + "removal", + -14.668219566345217 + ], + [ + "Decorate", + -14.668220520019531 + ], + [ + "Miracle", + -14.668222427368164 + ], + [ + "Mouth", + -14.668222427368164 + ], + [ + "Milwaukee", + -14.668227195739746 + ], + [ + "trouble", + -14.66822910308838 + ], + [ + "deferred", + -14.668258666992188 + ], + [ + "Entity", + -14.66826057434082 + ], + [ + "jewelry", + -14.668275833129885 + ], + [ + "Bailey", + -14.668291091918944 + ], + [ + "Disable", + -14.668291091918944 + ], + [ + "entz", + -14.668353080749512 + ], + [ + "▁Alcatraz", + -14.66840934753418 + ], + [ + "▁BETWEEN", + -14.66840934753418 + ], + [ + "▁Chipmunk", + -14.66840934753418 + ], + [ + "▁Iyengar", + -14.66840934753418 + ], + [ + "▁Lanzarote", + -14.66840934753418 + ], + [ + "▁aggregating", + -14.66840934753418 + ], + [ + "▁circumstantial", + -14.66840934753418 + ], + [ + "▁confiscation", + -14.66840934753418 + ], + [ + "▁cornucopia", + -14.66840934753418 + ], + [ + "▁cosmetology", + -14.66840934753418 + ], + [ + "▁depleting", + -14.66840934753418 + ], + [ + "▁derailleur", + -14.66840934753418 + ], + [ + "▁emollient", + -14.66840934753418 + ], + [ + "▁february", + -14.66840934753418 + ], + [ + "▁gruelling", + -14.66840934753418 + ], + [ + "▁plasmid", + -14.66840934753418 + ], + [ + "▁reciprocating", + -14.66840934753418 + ], + [ + "▁serendipity", + -14.66840934753418 + ], + [ + "▁tantamount", + -14.66840934753418 + ], + [ + "▁unreachable", + -14.66840934753418 + ], + [ + "▁wheelbarrow", + -14.66840934753418 + ], + [ + "▁wheezing", + -14.66840934753418 + ], + [ + "▁McFadden", + -14.668410301208496 + ], + [ + "▁Phoenicia", + -14.668410301208496 + ], + [ + "▁Catharine", + -14.668412208557127 + ], + [ + "FACTORY", + -14.668413162231444 + ], + [ + "▁Mahjong", + -14.668413162231444 + ], + [ + "▁Presidio", + -14.668413162231444 + ], + [ + "▁handcuffs", + -14.668413162231444 + ], + [ + "▁Eskimo", + -14.668416976928713 + ], + [ + "▁eulogy", + -14.668421745300291 + ], + [ + "▁MAJOR", + -14.66842555999756 + ], + [ + "▁SWEET", + -14.668428421020508 + ], + [ + "▁Maasai", + -14.668429374694824 + ], + [ + "Conveniently", + -14.668431282043455 + ], + [ + "▁INDIRECT", + -14.668434143066406 + ], + [ + "▁contraband", + -14.668435096740724 + ], + [ + "▁Ravelry", + -14.668445587158203 + ], + [ + "▁presumptive", + -14.668445587158203 + ], + [ + "▁Federated", + -14.668447494506836 + ], + [ + "▁censure", + -14.668453216552734 + ], + [ + "▁Kippur", + -14.668456077575684 + ], + [ + "10.5", + -14.66845703125 + ], + [ + "▁IndyCar", + -14.66845703125 + ], + [ + "▁palmetto", + -14.668468475341797 + ], + [ + "▁Estelle", + -14.668472290039062 + ], + [ + "▁hatchery", + -14.668474197387695 + ], + [ + "▁Propulsion", + -14.668475151062012 + ], + [ + "Emphasiz", + -14.668477058410645 + ], + [ + "▁Amrita", + -14.668481826782228 + ], + [ + "▁desecrat", + -14.668484687805176 + ], + [ + "▁psychometric", + -14.668497085571287 + ], + [ + "Globe", + -14.668499946594238 + ], + [ + "Heroes", + -14.668503761291504 + ], + [ + "▁Mancini", + -14.66850471496582 + ], + [ + "▁Admiralty", + -14.66851043701172 + ], + [ + "▁MUGA", + -14.66851043701172 + ], + [ + "▁INCLUDES", + -14.668511390686035 + ], + [ + "▁Penske", + -14.668511390686035 + ], + [ + "Meyer", + -14.66851806640625 + ], + [ + "▁Washburn", + -14.668524742126465 + ], + [ + "▁revolutionaries", + -14.66852855682373 + ], + [ + "▁Billiard", + -14.668533325195312 + ], + [ + "▁dishwashing", + -14.668537139892578 + ], + [ + "▁Billionaire", + -14.66854190826416 + ], + [ + "ADVANCE", + -14.668551445007324 + ], + [ + "▁Intranet", + -14.66855239868164 + ], + [ + "abundance", + -14.668569564819336 + ], + [ + "▁Bahia", + -14.668586730957031 + ], + [ + "▁Twinkle", + -14.668594360351562 + ], + [ + "▁Greenbelt", + -14.668625831604004 + ], + [ + "enco", + -14.668636322021484 + ], + [ + "▁mirage", + -14.668645858764648 + ], + [ + "▁10.10", + -14.66864776611328 + ], + [ + "▁Langford", + -14.668663024902344 + ], + [ + "▁ostrac", + -14.668668746948242 + ], + [ + "Avi", + -14.668684005737305 + ], + [ + "msn", + -14.668686866760254 + ], + [ + "▁Bellamy", + -14.668726921081545 + ], + [ + "▁trachea", + -14.668745994567873 + ], + [ + "▁reenactment", + -14.66877269744873 + ], + [ + "▁UKIP", + -14.66877555847168 + ], + [ + "▁crossbow", + -14.66877555847168 + ], + [ + "▁Opry", + -14.668779373168944 + ], + [ + "▁buckling", + -14.668797492980955 + ], + [ + "▁oddities", + -14.668816566467283 + ], + [ + "▁Burrito", + -14.668817520141602 + ], + [ + "▁zipping", + -14.668818473815918 + ], + [ + "▁ROSE", + -14.66882038116455 + ], + [ + "Estimated", + -14.6688232421875 + ], + [ + "▁uae", + -14.668848037719728 + ], + [ + "▁UTV", + -14.668895721435549 + ], + [ + "▁enumerated", + -14.668911933898926 + ], + [ + "ensky", + -14.66891860961914 + ], + [ + "Helpful", + -14.668928146362305 + ], + [ + "glaze", + -14.668964385986328 + ], + [ + "▁Yeovil", + -14.66896629333496 + ], + [ + "▁Hillsdale", + -14.668994903564451 + ], + [ + "InterContinental", + -14.668997764587402 + ], + [ + "▁Anson", + -14.6690092086792 + ], + [ + "LCA", + -14.669021606445312 + ], + [ + "▁alumna", + -14.669034957885742 + ], + [ + "Widespread", + -14.66904067993164 + ], + [ + "▁antisocial", + -14.669079780578612 + ], + [ + "▁subjectivity", + -14.669089317321776 + ], + [ + "▁governorship", + -14.669096946716309 + ], + [ + "▁yawning", + -14.669127464294434 + ], + [ + "prog", + -14.669134140014648 + ], + [ + "SOP", + -14.66915798187256 + ], + [ + "▁ITEMS", + -14.669177055358888 + ], + [ + "▁wrenches", + -14.66920566558838 + ], + [ + "zur", + -14.669232368469238 + ], + [ + "▁oddball", + -14.669243812561035 + ], + [ + "▁befriended", + -14.669257164001465 + ], + [ + "Dissolve", + -14.669265747070312 + ], + [ + "iyar", + -14.669281959533691 + ], + [ + "itel", + -14.669318199157717 + ], + [ + "throughout", + -14.66932201385498 + ], + [ + "▁demolishing", + -14.669323921203612 + ], + [ + "▁permeated", + -14.669326782226562 + ], + [ + "▁metabolize", + -14.66933536529541 + ], + [ + "lifestyle", + -14.669355392456056 + ], + [ + "▁Brice", + -14.66938018798828 + ], + [ + "▁Slit", + -14.669398307800291 + ], + [ + "▁SAV", + -14.669404029846191 + ], + [ + "▁dismisses", + -14.669479370117188 + ], + [ + "HMRC", + -14.669483184814451 + ], + [ + "Seminar", + -14.669493675231934 + ], + [ + "▁Carport", + -14.669528007507324 + ], + [ + "▁Golem", + -14.669561386108398 + ], + [ + "▁tightest", + -14.669577598571776 + ], + [ + "▁ESET", + -14.669591903686523 + ], + [ + "▁harmonized", + -14.669636726379396 + ], + [ + "▁nitpick", + -14.66967487335205 + ], + [ + "▁(160", + -14.669690132141112 + ], + [ + "nari", + -14.669723510742188 + ], + [ + "haar", + -14.669776916503906 + ], + [ + "▁Rupp", + -14.669777870178224 + ], + [ + "▁Millet", + -14.669800758361816 + ], + [ + "▁lengthened", + -14.669801712036133 + ], + [ + "▁Hollande", + -14.669857025146484 + ], + [ + "▁18-24", + -14.6698579788208 + ], + [ + "▁RTX", + -14.66994857788086 + ], + [ + "▁churned", + -14.6699800491333 + ], + [ + "▁#22", + -14.669987678527832 + ], + [ + "▁modus", + -14.670002937316896 + ], + [ + "▁$2.9", + -14.670013427734377 + ], + [ + "▁Theories", + -14.670036315917969 + ], + [ + "patrick", + -14.670050621032717 + ], + [ + "▁Rubik", + -14.670061111450195 + ], + [ + "milie", + -14.67011547088623 + ], + [ + "▁Manna", + -14.67017650604248 + ], + [ + "▁Lapland", + -14.670207023620604 + ], + [ + "7.8%", + -14.670220375061035 + ], + [ + "frank", + -14.67022705078125 + ], + [ + "▁impound", + -14.670269012451172 + ], + [ + "▁contractually", + -14.67029094696045 + ], + [ + "▁frisk", + -14.67030429840088 + ], + [ + "▁emanates", + -14.670312881469728 + ], + [ + "▁suave", + -14.67035675048828 + ], + [ + "RIAN", + -14.670382499694824 + ], + [ + "▁Tamarind", + -14.670434951782228 + ], + [ + "wreck", + -14.67050075531006 + ], + [ + "▁savoring", + -14.670503616333008 + ], + [ + "urgent", + -14.670637130737305 + ], + [ + "Household", + -14.670721054077148 + ], + [ + "▁DJing", + -14.670724868774414 + ], + [ + "Clare", + -14.670825958251951 + ], + [ + "Folder", + -14.670831680297852 + ], + [ + "▁overactive", + -14.67084503173828 + ], + [ + "▁tendering", + -14.67084789276123 + ], + [ + "▁Playbook", + -14.670862197875977 + ], + [ + "▁Melting", + -14.670942306518556 + ], + [ + "▁MLP", + -14.670944213867188 + ], + [ + "▁Whitewater", + -14.670964241027832 + ], + [ + "CPI", + -14.670974731445312 + ], + [ + "▁stewed", + -14.671006202697754 + ], + [ + "▁Crock", + -14.671021461486816 + ], + [ + "▁avg", + -14.671082496643066 + ], + [ + "8.6%", + -14.67119026184082 + ], + [ + "▁Deming", + -14.671194076538086 + ], + [ + "designing", + -14.671202659606934 + ], + [ + "zab", + -14.671281814575195 + ], + [ + "▁unraveling", + -14.67131519317627 + ], + [ + "▁remixed", + -14.671364784240724 + ], + [ + "▁Vald", + -14.671381950378418 + ], + [ + "▁Dhu", + -14.671393394470217 + ], + [ + "▁ASR", + -14.671429634094238 + ], + [ + "▁Nobu", + -14.67147731781006 + ], + [ + "▁Postage", + -14.671550750732422 + ], + [ + "▁PVA", + -14.671567916870115 + ], + [ + "▁pushback", + -14.67160701751709 + ], + [ + "▁perches", + -14.67162036895752 + ], + [ + "Maha", + -14.671648979187012 + ], + [ + "▁hashes", + -14.67165184020996 + ], + [ + "trench", + -14.671659469604492 + ], + [ + "heroes", + -14.671700477600098 + ], + [ + "Timing", + -14.671764373779297 + ], + [ + "▁Brno", + -14.671829223632812 + ], + [ + "uniform", + -14.671874046325684 + ], + [ + "1850", + -14.671947479248049 + ], + [ + "▁pune", + -14.67198371887207 + ], + [ + "entering", + -14.672001838684082 + ], + [ + "▁Retin", + -14.672063827514648 + ], + [ + "oggi", + -14.672138214111328 + ], + [ + "▁ilk", + -14.672245979309082 + ], + [ + "▁Binh", + -14.672333717346191 + ], + [ + "▁brokered", + -14.672371864318848 + ], + [ + "▁GND", + -14.672396659851074 + ], + [ + "▁airplay", + -14.672438621520996 + ], + [ + "▁Nec", + -14.672520637512209 + ], + [ + "▁Daz", + -14.672532081604004 + ], + [ + "▁Kazi", + -14.672537803649902 + ], + [ + "Optionally", + -14.672587394714355 + ], + [ + "▁MSME", + -14.672624588012695 + ], + [ + "▁Zaha", + -14.672627449035645 + ], + [ + "▁SHEL", + -14.67263126373291 + ], + [ + "▁Emmet", + -14.672640800476074 + ], + [ + "Rabbi", + -14.672769546508787 + ], + [ + "▁silic", + -14.672784805297852 + ], + [ + "▁Kolb", + -14.67282485961914 + ], + [ + "▁Kingman", + -14.67283535003662 + ], + [ + "▁Bowles", + -14.67297077178955 + ], + [ + "anova", + -14.673049926757812 + ], + [ + "WITH", + -14.673067092895508 + ], + [ + "▁Foothill", + -14.673072814941406 + ], + [ + "▁libro", + -14.673145294189451 + ], + [ + "▁Goodall", + -14.6731538772583 + ], + [ + "7.6%", + -14.673317909240724 + ], + [ + "▁70.3", + -14.673365592956545 + ], + [ + "▁CGL", + -14.673382759094238 + ], + [ + "▁chatroom", + -14.673394203186035 + ], + [ + "WEN", + -14.673477172851562 + ], + [ + "▁idealized", + -14.673523902893066 + ], + [ + "▁lapsed", + -14.673700332641602 + ], + [ + "▁Hairstyle", + -14.673717498779297 + ], + [ + "alaba", + -14.673739433288574 + ], + [ + "▁jut", + -14.673805236816406 + ], + [ + "4-14", + -14.67385196685791 + ], + [ + "▁stonework", + -14.673925399780272 + ], + [ + "▁Seren", + -14.674032211303713 + ], + [ + "gentle", + -14.67404556274414 + ], + [ + "bois", + -14.674155235290527 + ], + [ + "▁clamor", + -14.67430305480957 + ], + [ + "Pty", + -14.674355506896973 + ], + [ + "▁Univer", + -14.674442291259766 + ], + [ + "1.02", + -14.674504280090332 + ], + [ + "▁wii", + -14.674525260925291 + ], + [ + "LNG", + -14.674554824829102 + ], + [ + "loot", + -14.67457103729248 + ], + [ + "Seasonal", + -14.67458724975586 + ], + [ + "Flop", + -14.67459201812744 + ], + [ + "BMD", + -14.67465591430664 + ], + [ + "opod", + -14.674711227416992 + ], + [ + "▁barricades", + -14.674736976623535 + ], + [ + "Donated", + -14.674744606018066 + ], + [ + "▁Takashi", + -14.674762725830078 + ], + [ + "Magnifi", + -14.674821853637695 + ], + [ + "▁tendered", + -14.674871444702148 + ], + [ + "Shall", + -14.674973487854004 + ], + [ + "hazardous", + -14.674975395202637 + ], + [ + "aig", + -14.674985885620115 + ], + [ + "▁Blackwood", + -14.675058364868164 + ], + [ + "wab", + -14.67508602142334 + ], + [ + "oggle", + -14.675240516662598 + ], + [ + "Debug", + -14.675559043884276 + ], + [ + "▁pulverize", + -14.6755952835083 + ], + [ + "▁uninstaller", + -14.675628662109377 + ], + [ + "Pond", + -14.675689697265623 + ], + [ + "1902", + -14.675710678100586 + ], + [ + "▁FLAT", + -14.67581558227539 + ], + [ + "▁plotter", + -14.675950050354004 + ], + [ + "▁categor", + -14.675992012023926 + ], + [ + "▁Keh", + -14.676002502441406 + ], + [ + "▁unsecure", + -14.676128387451172 + ], + [ + "FEST", + -14.676226615905762 + ], + [ + "▁unsurprising", + -14.676231384277344 + ], + [ + "Serious", + -14.676254272460938 + ], + [ + "trodden", + -14.676257133483888 + ], + [ + "showing", + -14.67625904083252 + ], + [ + "▁Marant", + -14.676287651062012 + ], + [ + "ethical", + -14.676311492919922 + ], + [ + "▁Hutchins", + -14.676346778869627 + ], + [ + "▁Prisma", + -14.67635726928711 + ], + [ + "furnished", + -14.676424026489258 + ], + [ + "temporary", + -14.676433563232422 + ], + [ + "Amendment", + -14.676434516906738 + ], + [ + "Champaign", + -14.676437377929688 + ], + [ + "Patriot", + -14.676470756530762 + ], + [ + "Centrifugal", + -14.676473617553713 + ], + [ + "▁Astrologer", + -14.676473617553713 + ], + [ + "▁CERTIFIED", + -14.676473617553713 + ], + [ + "▁Chippewa", + -14.676473617553713 + ], + [ + "▁Congolese", + -14.676473617553713 + ], + [ + "▁Dolomites", + -14.676473617553713 + ], + [ + "▁Hidalgo", + -14.676473617553713 + ], + [ + "▁Ignacio", + -14.676473617553713 + ], + [ + "▁LICENSE", + -14.676473617553713 + ], + [ + "▁Lansdowne", + -14.676473617553713 + ], + [ + "▁Obedience", + -14.676473617553713 + ], + [ + "▁Punishment", + -14.676473617553713 + ], + [ + "▁QWERTY", + -14.676473617553713 + ], + [ + "▁Rawalpindi", + -14.676473617553713 + ], + [ + "▁Tamilnadu", + -14.676473617553713 + ], + [ + "▁causative", + -14.676473617553713 + ], + [ + "▁decommissioning", + -14.676473617553713 + ], + [ + "▁dehydrator", + -14.676473617553713 + ], + [ + "▁demonstrable", + -14.676473617553713 + ], + [ + "▁disingenuous", + -14.676473617553713 + ], + [ + "▁fiddly", + -14.676473617553713 + ], + [ + "▁oxycodone", + -14.676473617553713 + ], + [ + "▁prophylaxis", + -14.676473617553713 + ], + [ + "▁scrupulous", + -14.676473617553713 + ], + [ + "▁watercress", + -14.676473617553713 + ], + [ + "▁Wallingford", + -14.676474571228027 + ], + [ + "▁flecks", + -14.676474571228027 + ], + [ + "▁untamed", + -14.676474571228027 + ], + [ + "▁Zwingle", + -14.676475524902344 + ], + [ + "▁Acceleration", + -14.67647647857666 + ], + [ + "▁sucrose", + -14.67647933959961 + ], + [ + "▁Stormtrooper", + -14.676481246948242 + ], + [ + "▁Mailchimp", + -14.676484107971191 + ], + [ + "Malcolm", + -14.676486015319824 + ], + [ + "▁dahlia", + -14.676486015319824 + ], + [ + "▁Cockburn", + -14.676488876342772 + ], + [ + "cysteine", + -14.67648983001709 + ], + [ + "▁mechanistic", + -14.67648983001709 + ], + [ + "Imperial", + -14.676491737365724 + ], + [ + "dependency", + -14.67649269104004 + ], + [ + "▁QUESTIONS", + -14.67649269104004 + ], + [ + "Boeing", + -14.676495552062988 + ], + [ + "Requirements", + -14.676499366760254 + ], + [ + "▁Osbourne", + -14.67650032043457 + ], + [ + "▁adherents", + -14.676502227783203 + ], + [ + "▁Dunlap", + -14.676507949829102 + ], + [ + "suffering", + -14.67651081085205 + ], + [ + "▁Countess", + -14.676521301269531 + ], + [ + "▁Laughlin", + -14.67652416229248 + ], + [ + "▁dislocated", + -14.676526069641112 + ], + [ + "Gravity", + -14.67652988433838 + ], + [ + "▁fibreglass", + -14.676533699035645 + ], + [ + "▁Evoque", + -14.676535606384276 + ], + [ + "▁parched", + -14.676554679870604 + ], + [ + "diameter", + -14.676557540893556 + ], + [ + "▁Jamison", + -14.676558494567873 + ], + [ + "▁savannah", + -14.676559448242188 + ], + [ + "▁KOYO", + -14.676573753356934 + ], + [ + "Ahmad", + -14.676578521728516 + ], + [ + "▁Gaulle", + -14.676581382751465 + ], + [ + "▁guardrail", + -14.67660140991211 + ], + [ + "▁1993)", + -14.676606178283691 + ], + [ + "▁scrubbed", + -14.676607131958008 + ], + [ + "Wildlife", + -14.676612854003906 + ], + [ + "▁Najib", + -14.676612854003906 + ], + [ + "▁Stingray", + -14.676612854003906 + ], + [ + "▁Celts", + -14.676617622375488 + ], + [ + "▁suds", + -14.67661952972412 + ], + [ + "▁Konami", + -14.676623344421388 + ], + [ + "▁Hardwick", + -14.676650047302246 + ], + [ + "▁Warmer", + -14.676663398742676 + ], + [ + "Radar", + -14.676674842834473 + ], + [ + "▁Fluffy", + -14.676681518554688 + ], + [ + "CLOUD", + -14.67668628692627 + ], + [ + "▁Lowcountry", + -14.676697731018066 + ], + [ + "▁bugged", + -14.676698684692385 + ], + [ + "▁hairspray", + -14.676714897155762 + ], + [ + "VIDEO", + -14.676715850830078 + ], + [ + "▁JBoss", + -14.676728248596191 + ], + [ + "▁Lovato", + -14.676734924316406 + ], + [ + "▁Paver", + -14.676738739013672 + ], + [ + "Comedy", + -14.676755905151367 + ], + [ + "absorption", + -14.6767578125 + ], + [ + "▁turnstile", + -14.676765441894531 + ], + [ + "▁BASF", + -14.67676830291748 + ], + [ + "▁Jerky", + -14.676774978637695 + ], + [ + "▁LePage", + -14.676777839660645 + ], + [ + "▁supernova", + -14.676801681518556 + ], + [ + "igar", + -14.676813125610352 + ], + [ + "▁Malden", + -14.67681884765625 + ], + [ + "decoration", + -14.676824569702148 + ], + [ + "▁inflationary", + -14.676868438720703 + ], + [ + "Knock", + -14.67686939239502 + ], + [ + "Jac", + -14.676887512207031 + ], + [ + "▁vanishes", + -14.676892280578612 + ], + [ + "Cluster", + -14.676895141601562 + ], + [ + "▁Tulum", + -14.67690372467041 + ], + [ + "▁Williston", + -14.676912307739258 + ], + [ + "▁incubated", + -14.676929473876951 + ], + [ + "▁Shipley", + -14.676939964294434 + ], + [ + "▁Profitable", + -14.67695140838623 + ], + [ + "▁obstetrician", + -14.676960945129396 + ], + [ + "▁Gabriella", + -14.676963806152344 + ], + [ + "▁Centra", + -14.676968574523926 + ], + [ + "▁Kinney", + -14.676993370056152 + ], + [ + "Alter", + -14.677011489868164 + ], + [ + "▁Mudd", + -14.677051544189451 + ], + [ + "resolved", + -14.677074432373049 + ], + [ + "▁sheltering", + -14.677081108093262 + ], + [ + "SHARP", + -14.677131652832031 + ], + [ + "▁Coyle", + -14.677132606506348 + ], + [ + "Crash", + -14.677172660827637 + ], + [ + "AJA", + -14.677217483520508 + ], + [ + "grease", + -14.677241325378418 + ], + [ + "▁RMIT", + -14.67724609375 + ], + [ + "crypto", + -14.67728328704834 + ], + [ + "▁12:01", + -14.6773042678833 + ], + [ + "▁smelting", + -14.677312850952148 + ], + [ + "▁Fiddler", + -14.677350997924805 + ], + [ + "▁Couches", + -14.67735767364502 + ], + [ + "▁Lanier", + -14.67740249633789 + ], + [ + "▁Claimant", + -14.677408218383787 + ], + [ + "▁$1,4", + -14.677413940429688 + ], + [ + "detailed", + -14.67750358581543 + ], + [ + "4.8%", + -14.6775484085083 + ], + [ + "Liam", + -14.67755889892578 + ], + [ + "Nap", + -14.677590370178224 + ], + [ + "▁Calam", + -14.677595138549805 + ], + [ + "▁Rucker", + -14.67759609222412 + ], + [ + "DEO", + -14.677600860595703 + ], + [ + "-0-0", + -14.677611351013184 + ], + [ + "▁liquidated", + -14.67761516571045 + ], + [ + "preservation", + -14.677618026733398 + ], + [ + "▁epidemiological", + -14.67762851715088 + ], + [ + "classroom", + -14.677694320678713 + ], + [ + "▁Zou", + -14.677757263183594 + ], + [ + "▁Gust", + -14.677789688110352 + ], + [ + "Serge", + -14.677806854248049 + ], + [ + "▁DKK", + -14.677830696105955 + ], + [ + "▁unfilled", + -14.677851676940918 + ], + [ + "Dock", + -14.677915573120115 + ], + [ + "▁deviated", + -14.677939414978027 + ], + [ + "▁Hamburger", + -14.67798900604248 + ], + [ + "▁Samar", + -14.678110122680664 + ], + [ + "▁encrypting", + -14.678114891052246 + ], + [ + "▁stinking", + -14.678123474121094 + ], + [ + "▁Mauro", + -14.678176879882812 + ], + [ + "▁Trackback", + -14.678337097167969 + ], + [ + "▁Shanti", + -14.678339004516602 + ], + [ + "desc", + -14.678448677062988 + ], + [ + "llusion", + -14.678470611572266 + ], + [ + "▁penning", + -14.678536415100098 + ], + [ + "Swim", + -14.678545951843262 + ], + [ + "▁Nido", + -14.678589820861816 + ], + [ + "gef", + -14.678661346435549 + ], + [ + "THS", + -14.678668022155762 + ], + [ + "▁scro", + -14.678711891174316 + ], + [ + "URU", + -14.678778648376465 + ], + [ + "▁Sault", + -14.67880153656006 + ], + [ + "▁formulae", + -14.67886447906494 + ], + [ + "▁faze", + -14.67886734008789 + ], + [ + "german", + -14.678889274597168 + ], + [ + "▁Stahl", + -14.678945541381836 + ], + [ + "▁Galan", + -14.678995132446287 + ], + [ + "▁Dhara", + -14.679020881652832 + ], + [ + "▁Vishwa", + -14.679022789001465 + ], + [ + "FES", + -14.679112434387209 + ], + [ + "unlock", + -14.679150581359863 + ], + [ + "Mogul", + -14.679153442382812 + ], + [ + "▁Soni", + -14.67919921875 + ], + [ + "▁darned", + -14.679205894470217 + ], + [ + "▁panelled", + -14.67928981781006 + ], + [ + "▁Nada", + -14.679344177246094 + ], + [ + "▁(#4", + -14.67938232421875 + ], + [ + "▁tallying", + -14.679594993591309 + ], + [ + "▁£90", + -14.67959976196289 + ], + [ + "▁romanticism", + -14.67966651916504 + ], + [ + "▁Mitra", + -14.67972469329834 + ], + [ + "viii", + -14.67984676361084 + ], + [ + "adze", + -14.679886817932127 + ], + [ + "SDS", + -14.679889678955078 + ], + [ + "servant", + -14.679905891418455 + ], + [ + "iven", + -14.679931640625 + ], + [ + "psycho", + -14.67996597290039 + ], + [ + "▁Daycare", + -14.68000316619873 + ], + [ + "Lok", + -14.680106163024902 + ], + [ + "▁Nader", + -14.68012809753418 + ], + [ + "▁PBL", + -14.680185317993164 + ], + [ + "anzi", + -14.680205345153809 + ], + [ + "▁stil", + -14.680221557617188 + ], + [ + "▁80/20", + -14.680242538452148 + ], + [ + "oggy", + -14.68038845062256 + ], + [ + "▁Banksy", + -14.680548667907717 + ], + [ + "▁Internally", + -14.680566787719728 + ], + [ + "••", + -14.68069839477539 + ], + [ + "▁Heroic", + -14.680737495422363 + ], + [ + "▁enameled", + -14.680801391601562 + ], + [ + "moji", + -14.680830955505373 + ], + [ + "▁Litho", + -14.68084716796875 + ], + [ + "▁Oncol", + -14.68096160888672 + ], + [ + "Shut", + -14.680967330932615 + ], + [ + "▁jitter", + -14.680999755859377 + ], + [ + "▁candida", + -14.681078910827637 + ], + [ + "pyri", + -14.681133270263672 + ], + [ + "▁triglyceride", + -14.681147575378418 + ], + [ + "▁Umar", + -14.68117332458496 + ], + [ + "▁Gump", + -14.68125057220459 + ], + [ + "▁spon", + -14.681289672851562 + ], + [ + "▁1775", + -14.681324005126951 + ], + [ + "▁JIS", + -14.681371688842772 + ], + [ + "▁$61", + -14.681520462036133 + ], + [ + "assemble", + -14.681550979614258 + ], + [ + "pressing", + -14.681605339050291 + ], + [ + "MEMBERS", + -14.681666374206545 + ], + [ + "▁ARV", + -14.68170928955078 + ], + [ + "▁policymaking", + -14.681748390197754 + ], + [ + "▁BETA", + -14.68187141418457 + ], + [ + "▁topographical", + -14.681918144226074 + ], + [ + "9.9%", + -14.681933403015137 + ], + [ + "Quant", + -14.681992530822754 + ], + [ + "▁gazed", + -14.68202304840088 + ], + [ + "▁AUDI", + -14.682086944580078 + ], + [ + "▁Valent", + -14.68216323852539 + ], + [ + "0.80", + -14.682191848754885 + ], + [ + "▁comme", + -14.682194709777832 + ], + [ + "acted", + -14.682238578796388 + ], + [ + "▁Mastermind", + -14.682271003723145 + ], + [ + "tagged", + -14.682280540466309 + ], + [ + "▁Ural", + -14.68228816986084 + ], + [ + "▁tubers", + -14.682297706604004 + ], + [ + "glie", + -14.68230438232422 + ], + [ + "▁dropbox", + -14.682397842407228 + ], + [ + "GOOD", + -14.682490348815918 + ], + [ + "▁punter", + -14.68253231048584 + ], + [ + "XV", + -14.682573318481444 + ], + [ + "MATE", + -14.68259048461914 + ], + [ + "▁WISH", + -14.682632446289062 + ], + [ + "africa", + -14.68270206451416 + ], + [ + "▁surrealist", + -14.682710647583008 + ], + [ + "▁WPS", + -14.682791709899902 + ], + [ + "▁MOA", + -14.682916641235352 + ], + [ + "▁warship", + -14.683096885681152 + ], + [ + "ntergovernmental", + -14.68313980102539 + ], + [ + "▁socialized", + -14.683274269104004 + ], + [ + "Fay", + -14.683342933654783 + ], + [ + "▁0161", + -14.683389663696287 + ], + [ + "5-17", + -14.683481216430664 + ], + [ + "joe", + -14.683514595031738 + ], + [ + "aqi", + -14.683524131774902 + ], + [ + "▁£80", + -14.683592796325684 + ], + [ + "▁ballooning", + -14.683634757995604 + ], + [ + "locating", + -14.683667182922363 + ], + [ + "hertz", + -14.683669090270996 + ], + [ + "leven", + -14.683783531188965 + ], + [ + "▁Suez", + -14.683813095092772 + ], + [ + "▁COCO", + -14.683837890625 + ], + [ + "▁scavenge", + -14.683849334716797 + ], + [ + "▁$499", + -14.683880805969238 + ], + [ + "▁encroach", + -14.683969497680664 + ], + [ + "▁submerge", + -14.684072494506836 + ], + [ + "▁conspire", + -14.68408203125 + ], + [ + "▁formulaic", + -14.68411922454834 + ], + [ + "▁glisten", + -14.684165000915527 + ], + [ + "▁Randi", + -14.68416690826416 + ], + [ + "fisher", + -14.684171676635742 + ], + [ + "▁croquet", + -14.684196472167969 + ], + [ + "▁reprimand", + -14.684205055236816 + ], + [ + "▁queued", + -14.684212684631348 + ], + [ + "Verb", + -14.684310913085938 + ], + [ + "▁respirator", + -14.68434238433838 + ], + [ + "▁coincidental", + -14.684412956237791 + ], + [ + "CORRECT", + -14.684455871582031 + ], + [ + "oxetine", + -14.684544563293455 + ], + [ + "5′", + -14.684600830078123 + ], + [ + "Flaherty", + -14.684603691101074 + ], + [ + "Proprietary", + -14.684603691101074 + ], + [ + "▁Endocrinology", + -14.684603691101074 + ], + [ + "▁Infirmary", + -14.684603691101074 + ], + [ + "▁Poseidon", + -14.684603691101074 + ], + [ + "▁Salamanca", + -14.684603691101074 + ], + [ + "▁Saraswati", + -14.684603691101074 + ], + [ + "▁dormitories", + -14.684603691101074 + ], + [ + "▁larynx", + -14.684603691101074 + ], + [ + "▁monopolies", + -14.684603691101074 + ], + [ + "▁paragliding", + -14.684603691101074 + ], + [ + "▁rehabilitative", + -14.684603691101074 + ], + [ + "▁scepticism", + -14.684603691101074 + ], + [ + "▁tabernacle", + -14.684603691101074 + ], + [ + "▁unaltered", + -14.684603691101074 + ], + [ + "▁welterweight", + -14.684603691101074 + ], + [ + "▁Geyser", + -14.68460464477539 + ], + [ + "▁miniscule", + -14.68460464477539 + ], + [ + "▁orthogonal", + -14.68460464477539 + ], + [ + "▁pedometer", + -14.68460464477539 + ], + [ + "▁phablet", + -14.68460464477539 + ], + [ + "▁BlueStacks", + -14.684605598449709 + ], + [ + "▁minimization", + -14.684605598449709 + ], + [ + "▁Moriarty", + -14.684606552124023 + ], + [ + "▁lorries", + -14.684606552124023 + ], + [ + "▁Leitrim", + -14.684608459472656 + ], + [ + "▁kansas", + -14.684608459472656 + ], + [ + "▁Carpentry", + -14.684609413146973 + ], + [ + "▁Northumbria", + -14.684609413146973 + ], + [ + "▁caldera", + -14.684610366821287 + ], + [ + "▁fortuitous", + -14.684618949890137 + ], + [ + "▁tussle", + -14.684619903564451 + ], + [ + "▁snicker", + -14.684622764587402 + ], + [ + "▁Gilead", + -14.684636116027832 + ], + [ + "▁geotechnical", + -14.684637069702148 + ], + [ + "▁zillion", + -14.684642791748049 + ], + [ + "▁pylon", + -14.68464469909668 + ], + [ + "▁Chainsaw", + -14.684645652770996 + ], + [ + "▁seduction", + -14.684645652770996 + ], + [ + "▁Tortilla", + -14.68465805053711 + ], + [ + "Accurate", + -14.684659004211426 + ], + [ + "▁Enclosed", + -14.684659957885742 + ], + [ + "▁Unauthorized", + -14.684666633605955 + ], + [ + "Tire", + -14.684674263000488 + ], + [ + "▁ExpressVPN", + -14.684677124023438 + ], + [ + "▁buggies", + -14.68467903137207 + ], + [ + "▁Supplementary", + -14.684684753417969 + ], + [ + "▁Primark", + -14.684685707092283 + ], + [ + "▁Zermatt", + -14.684709548950195 + ], + [ + "▁swindle", + -14.68471622467041 + ], + [ + "▁Lipscomb", + -14.684733390808104 + ], + [ + "▁Effie", + -14.684755325317385 + ], + [ + "Ephesians", + -14.68477725982666 + ], + [ + "▁sunbathe", + -14.68478012084961 + ], + [ + "▁Zucker", + -14.684781074523926 + ], + [ + "acrylic", + -14.684783935546877 + ], + [ + "Fifteen", + -14.684789657592772 + ], + [ + "Vegetable", + -14.68479347229004 + ], + [ + "Embrace", + -14.68479824066162 + ], + [ + "Advocate", + -14.684799194335938 + ], + [ + "fanatics", + -14.684807777404783 + ], + [ + "▁Hangover", + -14.684825897216797 + ], + [ + "▁Submitting", + -14.684831619262695 + ], + [ + "architect", + -14.684832572937012 + ], + [ + "swimming", + -14.68483829498291 + ], + [ + "sampling", + -14.684839248657228 + ], + [ + "▁zealot", + -14.684840202331545 + ], + [ + "▁Coldplay", + -14.684850692749023 + ], + [ + "Stanford", + -14.684866905212402 + ], + [ + "wholesale", + -14.684866905212402 + ], + [ + "▁Saracen", + -14.684885025024414 + ], + [ + "▁minibuses", + -14.684901237487791 + ], + [ + "8888", + -14.684906005859377 + ], + [ + "Mention", + -14.684921264648438 + ], + [ + "▁Shao", + -14.684931755065918 + ], + [ + "viz", + -14.68494987487793 + ], + [ + "▁9-1-1", + -14.68496036529541 + ], + [ + "Qatar", + -14.684986114501951 + ], + [ + "▁topological", + -14.68498706817627 + ], + [ + "▁Rafting", + -14.685002326965332 + ], + [ + "ина", + -14.685009002685549 + ], + [ + "▁Nek", + -14.685043334960938 + ], + [ + "▁Marsden", + -14.68505573272705 + ], + [ + "▁Hughesnet", + -14.685065269470217 + ], + [ + "▁Arrested", + -14.685093879699709 + ], + [ + "▁Doreen", + -14.685128211975098 + ], + [ + "dimethyl", + -14.68517017364502 + ], + [ + "▁edict", + -14.685200691223145 + ], + [ + "▁Prussian", + -14.685220718383787 + ], + [ + "▁tinder", + -14.685225486755373 + ], + [ + "edema", + -14.68529224395752 + ], + [ + "straat", + -14.68529224395752 + ], + [ + "▁Aguero", + -14.685347557067873 + ], + [ + "Everywhere", + -14.6853609085083 + ], + [ + "▁squatter", + -14.685441970825195 + ], + [ + "▁Pollen", + -14.685443878173828 + ], + [ + "▁Modena", + -14.685466766357422 + ], + [ + "▁Gomes", + -14.685480117797852 + ], + [ + "▁queso", + -14.685503005981444 + ], + [ + "▁Chopper", + -14.685527801513672 + ], + [ + "Franco", + -14.685544967651367 + ], + [ + "crisp", + -14.685544967651367 + ], + [ + "▁sass", + -14.68554973602295 + ], + [ + "Organized", + -14.685575485229492 + ], + [ + "animated", + -14.685576438903809 + ], + [ + "passive", + -14.68558120727539 + ], + [ + "koro", + -14.685603141784668 + ], + [ + "▁frolic", + -14.6856107711792 + ], + [ + "▁forgettable", + -14.685663223266602 + ], + [ + "Incorporate", + -14.685680389404297 + ], + [ + "ZW", + -14.685711860656738 + ], + [ + "GAS", + -14.685724258422852 + ], + [ + "▁CFI", + -14.68573760986328 + ], + [ + "▁130,000", + -14.685746192932127 + ], + [ + "▁Retrofit", + -14.685772895812988 + ], + [ + "Gulf", + -14.685783386230469 + ], + [ + "Enquire", + -14.685798645019531 + ], + [ + "▁Cloak", + -14.685808181762695 + ], + [ + "velocity", + -14.685832023620604 + ], + [ + "Ridge", + -14.685872077941896 + ], + [ + "arum", + -14.685907363891602 + ], + [ + "▁LHC", + -14.685908317565918 + ], + [ + "4.9%", + -14.68592643737793 + ], + [ + "HVAC", + -14.68594741821289 + ], + [ + "homework", + -14.685993194580078 + ], + [ + "1917", + -14.686007499694824 + ], + [ + "Intentional", + -14.68603515625 + ], + [ + "isode", + -14.68604564666748 + ], + [ + "▁Prose", + -14.686068534851074 + ], + [ + "▁reiki", + -14.686073303222656 + ], + [ + "DHC", + -14.68617057800293 + ], + [ + "▁Asahi", + -14.68622875213623 + ], + [ + "UCLA", + -14.68625259399414 + ], + [ + "▁WBA", + -14.68631362915039 + ], + [ + "▁vermin", + -14.68632984161377 + ], + [ + "▁Adrien", + -14.686334609985352 + ], + [ + "▁shamanic", + -14.68643569946289 + ], + [ + "▁Bap", + -14.686469078063965 + ], + [ + "▁summoning", + -14.686545372009276 + ], + [ + "▁locksmithing", + -14.686579704284668 + ], + [ + "▁1805", + -14.686683654785156 + ], + [ + "▁Beaux", + -14.686814308166504 + ], + [ + "Playwright", + -14.686872482299805 + ], + [ + "NAV", + -14.686917304992676 + ], + [ + "XGA", + -14.686931610107422 + ], + [ + "▁quilters", + -14.686946868896484 + ], + [ + "▁PMO", + -14.686955451965332 + ], + [ + "upholstered", + -14.686993598937988 + ], + [ + "▁Waite", + -14.687006950378418 + ], + [ + "23%", + -14.687018394470217 + ], + [ + "Highlighting", + -14.68708324432373 + ], + [ + "▁convertor", + -14.687108039855955 + ], + [ + "Hull", + -14.687172889709473 + ], + [ + "Billing", + -14.687204360961914 + ], + [ + "▁internalize", + -14.687233924865724 + ], + [ + "Rosen", + -14.687288284301758 + ], + [ + "Faced", + -14.687442779541016 + ], + [ + "▁Mambo", + -14.68751621246338 + ], + [ + "AMBER", + -14.68752098083496 + ], + [ + "▁2/2", + -14.687541961669922 + ], + [ + "▁FWD", + -14.687588691711426 + ], + [ + "▁Dios", + -14.687686920166016 + ], + [ + "▁abstracted", + -14.687718391418455 + ], + [ + "▁SVR", + -14.687746047973633 + ], + [ + "reveal", + -14.688010215759276 + ], + [ + "▁meow", + -14.688047409057615 + ], + [ + "▁Swine", + -14.688067436218262 + ], + [ + "xxxx", + -14.688105583190918 + ], + [ + "▁Modal", + -14.688108444213867 + ], + [ + "Sgt", + -14.688124656677246 + ], + [ + "Sanders", + -14.68813705444336 + ], + [ + "▁Hades", + -14.688148498535156 + ], + [ + "VON", + -14.688226699829102 + ], + [ + "▁12:5", + -14.688262939453123 + ], + [ + "▁Incorrect", + -14.688395500183104 + ], + [ + "▁Mallet", + -14.688431739807127 + ], + [ + "Roth", + -14.688472747802734 + ], + [ + "Disruption", + -14.688535690307615 + ], + [ + "▁myelo", + -14.688726425170898 + ], + [ + "▁Caine", + -14.688756942749023 + ], + [ + "Yard", + -14.688798904418944 + ], + [ + "Estate", + -14.6888427734375 + ], + [ + "CFP", + -14.688852310180664 + ], + [ + "▁cabal", + -14.688879013061523 + ], + [ + "▁Odi", + -14.688946723937988 + ], + [ + "▁greenest", + -14.688994407653809 + ], + [ + "cruz", + -14.68913459777832 + ], + [ + "arno", + -14.689149856567385 + ], + [ + "▁Noord", + -14.689208030700684 + ], + [ + "▁Nils", + -14.689285278320312 + ], + [ + "▁Kaw", + -14.689287185668944 + ], + [ + "▁Raju", + -14.68931007385254 + ], + [ + "▁wanderer", + -14.689311027526855 + ], + [ + "▁mountaineer", + -14.689343452453612 + ], + [ + "▁laurel", + -14.689411163330078 + ], + [ + "▁Lanza", + -14.689522743225098 + ], + [ + "enton", + -14.68954849243164 + ], + [ + "▁insurgent", + -14.689579010009766 + ], + [ + "uncle", + -14.689729690551758 + ], + [ + "▁954-", + -14.689779281616213 + ], + [ + "▁Mino", + -14.689861297607422 + ], + [ + "▁Technic", + -14.689886093139648 + ], + [ + "▁dotting", + -14.689896583557127 + ], + [ + "INIT", + -14.689911842346191 + ], + [ + "▁bettor", + -14.68991470336914 + ], + [ + "Specialising", + -14.690000534057615 + ], + [ + "▁recheck", + -14.690135955810549 + ], + [ + "0-450", + -14.690217971801758 + ], + [ + "2.45", + -14.690338134765623 + ], + [ + "▁06:3", + -14.690375328063965 + ], + [ + "▁Maki", + -14.69039249420166 + ], + [ + "▁Stoneman", + -14.690394401550291 + ], + [ + "fern", + -14.69040298461914 + ], + [ + "▁Candid", + -14.690536499023438 + ], + [ + "Diamant", + -14.690627098083496 + ], + [ + "CVE", + -14.690654754638672 + ], + [ + "katsu", + -14.690692901611328 + ], + [ + "▁Woll", + -14.69072151184082 + ], + [ + "epic", + -14.690829277038574 + ], + [ + "▁transplanting", + -14.690840721130373 + ], + [ + "▁Wiggle", + -14.690841674804688 + ], + [ + "ANGER", + -14.690972328186035 + ], + [ + "Halo", + -14.690996170043944 + ], + [ + "▁Herbie", + -14.690998077392578 + ], + [ + "nama", + -14.691123008728027 + ], + [ + "▁Deeply", + -14.691149711608888 + ], + [ + "▁Cleary", + -14.69118595123291 + ], + [ + "Mhz", + -14.691206932067873 + ], + [ + "▁vertebra", + -14.691213607788086 + ], + [ + "oulou", + -14.691239356994627 + ], + [ + "tonne", + -14.691244125366213 + ], + [ + "bedding", + -14.69151496887207 + ], + [ + "▁shampooing", + -14.691685676574709 + ], + [ + "▁13.1", + -14.691862106323242 + ], + [ + "▁Eko", + -14.691882133483888 + ], + [ + "▁Arpa", + -14.691886901855469 + ], + [ + "▁republish", + -14.691944122314451 + ], + [ + "▁Katsu", + -14.691993713378906 + ], + [ + "▁5/6", + -14.692103385925291 + ], + [ + "OCO", + -14.692198753356934 + ], + [ + "▁rekindle", + -14.692198753356934 + ], + [ + "▁collate", + -14.692234992980955 + ], + [ + "▁eX", + -14.692316055297852 + ], + [ + "Wai", + -14.692337036132812 + ], + [ + "▁THING", + -14.692481994628906 + ], + [ + "▁colloquial", + -14.692556381225586 + ], + [ + "rrrrr", + -14.6925630569458 + ], + [ + "Trouble", + -14.69257926940918 + ], + [ + "5.1%", + -14.692683219909668 + ], + [ + "▁Sura", + -14.692760467529297 + ], + [ + "▁irradiat", + -14.69276237487793 + ], + [ + "Snorkel", + -14.692789077758787 + ], + [ + "Proponents", + -14.692800521850586 + ], + [ + "▁Hastelloy", + -14.692800521850586 + ], + [ + "▁Renovated", + -14.692800521850586 + ], + [ + "▁Stochastic", + -14.692800521850586 + ], + [ + "▁Thessalonians", + -14.692800521850586 + ], + [ + "▁Wikileaks", + -14.692800521850586 + ], + [ + "▁activites", + -14.692800521850586 + ], + [ + "▁biscotti", + -14.692800521850586 + ], + [ + "▁blustery", + -14.692800521850586 + ], + [ + "▁cavitation", + -14.692800521850586 + ], + [ + "▁disparaging", + -14.692800521850586 + ], + [ + "▁extrinsic", + -14.692800521850586 + ], + [ + "▁impotence", + -14.692800521850586 + ], + [ + "▁pessimism", + -14.692800521850586 + ], + [ + "▁scrabble", + -14.692800521850586 + ], + [ + "▁shag", + -14.692800521850586 + ], + [ + "▁ubiquity", + -14.692800521850586 + ], + [ + "▁ultimatum", + -14.692800521850586 + ], + [ + "▁Andromeda", + -14.692801475524902 + ], + [ + "▁circumcision", + -14.692801475524902 + ], + [ + "▁Esperanza", + -14.69280242919922 + ], + [ + "▁Grimsby", + -14.692803382873535 + ], + [ + "▁Manassas", + -14.692803382873535 + ], + [ + "▁discontinuation", + -14.692803382873535 + ], + [ + "▁imprudent", + -14.692804336547852 + ], + [ + "▁reccomend", + -14.692804336547852 + ], + [ + "▁unabated", + -14.692804336547852 + ], + [ + "▁Earnhardt", + -14.692806243896484 + ], + [ + "▁LibreOffice", + -14.692806243896484 + ], + [ + "▁Schmitt", + -14.692806243896484 + ], + [ + "▁bollywood", + -14.692806243896484 + ], + [ + "▁scarecrow", + -14.692806243896484 + ], + [ + "▁RESEARCH", + -14.6928071975708 + ], + [ + "▁IMDb", + -14.692808151245115 + ], + [ + "▁Moravian", + -14.69281005859375 + ], + [ + "▁Herefordshire", + -14.692811965942385 + ], + [ + "▁Polyethylene", + -14.692811965942385 + ], + [ + "▁Sediment", + -14.692811965942385 + ], + [ + "▁SOLUTIONS", + -14.692819595336914 + ], + [ + "▁Critique", + -14.692828178405762 + ], + [ + "▁Kissinger", + -14.692829132080078 + ], + [ + "▁emulating", + -14.69283390045166 + ], + [ + "▁Bellagio", + -14.69283676147461 + ], + [ + "▁Bancroft", + -14.692840576171877 + ], + [ + "▁Reclamation", + -14.692842483520508 + ], + [ + "▁(1970)", + -14.69285774230957 + ], + [ + "▁orifice", + -14.692861557006836 + ], + [ + "▁amiable", + -14.692885398864746 + ], + [ + ",00,000", + -14.692891120910645 + ], + [ + "▁Dooley", + -14.69289493560791 + ], + [ + "▁Gannon", + -14.69289493560791 + ], + [ + "▁vermouth", + -14.692898750305176 + ], + [ + "▁Utilization", + -14.692907333374023 + ], + [ + "▁forlorn", + -14.692909240722656 + ], + [ + "▁Bennington", + -14.692925453186035 + ], + [ + "▁octet", + -14.692928314208984 + ], + [ + "Convenient", + -14.69295883178711 + ], + [ + "▁Nonfiction", + -14.69296646118164 + ], + [ + "▁decommissioned", + -14.692967414855955 + ], + [ + "▁$9.95", + -14.692971229553224 + ], + [ + "▁curable", + -14.693001747131348 + ], + [ + "▁landlocked", + -14.69300937652588 + ], + [ + "▁Carrara", + -14.693010330200195 + ], + [ + "▁Widescreen", + -14.693013191223145 + ], + [ + "▁Dodson", + -14.693015098571776 + ], + [ + "hene", + -14.69301700592041 + ], + [ + "▁unwrapped", + -14.693017959594728 + ], + [ + "▁denver", + -14.693020820617676 + ], + [ + "▁Juve", + -14.693035125732422 + ], + [ + "▁FMLA", + -14.69308376312256 + ], + [ + "$12", + -14.693098068237305 + ], + [ + "▁Lumix", + -14.69311809539795 + ], + [ + "▁jag", + -14.693134307861328 + ], + [ + "▁Mashable", + -14.69316291809082 + ], + [ + "kilometre", + -14.693178176879885 + ], + [ + "Tragically", + -14.6931791305542 + ], + [ + "capacitor", + -14.693187713623049 + ], + [ + "▁Bronte", + -14.693196296691896 + ], + [ + "▁Livonia", + -14.693197250366213 + ], + [ + "▁Adware", + -14.69320583343506 + ], + [ + "FRONT", + -14.693207740783691 + ], + [ + "horror", + -14.693218231201172 + ], + [ + "▁windowsill", + -14.69322395324707 + ], + [ + "Frederick", + -14.69322681427002 + ], + [ + "Entrance", + -14.693227767944336 + ], + [ + "identifiable", + -14.693229675292969 + ], + [ + "▁Naveen", + -14.693236351013184 + ], + [ + "Sofia", + -14.6932373046875 + ], + [ + "▁metaphorically", + -14.693269729614258 + ], + [ + "Carolina", + -14.69327449798584 + ], + [ + "▁Ferti", + -14.693282127380373 + ], + [ + "fulfilling", + -14.693286895751951 + ], + [ + "haut", + -14.693293571472168 + ], + [ + "Beacon", + -14.693296432495115 + ], + [ + "▁refillable", + -14.693310737609863 + ], + [ + "sqft", + -14.693316459655762 + ], + [ + "Engagement", + -14.693320274353027 + ], + [ + "▁iMovie", + -14.693334579467772 + ], + [ + "▁Akhtar", + -14.693350791931152 + ], + [ + "▁Hickman", + -14.69335651397705 + ], + [ + "▁macbook", + -14.693404197692873 + ], + [ + "▁Mindset", + -14.693406105041504 + ], + [ + "▁hushed", + -14.6934175491333 + ], + [ + "▁Fain", + -14.693506240844728 + ], + [ + "hund", + -14.693511962890623 + ], + [ + "▁spooked", + -14.693523406982422 + ], + [ + "▁Marais", + -14.693537712097168 + ], + [ + "Turbo", + -14.693538665771484 + ], + [ + "▁Gatos", + -14.69354248046875 + ], + [ + "Alpine", + -14.6935453414917 + ], + [ + "▁Frameless", + -14.693546295166016 + ], + [ + "▁jumbled", + -14.693547248840332 + ], + [ + "▁Superbike", + -14.69355297088623 + ], + [ + "▁congresses", + -14.693557739257812 + ], + [ + "▁Herschel", + -14.693643569946287 + ], + [ + "▁preformed", + -14.693650245666504 + ], + [ + "▁outfitting", + -14.693657875061035 + ], + [ + "Safari", + -14.69367790222168 + ], + [ + "Dive", + -14.69370937347412 + ], + [ + "▁quack", + -14.693754196166992 + ], + [ + "▁NBN", + -14.69376277923584 + ], + [ + "▁Curio", + -14.693781852722168 + ], + [ + "Kerry", + -14.693782806396484 + ], + [ + "▁Pasture", + -14.693806648254396 + ], + [ + "▁confound", + -14.693807601928713 + ], + [ + "clone", + -14.693812370300291 + ], + [ + "WATCH", + -14.693851470947266 + ], + [ + "▁VIX", + -14.693862915039062 + ], + [ + "▁Asha", + -14.693902969360352 + ], + [ + "▁Minne", + -14.693910598754885 + ], + [ + "6:18", + -14.69391918182373 + ], + [ + "▁Sprinkler", + -14.693960189819336 + ], + [ + "skating", + -14.693968772888184 + ], + [ + "▁leashes", + -14.69397258758545 + ], + [ + "▁trickling", + -14.69398593902588 + ], + [ + "Cinema", + -14.694047927856444 + ], + [ + "▁Raoul", + -14.694058418273926 + ], + [ + ":10.10", + -14.694059371948242 + ], + [ + "▁Rattan", + -14.694071769714355 + ], + [ + "▁Gilman", + -14.694096565246582 + ], + [ + "▁temperamental", + -14.694189071655272 + ], + [ + "▁plait", + -14.69419002532959 + ], + [ + "▁distorting", + -14.694232940673828 + ], + [ + "Compute", + -14.694262504577637 + ], + [ + "ixon", + -14.694339752197266 + ], + [ + "▁Hyun", + -14.694358825683594 + ], + [ + "▁GAO", + -14.694406509399414 + ], + [ + "Haul", + -14.694462776184082 + ], + [ + "▁signified", + -14.694500923156738 + ], + [ + "▁vowing", + -14.694507598876951 + ], + [ + "▁Shorten", + -14.6945161819458 + ], + [ + "▁erred", + -14.69452667236328 + ], + [ + "▁Hotmail", + -14.694534301757812 + ], + [ + "▁Ashburn", + -14.694546699523926 + ], + [ + "roku", + -14.694555282592772 + ], + [ + "▁handicapper", + -14.694555282592772 + ], + [ + "ndig", + -14.694604873657228 + ], + [ + "▁Bobbie", + -14.694607734680176 + ], + [ + "kev", + -14.69464111328125 + ], + [ + "▁Unblock", + -14.69465446472168 + ], + [ + "INGER", + -14.694674491882324 + ], + [ + "BIM", + -14.69473361968994 + ], + [ + "▁13-15", + -14.694766998291016 + ], + [ + "▁icebreaker", + -14.694774627685549 + ], + [ + "Photographer", + -14.69485855102539 + ], + [ + "▁Chave", + -14.69486141204834 + ], + [ + "▁warmup", + -14.694903373718262 + ], + [ + "▁VEX", + -14.694969177246094 + ], + [ + "200,000", + -14.694975852966309 + ], + [ + "▁futur", + -14.695077896118164 + ], + [ + "▁Scared", + -14.695127487182615 + ], + [ + "▁12.4", + -14.695202827453612 + ], + [ + "▁lunge", + -14.695213317871094 + ], + [ + "msi", + -14.69521427154541 + ], + [ + "▁Crossover", + -14.695219993591309 + ], + [ + "▁brit", + -14.695249557495115 + ], + [ + "▁Foxy", + -14.69532871246338 + ], + [ + "dici", + -14.69537353515625 + ], + [ + "▁Nasir", + -14.69538116455078 + ], + [ + "uler", + -14.695427894592283 + ], + [ + "imu", + -14.695479393005373 + ], + [ + "POD", + -14.69554042816162 + ], + [ + "fever", + -14.695611000061035 + ], + [ + "▁hock", + -14.695733070373535 + ], + [ + "▁ESO", + -14.69577407836914 + ], + [ + "5050", + -14.695783615112305 + ], + [ + "▁Somme", + -14.695798873901367 + ], + [ + "uelo", + -14.695829391479492 + ], + [ + "▁interment", + -14.6958646774292 + ], + [ + "▁moen", + -14.695998191833496 + ], + [ + "▁JOE", + -14.696051597595217 + ], + [ + "▁remaster", + -14.696064949035645 + ], + [ + "▁DMX", + -14.696104049682615 + ], + [ + "1964", + -14.696128845214844 + ], + [ + "▁reconnected", + -14.696245193481444 + ], + [ + "Atlas", + -14.696287155151367 + ], + [ + "▁Zappa", + -14.69629955291748 + ], + [ + "▁BHA", + -14.69639015197754 + ], + [ + "▁pinstripe", + -14.696404457092283 + ], + [ + "lowest", + -14.696405410766602 + ], + [ + "nnington", + -14.696478843688965 + ], + [ + "▁coincid", + -14.69648265838623 + ], + [ + "Timber", + -14.696490287780762 + ], + [ + "Mist", + -14.696698188781738 + ], + [ + "mbps", + -14.696792602539062 + ], + [ + "▁Wij", + -14.696849822998049 + ], + [ + "▁pushchair", + -14.696868896484377 + ], + [ + "▁TNA", + -14.696962356567385 + ], + [ + "/400", + -14.696966171264648 + ], + [ + "▁Caye", + -14.697165489196776 + ], + [ + "▁williams", + -14.69719696044922 + ], + [ + "▁Blanchett", + -14.697282791137695 + ], + [ + "▁BRING", + -14.697296142578123 + ], + [ + "DAM", + -14.697306632995604 + ], + [ + "Kom", + -14.697355270385742 + ], + [ + "▁Hearn", + -14.69736099243164 + ], + [ + "1:07", + -14.69738483428955 + ], + [ + "▁refereed", + -14.69743537902832 + ], + [ + "▁Masai", + -14.69747829437256 + ], + [ + "▁ibn", + -14.69756031036377 + ], + [ + "packaging", + -14.697562217712402 + ], + [ + "▁breathtakingly", + -14.697583198547363 + ], + [ + "▁providence", + -14.697684288024902 + ], + [ + "▁08:5", + -14.697733879089355 + ], + [ + "▁MEET", + -14.697735786437988 + ], + [ + "Printing", + -14.697793960571287 + ], + [ + "▁$77", + -14.69780445098877 + ], + [ + "▁$3.4", + -14.697815895080566 + ], + [ + "▁Neff", + -14.69782829284668 + ], + [ + "▁Gentile", + -14.697870254516602 + ], + [ + "93)", + -14.697964668273926 + ], + [ + "haj", + -14.698068618774414 + ], + [ + "TDA", + -14.698124885559082 + ], + [ + "MFP", + -14.698183059692385 + ], + [ + "thali", + -14.6982421875 + ], + [ + "▁UPF", + -14.698331832885742 + ], + [ + "▁retry", + -14.698402404785156 + ], + [ + "▁BVI", + -14.698530197143556 + ], + [ + "vaca", + -14.698760986328123 + ], + [ + "▁NEM", + -14.698819160461426 + ], + [ + "artan", + -14.69884204864502 + ], + [ + "CDA", + -14.698917388916016 + ], + [ + "exceptional", + -14.699041366577148 + ], + [ + "▁Tema", + -14.699052810668944 + ], + [ + "▁Daring", + -14.699200630187988 + ], + [ + "▁10-0", + -14.699219703674316 + ], + [ + "▁Ilya", + -14.699220657348633 + ], + [ + "▁choco", + -14.699337005615234 + ], + [ + "EVM", + -14.699363708496094 + ], + [ + "POSE", + -14.699397087097168 + ], + [ + "▁Taub", + -14.69953441619873 + ], + [ + "cution", + -14.699559211730955 + ], + [ + "fay", + -14.6996488571167 + ], + [ + "rural", + -14.69968032836914 + ], + [ + "▁gripper", + -14.699722290039062 + ], + [ + "▁Jamb", + -14.699739456176758 + ], + [ + "ACL", + -14.69986057281494 + ], + [ + "▁SPIN", + -14.699950218200684 + ], + [ + "▁flout", + -14.699950218200684 + ], + [ + "▁Leben", + -14.70001983642578 + ], + [ + "1:25", + -14.700078964233398 + ], + [ + "▁strikeout", + -14.700108528137209 + ], + [ + "▁13:3", + -14.700209617614746 + ], + [ + "▁$170", + -14.700292587280272 + ], + [ + "▁12000", + -14.700324058532717 + ], + [ + "tronix", + -14.700357437133787 + ], + [ + "▁Weill", + -14.700366973876951 + ], + [ + "WHM", + -14.700429916381836 + ], + [ + "depot", + -14.700446128845217 + ], + [ + "HIA", + -14.700494766235352 + ], + [ + "BIKE", + -14.700584411621094 + ], + [ + "▁HSN", + -14.700613975524902 + ], + [ + "▁Crafter", + -14.700618743896484 + ], + [ + "▁CMR", + -14.700698852539062 + ], + [ + "Rai", + -14.700770378112791 + ], + [ + "VZ", + -14.700790405273438 + ], + [ + "▁Katelyn", + -14.700817108154297 + ], + [ + "▁remiss", + -14.700910568237305 + ], + [ + "narayan", + -14.700933456420898 + ], + [ + "duff", + -14.700963973999023 + ], + [ + "Chick", + -14.700974464416504 + ], + [ + "▁£45", + -14.70097827911377 + ], + [ + "▁CONTAIN", + -14.701042175292969 + ], + [ + "▁Corrupt", + -14.701058387756348 + ], + [ + "▁Forza", + -14.701064109802246 + ], + [ + "Liposuction", + -14.701065063476562 + ], + [ + "▁Ambleside", + -14.701065063476562 + ], + [ + "▁Dundalk", + -14.701065063476562 + ], + [ + "▁Escondido", + -14.701065063476562 + ], + [ + "▁McFarland", + -14.701065063476562 + ], + [ + "▁Mindanao", + -14.701065063476562 + ], + [ + "▁Monrovia", + -14.701065063476562 + ], + [ + "▁Serengeti", + -14.701065063476562 + ], + [ + "▁Westmoreland", + -14.701065063476562 + ], + [ + "▁caribou", + -14.701065063476562 + ], + [ + "▁climactic", + -14.701065063476562 + ], + [ + "▁crannies", + -14.701065063476562 + ], + [ + "▁ecclesiastical", + -14.701065063476562 + ], + [ + "▁finasteride", + -14.701065063476562 + ], + [ + "▁hematite", + -14.701065063476562 + ], + [ + "▁holocaust", + -14.701065063476562 + ], + [ + "▁inevitability", + -14.701065063476562 + ], + [ + "▁interlocutor", + -14.701065063476562 + ], + [ + "▁nanotubes", + -14.701065063476562 + ], + [ + "▁nolvadex", + -14.701065063476562 + ], + [ + "▁paraphrasing", + -14.701065063476562 + ], + [ + "▁Amphitheater", + -14.70106601715088 + ], + [ + "▁CHURCH", + -14.70106601715088 + ], + [ + "▁Pricewaterhouse", + -14.70106601715088 + ], + [ + "Ecclesiastes", + -14.701066970825195 + ], + [ + "▁Aadhar", + -14.701066970825195 + ], + [ + "▁Mesquite", + -14.701066970825195 + ], + [ + "▁focaccia", + -14.701066970825195 + ], + [ + "▁reticle", + -14.701066970825195 + ], + [ + "▁apprised", + -14.701067924499512 + ], + [ + "▁Krueger", + -14.701069831848145 + ], + [ + "▁albino", + -14.70107078552246 + ], + [ + "▁Vertigo", + -14.701071739196776 + ], + [ + "▁colonoscopy", + -14.701072692871094 + ], + [ + "▁neoclassical", + -14.701072692871094 + ], + [ + "▁nitrite", + -14.701072692871094 + ], + [ + "▁hydrothermal", + -14.701077461242676 + ], + [ + "▁Maurer", + -14.701080322265623 + ], + [ + "▁Propeller", + -14.701080322265623 + ], + [ + "▁Arvada", + -14.701085090637209 + ], + [ + "▁Shrek", + -14.701085090637209 + ], + [ + "▁coziness", + -14.701087951660156 + ], + [ + "▁Minden", + -14.701089859008787 + ], + [ + "▁Cloudflare", + -14.701091766357422 + ], + [ + "▁Muskoka", + -14.701091766357422 + ], + [ + "▁electors", + -14.701095581054688 + ], + [ + "▁veracity", + -14.70109748840332 + ], + [ + "Heavily", + -14.701098442077637 + ], + [ + "▁CISSP", + -14.701099395751951 + ], + [ + "▁Aberdeenshire", + -14.701101303100586 + ], + [ + "▁sinusitis", + -14.701105117797852 + ], + [ + "▁Depository", + -14.7011079788208 + ], + [ + "▁Gilded", + -14.70111083984375 + ], + [ + "▁subroutine", + -14.70111083984375 + ], + [ + "▁Microfiber", + -14.701112747192385 + ], + [ + "▁Leadpages", + -14.70111846923828 + ], + [ + "▁Suitcase", + -14.701120376586914 + ], + [ + "▁Paseo", + -14.701123237609863 + ], + [ + "▁Manitou", + -14.701126098632812 + ], + [ + "▁Multilingual", + -14.701126098632812 + ], + [ + "▁Sophos", + -14.701126098632812 + ], + [ + "▁$1.25", + -14.701149940490724 + ], + [ + "▁Plummer", + -14.70116138458252 + ], + [ + "▁Sweetheart", + -14.701168060302734 + ], + [ + "▁micrograms", + -14.701172828674316 + ], + [ + "wolves", + -14.70118522644043 + ], + [ + "▁fifa", + -14.70118808746338 + ], + [ + "▁roping", + -14.701189994812012 + ], + [ + "▁WORKING", + -14.701190948486328 + ], + [ + "▁ductile", + -14.701194763183594 + ], + [ + "▁Boswell", + -14.70120334625244 + ], + [ + "▁Herndon", + -14.701217651367188 + ], + [ + "▁Intercultural", + -14.701218605041504 + ], + [ + "▁Hofstra", + -14.701239585876465 + ], + [ + "▁Subversion", + -14.701248168945312 + ], + [ + "▁throes", + -14.701251983642578 + ], + [ + "▁Hamill", + -14.701273918151855 + ], + [ + "Grassroots", + -14.70129108428955 + ], + [ + "▁preamble", + -14.7012939453125 + ], + [ + "baja", + -14.701301574707031 + ], + [ + "▁YOUNG", + -14.701305389404297 + ], + [ + "▁laborer", + -14.701349258422852 + ], + [ + "▁wingspan", + -14.701367378234863 + ], + [ + "Tight", + -14.701451301574709 + ], + [ + "▁descendent", + -14.701478004455566 + ], + [ + "absolute", + -14.7014799118042 + ], + [ + "▁Sweetwater", + -14.70150089263916 + ], + [ + "▁dancehall", + -14.701502799987791 + ], + [ + "▁obliterated", + -14.701522827148438 + ], + [ + "affirming", + -14.70153522491455 + ], + [ + "▁adsorb", + -14.701581001281738 + ], + [ + "▁mudroom", + -14.701581001281738 + ], + [ + "Sleeve", + -14.701605796813965 + ], + [ + "▁Dumpling", + -14.70161247253418 + ], + [ + "▁Underhill", + -14.701617240905762 + ], + [ + "▁kde", + -14.701623916625977 + ], + [ + "Integrating", + -14.701642990112305 + ], + [ + "hectare", + -14.70164680480957 + ], + [ + "complicated", + -14.701647758483888 + ], + [ + "Tournament", + -14.70165729522705 + ], + [ + "gression", + -14.701668739318848 + ], + [ + "▁supercharger", + -14.701669692993164 + ], + [ + "▁Suma", + -14.70167064666748 + ], + [ + "▁Tummy", + -14.701671600341797 + ], + [ + "iendo", + -14.701672554016112 + ], + [ + "▁Godhead", + -14.701685905456545 + ], + [ + "supplement", + -14.70168685913086 + ], + [ + "Suzanne", + -14.701688766479492 + ], + [ + "gadget", + -14.701693534851074 + ], + [ + "spectral", + -14.701693534851074 + ], + [ + "Approach", + -14.70169734954834 + ], + [ + "Katherine", + -14.70169734954834 + ], + [ + "Opportunity", + -14.701699256896973 + ], + [ + "Distribution", + -14.701700210571287 + ], + [ + "Physics", + -14.701703071594238 + ], + [ + "Norwegian", + -14.701704025268556 + ], + [ + "▁Swab", + -14.701704978942873 + ], + [ + "Mississippi", + -14.701705932617188 + ], + [ + "regulating", + -14.70171070098877 + ], + [ + "Vienna", + -14.70171356201172 + ], + [ + "prompt", + -14.70171356201172 + ], + [ + "▁unleashes", + -14.701720237731934 + ], + [ + "Rhode", + -14.701730728149414 + ], + [ + "▁instructable", + -14.701743125915527 + ], + [ + "configure", + -14.70174503326416 + ], + [ + "▁HEI", + -14.701861381530762 + ], + [ + "▁Photon", + -14.701865196228027 + ], + [ + "Dong", + -14.701876640319824 + ], + [ + "▁Garten", + -14.701878547668455 + ], + [ + "▁Hye", + -14.701916694641112 + ], + [ + "▁Werk", + -14.701919555664062 + ], + [ + "▁goddesses", + -14.701921463012695 + ], + [ + "▁Dern", + -14.701939582824709 + ], + [ + "▁multicolor", + -14.701944351196287 + ], + [ + "ruf", + -14.701946258544922 + ], + [ + "▁Laine", + -14.70195770263672 + ], + [ + "▁amicus", + -14.701959609985352 + ], + [ + "baseball", + -14.701976776123049 + ], + [ + "Vegan", + -14.70200252532959 + ], + [ + "laya", + -14.702016830444336 + ], + [ + "Suppress", + -14.702045440673828 + ], + [ + "▁windproof", + -14.702051162719728 + ], + [ + "▁stingray", + -14.702083587646484 + ], + [ + "authorization", + -14.702086448669434 + ], + [ + "Hindi", + -14.7020902633667 + ], + [ + "Increasingly", + -14.702133178710938 + ], + [ + "▁Pixma", + -14.702138900756836 + ], + [ + "Nurture", + -14.702165603637695 + ], + [ + "▁Standardization", + -14.702237129211426 + ], + [ + "▁Perugia", + -14.70225429534912 + ], + [ + "bellied", + -14.702300071716309 + ], + [ + "Victory", + -14.702311515808104 + ], + [ + "▁MATTER", + -14.702325820922852 + ], + [ + "▁Boyne", + -14.70236110687256 + ], + [ + "▁faltering", + -14.702372550964355 + ], + [ + "▁tibial", + -14.702407836914062 + ], + [ + "▁Roadshow", + -14.702441215515137 + ], + [ + "▁Eleventh", + -14.702469825744627 + ], + [ + "▁Gilda", + -14.702474594116213 + ], + [ + "Planner", + -14.70248031616211 + ], + [ + "ptera", + -14.702564239501951 + ], + [ + "eBay", + -14.702569961547852 + ], + [ + "3.5%", + -14.702603340148926 + ], + [ + "▁Lank", + -14.702607154846191 + ], + [ + "▁starches", + -14.702624320983888 + ], + [ + "▁$3.6", + -14.7027006149292 + ], + [ + "▁Czar", + -14.702717781066896 + ], + [ + "▁reformation", + -14.702759742736816 + ], + [ + "=\"_", + -14.702780723571776 + ], + [ + "mune", + -14.702802658081056 + ], + [ + "0-00", + -14.7028226852417 + ], + [ + "2040", + -14.702836036682127 + ], + [ + "spite", + -14.702900886535645 + ], + [ + "▁pushups", + -14.702972412109377 + ], + [ + "expressed", + -14.703054428100586 + ], + [ + "niak", + -14.703164100646973 + ], + [ + "▁Hester", + -14.703166007995604 + ], + [ + "▁Wayland", + -14.703227996826172 + ], + [ + "▁peacefulness", + -14.703329086303713 + ], + [ + "▁mejor", + -14.703436851501465 + ], + [ + "mood", + -14.703438758850098 + ], + [ + "▁Lohan", + -14.703487396240234 + ], + [ + "SIE", + -14.703521728515623 + ], + [ + "▁1760", + -14.703611373901367 + ], + [ + "▁backhoe", + -14.7036714553833 + ], + [ + "▁Tenor", + -14.703701972961426 + ], + [ + "NIK", + -14.703777313232422 + ], + [ + "immigration", + -14.703824043273926 + ], + [ + "▁Saki", + -14.703828811645508 + ], + [ + "▁Blatt", + -14.704066276550291 + ], + [ + "▁Caf", + -14.704115867614746 + ], + [ + "▁Sportsbook", + -14.704160690307615 + ], + [ + "manuel", + -14.704267501831056 + ], + [ + "Weber", + -14.704272270202637 + ], + [ + "Packed", + -14.704456329345703 + ], + [ + "▁Centerville", + -14.7047119140625 + ], + [ + "Protesters", + -14.70480251312256 + ], + [ + "▁citrusy", + -14.704859733581545 + ], + [ + "ploid", + -14.704876899719238 + ], + [ + "▁mister", + -14.705000877380373 + ], + [ + "▁Myspace", + -14.705215454101562 + ], + [ + "▁dormer", + -14.70523166656494 + ], + [ + "Omni", + -14.705281257629396 + ], + [ + "Helper", + -14.705313682556152 + ], + [ + "▁Neue", + -14.705349922180176 + ], + [ + "▁Goggle", + -14.70537567138672 + ], + [ + "▁Pulled", + -14.705377578735352 + ], + [ + "airport", + -14.705438613891602 + ], + [ + "▁ballpoint", + -14.705488204956056 + ], + [ + "▁UAC", + -14.705510139465332 + ], + [ + "▁Margoli", + -14.705526351928713 + ], + [ + "ehring", + -14.705540657043455 + ], + [ + "valuable", + -14.705567359924316 + ], + [ + "maru", + -14.70567226409912 + ], + [ + "rize", + -14.705772399902344 + ], + [ + "▁thug", + -14.7058687210083 + ], + [ + "▁Crawler", + -14.705923080444336 + ], + [ + "UNDER", + -14.705924034118652 + ], + [ + "▁Taf", + -14.705928802490234 + ], + [ + "4-17", + -14.7060546875 + ], + [ + "1:38", + -14.706140518188477 + ], + [ + "appearance", + -14.70614242553711 + ], + [ + "▁purveyor", + -14.70614242553711 + ], + [ + "▁tidbit", + -14.706157684326172 + ], + [ + "▁osteopath", + -14.706158638000488 + ], + [ + "rigid", + -14.706257820129396 + ], + [ + "ное", + -14.706316947937012 + ], + [ + "chalk", + -14.7063627243042 + ], + [ + "leek", + -14.7064208984375 + ], + [ + "1/3", + -14.706461906433104 + ], + [ + "▁Hangout", + -14.706514358520508 + ], + [ + "trimmed", + -14.706549644470217 + ], + [ + "▁Seite", + -14.70660400390625 + ], + [ + "oooh", + -14.70672607421875 + ], + [ + "ugli", + -14.706788063049316 + ], + [ + "▁tosses", + -14.706804275512695 + ], + [ + "▁nestle", + -14.70691967010498 + ], + [ + "worship", + -14.707171440124512 + ], + [ + "ggled", + -14.707182884216309 + ], + [ + "▁$135", + -14.707235336303713 + ], + [ + "lactic", + -14.70727252960205 + ], + [ + "delay", + -14.707283020019531 + ], + [ + "▁bisect", + -14.70729637145996 + ], + [ + "omitting", + -14.70729923248291 + ], + [ + "▁fritters", + -14.707367897033691 + ], + [ + "▁trite", + -14.707569122314451 + ], + [ + "▁transcendental", + -14.70772647857666 + ], + [ + "FIF", + -14.707731246948242 + ], + [ + "▁Heaton", + -14.707762718200684 + ], + [ + "azan", + -14.707798957824709 + ], + [ + "ophore", + -14.707807540893556 + ], + [ + "1050", + -14.707842826843262 + ], + [ + "▁Capita", + -14.707853317260742 + ], + [ + "scrip", + -14.708037376403809 + ], + [ + "▁shocker", + -14.708050727844238 + ], + [ + "12%", + -14.708078384399414 + ], + [ + "lissa", + -14.708184242248535 + ], + [ + "▁$0.7", + -14.708203315734863 + ], + [ + "flick", + -14.708218574523926 + ], + [ + "Equal", + -14.708294868469238 + ], + [ + "▁WITHIN", + -14.708318710327148 + ], + [ + "▁ducting", + -14.708344459533691 + ], + [ + "winkle", + -14.708409309387209 + ], + [ + "▁shortcoming", + -14.70847511291504 + ], + [ + "▁ARTIST", + -14.708477973937988 + ], + [ + "Earl", + -14.708528518676758 + ], + [ + "Troubleshoot", + -14.708602905273438 + ], + [ + "▁JSP", + -14.708709716796877 + ], + [ + "ryu", + -14.708782196044922 + ], + [ + "RETE", + -14.708927154541016 + ], + [ + "▁rehydrate", + -14.70900535583496 + ], + [ + "▁slasher", + -14.709013938903809 + ], + [ + "▁rougher", + -14.70901870727539 + ], + [ + "fication", + -14.709049224853516 + ], + [ + "▁IMDB", + -14.709087371826172 + ], + [ + "▁gravely", + -14.709087371826172 + ], + [ + "▁gratin", + -14.709226608276367 + ], + [ + "▁paddled", + -14.709232330322266 + ], + [ + "▁RPS", + -14.709332466125488 + ], + [ + "▁Cagliari", + -14.70939826965332 + ], + [ + "▁Greenbrier", + -14.70939826965332 + ], + [ + "▁Obsidian", + -14.70939826965332 + ], + [ + "▁Rousseau", + -14.70939826965332 + ], + [ + "▁Saatchi", + -14.70939826965332 + ], + [ + "▁Selangor", + -14.70939826965332 + ], + [ + "▁Shibuya", + -14.70939826965332 + ], + [ + "▁Wenatchee", + -14.70939826965332 + ], + [ + "▁adjudicator", + -14.70939826965332 + ], + [ + "▁ciprofloxacin", + -14.70939826965332 + ], + [ + "▁demeanour", + -14.70939826965332 + ], + [ + "▁disheartened", + -14.70939826965332 + ], + [ + "▁ellipse", + -14.70939826965332 + ], + [ + "▁hyacinth", + -14.70939826965332 + ], + [ + "▁indecisive", + -14.70939826965332 + ], + [ + "▁sanctification", + -14.70939826965332 + ], + [ + "▁shrivel", + -14.70939826965332 + ], + [ + "▁snowmobiling", + -14.70939826965332 + ], + [ + "▁unrecognizable", + -14.70939826965332 + ], + [ + "▁GIVEAWAY", + -14.709399223327637 + ], + [ + "▁prioritising", + -14.709399223327637 + ], + [ + "▁vengeful", + -14.709399223327637 + ], + [ + "Nittany", + -14.709400177001951 + ], + [ + "▁Menzies", + -14.709400177001951 + ], + [ + "Immersive", + -14.70940113067627 + ], + [ + "▁Bracknell", + -14.70940113067627 + ], + [ + "▁Lattice", + -14.70940113067627 + ], + [ + "Embellish", + -14.709402084350586 + ], + [ + "▁notarized", + -14.70940399169922 + ], + [ + "▁Diazepam", + -14.709404945373535 + ], + [ + "▁symposia", + -14.709405899047852 + ], + [ + "▁Mangalore", + -14.709406852722168 + ], + [ + "▁nibbling", + -14.709406852722168 + ], + [ + "▁Kalahari", + -14.709407806396484 + ], + [ + "▁Blount", + -14.709409713745115 + ], + [ + "▁MetaTrader", + -14.709409713745115 + ], + [ + "▁quipped", + -14.709410667419434 + ], + [ + "▁Waverley", + -14.709413528442385 + ], + [ + "▁Yandex", + -14.709417343139648 + ], + [ + "▁cetera", + -14.709417343139648 + ], + [ + "▁Barrister", + -14.709421157836914 + ], + [ + "▁wedded", + -14.709421157836914 + ], + [ + "▁Pepperdine", + -14.709423065185549 + ], + [ + "Siddharth", + -14.709424018859863 + ], + [ + "▁antipsychotic", + -14.709428787231444 + ], + [ + "▁Corporal", + -14.709440231323242 + ], + [ + "▁shoo", + -14.709447860717772 + ], + [ + "▁Breyer", + -14.709454536437988 + ], + [ + "▁Altoona", + -14.709457397460938 + ], + [ + "▁Sarkar", + -14.709465026855469 + ], + [ + "▁DisplayPort", + -14.709467887878418 + ], + [ + "▁UCSB", + -14.709470748901367 + ], + [ + "▁DoubleTree", + -14.709478378295898 + ], + [ + "▁Reptile", + -14.709485054016112 + ], + [ + "▁Qo", + -14.709489822387695 + ], + [ + "▁Jindal", + -14.709502220153809 + ], + [ + "▁Banbury", + -14.709507942199709 + ], + [ + "▁littering", + -14.709554672241213 + ], + [ + "▁pathologies", + -14.70955753326416 + ], + [ + "▁Bluffton", + -14.70956039428711 + ], + [ + "▁Crossrail", + -14.709564208984377 + ], + [ + "▁ESXi", + -14.709569931030272 + ], + [ + "▁Clegg", + -14.709574699401855 + ], + [ + "▁Consequences", + -14.709574699401855 + ], + [ + "▁Sorrow", + -14.709576606750488 + ], + [ + "ftp", + -14.709588050842283 + ], + [ + "trapped", + -14.709602355957031 + ], + [ + "▁shoplifting", + -14.709604263305664 + ], + [ + "▁Cooney", + -14.709609031677246 + ], + [ + "Recommend", + -14.709612846374512 + ], + [ + "▁devaluation", + -14.709688186645508 + ], + [ + "▁zany", + -14.709697723388672 + ], + [ + "▁Haworth", + -14.709699630737305 + ], + [ + "lse", + -14.709736824035645 + ], + [ + "▁Abandoned", + -14.70974063873291 + ], + [ + "▁ESOP", + -14.70974349975586 + ], + [ + "▁showstopper", + -14.709808349609377 + ], + [ + "▁attenuated", + -14.709875106811523 + ], + [ + "Pitt", + -14.709881782531738 + ], + [ + "▁Rampage", + -14.709881782531738 + ], + [ + "6.2%", + -14.709915161132812 + ], + [ + "▁Glenda", + -14.709933280944824 + ], + [ + "▁armband", + -14.709933280944824 + ], + [ + "▁orthodoxy", + -14.710046768188477 + ], + [ + "BSE", + -14.71009349822998 + ], + [ + "farmer", + -14.710122108459473 + ], + [ + "▁dipole", + -14.710124015808104 + ], + [ + "▁enveloping", + -14.7101469039917 + ], + [ + "omania", + -14.710164070129396 + ], + [ + "▁Wiseman", + -14.710211753845217 + ], + [ + "▁unwrap", + -14.71021842956543 + ], + [ + "Prospective", + -14.710220336914062 + ], + [ + "thriller", + -14.710235595703123 + ], + [ + "▁Adventurer", + -14.710247993469238 + ], + [ + "▁grammatically", + -14.710247993469238 + ], + [ + "caregiver", + -14.710249900817873 + ], + [ + "Immigration", + -14.710253715515137 + ], + [ + "Walmart", + -14.71025848388672 + ], + [ + "▁‘80", + -14.710278511047363 + ], + [ + "Midnight", + -14.710298538208008 + ], + [ + "▁Russellville", + -14.710298538208008 + ], + [ + "freight", + -14.710312843322754 + ], + [ + "Skype", + -14.710319519042969 + ], + [ + "gion", + -14.710325241088867 + ], + [ + "BLACK", + -14.710333824157717 + ], + [ + "engaging", + -14.710334777832031 + ], + [ + "▁CDO", + -14.710350036621094 + ], + [ + "throughput", + -14.71035099029541 + ], + [ + "GGG", + -14.710381507873535 + ], + [ + "▁Sunscreen", + -14.710381507873535 + ], + [ + "▁Emile", + -14.710432052612305 + ], + [ + "independence", + -14.710440635681152 + ], + [ + "Genetic", + -14.710456848144531 + ], + [ + "▁SSID", + -14.710466384887695 + ], + [ + "Lotus", + -14.710476875305176 + ], + [ + "analyse", + -14.710503578186035 + ], + [ + "▁Shaver", + -14.71053409576416 + ], + [ + "Celtic", + -14.710553169250488 + ], + [ + "spatial", + -14.71055507659912 + ], + [ + "▁Pender", + -14.71058464050293 + ], + [ + "▁Landfill", + -14.71059513092041 + ], + [ + "PPA", + -14.710620880126951 + ], + [ + "receive", + -14.71062469482422 + ], + [ + "▁Quilter", + -14.71065902709961 + ], + [ + "Posting", + -14.710673332214355 + ], + [ + "▁retrospectively", + -14.71067714691162 + ], + [ + "▁insular", + -14.710725784301758 + ], + [ + "NEA", + -14.710811614990234 + ], + [ + "▁Salu", + -14.710848808288574 + ], + [ + "Virus", + -14.710875511169434 + ], + [ + "Crushing", + -14.710959434509276 + ], + [ + "▁Grandmaster", + -14.710992813110352 + ], + [ + "velo", + -14.711034774780272 + ], + [ + "▁Renal", + -14.711081504821776 + ], + [ + "▁webserver", + -14.71111297607422 + ], + [ + "▁engraver", + -14.711116790771484 + ], + [ + "Reel", + -14.711127281188965 + ], + [ + "▁fallow", + -14.711130142211914 + ], + [ + "nutri", + -14.711188316345217 + ], + [ + "reflexive", + -14.711198806762695 + ], + [ + "éli", + -14.711315155029297 + ], + [ + "▁Tame", + -14.711316108703612 + ], + [ + "▁Shaving", + -14.711333274841309 + ], + [ + "▁Shauna", + -14.711353302001951 + ], + [ + "▁PFD", + -14.711371421813965 + ], + [ + "▁formwork", + -14.711382865905762 + ], + [ + "erva", + -14.711423873901367 + ], + [ + "hydrated", + -14.711427688598633 + ], + [ + "▁Lucian", + -14.711442947387695 + ], + [ + "▁Esper", + -14.711443901062012 + ], + [ + "GIN", + -14.71152687072754 + ], + [ + "▁Cameo", + -14.711548805236816 + ], + [ + "Meh", + -14.71156120300293 + ], + [ + "▁Misha", + -14.711594581604004 + ], + [ + "▁soaker", + -14.71160125732422 + ], + [ + "▁Innovate", + -14.711634635925291 + ], + [ + "GMP", + -14.711685180664062 + ], + [ + "officially", + -14.711711883544922 + ], + [ + "▁Borges", + -14.711715698242188 + ], + [ + "▁exerting", + -14.711869239807127 + ], + [ + "▁Guilt", + -14.711892127990724 + ], + [ + "▁Claiming", + -14.711958885192873 + ], + [ + "soup", + -14.711977005004885 + ], + [ + "▁DCF", + -14.712023735046388 + ], + [ + "AGING", + -14.712026596069336 + ], + [ + "▁Hesse", + -14.712257385253906 + ], + [ + "▁urbanism", + -14.712309837341309 + ], + [ + "filler", + -14.712372779846191 + ], + [ + "estri", + -14.712396621704102 + ], + [ + "0.35", + -14.712404251098633 + ], + [ + "Garlic", + -14.71242904663086 + ], + [ + "▁McKi", + -14.712501525878906 + ], + [ + "Shore", + -14.712611198425291 + ], + [ + "ignano", + -14.712639808654783 + ], + [ + "emptive", + -14.712658882141112 + ], + [ + "chew", + -14.712661743164062 + ], + [ + "Accounting", + -14.712669372558594 + ], + [ + "LZ", + -14.712676048278809 + ], + [ + "▁chattering", + -14.712779998779297 + ], + [ + "Bearing", + -14.712788581848145 + ], + [ + "partement", + -14.713057518005373 + ], + [ + "RAH", + -14.713083267211914 + ], + [ + "8-18", + -14.713133811950684 + ], + [ + "▁Bina", + -14.713224411010742 + ], + [ + "UNO", + -14.71322536468506 + ], + [ + "Falling", + -14.713242530822754 + ], + [ + "neer", + -14.713262557983398 + ], + [ + "Lyc", + -14.713282585144045 + ], + [ + "grill", + -14.71331024169922 + ], + [ + "▁argon", + -14.713338851928713 + ], + [ + "5:10", + -14.71341037750244 + ], + [ + "mitsu", + -14.713421821594238 + ], + [ + "▁Kine", + -14.713492393493652 + ], + [ + "lingen", + -14.7135009765625 + ], + [ + "2.16", + -14.713537216186523 + ], + [ + "▁retest", + -14.713580131530762 + ], + [ + "gag", + -14.713641166687012 + ], + [ + "▁bookworm", + -14.713672637939451 + ], + [ + "▁Pappa", + -14.71368408203125 + ], + [ + "▁debutant", + -14.713698387145996 + ], + [ + "Citizen", + -14.713702201843262 + ], + [ + "▁Deme", + -14.713702201843262 + ], + [ + "▁Peaches", + -14.71389102935791 + ], + [ + "▁centrality", + -14.713906288146973 + ], + [ + "Volt", + -14.71395492553711 + ], + [ + "▁secrete", + -14.713994026184082 + ], + [ + "▁Shami", + -14.71418285369873 + ], + [ + "▁bibliographical", + -14.714205741882324 + ], + [ + "▁gluco", + -14.714295387268066 + ], + [ + "▁Interpol", + -14.714330673217772 + ], + [ + "▁overwinter", + -14.714346885681152 + ], + [ + "▁easygoing", + -14.714411735534668 + ], + [ + "▁CTP", + -14.71446132659912 + ], + [ + "▁CDU", + -14.714576721191406 + ], + [ + "GREAT", + -14.714637756347656 + ], + [ + "galact", + -14.714665412902832 + ], + [ + "▁adornment", + -14.714754104614258 + ], + [ + "Dimension", + -14.714923858642578 + ], + [ + "▁EQU", + -14.714961051940918 + ], + [ + "▁Khur", + -14.715084075927734 + ], + [ + "00\"", + -14.715237617492676 + ], + [ + "adol", + -14.71545696258545 + ], + [ + "▁1807", + -14.715560913085938 + ], + [ + "heen", + -14.715584754943848 + ], + [ + "▁compo", + -14.715587615966797 + ], + [ + "SLAM", + -14.715620040893556 + ], + [ + "connecting", + -14.71566390991211 + ], + [ + "▁honoree", + -14.715664863586426 + ], + [ + "▁13.2", + -14.71572208404541 + ], + [ + "▁conservatively", + -14.715781211853027 + ], + [ + "lami", + -14.715821266174316 + ], + [ + "lado", + -14.715840339660645 + ], + [ + "CYC", + -14.71585750579834 + ], + [ + "AEC", + -14.715934753417969 + ], + [ + "▁Fret", + -14.715965270996094 + ], + [ + "▁Aquaman", + -14.716018676757812 + ], + [ + "modify", + -14.716046333312988 + ], + [ + "▁FDT", + -14.716071128845217 + ], + [ + "▁11.8", + -14.71613311767578 + ], + [ + "▁Eta", + -14.716160774230955 + ], + [ + "▁RAR", + -14.716296195983888 + ], + [ + "STAT", + -14.716363906860352 + ], + [ + "▁Kora", + -14.71637725830078 + ], + [ + "▁interviewee", + -14.71639347076416 + ], + [ + "Republic", + -14.71641731262207 + ], + [ + "▁totalled", + -14.716438293457031 + ], + [ + "▁RAND", + -14.716789245605469 + ], + [ + "9]", + -14.716840744018556 + ], + [ + "▁Smt", + -14.716852188110352 + ], + [ + "▁12-13", + -14.716882705688477 + ], + [ + "▁Motivate", + -14.716915130615234 + ], + [ + "▁12,500", + -14.71693229675293 + ], + [ + "1:21", + -14.717034339904783 + ], + [ + "▁£20,000", + -14.717061042785645 + ], + [ + "1.40", + -14.717062950134276 + ], + [ + "icola", + -14.717124938964844 + ], + [ + "▁halve", + -14.717144966125488 + ], + [ + "▁devastate", + -14.717203140258787 + ], + [ + "▁bisa", + -14.717262268066406 + ], + [ + "▁Gunner", + -14.717278480529783 + ], + [ + "87)", + -14.717315673828123 + ], + [ + "▁Parkside", + -14.717329025268556 + ], + [ + "▁BCM", + -14.71734619140625 + ], + [ + "GPR", + -14.71741008758545 + ], + [ + "2:37", + -14.717561721801758 + ], + [ + "▁Twister", + -14.717584609985352 + ], + [ + "▁Paola", + -14.717658996582031 + ], + [ + "▁hulk", + -14.71775245666504 + ], + [ + "Accomplish", + -14.717793464660645 + ], + [ + "SPONSOR", + -14.717802047729492 + ], + [ + "▁Gymnasium", + -14.717802047729492 + ], + [ + "▁Inaugural", + -14.717802047729492 + ], + [ + "▁Kaleidoscope", + -14.717802047729492 + ], + [ + "▁Kennesaw", + -14.717802047729492 + ], + [ + "▁Machiavelli", + -14.717802047729492 + ], + [ + "▁Manipulation", + -14.717802047729492 + ], + [ + "▁Scissors", + -14.717802047729492 + ], + [ + "▁Sennheiser", + -14.717802047729492 + ], + [ + "▁Stearate", + -14.717802047729492 + ], + [ + "▁Stryker", + -14.717802047729492 + ], + [ + "▁countenance", + -14.717802047729492 + ], + [ + "▁disavow", + -14.717802047729492 + ], + [ + "▁evaporative", + -14.717802047729492 + ], + [ + "▁karnataka", + -14.717802047729492 + ], + [ + "▁mnemonic", + -14.717802047729492 + ], + [ + "▁neutrophil", + -14.717802047729492 + ], + [ + "▁obsolescence", + -14.717802047729492 + ], + [ + "▁ophthalmology", + -14.717802047729492 + ], + [ + "▁serendipitous", + -14.717802047729492 + ], + [ + "▁uncontrollably", + -14.717802047729492 + ], + [ + "arginine", + -14.717803001403809 + ], + [ + "▁Argyll", + -14.717803001403809 + ], + [ + "▁Deirdre", + -14.717803001403809 + ], + [ + "▁Locomotive", + -14.717803001403809 + ], + [ + "▁coagulation", + -14.717803001403809 + ], + [ + "▁obtuse", + -14.717803001403809 + ], + [ + "▁resonator", + -14.717803001403809 + ], + [ + "▁Vinyasa", + -14.717803955078123 + ], + [ + "▁cellophane", + -14.717803955078123 + ], + [ + "▁impeding", + -14.717803955078123 + ], + [ + "▁semolina", + -14.717803955078123 + ], + [ + "citabine", + -14.71780490875244 + ], + [ + "▁Rutledge", + -14.71780490875244 + ], + [ + "▁alphanumeric", + -14.71780490875244 + ], + [ + "▁gantry", + -14.717805862426758 + ], + [ + "▁motility", + -14.717805862426758 + ], + [ + "▁Oldsmobile", + -14.717806816101074 + ], + [ + "▁Jigsaw", + -14.71780776977539 + ], + [ + "▁Intimate", + -14.717808723449709 + ], + [ + "▁Clergy", + -14.717809677124023 + ], + [ + "▁Luiz", + -14.717809677124023 + ], + [ + "▁Peptide", + -14.717809677124023 + ], + [ + "▁bentonite", + -14.71781063079834 + ], + [ + "▁UEFI", + -14.717811584472656 + ], + [ + "▁Shazam", + -14.717812538146973 + ], + [ + "▁Roxanne", + -14.717813491821287 + ], + [ + "▁creasing", + -14.717813491821287 + ], + [ + "▁Schilling", + -14.717814445495604 + ], + [ + "▁servlet", + -14.717814445495604 + ], + [ + "▁Shutterstock", + -14.717815399169922 + ], + [ + "▁megabytes", + -14.717816352844238 + ], + [ + "▁oscillate", + -14.717816352844238 + ], + [ + "▁MIGHT", + -14.717818260192873 + ], + [ + "▁Babcock", + -14.717819213867188 + ], + [ + "▁convolution", + -14.717819213867188 + ], + [ + "▁Parvati", + -14.717822074890137 + ], + [ + "▁Spieth", + -14.717822074890137 + ], + [ + "▁Rojas", + -14.71782398223877 + ], + [ + "▁warfarin", + -14.717827796936035 + ], + [ + "▁Collateral", + -14.717828750610352 + ], + [ + "▁Faraday", + -14.717828750610352 + ], + [ + "▁PEACE", + -14.717832565307615 + ], + [ + "▁Balmoral", + -14.71783447265625 + ], + [ + "▁Eskom", + -14.717836380004885 + ], + [ + "▁Steinbeck", + -14.717836380004885 + ], + [ + "▁slosh", + -14.717840194702148 + ], + [ + "▁Inequality", + -14.717841148376465 + ], + [ + "▁Shortcuts", + -14.71784496307373 + ], + [ + "▁Marigold", + -14.717845916748049 + ], + [ + "▁PepsiCo", + -14.717851638793944 + ], + [ + "▁valium", + -14.717851638793944 + ], + [ + "▁cryogenic", + -14.717855453491213 + ], + [ + "▁bassinet", + -14.717859268188477 + ], + [ + "▁HOUR", + -14.717863082885742 + ], + [ + "▁dietician", + -14.717884063720703 + ], + [ + "▁Zoological", + -14.717886924743652 + ], + [ + "▁Haddad", + -14.717887878417969 + ], + [ + "▁Nauru", + -14.717899322509766 + ], + [ + "▁biosphere", + -14.717902183532717 + ], + [ + "▁tradespeople", + -14.717904090881348 + ], + [ + "▁Sprague", + -14.717909812927246 + ], + [ + "▁Quintana", + -14.717920303344728 + ], + [ + "▁antifreeze", + -14.717933654785156 + ], + [ + "▁snarky", + -14.717935562133787 + ], + [ + "▁Mendez", + -14.717936515808104 + ], + [ + "Irregular", + -14.717949867248535 + ], + [ + "uncharacteristic", + -14.71798038482666 + ], + [ + "▁cocky", + -14.717999458312988 + ], + [ + "▁unedited", + -14.718003273010254 + ], + [ + "▁Gurley", + -14.718031883239746 + ], + [ + "▁Quark", + -14.71804141998291 + ], + [ + "▁webcomic", + -14.718047142028809 + ], + [ + "▁Manoj", + -14.71805191040039 + ], + [ + "▁Tiffin", + -14.718066215515137 + ], + [ + "▁Ozzy", + -14.718071937561035 + ], + [ + "▁Rigby", + -14.718083381652832 + ], + [ + "Westphalia", + -14.718104362487791 + ], + [ + "▁Stallion", + -14.718149185180664 + ], + [ + "▁foolishness", + -14.718149185180664 + ], + [ + "▁Duong", + -14.718158721923828 + ], + [ + "▁Jukebox", + -14.718174934387209 + ], + [ + "mozilla", + -14.718183517456056 + ], + [ + "▁flailing", + -14.718242645263672 + ], + [ + "▁Marla", + -14.718276977539062 + ], + [ + "▁wring", + -14.71830940246582 + ], + [ + "▁Timberland", + -14.718326568603516 + ], + [ + "▁conclusively", + -14.718340873718262 + ], + [ + "▁Stig", + -14.718347549438477 + ], + [ + "▁Mantle", + -14.718350410461426 + ], + [ + "▁panned", + -14.718358039855955 + ], + [ + "▁Pierson", + -14.718361854553224 + ], + [ + "▁Oregonian", + -14.7184419631958 + ], + [ + "Aquila", + -14.718442916870115 + ], + [ + "▁SeaWorld", + -14.718499183654783 + ], + [ + "▁tartness", + -14.718515396118164 + ], + [ + "ctl", + -14.718565940856934 + ], + [ + "▁reinvested", + -14.718599319458008 + ], + [ + "watches", + -14.718637466430664 + ], + [ + "▁Iggy", + -14.718647003173828 + ], + [ + "▁hissing", + -14.71865177154541 + ], + [ + "▁summing", + -14.718663215637209 + ], + [ + "▁pipework", + -14.718692779541016 + ], + [ + "8-29", + -14.718703269958496 + ], + [ + "▁breakneck", + -14.718705177307127 + ], + [ + "FIB", + -14.71878147125244 + ], + [ + "Ukrainian", + -14.718812942504885 + ], + [ + "sanctioned", + -14.71885871887207 + ], + [ + "Religious", + -14.718863487243652 + ], + [ + "semester", + -14.718863487243652 + ], + [ + "Tropical", + -14.718864440917969 + ], + [ + "Satellite", + -14.718868255615234 + ], + [ + "Spencer", + -14.71886920928955 + ], + [ + "Constitution", + -14.718870162963867 + ], + [ + "Sacred", + -14.718870162963867 + ], + [ + "Venezuela", + -14.718871116638184 + ], + [ + "Eugene", + -14.7188720703125 + ], + [ + "Columbus", + -14.718873023986816 + ], + [ + "Caribbean", + -14.71887493133545 + ], + [ + "Massachusetts", + -14.71887493133545 + ], + [ + "twenty", + -14.718878746032717 + ], + [ + "Orient", + -14.718884468078612 + ], + [ + "horizontal", + -14.718894958496094 + ], + [ + "▁liquidate", + -14.718897819519045 + ], + [ + "Sustainability", + -14.71889877319336 + ], + [ + "▁Progression", + -14.718911170959473 + ], + [ + "Maggie", + -14.718918800354004 + ], + [ + "Phishing", + -14.7189302444458 + ], + [ + "ERROR", + -14.718939781188965 + ], + [ + "▁BRIT", + -14.71894073486328 + ], + [ + "Oakland", + -14.718975067138672 + ], + [ + "Genius", + -14.71901798248291 + ], + [ + "Willow", + -14.719039916992188 + ], + [ + "Preferred", + -14.71906566619873 + ], + [ + "▁woe", + -14.719066619873049 + ], + [ + "▁eminently", + -14.71910572052002 + ], + [ + "Animation", + -14.719130516052246 + ], + [ + "Retailers", + -14.719134330749512 + ], + [ + "guaranteed", + -14.71913719177246 + ], + [ + "idhi", + -14.71914768218994 + ], + [ + "▁Freestanding", + -14.71916389465332 + ], + [ + "▁Anastasi", + -14.7191743850708 + ], + [ + "▁1777", + -14.719204902648926 + ], + [ + "▁04:4", + -14.719234466552734 + ], + [ + "christian", + -14.71926975250244 + ], + [ + "▁Sandal", + -14.71927547454834 + ], + [ + "▁Munn", + -14.719276428222656 + ], + [ + "Arctic", + -14.719279289245604 + ], + [ + "▁Dank", + -14.719290733337402 + ], + [ + "SCRIPT", + -14.719308853149414 + ], + [ + "somewhat", + -14.719327926635742 + ], + [ + "▁Dalit", + -14.71934700012207 + ], + [ + "▁doormat", + -14.719406127929688 + ], + [ + "▁quietest", + -14.719437599182127 + ], + [ + "Palate", + -14.719439506530762 + ], + [ + "▁PFC", + -14.719442367553713 + ], + [ + "nouncing", + -14.71946620941162 + ], + [ + "Speculation", + -14.719475746154783 + ], + [ + "▁2-8", + -14.71949291229248 + ], + [ + "▁PHIL", + -14.719493865966797 + ], + [ + "▁Primate", + -14.719532012939451 + ], + [ + "▁KIA", + -14.719615936279297 + ], + [ + "▁WHIP", + -14.71966552734375 + ], + [ + "CFC", + -14.7196683883667 + ], + [ + "▁Mimosa", + -14.719700813293455 + ], + [ + "soap", + -14.71975040435791 + ], + [ + "▁Thad", + -14.719846725463867 + ], + [ + "FIGURE", + -14.719879150390623 + ], + [ + "Salmon", + -14.719958305358888 + ], + [ + "brac", + -14.719979286193848 + ], + [ + "OAC", + -14.719995498657228 + ], + [ + "▁ESB", + -14.720017433166504 + ], + [ + "▁Globalization", + -14.720025062561035 + ], + [ + "archy", + -14.72012996673584 + ], + [ + "▁camouflaged", + -14.720186233520508 + ], + [ + "▁Nikko", + -14.720189094543455 + ], + [ + "▁Discovered", + -14.72024917602539 + ], + [ + "2:07", + -14.720303535461426 + ], + [ + "▁$125,000", + -14.720343589782717 + ], + [ + "ADC", + -14.720352172851562 + ], + [ + "▁Leong", + -14.72040557861328 + ], + [ + "Facil", + -14.720434188842772 + ], + [ + "▁Mancha", + -14.720443725585938 + ], + [ + "Beast", + -14.720453262329102 + ], + [ + "▁Opp", + -14.720484733581545 + ], + [ + "adura", + -14.720487594604492 + ], + [ + "1963", + -14.72053337097168 + ], + [ + "Goalkeeper", + -14.72061538696289 + ], + [ + "▁Jardine", + -14.72061538696289 + ], + [ + "▁UNDERSTAND", + -14.720703125 + ], + [ + "BORN", + -14.720727920532228 + ], + [ + "▁Lugo", + -14.72075653076172 + ], + [ + "▁1817", + -14.72076416015625 + ], + [ + "▁Myra", + -14.720786094665527 + ], + [ + "▁naan", + -14.720829963684082 + ], + [ + "annie", + -14.72092056274414 + ], + [ + "Headed", + -14.72095775604248 + ], + [ + "▁repealing", + -14.720966339111328 + ], + [ + "BUCK", + -14.720976829528809 + ], + [ + "gateway", + -14.720979690551758 + ], + [ + "opathies", + -14.720986366271973 + ], + [ + "basa", + -14.720995903015137 + ], + [ + "▁sacking", + -14.72113037109375 + ], + [ + "physiology", + -14.72115993499756 + ], + [ + "▁abounding", + -14.721220016479492 + ], + [ + "Shout", + -14.721280097961426 + ], + [ + "▁Takeda", + -14.721346855163574 + ], + [ + "▁Rohr", + -14.721368789672852 + ], + [ + "Gosh", + -14.721373558044434 + ], + [ + "▁Payable", + -14.721481323242188 + ], + [ + "Hoping", + -14.721508026123049 + ], + [ + "▁photobook", + -14.72152042388916 + ], + [ + "▁sri", + -14.721529960632324 + ], + [ + "FUND", + -14.72158908843994 + ], + [ + "▁moldy", + -14.721633911132812 + ], + [ + "▁Geese", + -14.721678733825684 + ], + [ + "auction", + -14.72175407409668 + ], + [ + "▁703-", + -14.72182273864746 + ], + [ + "elah", + -14.72189235687256 + ], + [ + "9.7%", + -14.72193717956543 + ], + [ + "▁ABBA", + -14.721985816955566 + ], + [ + "▁businesswoman", + -14.722078323364258 + ], + [ + "Courtney", + -14.722161293029783 + ], + [ + "5.8%", + -14.722168922424316 + ], + [ + "▁Fili", + -14.722196578979492 + ], + [ + "5,600", + -14.722285270690918 + ], + [ + "▁Jok", + -14.722288131713867 + ], + [ + "▁tiene", + -14.722318649291992 + ], + [ + "▁BSI", + -14.722354888916016 + ], + [ + "ativ", + -14.722540855407717 + ], + [ + "▁myopia", + -14.722546577453612 + ], + [ + "▁Pano", + -14.722558975219728 + ], + [ + "▁amped", + -14.72263240814209 + ], + [ + "▁DELL", + -14.72269344329834 + ], + [ + "▁Latif", + -14.72270965576172 + ], + [ + "▁fainting", + -14.722716331481934 + ], + [ + "mondo", + -14.72275161743164 + ], + [ + "assen", + -14.72278118133545 + ], + [ + "▁overpaying", + -14.722833633422852 + ], + [ + "irl", + -14.723011016845703 + ], + [ + "TTE", + -14.72305679321289 + ], + [ + "▁Dieter", + -14.723067283630373 + ], + [ + "NAI", + -14.723094940185549 + ], + [ + "▁oscillation", + -14.72316074371338 + ], + [ + "▁pollutant", + -14.723191261291504 + ], + [ + "=“", + -14.723222732543944 + ], + [ + "anthan", + -14.723304748535156 + ], + [ + "▁Rovi", + -14.723329544067385 + ], + [ + "▁dramatiz", + -14.72340488433838 + ], + [ + "Thick", + -14.723503112792969 + ], + [ + "▁Sneaker", + -14.72352695465088 + ], + [ + "DALE", + -14.723586082458496 + ], + [ + "Shaw", + -14.723592758178713 + ], + [ + "▁$275", + -14.723612785339355 + ], + [ + "optical", + -14.723697662353516 + ], + [ + "1:36", + -14.723756790161133 + ], + [ + "CSO", + -14.723774909973145 + ], + [ + "8080", + -14.723878860473633 + ], + [ + "FOOD", + -14.723917961120604 + ], + [ + "▁macho", + -14.7239408493042 + ], + [ + "▁glamor", + -14.723966598510742 + ], + [ + "▁Shocking", + -14.72397232055664 + ], + [ + "▁ASQ", + -14.723976135253906 + ], + [ + "▁Chitra", + -14.723989486694336 + ], + [ + "▁clipper", + -14.72410488128662 + ], + [ + "Maoist", + -14.724143981933594 + ], + [ + "▁Adore", + -14.72418212890625 + ], + [ + "roglyph", + -14.724184036254885 + ], + [ + "9,999", + -14.724198341369627 + ], + [ + "Luna", + -14.724214553833008 + ], + [ + "romance", + -14.724305152893066 + ], + [ + "ULI", + -14.72433376312256 + ], + [ + "▁tae", + -14.724339485168455 + ], + [ + "FHS", + -14.724407196044922 + ], + [ + "tope", + -14.724428176879885 + ], + [ + "▁Swede", + -14.724482536315918 + ], + [ + "▁ARTS", + -14.724507331848145 + ], + [ + "▁vocally", + -14.724602699279783 + ], + [ + "▁1150", + -14.724645614624023 + ], + [ + "Keyword", + -14.724753379821776 + ], + [ + "▁desp", + -14.72478199005127 + ], + [ + "▁Keno", + -14.72478485107422 + ], + [ + "Marcel", + -14.724865913391112 + ], + [ + "▁Shand", + -14.72488498687744 + ], + [ + "▁Levite", + -14.72494411468506 + ], + [ + "▁Onboard", + -14.724945068359377 + ], + [ + "bender", + -14.72498607635498 + ], + [ + "▁Silverton", + -14.725022315979004 + ], + [ + "▁shad", + -14.725079536437988 + ], + [ + "▁Stoney", + -14.725133895874023 + ], + [ + "▁Ovi", + -14.725138664245604 + ], + [ + "Rodent", + -14.72516632080078 + ], + [ + "9–1", + -14.72527313232422 + ], + [ + "baik", + -14.725324630737305 + ], + [ + "Wipe", + -14.725349426269531 + ], + [ + "earning", + -14.725369453430176 + ], + [ + "overall", + -14.725400924682615 + ], + [ + "Quiz", + -14.725404739379885 + ], + [ + "Bah", + -14.725427627563477 + ], + [ + "cropping", + -14.72553253173828 + ], + [ + "▁confide", + -14.725561141967772 + ], + [ + "VIE", + -14.72568130493164 + ], + [ + "▁Amazonian", + -14.72572898864746 + ], + [ + "rgi", + -14.72582721710205 + ], + [ + "Deut", + -14.725890159606934 + ], + [ + "▁manufac", + -14.726238250732422 + ], + [ + "WOT", + -14.726245880126951 + ], + [ + "▁hardscape", + -14.726274490356444 + ], + [ + "Relevance", + -14.726276397705078 + ], + [ + "TUESDAY", + -14.726276397705078 + ], + [ + "▁Aeronautics", + -14.726276397705078 + ], + [ + "▁Akamai", + -14.726276397705078 + ], + [ + "▁Breitling", + -14.726276397705078 + ], + [ + "▁Chomsky", + -14.726276397705078 + ], + [ + "▁Exynos", + -14.726276397705078 + ], + [ + "▁Ingersoll", + -14.726276397705078 + ], + [ + "▁Intrepid", + -14.726276397705078 + ], + [ + "▁Propecia", + -14.726276397705078 + ], + [ + "▁absinthe", + -14.726276397705078 + ], + [ + "▁aforesaid", + -14.726276397705078 + ], + [ + "▁canapés", + -14.726276397705078 + ], + [ + "▁desirability", + -14.726276397705078 + ], + [ + "▁disparage", + -14.726276397705078 + ], + [ + "▁exhilaration", + -14.726276397705078 + ], + [ + "▁handcuffed", + -14.726276397705078 + ], + [ + "▁penicillin", + -14.726276397705078 + ], + [ + "▁provost", + -14.726276397705078 + ], + [ + "▁prudence", + -14.726276397705078 + ], + [ + "▁redundancies", + -14.726276397705078 + ], + [ + "▁synchronicity", + -14.726276397705078 + ], + [ + "▁vestibular", + -14.726276397705078 + ], + [ + "▁Barnabas", + -14.726277351379396 + ], + [ + "▁ketamine", + -14.726277351379396 + ], + [ + "▁muesli", + -14.726277351379396 + ], + [ + "▁preconceptions", + -14.726277351379396 + ], + [ + "▁xenophobia", + -14.726277351379396 + ], + [ + "▁Gingrich", + -14.726278305053713 + ], + [ + "▁Kyocera", + -14.726278305053713 + ], + [ + "▁disarmament", + -14.726278305053713 + ], + [ + "Nutmeg", + -14.726279258728027 + ], + [ + "▁draping", + -14.726279258728027 + ], + [ + "▁ugliness", + -14.726279258728027 + ], + [ + "illinois", + -14.726280212402344 + ], + [ + "▁Bariatric", + -14.726280212402344 + ], + [ + "▁Legionnaire", + -14.726280212402344 + ], + [ + "▁Thermador", + -14.726280212402344 + ], + [ + "▁frieze", + -14.726280212402344 + ], + [ + "▁retinopathy", + -14.726280212402344 + ], + [ + "▁Sanofi", + -14.72628116607666 + ], + [ + "▁Inferno", + -14.726282119750977 + ], + [ + "▁HACCP", + -14.72628402709961 + ], + [ + "▁Gradient", + -14.726285934448242 + ], + [ + "▁Bioinformatics", + -14.72628688812256 + ], + [ + "▁Schiller", + -14.726290702819824 + ], + [ + "▁Nicotine", + -14.726293563842772 + ], + [ + "▁Rajendra", + -14.726293563842772 + ], + [ + "▁Fitchburg", + -14.72629451751709 + ], + [ + "▁Praxis", + -14.726296424865724 + ], + [ + "▁peony", + -14.72629737854004 + ], + [ + "▁Roatan", + -14.726299285888672 + ], + [ + "▁Capabilities", + -14.726300239562988 + ], + [ + "▁vellum", + -14.726304054260254 + ], + [ + "▁Cruces", + -14.72630500793457 + ], + [ + "▁calving", + -14.72630500793457 + ], + [ + "▁Dickey", + -14.726306915283203 + ], + [ + "▁unscramble", + -14.726306915283203 + ], + [ + "▁GFCI", + -14.726308822631836 + ], + [ + "▁haptic", + -14.726310729980469 + ], + [ + "▁Calligraphy", + -14.726314544677734 + ], + [ + "2:47", + -14.726330757141112 + ], + [ + "▁wireframes", + -14.726335525512695 + ], + [ + "▁frailty", + -14.726337432861328 + ], + [ + "▁Spock", + -14.726340293884276 + ], + [ + "▁Horsham", + -14.726341247558594 + ], + [ + "Enfant", + -14.72634220123291 + ], + [ + "▁Driftwood", + -14.72635269165039 + ], + [ + "▁taillights", + -14.726358413696287 + ], + [ + "▁interject", + -14.726373672485352 + ], + [ + "▁CDM", + -14.726380348205566 + ], + [ + "▁Danforth", + -14.7263822555542 + ], + [ + "▁hyperactive", + -14.726386070251465 + ], + [ + "▁Dusk", + -14.726414680480955 + ], + [ + "essner", + -14.72641658782959 + ], + [ + "▁BASIS", + -14.726462364196776 + ], + [ + "▁imbibe", + -14.726462364196776 + ], + [ + "▁Behavioural", + -14.726512908935549 + ], + [ + "▁Blurb", + -14.726539611816406 + ], + [ + "▁Quoc", + -14.726564407348633 + ], + [ + "▁devalue", + -14.726588249206545 + ], + [ + "▁bugging", + -14.726593017578123 + ], + [ + "▁Tilda", + -14.72659969329834 + ], + [ + "▁orchestrating", + -14.726619720458984 + ], + [ + "▁Cowley", + -14.72663116455078 + ], + [ + "▁CHINA", + -14.726638793945312 + ], + [ + "LIBER", + -14.726639747619627 + ], + [ + "▁PSR", + -14.726704597473145 + ], + [ + "▁seagrass", + -14.726726531982422 + ], + [ + "▁SHRM", + -14.726733207702637 + ], + [ + "Fostering", + -14.726747512817385 + ], + [ + "▁Caruso", + -14.72675323486328 + ], + [ + "▁rescinded", + -14.72677230834961 + ], + [ + "▁Hazrat", + -14.72677993774414 + ], + [ + "▁Glance", + -14.72679615020752 + ], + [ + "▁TAFE", + -14.726798057556152 + ], + [ + "useful", + -14.726812362670898 + ], + [ + "▁Morningside", + -14.726820945739746 + ], + [ + "▁Suzie", + -14.726823806762695 + ], + [ + "viruses", + -14.726831436157228 + ], + [ + "▁godsend", + -14.72683811187744 + ], + [ + "Distraction", + -14.7268648147583 + ], + [ + "▁17.3", + -14.726880073547363 + ], + [ + "▁Yoder", + -14.726888656616213 + ], + [ + "▁Kellie", + -14.726924896240234 + ], + [ + "9.75", + -14.72692584991455 + ], + [ + "▁Bowery", + -14.726927757263184 + ], + [ + "Arrive", + -14.726945877075195 + ], + [ + "anticipate", + -14.72695255279541 + ], + [ + "▁Winkle", + -14.726977348327637 + ], + [ + "▁£600", + -14.726987838745115 + ], + [ + "▁ghostwriter", + -14.727009773254396 + ], + [ + "▁Nourishing", + -14.727015495300291 + ], + [ + "▁Fisch", + -14.72703456878662 + ], + [ + "▁Eurostar", + -14.727100372314451 + ], + [ + "▁Moha", + -14.727107048034668 + ], + [ + "▁PTS", + -14.72711181640625 + ], + [ + "▁discredited", + -14.72711181640625 + ], + [ + "gusta", + -14.727120399475098 + ], + [ + "▁DDT", + -14.727152824401855 + ], + [ + "▁languishing", + -14.727153778076172 + ], + [ + "▁Witches", + -14.727177619934082 + ], + [ + "▁Revue", + -14.72719955444336 + ], + [ + "▁testifies", + -14.727200508117676 + ], + [ + "▁18650", + -14.72720432281494 + ], + [ + "▁signposted", + -14.727208137512209 + ], + [ + "UBI", + -14.727212905883787 + ], + [ + "▁Olli", + -14.727214813232422 + ], + [ + "▁corroborate", + -14.727219581604004 + ], + [ + "Column", + -14.72727394104004 + ], + [ + "▁damsel", + -14.72729206085205 + ], + [ + "▁Sidewalk", + -14.727361679077148 + ], + [ + "hauer", + -14.727362632751465 + ], + [ + "tsuki", + -14.727398872375488 + ], + [ + "imagining", + -14.727410316467283 + ], + [ + "Enlarge", + -14.727444648742676 + ], + [ + "▁screenwriting", + -14.727487564086914 + ], + [ + "Apologies", + -14.727511405944824 + ], + [ + "▁Rhea", + -14.727519989013672 + ], + [ + "wrinkle", + -14.727534294128418 + ], + [ + "Destination", + -14.7275390625 + ], + [ + "kitchenaid", + -14.727540969848633 + ], + [ + "Variety", + -14.727554321289062 + ], + [ + "▁35-40", + -14.727556228637695 + ], + [ + "Acrylic", + -14.727559089660645 + ], + [ + "Spicy", + -14.72756004333496 + ], + [ + "conversation", + -14.72756004333496 + ], + [ + "Panasonic", + -14.727560997009276 + ], + [ + "australia", + -14.72756290435791 + ], + [ + "Timothy", + -14.727563858032228 + ], + [ + "believing", + -14.727567672729492 + ], + [ + "▁undersea", + -14.72757339477539 + ], + [ + "fantastic", + -14.727582931518556 + ], + [ + "▁EXO", + -14.727584838867188 + ], + [ + "therapist", + -14.727585792541504 + ], + [ + "Poetry", + -14.72758674621582 + ], + [ + "▁Launches", + -14.727643013000488 + ], + [ + "▁Baez", + -14.7277193069458 + ], + [ + "occasion", + -14.727775573730469 + ], + [ + "Chrysler", + -14.727794647216797 + ], + [ + "executed", + -14.727874755859377 + ], + [ + "Pier", + -14.727890014648438 + ], + [ + "WAYS", + -14.727910041809082 + ], + [ + "▁showbiz", + -14.72792625427246 + ], + [ + "Carolyn", + -14.727931022644045 + ], + [ + "Cara", + -14.727951049804688 + ], + [ + "suitable", + -14.727983474731444 + ], + [ + "Stepping", + -14.728028297424316 + ], + [ + "nagh", + -14.728094100952148 + ], + [ + "Roasted", + -14.728157043457031 + ], + [ + "▁Esri", + -14.728171348571776 + ], + [ + "Titan", + -14.728182792663574 + ], + [ + "Grain", + -14.728248596191406 + ], + [ + "PLEX", + -14.72827434539795 + ], + [ + "▁Senna", + -14.72830867767334 + ], + [ + "▁AISI", + -14.7283353805542 + ], + [ + "▁Bevan", + -14.72852897644043 + ], + [ + "▁unevenly", + -14.728545188903809 + ], + [ + "indeed", + -14.728555679321287 + ], + [ + "▁Shilling", + -14.728593826293944 + ], + [ + "Chile", + -14.728608131408691 + ], + [ + "▁Kuch", + -14.72863483428955 + ], + [ + "▁Maxima", + -14.72869873046875 + ], + [ + "▁transgress", + -14.728713989257812 + ], + [ + "▁Arad", + -14.72873306274414 + ], + [ + "▁Jerk", + -14.728845596313477 + ], + [ + "▁Nui", + -14.72895050048828 + ], + [ + "▁Recep", + -14.729071617126465 + ], + [ + "Seen", + -14.729114532470703 + ], + [ + "passed", + -14.729118347167969 + ], + [ + "▁Zora", + -14.72914218902588 + ], + [ + "▁manta", + -14.729202270507812 + ], + [ + "LAG", + -14.729204177856444 + ], + [ + "revenue", + -14.729211807250977 + ], + [ + "▁09:3", + -14.729253768920898 + ], + [ + "▁Tyrell", + -14.729397773742676 + ], + [ + "▁(17)", + -14.729405403137209 + ], + [ + "BFS", + -14.729412078857422 + ], + [ + "▁quantitatively", + -14.729440689086914 + ], + [ + "▁Pela", + -14.729443550109863 + ], + [ + "EWS", + -14.729445457458496 + ], + [ + "▁handsomely", + -14.729469299316406 + ], + [ + "▁Saraki", + -14.729487419128418 + ], + [ + "▁Meir", + -14.72950839996338 + ], + [ + "▁rouse", + -14.729557037353516 + ], + [ + "Rib", + -14.729700088500977 + ], + [ + "BID", + -14.729819297790527 + ], + [ + "PGA", + -14.729839324951172 + ], + [ + "▁Busan", + -14.729924201965332 + ], + [ + "▁rejoiced", + -14.730002403259276 + ], + [ + "▁Tiller", + -14.730046272277832 + ], + [ + "MIX", + -14.730307579040527 + ], + [ + "▁RCT", + -14.730310440063477 + ], + [ + "sticky", + -14.730334281921388 + ], + [ + "▁Spor", + -14.730337142944336 + ], + [ + "Brass", + -14.730417251586914 + ], + [ + "crawler", + -14.730508804321287 + ], + [ + "▁reaped", + -14.730513572692873 + ], + [ + "▁Moulin", + -14.730515480041504 + ], + [ + "▁Adjuster", + -14.730667114257812 + ], + [ + "exec", + -14.730685234069824 + ], + [ + "Jewel", + -14.730746269226074 + ], + [ + "correction", + -14.730758666992188 + ], + [ + "▁tusk", + -14.730817794799805 + ], + [ + "2400", + -14.730842590332031 + ], + [ + "▁Persi", + -14.730908393859863 + ], + [ + "Crossing", + -14.730920791625977 + ], + [ + "fuelled", + -14.731082916259766 + ], + [ + "ото", + -14.731184005737305 + ], + [ + "jf", + -14.731200218200684 + ], + [ + "▁£2,000", + -14.731202125549316 + ], + [ + "▁misting", + -14.731396675109863 + ], + [ + "▁NIN", + -14.731542587280272 + ], + [ + "11:00", + -14.731563568115234 + ], + [ + "▁Tramp", + -14.731578826904297 + ], + [ + "▁Scandi", + -14.731611251831056 + ], + [ + "▁Naming", + -14.731616973876951 + ], + [ + "▁needlework", + -14.731637001037598 + ], + [ + "▁Drafting", + -14.731738090515137 + ], + [ + "▁micronutrients", + -14.731738090515137 + ], + [ + "▁Kalli", + -14.731748580932615 + ], + [ + "▁hydrangea", + -14.731781005859377 + ], + [ + "▁Beanie", + -14.731794357299805 + ], + [ + "▁markdown", + -14.731810569763184 + ], + [ + "▁Grub", + -14.73194980621338 + ], + [ + "14001", + -14.731968879699709 + ], + [ + "▁Hostess", + -14.731972694396973 + ], + [ + "▁Hush", + -14.732037544250488 + ], + [ + "vou", + -14.732102394104004 + ], + [ + "FACE", + -14.732439041137695 + ], + [ + "▁Fiori", + -14.732467651367188 + ], + [ + "1010", + -14.73257541656494 + ], + [ + "hofer", + -14.732648849487305 + ], + [ + "▁essayist", + -14.732666969299316 + ], + [ + "▁fabricator", + -14.732678413391112 + ], + [ + "footer", + -14.732765197753906 + ], + [ + "▁headquarter", + -14.732831954956056 + ], + [ + "▁interes", + -14.732860565185549 + ], + [ + "Colo", + -14.732976913452148 + ], + [ + "PEP", + -14.733019828796388 + ], + [ + "▁Jaco", + -14.733099937438965 + ], + [ + "contain", + -14.733186721801758 + ], + [ + "NTC", + -14.73320484161377 + ], + [ + "WWW", + -14.733243942260742 + ], + [ + "▁Ghani", + -14.733304023742676 + ], + [ + "Allergen", + -14.733352661132812 + ], + [ + "▁Socialism", + -14.733466148376465 + ], + [ + "INFORM", + -14.733528137207031 + ], + [ + "beating", + -14.733591079711914 + ], + [ + "scientist", + -14.733610153198242 + ], + [ + "jai", + -14.733672142028809 + ], + [ + "▁Sahel", + -14.733675956726074 + ], + [ + "Filmed", + -14.733701705932615 + ], + [ + "CPD", + -14.73372745513916 + ], + [ + "Consolidat", + -14.733736991882324 + ], + [ + "атно", + -14.73375415802002 + ], + [ + "▁Kahl", + -14.73392391204834 + ], + [ + "▁Carbonate", + -14.734030723571776 + ], + [ + "▁trunking", + -14.734065055847168 + ], + [ + "▁2027", + -14.734066009521484 + ], + [ + "LEO", + -14.734146118164062 + ], + [ + "▁WX", + -14.734170913696287 + ], + [ + "intern", + -14.734187126159668 + ], + [ + "HSU", + -14.734245300292969 + ], + [ + "▁Tabor", + -14.734261512756348 + ], + [ + "▁Northstar", + -14.73430347442627 + ], + [ + "▁Approve", + -14.734314918518066 + ], + [ + "IMF", + -14.734353065490724 + ], + [ + "▁KOA", + -14.734399795532228 + ], + [ + "▁Ronin", + -14.734411239624023 + ], + [ + "▁Baal", + -14.734463691711426 + ], + [ + "▁Desh", + -14.73458480834961 + ], + [ + "lexic", + -14.734623908996582 + ], + [ + "Whip", + -14.734673500061035 + ], + [ + "▁8-2", + -14.734698295593262 + ], + [ + "▁Fuchs", + -14.734779357910156 + ], + [ + "GIA", + -14.73478889465332 + ], + [ + "▁CRF", + -14.734795570373535 + ], + [ + "variate", + -14.73480224609375 + ], + [ + "ovine", + -14.7348051071167 + ], + [ + "Periodontal", + -14.734823226928713 + ], + [ + "Ridiculous", + -14.734823226928713 + ], + [ + "Solvusoft", + -14.734823226928713 + ], + [ + "Sufficient", + -14.734823226928713 + ], + [ + "kaspersky", + -14.734823226928713 + ], + [ + "▁Bonaparte", + -14.734823226928713 + ], + [ + "▁Cruelty", + -14.734823226928713 + ], + [ + "▁Cthulhu", + -14.734823226928713 + ], + [ + "▁Gauntlet", + -14.734823226928713 + ], + [ + "▁Impreza", + -14.734823226928713 + ], + [ + "▁Monterrey", + -14.734823226928713 + ], + [ + "▁Pkwy", + -14.734823226928713 + ], + [ + "▁Separating", + -14.734823226928713 + ], + [ + "▁cantaloupe", + -14.734823226928713 + ], + [ + "▁entwined", + -14.734823226928713 + ], + [ + "▁gargantuan", + -14.734823226928713 + ], + [ + "▁idolatry", + -14.734823226928713 + ], + [ + "▁metatarsal", + -14.734823226928713 + ], + [ + "▁methotrexate", + -14.734823226928713 + ], + [ + "▁prefrontal", + -14.734823226928713 + ], + [ + "▁prophesy", + -14.734823226928713 + ], + [ + "▁rezeptfrei", + -14.734823226928713 + ], + [ + "▁sandblasting", + -14.734823226928713 + ], + [ + "▁scoliosis", + -14.734823226928713 + ], + [ + "▁vitiligo", + -14.734823226928713 + ], + [ + "▁Oshkosh", + -14.734824180603027 + ], + [ + "▁nginx", + -14.734824180603027 + ], + [ + "▁nirvana", + -14.734824180603027 + ], + [ + "▁rhodium", + -14.734824180603027 + ], + [ + "Invoicing", + -14.734825134277344 + ], + [ + "▁Vedanta", + -14.734825134277344 + ], + [ + "▁deviant", + -14.73482608795166 + ], + [ + "▁typifie", + -14.73482608795166 + ], + [ + "▁iniquity", + -14.734827041625977 + ], + [ + "▁jovial", + -14.734827041625977 + ], + [ + "▁gyroscope", + -14.734827995300291 + ], + [ + "▁Concealed", + -14.734829902648926 + ], + [ + "▁Pharrell", + -14.734829902648926 + ], + [ + "▁typology", + -14.734830856323242 + ], + [ + "▁revocable", + -14.73483180999756 + ], + [ + "▁Sudoku", + -14.734832763671877 + ], + [ + "▁Hypertension", + -14.734833717346191 + ], + [ + "▁cloister", + -14.734833717346191 + ], + [ + "▁spiky", + -14.734833717346191 + ], + [ + "▁Turismo", + -14.734834671020508 + ], + [ + "▁Hutchison", + -14.73483657836914 + ], + [ + "▁bonanza", + -14.73483657836914 + ], + [ + "▁mishandled", + -14.73483657836914 + ], + [ + "▁picturing", + -14.734837532043455 + ], + [ + "▁astonishment", + -14.73483943939209 + ], + [ + "▁Skunk", + -14.734840393066406 + ], + [ + "▁borax", + -14.734848022460938 + ], + [ + "SBI", + -14.73484992980957 + ], + [ + "▁omnibus", + -14.73484992980957 + ], + [ + "▁stubble", + -14.734850883483888 + ], + [ + "▁satiety", + -14.73485279083252 + ], + [ + "▁tepid", + -14.734853744506836 + ], + [ + "▁Archival", + -14.734854698181152 + ], + [ + "▁mummies", + -14.734855651855469 + ], + [ + "▁Eyebrow", + -14.73486042022705 + ], + [ + "▁Chac", + -14.734861373901367 + ], + [ + "▁concurrency", + -14.73486328125 + ], + [ + "▁intermodal", + -14.734872817993164 + ], + [ + "▁boozy", + -14.734892845153809 + ], + [ + "▁Vaporizer", + -14.73490047454834 + ], + [ + "▁900,000", + -14.734903335571287 + ], + [ + "▁Skelton", + -14.734915733337402 + ], + [ + "▁kanji", + -14.734922409057615 + ], + [ + "▁Ziggy", + -14.73492431640625 + ], + [ + "▁undying", + -14.73492431640625 + ], + [ + "▁Tayyi", + -14.734925270080566 + ], + [ + "▁Keats", + -14.7349271774292 + ], + [ + "▁18:4", + -14.734938621520996 + ], + [ + "▁unscheduled", + -14.734941482543944 + ], + [ + "▁Anarchy", + -14.734942436218262 + ], + [ + "▁Colonies", + -14.734945297241213 + ], + [ + "▁Ashraf", + -14.734952926635742 + ], + [ + "▁Wolfpack", + -14.734960556030272 + ], + [ + "▁taming", + -14.73496437072754 + ], + [ + "▁babysit", + -14.734968185424805 + ], + [ + "▁larval", + -14.734977722167969 + ], + [ + "▁Uncommon", + -14.734993934631348 + ], + [ + "▁respawn", + -14.73501968383789 + ], + [ + "▁Revlon", + -14.735024452209473 + ], + [ + "▁ICAO", + -14.735028266906738 + ], + [ + "▁Birla", + -14.735060691833496 + ], + [ + "▁Fanning", + -14.735095977783203 + ], + [ + "▁2019-4-2", + -14.73509693145752 + ], + [ + "▁PPV", + -14.735113143920898 + ], + [ + "▁Inquirer", + -14.735164642333984 + ], + [ + "▁Oakdale", + -14.73519515991211 + ], + [ + "▁sewerage", + -14.735200881958008 + ], + [ + "▁secularism", + -14.735215187072754 + ], + [ + "▁Bessie", + -14.735243797302246 + ], + [ + "▁Campfire", + -14.735279083251951 + ], + [ + "1:32", + -14.735280990600586 + ], + [ + "▁endoscope", + -14.73528289794922 + ], + [ + "▁snooker", + -14.735311508178713 + ], + [ + "2700", + -14.735318183898926 + ], + [ + "▁Bluehost", + -14.735331535339355 + ], + [ + "/1.4", + -14.735345840454102 + ], + [ + "▁parapet", + -14.735353469848633 + ], + [ + "gupta", + -14.735374450683594 + ], + [ + "▁hoteliers", + -14.735428810119627 + ], + [ + "(12)", + -14.735461235046388 + ], + [ + "▁2035", + -14.735478401184082 + ], + [ + "▁Caltech", + -14.735479354858398 + ], + [ + "pico", + -14.735532760620115 + ], + [ + "▁FSX", + -14.735548973083496 + ], + [ + "▁Wholesalers", + -14.735552787780762 + ], + [ + "▁litigated", + -14.735576629638672 + ], + [ + "▁whitewashed", + -14.735588073730469 + ], + [ + "▁QPR", + -14.73561191558838 + ], + [ + "▁Canelo", + -14.735652923583984 + ], + [ + "▁deduced", + -14.735669136047363 + ], + [ + "▁GBA", + -14.735718727111816 + ], + [ + "▁CQC", + -14.73574447631836 + ], + [ + "▁borehole", + -14.735747337341309 + ], + [ + "▁Mochi", + -14.735772132873535 + ], + [ + "Reflect", + -14.73577880859375 + ], + [ + "plicity", + -14.735788345336914 + ], + [ + "▁Zep", + -14.73584270477295 + ], + [ + "owie", + -14.735895156860352 + ], + [ + "▁HCL", + -14.735910415649414 + ], + [ + "▁relaunched", + -14.735925674438477 + ], + [ + "hehe", + -14.735968589782717 + ], + [ + "▁weirdo", + -14.735968589782717 + ], + [ + "▁legwork", + -14.73598575592041 + ], + [ + "▁$7.99", + -14.736004829406738 + ], + [ + "▁surmount", + -14.73600959777832 + ], + [ + "▁Chula", + -14.736055374145508 + ], + [ + "advance", + -14.73606014251709 + ], + [ + "▁Insul", + -14.73606777191162 + ], + [ + "▁26.5", + -14.736093521118164 + ], + [ + "gesch", + -14.736159324645996 + ], + [ + "▁Mythic", + -14.736200332641602 + ], + [ + "▁fraying", + -14.73624324798584 + ], + [ + "udy", + -14.736244201660156 + ], + [ + "Orthodox", + -14.736294746398926 + ], + [ + "Adorable", + -14.736299514770508 + ], + [ + "▁activewear", + -14.73630428314209 + ], + [ + "Proposal", + -14.736309051513672 + ], + [ + "Dentist", + -14.73631763458252 + ], + [ + "spoiler", + -14.736320495605469 + ], + [ + "injection", + -14.736326217651367 + ], + [ + "Replacing", + -14.736330032348633 + ], + [ + "Nuclear", + -14.736353874206545 + ], + [ + "▁crunches", + -14.736367225646973 + ], + [ + "Nashville", + -14.73638916015625 + ], + [ + "spinning", + -14.73642349243164 + ], + [ + "visited", + -14.736494064331056 + ], + [ + "▁$399", + -14.736495018005373 + ], + [ + "SUPER", + -14.736506462097168 + ], + [ + "▁Xcel", + -14.736555099487305 + ], + [ + "▁Sizing", + -14.736600875854492 + ], + [ + "▁MSW", + -14.736658096313477 + ], + [ + "Confidentiality", + -14.73666763305664 + ], + [ + "▁Shetty", + -14.73671817779541 + ], + [ + "Truthfully", + -14.73672103881836 + ], + [ + "dumb", + -14.73672580718994 + ], + [ + "minimal", + -14.73680019378662 + ], + [ + "Nose", + -14.736845970153809 + ], + [ + "Zinc", + -14.736867904663086 + ], + [ + "▁WTC", + -14.73691177368164 + ], + [ + "climbing", + -14.73695945739746 + ], + [ + "Tamil", + -14.737013816833496 + ], + [ + "Drake", + -14.737022399902344 + ], + [ + "12:00", + -14.737040519714355 + ], + [ + "▁Sump", + -14.737055778503418 + ], + [ + "▁adrenalin", + -14.737065315246582 + ], + [ + "halle", + -14.73707389831543 + ], + [ + "▁Eee", + -14.73707389831543 + ], + [ + "lloway", + -14.737119674682615 + ], + [ + "▁Ambien", + -14.73716163635254 + ], + [ + "▁Elwood", + -14.737244606018066 + ], + [ + "▁microstructure", + -14.737252235412598 + ], + [ + "yielding", + -14.737268447875977 + ], + [ + "veri", + -14.737272262573242 + ], + [ + "2:18", + -14.737284660339355 + ], + [ + "essentially", + -14.7373046875 + ], + [ + "▁Cotter", + -14.737309455871582 + ], + [ + "4:13", + -14.737384796142578 + ], + [ + "▁meteoric", + -14.73745822906494 + ], + [ + "fetch", + -14.737504959106444 + ], + [ + "Attending", + -14.737505912780762 + ], + [ + "ето", + -14.737518310546877 + ], + [ + "▁($12", + -14.737520217895508 + ], + [ + "▁Wold", + -14.737523078918455 + ], + [ + "VEC", + -14.737526893615724 + ], + [ + "▁MCL", + -14.737619400024414 + ], + [ + "jumping", + -14.737693786621094 + ], + [ + "▁DOING", + -14.737789154052734 + ], + [ + "gery", + -14.737842559814451 + ], + [ + "▁bisque", + -14.73788833618164 + ], + [ + "▁110%", + -14.737893104553224 + ], + [ + "zna", + -14.73792839050293 + ], + [ + "▁Rabat", + -14.737981796264648 + ], + [ + "tracing", + -14.738014221191406 + ], + [ + "▁Commun", + -14.738069534301758 + ], + [ + "etsy", + -14.738110542297363 + ], + [ + "ashley", + -14.738150596618652 + ], + [ + "▁Juliana", + -14.738167762756348 + ], + [ + "▁combust", + -14.738214492797852 + ], + [ + "szcz", + -14.738236427307127 + ], + [ + "▁matchless", + -14.73825740814209 + ], + [ + "4,800", + -14.738325119018556 + ], + [ + "Noble", + -14.738329887390137 + ], + [ + "▁20.5", + -14.738358497619627 + ], + [ + "▁gallant", + -14.738360404968262 + ], + [ + "▁strayed", + -14.738384246826172 + ], + [ + "▁Bazar", + -14.738431930541992 + ], + [ + "Killer", + -14.73851203918457 + ], + [ + "▁Viacom", + -14.738542556762695 + ], + [ + "AIRE", + -14.738638877868652 + ], + [ + "▁cargoes", + -14.738686561584473 + ], + [ + "▁Podge", + -14.738713264465332 + ], + [ + "5500", + -14.738734245300291 + ], + [ + "Hemp", + -14.738836288452148 + ], + [ + "▁algo", + -14.738862037658691 + ], + [ + "▁tensor", + -14.738885879516602 + ], + [ + "▁Murat", + -14.738936424255373 + ], + [ + "▁SELLER", + -14.738991737365724 + ], + [ + "▁Danilo", + -14.739020347595217 + ], + [ + "statt", + -14.739043235778809 + ], + [ + "▁Verme", + -14.739055633544922 + ], + [ + "▁Maja", + -14.739112854003906 + ], + [ + "UAN", + -14.739113807678224 + ], + [ + "Quit", + -14.739116668701172 + ], + [ + "Wanted", + -14.739126205444336 + ], + [ + "FIS", + -14.7391357421875 + ], + [ + "▁Waterville", + -14.739187240600586 + ], + [ + "synth", + -14.739205360412598 + ], + [ + "067", + -14.73939037322998 + ], + [ + "▁versi", + -14.739523887634276 + ], + [ + "▁Coping", + -14.739623069763184 + ], + [ + "iamo", + -14.739646911621094 + ], + [ + "▁Fawn", + -14.73972988128662 + ], + [ + "▁individualised", + -14.739859580993652 + ], + [ + "▁minimised", + -14.739906311035156 + ], + [ + "figura", + -14.739911079406738 + ], + [ + "▁preform", + -14.739930152893066 + ], + [ + "0002", + -14.739974975585938 + ], + [ + "trait", + -14.740034103393556 + ], + [ + "▁BOOKS", + -14.740225791931152 + ], + [ + "ANSI", + -14.740296363830566 + ], + [ + "▁23.5", + -14.740331649780272 + ], + [ + "Rabbit", + -14.74034023284912 + ], + [ + "▁Esch", + -14.740399360656738 + ], + [ + "▁Vacant", + -14.740541458129885 + ], + [ + "Plum", + -14.740555763244627 + ], + [ + "Busch", + -14.74063205718994 + ], + [ + "▁birders", + -14.740644454956056 + ], + [ + "8-16", + -14.740657806396484 + ], + [ + "▁CUTE", + -14.740673065185549 + ], + [ + "GING", + -14.740696907043455 + ], + [ + "▁LCP", + -14.740700721740724 + ], + [ + "▁Mailer", + -14.74082374572754 + ], + [ + "▁Alco", + -14.740827560424805 + ], + [ + "▁faceplate", + -14.740925788879396 + ], + [ + "▁creat", + -14.740959167480469 + ], + [ + "▁SENT", + -14.74096393585205 + ], + [ + "▁Hawker", + -14.74096965789795 + ], + [ + "▁Equ", + -14.741257667541504 + ], + [ + "mancer", + -14.7412748336792 + ], + [ + "Teenage", + -14.741284370422363 + ], + [ + "▁Fie", + -14.741303443908691 + ], + [ + "▁Exempt", + -14.741394996643066 + ], + [ + "▁Ethyl", + -14.741405487060549 + ], + [ + "▁Zend", + -14.741447448730469 + ], + [ + "▁Dwell", + -14.74147605895996 + ], + [ + "ushka", + -14.741506576538086 + ], + [ + "ABL", + -14.741530418395996 + ], + [ + "nev", + -14.741570472717283 + ], + [ + "energise", + -14.741628646850586 + ], + [ + "1941", + -14.741682052612305 + ], + [ + "▁Dingle", + -14.741683959960938 + ], + [ + "Nina", + -14.741716384887695 + ], + [ + "▁MAF", + -14.742107391357422 + ], + [ + "nuncia", + -14.742327690124512 + ], + [ + "urne", + -14.74233055114746 + ], + [ + "▁2-7", + -14.742416381835938 + ], + [ + "▁Ansel", + -14.742424011230469 + ], + [ + "▁mahi", + -14.74245834350586 + ], + [ + "▁Hula", + -14.74250316619873 + ], + [ + "8.25", + -14.742525100708008 + ], + [ + "▁LPA", + -14.742534637451172 + ], + [ + "▁fanboy", + -14.742566108703612 + ], + [ + "▁emboss", + -14.742568016052246 + ], + [ + "fec", + -14.742627143859863 + ], + [ + "Moderate", + -14.742769241333008 + ], + [ + "▁Fateh", + -14.742786407470703 + ], + [ + "Hedge", + -14.74281406402588 + ], + [ + "▁achievers", + -14.74289608001709 + ], + [ + "TRAN", + -14.74294090270996 + ], + [ + "▁prayerful", + -14.74302864074707 + ], + [ + "hita", + -14.74305534362793 + ], + [ + "▁Ivanov", + -14.743093490600586 + ], + [ + "onix", + -14.743097305297852 + ], + [ + "BOUND", + -14.74317455291748 + ], + [ + "FOA", + -14.74318790435791 + ], + [ + "▁debrief", + -14.74319839477539 + ], + [ + "▁Kym", + -14.743305206298828 + ], + [ + "contractor", + -14.74333381652832 + ], + [ + "ijk", + -14.7433500289917 + ], + [ + "gosa", + -14.743362426757812 + ], + [ + "Cookie", + -14.743369102478027 + ], + [ + "cknowledging", + -14.743406295776367 + ], + [ + "▁Austral", + -14.743425369262695 + ], + [ + "chlorothiazide", + -14.743444442749023 + ], + [ + "▁Attestation", + -14.743444442749023 + ], + [ + "▁Chanukah", + -14.743444442749023 + ], + [ + "▁Coffey", + -14.743444442749023 + ], + [ + "▁Cymru", + -14.743444442749023 + ], + [ + "▁EITHER", + -14.743444442749023 + ], + [ + "▁Expenditure", + -14.743444442749023 + ], + [ + "▁FAVORITE", + -14.743444442749023 + ], + [ + "▁Guadeloupe", + -14.743444442749023 + ], + [ + "▁Heineken", + -14.743444442749023 + ], + [ + "▁IRONMAN", + -14.743444442749023 + ], + [ + "▁Influential", + -14.743444442749023 + ], + [ + "▁Kinesiology", + -14.743444442749023 + ], + [ + "▁Pheasant", + -14.743444442749023 + ], + [ + "▁RESPONSIBLE", + -14.743444442749023 + ], + [ + "▁Rubbish", + -14.743444442749023 + ], + [ + "▁aeronautical", + -14.743444442749023 + ], + [ + "▁allegorical", + -14.743444442749023 + ], + [ + "▁arraignment", + -14.743444442749023 + ], + [ + "▁ayurvedic", + -14.743444442749023 + ], + [ + "▁beleaguered", + -14.743444442749023 + ], + [ + "▁defensible", + -14.743444442749023 + ], + [ + "▁incinerator", + -14.743444442749023 + ], + [ + "▁preposterous", + -14.743444442749023 + ], + [ + "▁resveratrol", + -14.743444442749023 + ], + [ + "▁rhododendron", + -14.743444442749023 + ], + [ + "▁smoldering", + -14.743444442749023 + ], + [ + "▁telecommuting", + -14.743444442749023 + ], + [ + "▁telescoping", + -14.743444442749023 + ], + [ + "▁trapezoid", + -14.743444442749023 + ], + [ + "▁unquestionable", + -14.743444442749023 + ], + [ + "CHAPTER", + -14.74344539642334 + ], + [ + "▁AirPods", + -14.743446350097656 + ], + [ + "▁TensorFlow", + -14.743446350097656 + ], + [ + "▁agrarian", + -14.743446350097656 + ], + [ + "▁TRANSFER", + -14.743447303771973 + ], + [ + "▁pacifier", + -14.743447303771973 + ], + [ + "▁Leamington", + -14.743448257446287 + ], + [ + "▁orienteering", + -14.743448257446287 + ], + [ + "▁Gonzalo", + -14.743449211120604 + ], + [ + "▁Refining", + -14.743450164794922 + ], + [ + "▁martyrdom", + -14.743451118469238 + ], + [ + "▁dispersing", + -14.743454933166504 + ], + [ + "▁Muffler", + -14.74345588684082 + ], + [ + "▁Aachen", + -14.743460655212402 + ], + [ + "▁INVESTMENT", + -14.743460655212402 + ], + [ + "▁vulcan", + -14.743460655212402 + ], + [ + "▁$800,000", + -14.74346160888672 + ], + [ + "▁Chastain", + -14.743465423583984 + ], + [ + "▁UNIQUE", + -14.743470191955566 + ], + [ + "▁imposter", + -14.743471145629885 + ], + [ + "▁Cranbrook", + -14.743473052978516 + ], + [ + "▁unencrypted", + -14.74347686767578 + ], + [ + "▁Figaro", + -14.743481636047363 + ], + [ + "▁Equities", + -14.743485450744627 + ], + [ + "▁codified", + -14.743486404418944 + ], + [ + "▁microbiological", + -14.743490219116213 + ], + [ + "▁Gravy", + -14.743491172790527 + ], + [ + "▁Aquaculture", + -14.743492126464844 + ], + [ + "▁Nilsson", + -14.74349308013916 + ], + [ + "▁Mythology", + -14.743494987487791 + ], + [ + "▁COBRA", + -14.743499755859377 + ], + [ + "▁Tablespoon", + -14.743499755859377 + ], + [ + "▁Deferred", + -14.743511199951172 + ], + [ + "▁unyielding", + -14.74351406097412 + ], + [ + "▁transgenic", + -14.74351692199707 + ], + [ + "Fence", + -14.743517875671388 + ], + [ + "▁handicapping", + -14.74351978302002 + ], + [ + "▁ferrule", + -14.743529319763184 + ], + [ + "▁Grubb", + -14.7435302734375 + ], + [ + "▁$14.99", + -14.743553161621094 + ], + [ + "▁RESTful", + -14.74356460571289 + ], + [ + "▁tonsils", + -14.743568420410156 + ], + [ + "WILL", + -14.743579864501951 + ], + [ + "▁defray", + -14.743585586547852 + ], + [ + "Compliment", + -14.743589401245115 + ], + [ + "▁gruff", + -14.743590354919434 + ], + [ + "rowski", + -14.743607521057127 + ], + [ + "afari", + -14.743609428405762 + ], + [ + "▁rotted", + -14.743616104125977 + ], + [ + "▁rubella", + -14.743623733520508 + ], + [ + "▁Padilla", + -14.74362564086914 + ], + [ + "▁Kwik", + -14.743663787841797 + ], + [ + "▁Eyewear", + -14.743664741516112 + ], + [ + "▁Wordsworth", + -14.743667602539062 + ], + [ + "▁Mumford", + -14.743674278259276 + ], + [ + "▁kDa", + -14.743682861328123 + ], + [ + "▁unreported", + -14.743682861328123 + ], + [ + "▁JOSE", + -14.743721961975098 + ], + [ + "▁1826", + -14.743738174438477 + ], + [ + "Marty", + -14.74375343322754 + ], + [ + "▁eventuality", + -14.74378776550293 + ], + [ + "▁Darden", + -14.743830680847168 + ], + [ + "Chang", + -14.7438325881958 + ], + [ + "▁Rousey", + -14.743836402893066 + ], + [ + "▁Gundam", + -14.74384880065918 + ], + [ + "▁judo", + -14.74386978149414 + ], + [ + "▁Dressage", + -14.743886947631836 + ], + [ + "▁ObamaCare", + -14.743891716003418 + ], + [ + "COMMAND", + -14.743947982788086 + ], + [ + "▁DTH", + -14.74394989013672 + ], + [ + "huizen", + -14.743968963623049 + ], + [ + "▁Aegis", + -14.74400520324707 + ], + [ + "▁PHOTOS", + -14.744009971618652 + ], + [ + "intercontinental", + -14.744032859802246 + ], + [ + "orski", + -14.744068145751951 + ], + [ + "$$", + -14.744072914123535 + ], + [ + "▁Stevenage", + -14.744112968444824 + ], + [ + "▁encircled", + -14.744114875793455 + ], + [ + "▁Newswire", + -14.744118690490724 + ], + [ + "▁Graco", + -14.744126319885254 + ], + [ + "▁operandi", + -14.74413776397705 + ], + [ + "▁Snapper", + -14.744146347045898 + ], + [ + "▁Hohen", + -14.744150161743164 + ], + [ + "▁Farrow", + -14.744183540344238 + ], + [ + "▁Karthik", + -14.74418830871582 + ], + [ + "Victorian", + -14.744217872619627 + ], + [ + "▁Alpe", + -14.744341850280762 + ], + [ + "▁deconstructed", + -14.744351387023926 + ], + [ + "▁shoal", + -14.744389533996582 + ], + [ + "unni", + -14.744441032409668 + ], + [ + "▁Southlake", + -14.744492530822754 + ], + [ + "▁puller", + -14.744508743286133 + ], + [ + "▁mastic", + -14.744553565979004 + ], + [ + "▁Chatbot", + -14.74461841583252 + ], + [ + "▁reposted", + -14.744638442993164 + ], + [ + "▁slimline", + -14.74464511871338 + ], + [ + "Phenomenal", + -14.74467945098877 + ], + [ + "▁earpiece", + -14.744708061218262 + ], + [ + "▁hoisted", + -14.744732856750488 + ], + [ + "Farber", + -14.74477195739746 + ], + [ + "teeth", + -14.74483585357666 + ], + [ + "▁Curtin", + -14.744837760925291 + ], + [ + "russian", + -14.744839668273926 + ], + [ + "1:13", + -14.744840621948242 + ], + [ + "feather", + -14.74486255645752 + ], + [ + "▁foolishly", + -14.744866371154783 + ], + [ + "juan", + -14.744873046875 + ], + [ + "▁workaholic", + -14.744924545288086 + ], + [ + "▁Dickie", + -14.744951248168944 + ], + [ + "▁1822", + -14.745004653930664 + ], + [ + "▁Spiced", + -14.74500846862793 + ], + [ + "▁Rayon", + -14.745010375976562 + ], + [ + "▁laidback", + -14.74502658843994 + ], + [ + "circulated", + -14.745061874389648 + ], + [ + "hydraulic", + -14.745121955871582 + ], + [ + "Referral", + -14.745124816894531 + ], + [ + "Qualification", + -14.745162963867188 + ], + [ + "inflicted", + -14.745163917541504 + ], + [ + "Torrent", + -14.745166778564451 + ], + [ + "▁Davi", + -14.745172500610352 + ], + [ + "Celebrity", + -14.745177268981934 + ], + [ + "trivial", + -14.745179176330566 + ], + [ + "vegetable", + -14.745180130004885 + ], + [ + "Religion", + -14.745182991027832 + ], + [ + "promising", + -14.745186805725098 + ], + [ + "Supreme", + -14.745192527770996 + ], + [ + "Daisy", + -14.745195388793944 + ], + [ + "Cheryl", + -14.745199203491213 + ], + [ + "Terminal", + -14.745201110839844 + ], + [ + "Kristen", + -14.74520778656006 + ], + [ + "Medicaid", + -14.745216369628906 + ], + [ + "▁Caliper", + -14.745220184326172 + ], + [ + "▁Stitched", + -14.745227813720703 + ], + [ + "Countries", + -14.74522876739502 + ], + [ + "▁Pavlo", + -14.745237350463867 + ], + [ + "Murder", + -14.745251655578612 + ], + [ + "Cowboy", + -14.74525260925293 + ], + [ + "▁SEED", + -14.745283126831056 + ], + [ + "Moses", + -14.745315551757812 + ], + [ + "Promotional", + -14.74533748626709 + ], + [ + "▁Pasco", + -14.74538230895996 + ], + [ + "icator", + -14.745450973510742 + ], + [ + "▁PRICES", + -14.745481491088867 + ], + [ + "Inclusive", + -14.74549674987793 + ], + [ + "shaping", + -14.745502471923828 + ], + [ + "trooper", + -14.745516777038574 + ], + [ + "Wander", + -14.745532989501951 + ], + [ + "Pala", + -14.745540618896484 + ], + [ + "1908", + -14.74562168121338 + ], + [ + "Spanning", + -14.745665550231934 + ], + [ + "Interface", + -14.745736122131348 + ], + [ + "lulu", + -14.745776176452637 + ], + [ + "inspect", + -14.74579906463623 + ], + [ + "▁harken", + -14.74583339691162 + ], + [ + "▁TRAIN", + -14.745877265930176 + ], + [ + "Severe", + -14.745893478393556 + ], + [ + "▁Witte", + -14.745923042297363 + ], + [ + "Yourself", + -14.74593734741211 + ], + [ + "▁Hyd", + -14.745945930480955 + ], + [ + "'", + -14.745970726013184 + ], + [ + "▁Monti", + -14.746037483215332 + ], + [ + "cambridge", + -14.74604606628418 + ], + [ + "▁Woodley", + -14.74605941772461 + ], + [ + "▁Athol", + -14.746081352233888 + ], + [ + "▁Woodhouse", + -14.746091842651367 + ], + [ + "tissue", + -14.746146202087402 + ], + [ + "Defender", + -14.746192932128906 + ], + [ + "arine", + -14.746301651000977 + ], + [ + "1.80", + -14.746318817138672 + ], + [ + "Fallon", + -14.746333122253418 + ], + [ + "▁waver", + -14.746356010437012 + ], + [ + "▁Lovett", + -14.746380805969238 + ], + [ + "▁Bandra", + -14.74639129638672 + ], + [ + "Elliott", + -14.746475219726562 + ], + [ + "▁combin", + -14.746521949768066 + ], + [ + "+++", + -14.74652862548828 + ], + [ + "▁Mortar", + -14.74655818939209 + ], + [ + "Suit", + -14.746573448181152 + ], + [ + "UFA", + -14.746612548828123 + ], + [ + "▁Fave", + -14.74671745300293 + ], + [ + "▁Faction", + -14.746779441833496 + ], + [ + "▁15-17", + -14.74680233001709 + ], + [ + "Contra", + -14.746891975402832 + ], + [ + "▁trav", + -14.74690055847168 + ], + [ + "▁Cheating", + -14.746957778930664 + ], + [ + "4-18", + -14.7470121383667 + ], + [ + "▁Quali", + -14.747020721435549 + ], + [ + "▁Wolfson", + -14.74703884124756 + ], + [ + "filtered", + -14.74710178375244 + ], + [ + "inti", + -14.747201919555664 + ], + [ + "▁overturning", + -14.747233390808104 + ], + [ + "▁lumped", + -14.747248649597168 + ], + [ + "▁Bolivian", + -14.747265815734863 + ], + [ + "TFC", + -14.747270584106444 + ], + [ + "▁devilish", + -14.747340202331545 + ], + [ + "Viola", + -14.747429847717283 + ], + [ + "Invoice", + -14.747430801391602 + ], + [ + "▁STARS", + -14.747441291809082 + ], + [ + "▁DVB", + -14.747482299804688 + ], + [ + "▁consortia", + -14.747488021850586 + ], + [ + "Eq", + -14.747538566589355 + ], + [ + "supposed", + -14.74756145477295 + ], + [ + "Vale", + -14.74757957458496 + ], + [ + "▁susan", + -14.747902870178224 + ], + [ + "▁rekey", + -14.747907638549805 + ], + [ + "3,900", + -14.747954368591309 + ], + [ + "conti", + -14.74799346923828 + ], + [ + "diz", + -14.748026847839355 + ], + [ + "donia", + -14.748113632202148 + ], + [ + "▁Replaced", + -14.74817943572998 + ], + [ + "▁wedged", + -14.748196601867676 + ], + [ + "▁Schwa", + -14.748246192932127 + ], + [ + "▁Erect", + -14.748400688171388 + ], + [ + "various", + -14.74842643737793 + ], + [ + "xf", + -14.748427391052246 + ], + [ + "conception", + -14.748465538024902 + ], + [ + "Purchased", + -14.748478889465332 + ], + [ + "asih", + -14.748513221740724 + ], + [ + "Xbox", + -14.748520851135254 + ], + [ + "enaar", + -14.748568534851074 + ], + [ + "▁deutsch", + -14.748589515686035 + ], + [ + "▁fiddler", + -14.748597145080566 + ], + [ + "▁16:2", + -14.748628616333008 + ], + [ + "▁modernised", + -14.74871063232422 + ], + [ + "revolution", + -14.74878978729248 + ], + [ + "yaan", + -14.74882984161377 + ], + [ + "▁Chaz", + -14.748892784118652 + ], + [ + "▁fineness", + -14.748894691467283 + ], + [ + "PDU", + -14.749139785766602 + ], + [ + "▁Panna", + -14.749326705932615 + ], + [ + "spina", + -14.749444007873535 + ], + [ + "▁paraben", + -14.749475479125977 + ], + [ + "sensitized", + -14.749500274658203 + ], + [ + "▁80+", + -14.749500274658203 + ], + [ + "▁joist", + -14.74952793121338 + ], + [ + "LLU", + -14.749581336975098 + ], + [ + "▁Overton", + -14.749590873718262 + ], + [ + "stepping", + -14.749613761901855 + ], + [ + "▁dentin", + -14.74962043762207 + ], + [ + "▁perfumed", + -14.749669075012209 + ], + [ + "▁Sulf", + -14.74989891052246 + ], + [ + "▁EDB", + -14.749921798706056 + ], + [ + "/2.0", + -14.749923706054688 + ], + [ + "DURA", + -14.749933242797852 + ], + [ + "larger", + -14.74998950958252 + ], + [ + "▁optically", + -14.750011444091797 + ], + [ + "xanth", + -14.750113487243652 + ], + [ + "▁flexi", + -14.750121116638184 + ], + [ + "▁Zell", + -14.750248908996582 + ], + [ + "pelle", + -14.750276565551758 + ], + [ + "nement", + -14.750303268432615 + ], + [ + "▁squashed", + -14.75033950805664 + ], + [ + "▁Oud", + -14.750371932983398 + ], + [ + "▁Rumi", + -14.750478744506836 + ], + [ + "▁Fag", + -14.750483512878418 + ], + [ + "▁Angi", + -14.750532150268556 + ], + [ + "▁decaf", + -14.750574111938477 + ], + [ + "contra", + -14.750600814819336 + ], + [ + "atif", + -14.750611305236816 + ], + [ + "quish", + -14.750617980957031 + ], + [ + "odized", + -14.750632286071776 + ], + [ + "▁mache", + -14.750752449035645 + ], + [ + "▁Albin", + -14.750905990600586 + ], + [ + "annoy", + -14.750929832458496 + ], + [ + "▁Lamm", + -14.750971794128418 + ], + [ + "2:09", + -14.751049041748049 + ], + [ + "(!)", + -14.75113296508789 + ], + [ + "▁1827", + -14.751139640808104 + ], + [ + "SORT", + -14.75119686126709 + ], + [ + "Pep", + -14.751286506652832 + ], + [ + "acker", + -14.751296043395996 + ], + [ + "basin", + -14.75139045715332 + ], + [ + "▁inanimate", + -14.751424789428713 + ], + [ + "7.4%", + -14.751437187194824 + ], + [ + "▁Jib", + -14.751598358154297 + ], + [ + "gynecologist", + -14.751627922058104 + ], + [ + "▁Competi", + -14.751652717590332 + ], + [ + "▁dehydrate", + -14.75174045562744 + ], + [ + "▁Joann", + -14.751808166503906 + ], + [ + "▁Licensee", + -14.75186538696289 + ], + [ + "peach", + -14.7518892288208 + ], + [ + "▁CMB", + -14.751898765563965 + ], + [ + "▁Bongo", + -14.751934051513672 + ], + [ + "▁Scorch", + -14.751978874206545 + ], + [ + "▁diatom", + -14.752057075500488 + ], + [ + "▁forsaken", + -14.752058029174805 + ], + [ + "axillofacial", + -14.752079010009766 + ], + [ + "elliptic", + -14.75212287902832 + ], + [ + "schmidt", + -14.752130508422852 + ], + [ + "▁suffrage", + -14.752134323120115 + ], + [ + "▁brazil", + -14.752135276794434 + ], + [ + "▁Staunton", + -14.7521390914917 + ], + [ + "▁Asturias", + -14.752140045166016 + ], + [ + "▁Beowulf", + -14.752140045166016 + ], + [ + "▁Braindumps", + -14.752140045166016 + ], + [ + "▁Catechism", + -14.752140045166016 + ], + [ + "▁Cozumel", + -14.752140045166016 + ], + [ + "▁Criminology", + -14.752140045166016 + ], + [ + "▁Goulburn", + -14.752140045166016 + ], + [ + "▁Iroquois", + -14.752140045166016 + ], + [ + "▁Kowloon", + -14.752140045166016 + ], + [ + "▁Sunbrella", + -14.752140045166016 + ], + [ + "▁Tertiary", + -14.752140045166016 + ], + [ + "▁adenocarcinoma", + -14.752140045166016 + ], + [ + "▁bucolic", + -14.752140045166016 + ], + [ + "▁carabiner", + -14.752140045166016 + ], + [ + "▁carnivorous", + -14.752140045166016 + ], + [ + "▁decentralised", + -14.752140045166016 + ], + [ + "▁exacerbation", + -14.752140045166016 + ], + [ + "▁ghastly", + -14.752140045166016 + ], + [ + "▁goosebumps", + -14.752140045166016 + ], + [ + "▁quadratic", + -14.752140045166016 + ], + [ + "▁virtuosity", + -14.752140045166016 + ], + [ + "Spectacle", + -14.752140998840332 + ], + [ + "▁AUTOMATIC", + -14.752140998840332 + ], + [ + "▁turkish", + -14.752140998840332 + ], + [ + "decentralization", + -14.752141952514648 + ], + [ + "▁Iglesia", + -14.752141952514648 + ], + [ + "▁adipex", + -14.752141952514648 + ], + [ + "▁INRDeals", + -14.75214385986328 + ], + [ + "▁LEATHER", + -14.752144813537598 + ], + [ + "▁Avignon", + -14.752145767211914 + ], + [ + "▁spigot", + -14.752145767211914 + ], + [ + "▁Crucible", + -14.75214672088623 + ], + [ + "▁WHILE", + -14.75214672088623 + ], + [ + "▁Spandex", + -14.75214958190918 + ], + [ + "▁Chronograph", + -14.752150535583496 + ], + [ + "▁Kubota", + -14.752150535583496 + ], + [ + "▁disorientation", + -14.752150535583496 + ], + [ + "▁Clutter", + -14.752154350280762 + ], + [ + "▁stratified", + -14.752154350280762 + ], + [ + "▁Midwifery", + -14.752159118652344 + ], + [ + "▁Nanotechnology", + -14.752164840698242 + ], + [ + "▁Yonkers", + -14.752169609069824 + ], + [ + "▁EARTH", + -14.752171516418455 + ], + [ + "отор", + -14.752177238464355 + ], + [ + "▁MARKETING", + -14.752189636230469 + ], + [ + "▁miRNA", + -14.752191543579102 + ], + [ + "▁Armagh", + -14.752193450927734 + ], + [ + "▁maxillofacial", + -14.75220012664795 + ], + [ + "▁panacea", + -14.752202987670898 + ], + [ + "▁henceforth", + -14.752206802368164 + ], + [ + "▁Brasserie", + -14.752212524414062 + ], + [ + "▁McCallum", + -14.752214431762695 + ], + [ + "▁Mansour", + -14.752220153808594 + ], + [ + "▁ceasing", + -14.752224922180176 + ], + [ + "▁transposition", + -14.752227783203123 + ], + [ + "▁retrofitted", + -14.752229690551758 + ], + [ + "▁livre", + -14.752236366271973 + ], + [ + "▁antithesis", + -14.752256393432615 + ], + [ + "▁FRS", + -14.752257347106934 + ], + [ + "▁kelly", + -14.752262115478516 + ], + [ + "▁Infinix", + -14.752277374267578 + ], + [ + "▁Coarse", + -14.752286911010742 + ], + [ + "▁Teleport", + -14.752297401428224 + ], + [ + "▁Loomis", + -14.752305030822754 + ], + [ + "▁polyp", + -14.752326011657717 + ], + [ + "▁Crestwood", + -14.752327919006348 + ], + [ + "▁Zionism", + -14.752354621887209 + ], + [ + "▁Dodger", + -14.75238037109375 + ], + [ + "▁contemporaneous", + -14.752382278442385 + ], + [ + "▁Miser", + -14.752387046813965 + ], + [ + "▁emboldened", + -14.752408981323242 + ], + [ + "▁Sadler", + -14.752419471740724 + ], + [ + "▁waders", + -14.752456665039062 + ], + [ + "▁Holley", + -14.752470970153809 + ], + [ + "▁whimper", + -14.752470970153809 + ], + [ + "▁camphor", + -14.752521514892578 + ], + [ + "▁Poodle", + -14.752533912658691 + ], + [ + "▁shamelessly", + -14.752549171447754 + ], + [ + "▁dependably", + -14.75256061553955 + ], + [ + "▁Aspiring", + -14.752562522888184 + ], + [ + "▁discouragement", + -14.75256633758545 + ], + [ + "▁Bellator", + -14.752574920654297 + ], + [ + "▁opined", + -14.752586364746094 + ], + [ + "▁Putney", + -14.752617835998535 + ], + [ + "▁Cantina", + -14.752635955810549 + ], + [ + "▁Finney", + -14.752635955810549 + ], + [ + "6.9%", + -14.752643585205078 + ], + [ + "▁Molo", + -14.75267219543457 + ], + [ + "▁Twig", + -14.75268268585205 + ], + [ + "▁Goji", + -14.75269603729248 + ], + [ + "▁hatchet", + -14.752708435058594 + ], + [ + "▁MEETING", + -14.752737998962402 + ], + [ + "▁Copier", + -14.752769470214844 + ], + [ + "trax", + -14.75278663635254 + ], + [ + "▁thong", + -14.752854347229004 + ], + [ + "▁cosine", + -14.752901077270508 + ], + [ + "▁Richfield", + -14.752910614013672 + ], + [ + "1903", + -14.752943992614746 + ], + [ + "▁Saxony", + -14.752951622009276 + ], + [ + "▁viaduct", + -14.752974510192873 + ], + [ + "▁preaches", + -14.753114700317385 + ], + [ + "▁Infused", + -14.753138542175291 + ], + [ + "▁$240", + -14.753141403198242 + ], + [ + "Tronic", + -14.753162384033203 + ], + [ + "▁Supportive", + -14.753204345703123 + ], + [ + "▁McCra", + -14.753260612487791 + ], + [ + "▁Leaching", + -14.753273010253906 + ], + [ + "▁intersected", + -14.753273010253906 + ], + [ + "riving", + -14.75328254699707 + ], + [ + "▁CPO", + -14.753296852111816 + ], + [ + "▁Bebe", + -14.753313064575195 + ], + [ + "▁UART", + -14.75344944000244 + ], + [ + "rogation", + -14.753509521484377 + ], + [ + "▁JDK", + -14.753525733947754 + ], + [ + "▁snub", + -14.753558158874512 + ], + [ + "▁Westland", + -14.753594398498535 + ], + [ + "▁Funko", + -14.753613471984863 + ], + [ + "▁FOSS", + -14.753619194030762 + ], + [ + "▁Namibian", + -14.75362491607666 + ], + [ + "joo", + -14.75367259979248 + ], + [ + "BBB", + -14.753724098205566 + ], + [ + "▁copay", + -14.7537260055542 + ], + [ + "schoolers", + -14.75374698638916 + ], + [ + "▁#21", + -14.75377082824707 + ], + [ + "▁WSO", + -14.753813743591309 + ], + [ + "broiled", + -14.753934860229492 + ], + [ + "legend", + -14.753944396972656 + ], + [ + "▁Inglewood", + -14.753944396972656 + ], + [ + "▁Finishes", + -14.75395393371582 + ], + [ + "TERN", + -14.753958702087402 + ], + [ + "combination", + -14.753969192504885 + ], + [ + "▁Islay", + -14.754027366638184 + ], + [ + "Dozens", + -14.754079818725586 + ], + [ + "Cosmetic", + -14.754094123840332 + ], + [ + "frills", + -14.754096031188965 + ], + [ + "Identification", + -14.754106521606444 + ], + [ + "Tiffany", + -14.754111289978027 + ], + [ + "Diversity", + -14.75411605834961 + ], + [ + "Spiral", + -14.75411605834961 + ], + [ + "Colombia", + -14.754120826721191 + ], + [ + "▁stator", + -14.754124641418455 + ], + [ + "Malware", + -14.754133224487305 + ], + [ + "▁Awake", + -14.75413703918457 + ], + [ + "Nationwide", + -14.754144668579102 + ], + [ + "▁SHEET", + -14.754145622253418 + ], + [ + "▁superstore", + -14.754148483276367 + ], + [ + "Garcia", + -14.754149436950684 + ], + [ + "miracle", + -14.754168510437012 + ], + [ + "enberry", + -14.754169464111328 + ], + [ + "Worship", + -14.754176139831545 + ], + [ + "orientation", + -14.754191398620604 + ], + [ + "modulation", + -14.75419807434082 + ], + [ + "Sixty", + -14.75425624847412 + ], + [ + "▁taint", + -14.754265785217283 + ], + [ + "▁Crag", + -14.754290580749512 + ], + [ + "▁Cid", + -14.75432300567627 + ], + [ + "Periodically", + -14.754328727722168 + ], + [ + "Execute", + -14.754337310791016 + ], + [ + "sculpt", + -14.754352569580078 + ], + [ + "Marble", + -14.754356384277344 + ], + [ + "OFA", + -14.754402160644531 + ], + [ + "Danielle", + -14.754433631896973 + ], + [ + "consultant", + -14.754438400268556 + ], + [ + "▁irregularly", + -14.754448890686035 + ], + [ + "rova", + -14.754471778869627 + ], + [ + "whip", + -14.75453281402588 + ], + [ + "▁MARS", + -14.754545211791992 + ], + [ + "Mona", + -14.754570960998535 + ], + [ + "IIS", + -14.754612922668455 + ], + [ + "Intra", + -14.754631042480469 + ], + [ + "valle", + -14.754655838012695 + ], + [ + "▁tipple", + -14.754800796508787 + ], + [ + "Hiking", + -14.754828453063965 + ], + [ + "▁Trico", + -14.75485610961914 + ], + [ + "laj", + -14.754898071289062 + ], + [ + "▁airsoft", + -14.75516414642334 + ], + [ + "gite", + -14.75529670715332 + ], + [ + "leck", + -14.755308151245115 + ], + [ + "▁spaciousness", + -14.755308151245115 + ], + [ + "khon", + -14.755311965942385 + ], + [ + "HEAT", + -14.755422592163086 + ], + [ + "▁disregarding", + -14.755462646484377 + ], + [ + "▁mezzo", + -14.755526542663574 + ], + [ + "▁Statisti", + -14.755569458007812 + ], + [ + "Sulfur", + -14.755606651306152 + ], + [ + "SNO", + -14.7557373046875 + ], + [ + "hugging", + -14.755759239196776 + ], + [ + "▁GNS", + -14.755767822265623 + ], + [ + "terio", + -14.755817413330078 + ], + [ + "▁SAML", + -14.755850791931152 + ], + [ + "morgan", + -14.755993843078612 + ], + [ + "▁Nationality", + -14.756007194519045 + ], + [ + "sleeping", + -14.756065368652344 + ], + [ + "▁eachother", + -14.756068229675291 + ], + [ + "Hail", + -14.75608253479004 + ], + [ + "vain", + -14.756089210510254 + ], + [ + "▁HSL", + -14.75611686706543 + ], + [ + "▁978-0-", + -14.7561616897583 + ], + [ + "cuba", + -14.756214141845703 + ], + [ + "▁09:5", + -14.756271362304688 + ], + [ + "▁auditioning", + -14.756295204162598 + ], + [ + "xxx", + -14.756333351135254 + ], + [ + ".04.201", + -14.75637149810791 + ], + [ + "partum", + -14.756394386291504 + ], + [ + "texture", + -14.756410598754885 + ], + [ + "▁JUNE", + -14.756454467773438 + ], + [ + "▁£30,000", + -14.756476402282717 + ], + [ + "▁Lode", + -14.756514549255373 + ], + [ + "▁Acai", + -14.756566047668455 + ], + [ + "▁majorities", + -14.756580352783203 + ], + [ + "pinterest", + -14.75660800933838 + ], + [ + "▁MBP", + -14.75662612915039 + ], + [ + "▁Moray", + -14.756685256958008 + ], + [ + "=6", + -14.756731986999512 + ], + [ + "Loading", + -14.756735801696776 + ], + [ + "▁TCG", + -14.756787300109863 + ], + [ + "CCR", + -14.756789207458496 + ], + [ + "▁TBC", + -14.756893157958984 + ], + [ + "▁2,100", + -14.756909370422363 + ], + [ + "▁Alves", + -14.756930351257324 + ], + [ + "YEAR", + -14.756961822509766 + ], + [ + "6500", + -14.75697898864746 + ], + [ + "biblio", + -14.757060050964355 + ], + [ + "conditioner", + -14.757081985473633 + ], + [ + "▁33,000", + -14.757144927978516 + ], + [ + "UDA", + -14.757204055786133 + ], + [ + "IQUE", + -14.757245063781738 + ], + [ + "▁tutored", + -14.757444381713867 + ], + [ + "▁SLT", + -14.75744915008545 + ], + [ + "ersten", + -14.757548332214355 + ], + [ + "programmatically", + -14.757646560668944 + ], + [ + "arrington", + -14.757725715637209 + ], + [ + "saint", + -14.757726669311523 + ], + [ + "▁Jacoby", + -14.757735252380373 + ], + [ + "▁Bootle", + -14.757749557495115 + ], + [ + "grim", + -14.757752418518066 + ], + [ + "▁Karol", + -14.757835388183594 + ], + [ + "Lawn", + -14.75783920288086 + ], + [ + ".05%", + -14.75787353515625 + ], + [ + "Seq", + -14.757909774780272 + ], + [ + "▁Thankful", + -14.757965087890623 + ], + [ + "▁Zwi", + -14.758018493652344 + ], + [ + "▁firemen", + -14.75805377960205 + ], + [ + "RATED", + -14.758065223693848 + ], + [ + "▁socialite", + -14.758084297180176 + ], + [ + "▁registrant", + -14.7581205368042 + ], + [ + "▁Reeve", + -14.758153915405272 + ], + [ + "sketch", + -14.758167266845703 + ], + [ + "▁Barge", + -14.758170127868652 + ], + [ + "mystify", + -14.758177757263184 + ], + [ + "▁Pasa", + -14.758177757263184 + ], + [ + "Liv", + -14.758255958557127 + ], + [ + "STING", + -14.758286476135254 + ], + [ + "▁1792", + -14.758299827575684 + ], + [ + "7.25", + -14.75839614868164 + ], + [ + "▁fireside", + -14.758445739746094 + ], + [ + "BSP", + -14.758456230163574 + ], + [ + "gonal", + -14.758458137512209 + ], + [ + "enhall", + -14.75847053527832 + ], + [ + "imic", + -14.758480072021484 + ], + [ + "▁storehouse", + -14.758509635925291 + ], + [ + "robo", + -14.75856113433838 + ], + [ + "Bounded", + -14.758584976196287 + ], + [ + "2600", + -14.758626937866213 + ], + [ + "alem", + -14.758753776550291 + ], + [ + "noch", + -14.75878620147705 + ], + [ + "▁melodrama", + -14.758818626403809 + ], + [ + "▁$7.5", + -14.7588529586792 + ], + [ + "voke", + -14.75887680053711 + ], + [ + "▁armhole", + -14.758877754211426 + ], + [ + "▁fader", + -14.758955001831056 + ], + [ + "▁Eben", + -14.75896167755127 + ], + [ + "▁Perma", + -14.759075164794922 + ], + [ + "-19)", + -14.759106636047363 + ], + [ + "nike", + -14.759138107299805 + ], + [ + "1:09", + -14.759202003479004 + ], + [ + "▁Bernd", + -14.759233474731444 + ], + [ + "▁Layla", + -14.759326934814451 + ], + [ + "WILLIAM", + -14.75933074951172 + ], + [ + "▁Pasc", + -14.75942611694336 + ], + [ + "▁Miu", + -14.759496688842772 + ], + [ + "Pound", + -14.759512901306152 + ], + [ + "▁Buz", + -14.759601593017578 + ], + [ + "9.6%", + -14.759637832641602 + ], + [ + "1919", + -14.760008811950684 + ], + [ + "▁Mita", + -14.760010719299316 + ], + [ + "FAO", + -14.760109901428224 + ], + [ + "Bain", + -14.760196685791016 + ], + [ + "▁immobili", + -14.760313034057615 + ], + [ + "▁Warby", + -14.760330200195312 + ], + [ + "▁Cresc", + -14.76047134399414 + ], + [ + "GEO", + -14.760594367980955 + ], + [ + "issant", + -14.760640144348145 + ], + [ + "▁Wigg", + -14.760648727416992 + ], + [ + "boi", + -14.760734558105469 + ], + [ + "▁Imagin", + -14.760780334472656 + ], + [ + "▁UCAS", + -14.76085090637207 + ], + [ + "chromat", + -14.76085376739502 + ], + [ + "▁Concentrator", + -14.760910987854004 + ], + [ + "▁Figueroa", + -14.760910987854004 + ], + [ + "Rejoice", + -14.76091194152832 + ], + [ + "THURSDAY", + -14.76091194152832 + ], + [ + "▁04/26/2019", + -14.76091194152832 + ], + [ + "▁9001:2015", + -14.76091194152832 + ], + [ + "▁AUGUST", + -14.76091194152832 + ], + [ + "▁Aguilera", + -14.76091194152832 + ], + [ + "▁Annotated", + -14.76091194152832 + ], + [ + "▁Biltmore", + -14.76091194152832 + ], + [ + "▁Chittagong", + -14.76091194152832 + ], + [ + "▁Crenshaw", + -14.76091194152832 + ], + [ + "▁FESTIVAL", + -14.76091194152832 + ], + [ + "▁Frenzy", + -14.76091194152832 + ], + [ + "▁Trailblazer", + -14.76091194152832 + ], + [ + "▁dribbling", + -14.76091194152832 + ], + [ + "▁idiopathic", + -14.76091194152832 + ], + [ + "▁incredulous", + -14.76091194152832 + ], + [ + "▁indomitable", + -14.76091194152832 + ], + [ + "▁snatching", + -14.76091194152832 + ], + [ + "▁DELETE", + -14.760912895202637 + ], + [ + "▁trestle", + -14.760912895202637 + ], + [ + "▁Hepsia", + -14.76091480255127 + ], + [ + "▁Astrophysics", + -14.760915756225586 + ], + [ + "▁squabble", + -14.760915756225586 + ], + [ + "Evolving", + -14.76091766357422 + ], + [ + "▁effusion", + -14.76091766357422 + ], + [ + "▁fibroid", + -14.76091766357422 + ], + [ + "▁Sympathy", + -14.760918617248535 + ], + [ + "▁briquette", + -14.760920524597168 + ], + [ + "▁druid", + -14.760921478271484 + ], + [ + "▁stratification", + -14.7609281539917 + ], + [ + "Anticipate", + -14.760929107666016 + ], + [ + "▁Geothermal", + -14.760929107666016 + ], + [ + "▁Hackathon", + -14.760929107666016 + ], + [ + "▁Barbarian", + -14.76093292236328 + ], + [ + "▁Dusseldorf", + -14.76093292236328 + ], + [ + "▁Cyborg", + -14.760934829711914 + ], + [ + "▁shrill", + -14.760940551757812 + ], + [ + "▁Nizam", + -14.760941505432127 + ], + [ + "▁vibratory", + -14.760948181152344 + ], + [ + "▁Sinister", + -14.760951042175291 + ], + [ + "▁Brookhaven", + -14.760952949523926 + ], + [ + "▁LEAVE", + -14.760955810546877 + ], + [ + "▁lycra", + -14.76096248626709 + ], + [ + "▁septum", + -14.76097011566162 + ], + [ + "▁Telltale", + -14.760974884033203 + ], + [ + "▁assembler", + -14.760974884033203 + ], + [ + "▁smidge", + -14.760977745056152 + ], + [ + "▁lugging", + -14.760984420776367 + ], + [ + "▁Mortality", + -14.76098918914795 + ], + [ + "▁overlapped", + -14.760997772216797 + ], + [ + "▁$29.95", + -14.761000633239746 + ], + [ + "▁Gretel", + -14.761000633239746 + ], + [ + "▁UPMC", + -14.761027336120604 + ], + [ + "▁glycolic", + -14.761028289794922 + ], + [ + "▁reclusive", + -14.761030197143556 + ], + [ + "▁Messrs", + -14.761058807373049 + ], + [ + "▁$0.99", + -14.761066436767578 + ], + [ + "▁Banyan", + -14.761073112487791 + ], + [ + "▁propellant", + -14.761080741882324 + ], + [ + "▁trendsetter", + -14.76108741760254 + ], + [ + "ccc", + -14.761088371276855 + ], + [ + "▁Slideshow", + -14.761090278625488 + ], + [ + "▁Vinnie", + -14.76112174987793 + ], + [ + "▁bobbing", + -14.761123657226562 + ], + [ + "▁Caritas", + -14.76112937927246 + ], + [ + "▁PowerEdge", + -14.761151313781738 + ], + [ + "▁Trimming", + -14.761153221130373 + ], + [ + "▁Baroda", + -14.761154174804688 + ], + [ + "24/7", + -14.7611722946167 + ], + [ + "waiving", + -14.761176109313965 + ], + [ + "▁Shaikh", + -14.761178970336914 + ], + [ + "cultura", + -14.761197090148926 + ], + [ + "▁Rushmore", + -14.761200904846191 + ], + [ + "▁collarbone", + -14.76121997833252 + ], + [ + "▁Longboat", + -14.761225700378418 + ], + [ + "▁Antioxidants", + -14.761274337768556 + ], + [ + "▁panache", + -14.761275291442873 + ], + [ + "▁Mariachi", + -14.761292457580566 + ], + [ + "▁Barista", + -14.761303901672363 + ], + [ + "▁detonated", + -14.761306762695312 + ], + [ + "▁Sonoran", + -14.761378288269045 + ], + [ + "▁Drucker", + -14.76138401031494 + ], + [ + "TREAT", + -14.761411666870115 + ], + [ + "▁Skillet", + -14.76144790649414 + ], + [ + "ABE", + -14.761466979980469 + ], + [ + "Syria", + -14.76147174835205 + ], + [ + "▁Beattie", + -14.761473655700684 + ], + [ + "▁Rioja", + -14.761476516723633 + ], + [ + "HERE", + -14.761515617370604 + ], + [ + "▁Dreamliner", + -14.761590003967283 + ], + [ + "▁Malabar", + -14.761597633361816 + ], + [ + "▁swaddle", + -14.761639595031738 + ], + [ + "▁debunked", + -14.761677742004396 + ], + [ + "▁Taoist", + -14.761713027954102 + ], + [ + "▁Lyd", + -14.761723518371582 + ], + [ + "ocratic", + -14.761734008789062 + ], + [ + "10-11", + -14.761746406555176 + ], + [ + "▁Tomlin", + -14.76179313659668 + ], + [ + "▁FamilySearch", + -14.761802673339844 + ], + [ + "▁Regeneration", + -14.761844635009766 + ], + [ + "▁dank", + -14.761865615844728 + ], + [ + "▁13:00", + -14.761951446533203 + ], + [ + "2:43", + -14.761982917785645 + ], + [ + "▁invigorated", + -14.761993408203123 + ], + [ + "▁readmission", + -14.762007713317873 + ], + [ + "7500", + -14.762041091918944 + ], + [ + "▁capri", + -14.762066841125488 + ], + [ + "▁Trailhead", + -14.7620849609375 + ], + [ + "remlin", + -14.762123107910156 + ], + [ + "▁Calculated", + -14.762248992919922 + ], + [ + "roofing", + -14.762289047241213 + ], + [ + "fries", + -14.76231288909912 + ], + [ + "▁Lewisville", + -14.76231575012207 + ], + [ + "▁Sudha", + -14.762340545654297 + ], + [ + "REIT", + -14.762364387512209 + ], + [ + "▁Hyman", + -14.762429237365724 + ], + [ + "ithi", + -14.762435913085938 + ], + [ + "▁focusses", + -14.76247787475586 + ], + [ + "▁smacked", + -14.762574195861816 + ], + [ + "▁loomed", + -14.762642860412598 + ], + [ + "candle", + -14.762704849243164 + ], + [ + "éro", + -14.76270866394043 + ], + [ + "BSA", + -14.762731552124023 + ], + [ + "genius", + -14.76274585723877 + ], + [ + "▁Prezi", + -14.762937545776367 + ], + [ + "▁Kapit", + -14.762986183166504 + ], + [ + "▁coarsely", + -14.763059616088867 + ], + [ + "▁Purim", + -14.763071060180664 + ], + [ + "Observation", + -14.76307201385498 + ], + [ + "▁Sile", + -14.763087272644045 + ], + [ + "Merchant", + -14.763101577758787 + ], + [ + "dhering", + -14.763107299804688 + ], + [ + "Opportunities", + -14.763117790222168 + ], + [ + "Emmanuel", + -14.7631196975708 + ], + [ + "Miguel", + -14.7631196975708 + ], + [ + "Suicide", + -14.763121604919434 + ], + [ + "Administrative", + -14.763123512268066 + ], + [ + "Arnold", + -14.763123512268066 + ], + [ + "renewal", + -14.763129234313965 + ], + [ + "completion", + -14.76313018798828 + ], + [ + "Southampton", + -14.763132095336914 + ], + [ + "disaster", + -14.763144493103027 + ], + [ + "Richmond", + -14.763147354125977 + ], + [ + "Durham", + -14.763154983520508 + ], + [ + "smelling", + -14.763155937194824 + ], + [ + "Volvo", + -14.763161659240724 + ], + [ + "▁1550", + -14.76316738128662 + ], + [ + "▁manhood", + -14.763176918029783 + ], + [ + "▁Haunt", + -14.763209342956545 + ], + [ + "▁Galen", + -14.763214111328123 + ], + [ + "discussed", + -14.763370513916016 + ], + [ + "Elaine", + -14.763387680053713 + ], + [ + "ASK", + -14.763407707214355 + ], + [ + "▁buffed", + -14.763456344604492 + ], + [ + "▁Technik", + -14.76346492767334 + ], + [ + "geography", + -14.763472557067873 + ], + [ + "▁thoroughness", + -14.763503074645996 + ], + [ + "Geoff", + -14.763508796691896 + ], + [ + "ZN", + -14.76352310180664 + ], + [ + "▁Vickie", + -14.76353931427002 + ], + [ + "canvas", + -14.763574600219728 + ], + [ + "▁Braga", + -14.763582229614258 + ], + [ + "Underlying", + -14.763782501220703 + ], + [ + "glad", + -14.763784408569336 + ], + [ + "WTO", + -14.76379108428955 + ], + [ + "ugly", + -14.763792991638184 + ], + [ + "▁Deus", + -14.763848304748535 + ], + [ + "visiting", + -14.763940811157228 + ], + [ + "diary", + -14.763949394226074 + ], + [ + "▁Sousa", + -14.764153480529783 + ], + [ + "▁Aftermarket", + -14.7643461227417 + ], + [ + "▁APY", + -14.764347076416016 + ], + [ + "▁Ziploc", + -14.76442527770996 + ], + [ + "Sierra", + -14.764447212219238 + ], + [ + "▁psyched", + -14.76449489593506 + ], + [ + "▁octo", + -14.764606475830078 + ], + [ + "THO", + -14.764609336853027 + ], + [ + "▁Saka", + -14.764610290527344 + ], + [ + "▁cui", + -14.764644622802734 + ], + [ + "Wyn", + -14.764657974243164 + ], + [ + "▁repose", + -14.764673233032228 + ], + [ + "SHINE", + -14.764726638793944 + ], + [ + "adjust", + -14.76477336883545 + ], + [ + "▁dented", + -14.764866828918455 + ], + [ + "▁PHD", + -14.765013694763184 + ], + [ + "▁RCW", + -14.765061378479004 + ], + [ + "Vox", + -14.765085220336914 + ], + [ + "▁Ngu", + -14.765118598937988 + ], + [ + "alignment", + -14.765132904052734 + ], + [ + "Bench", + -14.765138626098633 + ], + [ + "▁7-3", + -14.765198707580566 + ], + [ + "Tenant", + -14.765337944030762 + ], + [ + "armor", + -14.765347480773926 + ], + [ + "▁regrow", + -14.76549243927002 + ], + [ + "▁DMR", + -14.76555061340332 + ], + [ + "▁molt", + -14.765559196472168 + ], + [ + "▁CKD", + -14.765584945678713 + ], + [ + "Shabab", + -14.765605926513672 + ], + [ + "6.8%", + -14.765626907348633 + ], + [ + "lantern", + -14.765663146972656 + ], + [ + "ignite", + -14.765706062316896 + ], + [ + "▁MFI", + -14.765732765197754 + ], + [ + "▁Starship", + -14.765764236450195 + ], + [ + "ujan", + -14.765872955322266 + ], + [ + "Gloss", + -14.76624584197998 + ], + [ + "▁accuser", + -14.766302108764648 + ], + [ + "▁WCF", + -14.76634407043457 + ], + [ + "▁keine", + -14.766351699829102 + ], + [ + "BLS", + -14.766358375549316 + ], + [ + "▁Beckman", + -14.766432762145996 + ], + [ + "chimp", + -14.766451835632324 + ], + [ + "▁Schott", + -14.766457557678224 + ], + [ + "▁Rabb", + -14.766534805297852 + ], + [ + "▁Aristo", + -14.766584396362305 + ], + [ + "▁SPG", + -14.766648292541504 + ], + [ + "anesthesiologist", + -14.766772270202637 + ], + [ + "▁comprar", + -14.76682949066162 + ], + [ + "remodel", + -14.76688003540039 + ], + [ + "▁Darin", + -14.766880989074709 + ], + [ + "BUG", + -14.766959190368652 + ], + [ + "diac", + -14.766986846923828 + ], + [ + "▁carnivore", + -14.767030715942385 + ], + [ + "▁tearful", + -14.767054557800291 + ], + [ + "▁Yann", + -14.76716136932373 + ], + [ + "▁appointee", + -14.767176628112791 + ], + [ + "▁Pham", + -14.767194747924805 + ], + [ + "stereo", + -14.767256736755373 + ], + [ + "Brake", + -14.767257690429688 + ], + [ + "racer", + -14.767267227172852 + ], + [ + "▁Tui", + -14.767528533935549 + ], + [ + "▁cannula", + -14.76755428314209 + ], + [ + "smaller", + -14.76758861541748 + ], + [ + "jara", + -14.767606735229492 + ], + [ + "▁metalwork", + -14.767807960510254 + ], + [ + "▁Winding", + -14.767834663391112 + ], + [ + "VOX", + -14.767871856689451 + ], + [ + "eev", + -14.767973899841309 + ], + [ + "▁Arsen", + -14.76800537109375 + ], + [ + "xico", + -14.768047332763672 + ], + [ + "▁Vay", + -14.76806354522705 + ], + [ + "2:35", + -14.768068313598633 + ], + [ + "laka", + -14.768077850341797 + ], + [ + "▁Oxi", + -14.768102645874023 + ], + [ + "cinema", + -14.768224716186523 + ], + [ + "▁Kuwaiti", + -14.768356323242188 + ], + [ + "▁concret", + -14.768383979797363 + ], + [ + "Baked", + -14.768412590026855 + ], + [ + "▁portland", + -14.768470764160156 + ], + [ + "Kurt", + -14.768567085266112 + ], + [ + "▁NPL", + -14.768630027770996 + ], + [ + "▁Ogre", + -14.76867961883545 + ], + [ + "lazy", + -14.768699645996094 + ], + [ + "curl", + -14.768739700317385 + ], + [ + "glider", + -14.768744468688965 + ], + [ + "▁Irvin", + -14.768763542175291 + ], + [ + "▁precept", + -14.768765449523926 + ], + [ + "▁17:2", + -14.768842697143556 + ], + [ + "▁Corrie", + -14.768884658813477 + ], + [ + "▁keyring", + -14.768988609313965 + ], + [ + "eeeeeee", + -14.76909637451172 + ], + [ + "hula", + -14.769113540649414 + ], + [ + "recent", + -14.769171714782717 + ], + [ + "▁underwriter", + -14.769174575805664 + ], + [ + "▁Platter", + -14.769219398498535 + ], + [ + "cedent", + -14.76928997039795 + ], + [ + "scence", + -14.76931095123291 + ], + [ + "▁slather", + -14.769404411315918 + ], + [ + "DIG", + -14.76943302154541 + ], + [ + "Veterinarian", + -14.769478797912598 + ], + [ + "gigabyte", + -14.769479751586914 + ], + [ + "technological", + -14.769525527954102 + ], + [ + "▁retinol", + -14.769532203674316 + ], + [ + "sclero", + -14.76963996887207 + ], + [ + "ENDO", + -14.769661903381348 + ], + [ + "1–3", + -14.769695281982422 + ], + [ + "Abdominal", + -14.769761085510254 + ], + [ + "Interoperability", + -14.769761085510254 + ], + [ + "Ordinarily", + -14.769761085510254 + ], + [ + "sabotaging", + -14.769761085510254 + ], + [ + "▁Conveyancing", + -14.769761085510254 + ], + [ + "▁Gippsland", + -14.769761085510254 + ], + [ + "▁HUAWEI", + -14.769761085510254 + ], + [ + "▁Honduran", + -14.769761085510254 + ], + [ + "▁Initiation", + -14.769761085510254 + ], + [ + "▁MacLeod", + -14.769761085510254 + ], + [ + "▁Meghalaya", + -14.769761085510254 + ], + [ + "▁POLICY", + -14.769761085510254 + ], + [ + "▁Rodrigues", + -14.769761085510254 + ], + [ + "▁cacophony", + -14.769761085510254 + ], + [ + "▁commonalities", + -14.769761085510254 + ], + [ + "▁conspiracies", + -14.769761085510254 + ], + [ + "▁excretion", + -14.769761085510254 + ], + [ + "▁gazillion", + -14.769761085510254 + ], + [ + "▁lycopene", + -14.769761085510254 + ], + [ + "▁ombudsman", + -14.769761085510254 + ], + [ + "▁resplendent", + -14.769761085510254 + ], + [ + "▁spiciness", + -14.769761085510254 + ], + [ + "▁stabilisation", + -14.769761085510254 + ], + [ + "▁tourmaline", + -14.769761085510254 + ], + [ + "Condolence", + -14.76976203918457 + ], + [ + "▁elongation", + -14.76976203918457 + ], + [ + "▁untidy", + -14.76976203918457 + ], + [ + "Constraint", + -14.769762992858888 + ], + [ + "▁Marmaris", + -14.769762992858888 + ], + [ + "▁Schaumburg", + -14.769762992858888 + ], + [ + "▁tomatillo", + -14.769762992858888 + ], + [ + "▁vesicle", + -14.769762992858888 + ], + [ + "▁Grenfell", + -14.769763946533203 + ], + [ + "▁Lanarkshire", + -14.76976490020752 + ], + [ + "▁Portobello", + -14.76976490020752 + ], + [ + "▁virulent", + -14.76976490020752 + ], + [ + "▁Alsace", + -14.769765853881836 + ], + [ + "Hiddleston", + -14.769766807556152 + ], + [ + "▁basmati", + -14.769766807556152 + ], + [ + "▁tarragon", + -14.769766807556152 + ], + [ + "▁Abilities", + -14.769768714904783 + ], + [ + "▁Kaunas", + -14.769769668579102 + ], + [ + "▁Trayvon", + -14.769769668579102 + ], + [ + "▁Militia", + -14.769774436950684 + ], + [ + "▁Untold", + -14.769775390625 + ], + [ + "▁Photovoltaic", + -14.76977825164795 + ], + [ + "▁Varnish", + -14.76977825164795 + ], + [ + "▁unplugging", + -14.769781112670898 + ], + [ + "▁Suriname", + -14.769782066345217 + ], + [ + "▁Telekom", + -14.769783973693848 + ], + [ + "▁Horatio", + -14.76978588104248 + ], + [ + "▁Savory", + -14.769787788391112 + ], + [ + "▁Lukaku", + -14.76978874206543 + ], + [ + "▁discolouration", + -14.76978874206543 + ], + [ + "▁hydrology", + -14.76979160308838 + ], + [ + "▁Zappos", + -14.769792556762695 + ], + [ + "▁bonkers", + -14.769793510437012 + ], + [ + "▁Eisner", + -14.769795417785645 + ], + [ + "▁GARAGE", + -14.769797325134276 + ], + [ + "▁Ludlow", + -14.76980209350586 + ], + [ + "▁Comrade", + -14.769804000854492 + ], + [ + "▁naturopathic", + -14.769804000854492 + ], + [ + "▁protrusion", + -14.76980686187744 + ], + [ + "▁soiree", + -14.769811630249023 + ], + [ + "▁Raisin", + -14.769817352294922 + ], + [ + "▁gunpowder", + -14.769818305969238 + ], + [ + "▁Reims", + -14.769824028015137 + ], + [ + "▁Tailgate", + -14.769829750061035 + ], + [ + "▁Barossa", + -14.769837379455566 + ], + [ + "▁NTSC", + -14.769843101501465 + ], + [ + "▁Ragnar", + -14.769843101501465 + ], + [ + "▁Bonaire", + -14.769859313964844 + ], + [ + "▁Cigna", + -14.769877433776855 + ], + [ + "▁Yucca", + -14.769877433776855 + ], + [ + "▁Chariot", + -14.769889831542969 + ], + [ + "▁southerly", + -14.769890785217283 + ], + [ + "▁negation", + -14.769895553588867 + ], + [ + "▁1783", + -14.7698974609375 + ], + [ + "▁spaniel", + -14.769898414611816 + ], + [ + "▁Unfinished", + -14.769905090332031 + ], + [ + "▁enjoin", + -14.769905090332031 + ], + [ + "▁reimagining", + -14.769908905029297 + ], + [ + "▁NLRB", + -14.76992130279541 + ], + [ + "▁Jacinto", + -14.769932746887209 + ], + [ + "▁16:3", + -14.76994514465332 + ], + [ + "▁Celiac", + -14.76995086669922 + ], + [ + "▁townspeople", + -14.7699613571167 + ], + [ + "dashi", + -14.769968032836914 + ], + [ + "Pianist", + -14.769969940185549 + ], + [ + "▁Deduction", + -14.769979476928713 + ], + [ + "▁expendable", + -14.769987106323242 + ], + [ + "rnberg", + -14.770000457763672 + ], + [ + "▁YTD", + -14.770008087158203 + ], + [ + "▁Paintball", + -14.770055770874023 + ], + [ + "▁uninspiring", + -14.770071029663086 + ], + [ + "FFF", + -14.770180702209473 + ], + [ + "▁machinist", + -14.770181655883787 + ], + [ + "▁twang", + -14.770191192626951 + ], + [ + "▁hippy", + -14.770196914672852 + ], + [ + "▁Haddon", + -14.770200729370115 + ], + [ + "▁slaughterhouse", + -14.770256996154783 + ], + [ + "▁predisposed", + -14.770269393920898 + ], + [ + "Cox", + -14.770270347595217 + ], + [ + "▁Caledonian", + -14.77027702331543 + ], + [ + "▁preschooler", + -14.770341873168944 + ], + [ + "charya", + -14.770359992980955 + ], + [ + "▁Cristian", + -14.770362854003906 + ], + [ + "▁Talley", + -14.770395278930664 + ], + [ + "▁slough", + -14.77039909362793 + ], + [ + "▁Bandera", + -14.770415306091309 + ], + [ + "▁Martinsville", + -14.770442962646484 + ], + [ + "▁DHT", + -14.770453453063965 + ], + [ + "▁debian", + -14.770458221435549 + ], + [ + "▁Blown", + -14.770606994628906 + ], + [ + "▁glint", + -14.770614624023438 + ], + [ + "▁Shorty", + -14.770623207092283 + ], + [ + "FSS", + -14.77074909210205 + ], + [ + "▁Batavia", + -14.770753860473633 + ], + [ + "▁blighted", + -14.770794868469238 + ], + [ + "MME", + -14.770899772644045 + ], + [ + "NRC", + -14.771003723144531 + ], + [ + "▁Remodelers", + -14.771029472351074 + ], + [ + "evsky", + -14.771044731140137 + ], + [ + "▁twitching", + -14.771044731140137 + ], + [ + "▁Rendering", + -14.771072387695312 + ], + [ + "▁Oda", + -14.77108669281006 + ], + [ + "GOOG", + -14.771112442016602 + ], + [ + "▁quadrupled", + -14.771121978759766 + ], + [ + "▁Gallant", + -14.771197319030762 + ], + [ + "▁NoSQL", + -14.771204948425291 + ], + [ + "DIAN", + -14.771212577819824 + ], + [ + "▁Pleasanton", + -14.771224975585938 + ], + [ + "TILE", + -14.771276473999023 + ], + [ + "▁Didier", + -14.7712984085083 + ], + [ + "SOLD", + -14.771322250366213 + ], + [ + "▁Worthing", + -14.771343231201172 + ], + [ + "pep", + -14.77138900756836 + ], + [ + "▁ushering", + -14.771390914916992 + ], + [ + "▁overtook", + -14.771427154541016 + ], + [ + "▁newsprint", + -14.77150821685791 + ], + [ + "▁Blowing", + -14.771567344665527 + ], + [ + "DSP", + -14.771581649780272 + ], + [ + "▁Cherish", + -14.77171516418457 + ], + [ + "1924", + -14.77178955078125 + ], + [ + "trophy", + -14.771821022033691 + ], + [ + "opted", + -14.771869659423828 + ], + [ + "Nominal", + -14.771896362304688 + ], + [ + "Blanc", + -14.77194881439209 + ], + [ + "ARRY", + -14.771974563598633 + ], + [ + "CHU", + -14.771976470947266 + ], + [ + "▁assuredly", + -14.772011756896973 + ], + [ + "▁convertion", + -14.772012710571287 + ], + [ + "lted", + -14.77202606201172 + ], + [ + "Snake", + -14.77207851409912 + ], + [ + "▁18′′", + -14.77209186553955 + ], + [ + "▁solidifying", + -14.772095680236816 + ], + [ + "occupation", + -14.772101402282717 + ], + [ + "▁Krup", + -14.772130012512209 + ], + [ + "Miscellaneous", + -14.772150039672852 + ], + [ + "▁Cogni", + -14.772161483764648 + ], + [ + "Devote", + -14.772180557250977 + ], + [ + "widget", + -14.772186279296877 + ], + [ + "PWA", + -14.772187232971191 + ], + [ + "Instructor", + -14.772194862365724 + ], + [ + "WORLD", + -14.772198677062988 + ], + [ + "Emerald", + -14.772210121154783 + ], + [ + "infrastructure", + -14.772210121154783 + ], + [ + "Kenneth", + -14.772212028503418 + ], + [ + "attempt", + -14.772212028503418 + ], + [ + "Shirley", + -14.77221393585205 + ], + [ + "christmas", + -14.772216796875 + ], + [ + "courtesy", + -14.77221965789795 + ], + [ + "Florence", + -14.772221565246582 + ], + [ + "Apache", + -14.772223472595217 + ], + [ + "levitra", + -14.772226333618164 + ], + [ + "emerging", + -14.772254943847656 + ], + [ + "▁confit", + -14.772260665893556 + ], + [ + "Shred", + -14.772321701049805 + ], + [ + "Salary", + -14.772333145141602 + ], + [ + "▁Abdo", + -14.772335052490234 + ], + [ + "discretion", + -14.772424697875977 + ], + [ + "username", + -14.772446632385254 + ], + [ + "▁plying", + -14.77247714996338 + ], + [ + "▁Rambo", + -14.772515296936035 + ], + [ + "▁_________", + -14.772521018981934 + ], + [ + "▁benchtop", + -14.772523880004885 + ], + [ + "▁Quik", + -14.772574424743652 + ], + [ + "hyped", + -14.772631645202637 + ], + [ + "disco", + -14.772679328918455 + ], + [ + "▁deservedly", + -14.772743225097656 + ], + [ + "▁wagered", + -14.772747993469238 + ], + [ + "▁leche", + -14.77275562286377 + ], + [ + "▁CEST", + -14.772781372070312 + ], + [ + "▁disgraceful", + -14.772787094116213 + ], + [ + "GEM", + -14.772814750671388 + ], + [ + "▁(182", + -14.772819519042969 + ], + [ + "000/-", + -14.772857666015623 + ], + [ + "GRS", + -14.7728910446167 + ], + [ + "▁Alston", + -14.772944450378418 + ], + [ + "▁Volo", + -14.77308464050293 + ], + [ + "concessional", + -14.773128509521484 + ], + [ + "▁backhaul", + -14.773159980773926 + ], + [ + "▁Chowk", + -14.77316665649414 + ], + [ + "khov", + -14.773205757141112 + ], + [ + "▁Nao", + -14.773207664489746 + ], + [ + "▁Salter", + -14.773228645324709 + ], + [ + "Ode", + -14.77326202392578 + ], + [ + "▁schoolgirl", + -14.77328872680664 + ], + [ + "Seize", + -14.773322105407717 + ], + [ + "Wales", + -14.773338317871094 + ], + [ + "adv", + -14.773375511169434 + ], + [ + "ulasi", + -14.773382186889648 + ], + [ + "▁Bestseller", + -14.773551940917969 + ], + [ + "▁Nephi", + -14.77357292175293 + ], + [ + "NDE", + -14.773626327514648 + ], + [ + "agreed", + -14.773651123046877 + ], + [ + "▁Stacked", + -14.773828506469728 + ], + [ + "▁Noelle", + -14.773829460144045 + ], + [ + "▁Venti", + -14.773877143859863 + ], + [ + "▁empath", + -14.773880004882812 + ], + [ + "trium", + -14.773919105529783 + ], + [ + "alapa", + -14.773930549621582 + ], + [ + "uploaded", + -14.774036407470703 + ], + [ + "aswamy", + -14.774048805236816 + ], + [ + "VERT", + -14.77411651611328 + ], + [ + "▁Natura", + -14.77431583404541 + ], + [ + "quid", + -14.774322509765623 + ], + [ + "▁Snowmass", + -14.774421691894531 + ], + [ + "1:22", + -14.774429321289062 + ], + [ + "kuri", + -14.774441719055176 + ], + [ + "▁pj", + -14.77453327178955 + ], + [ + "angular", + -14.774554252624512 + ], + [ + "shish", + -14.774619102478027 + ], + [ + "▁pax", + -14.774720191955566 + ], + [ + "Kong", + -14.774828910827637 + ], + [ + "Marx", + -14.77495574951172 + ], + [ + "▁stylesheet", + -14.77497386932373 + ], + [ + "=10", + -14.77499008178711 + ], + [ + "▁4/4", + -14.775004386901855 + ], + [ + "▁Halen", + -14.775018692016602 + ], + [ + "▁hashing", + -14.77508544921875 + ], + [ + "▁sistem", + -14.775176048278809 + ], + [ + "▁Whig", + -14.775285720825195 + ], + [ + "▁TUI", + -14.775355339050291 + ], + [ + "entered", + -14.775465965270996 + ], + [ + "▁Alana", + -14.775520324707031 + ], + [ + "▁detoxing", + -14.77553653717041 + ], + [ + "1:37", + -14.775605201721191 + ], + [ + "▁Tempur", + -14.775633811950684 + ], + [ + "conformist", + -14.775678634643556 + ], + [ + "▁Jaffa", + -14.775853157043455 + ], + [ + "ucu", + -14.775867462158203 + ], + [ + "▁Noctu", + -14.77601718902588 + ], + [ + "▁corticosteroid", + -14.776037216186523 + ], + [ + "▁contaminant", + -14.776066780090332 + ], + [ + "▁typographic", + -14.776118278503418 + ], + [ + "▁RCB", + -14.776155471801758 + ], + [ + "apillary", + -14.77620792388916 + ], + [ + "#039;", + -14.776220321655272 + ], + [ + "Gur", + -14.776307106018066 + ], + [ + "▁MACD", + -14.776336669921877 + ], + [ + "▁Deserve", + -14.77640151977539 + ], + [ + "▁Bobcat", + -14.776409149169922 + ], + [ + "7400", + -14.77651023864746 + ], + [ + "trance", + -14.77656364440918 + ], + [ + "▁Mohr", + -14.776795387268066 + ], + [ + "$300", + -14.776803016662598 + ], + [ + "▁Donbas", + -14.776874542236328 + ], + [ + "▁Stef", + -14.776927947998049 + ], + [ + "2,900", + -14.776933670043944 + ], + [ + "▁Shon", + -14.776947021484377 + ], + [ + "9.15", + -14.777098655700684 + ], + [ + "▁earmark", + -14.777103424072266 + ], + [ + "▁extoll", + -14.777146339416504 + ], + [ + "SWR", + -14.77717113494873 + ], + [ + "MEM", + -14.777174949645996 + ], + [ + "aqa", + -14.777274131774902 + ], + [ + "zner", + -14.777288436889648 + ], + [ + "Bali", + -14.777515411376951 + ], + [ + "arne", + -14.777649879455566 + ], + [ + "▁Checkpoint", + -14.7777738571167 + ], + [ + "▁08:2", + -14.777788162231444 + ], + [ + "▁Mahama", + -14.777791023254396 + ], + [ + "ZM", + -14.777843475341797 + ], + [ + "▁972-", + -14.777846336364746 + ], + [ + "Tina", + -14.77791976928711 + ], + [ + "▁Nyc", + -14.777920722961426 + ], + [ + "Transcript", + -14.777944564819336 + ], + [ + "▁possi", + -14.77803897857666 + ], + [ + "▁clothesline", + -14.77809238433838 + ], + [ + "▁Boho", + -14.778135299682615 + ], + [ + "▁transpose", + -14.778141021728516 + ], + [ + "▁muff", + -14.77816677093506 + ], + [ + "▁Hoist", + -14.778199195861816 + ], + [ + "▁turnip", + -14.77820110321045 + ], + [ + "dude", + -14.77823543548584 + ], + [ + "▁concoct", + -14.778250694274902 + ], + [ + "▁MCG", + -14.778360366821287 + ], + [ + "wellness", + -14.778464317321776 + ], + [ + "linski", + -14.778499603271484 + ], + [ + "DEVELOP", + -14.778672218322754 + ], + [ + "Glutathione", + -14.77868938446045 + ], + [ + "▁800-367-9920", + -14.77868938446045 + ], + [ + "▁Diligence", + -14.77868938446045 + ], + [ + "▁Gleason", + -14.77868938446045 + ], + [ + "▁Kombucha", + -14.77868938446045 + ], + [ + "▁Percival", + -14.77868938446045 + ], + [ + "▁Seagull", + -14.77868938446045 + ], + [ + "▁Tijuana", + -14.77868938446045 + ], + [ + "▁effervescent", + -14.77868938446045 + ], + [ + "▁indignation", + -14.77868938446045 + ], + [ + "▁minutiae", + -14.77868938446045 + ], + [ + "▁oxymoron", + -14.77868938446045 + ], + [ + "▁pancetta", + -14.77868938446045 + ], + [ + "▁precocious", + -14.77868938446045 + ], + [ + "▁ravages", + -14.77868938446045 + ], + [ + "▁sturdier", + -14.77868938446045 + ], + [ + "▁styrofoam", + -14.77868938446045 + ], + [ + "▁uncompressed", + -14.77868938446045 + ], + [ + "▁unflattering", + -14.77868938446045 + ], + [ + "rheumatic", + -14.778690338134766 + ], + [ + "▁Apostille", + -14.778690338134766 + ], + [ + "▁Mauritania", + -14.778690338134766 + ], + [ + "▁Puccini", + -14.778690338134766 + ], + [ + "▁Scooby", + -14.778690338134766 + ], + [ + "▁rheumatism", + -14.778690338134766 + ], + [ + "▁vestibule", + -14.778690338134766 + ], + [ + "Pursuing", + -14.778691291809082 + ], + [ + "▁deranged", + -14.778691291809082 + ], + [ + "▁pharmacokinetic", + -14.778691291809082 + ], + [ + "▁burlesque", + -14.778692245483398 + ], + [ + "▁flaring", + -14.778692245483398 + ], + [ + "▁McNally", + -14.778693199157717 + ], + [ + "▁strumming", + -14.778695106506348 + ], + [ + "Entrants", + -14.778696060180664 + ], + [ + "▁ROBERT", + -14.778696060180664 + ], + [ + "▁animating", + -14.778696060180664 + ], + [ + "▁anthropogenic", + -14.778696060180664 + ], + [ + "▁bdrm", + -14.778696060180664 + ], + [ + "▁bokeh", + -14.778696060180664 + ], + [ + "▁Aamir", + -14.77869701385498 + ], + [ + "▁Tauranga", + -14.77869701385498 + ], + [ + "▁Grasshopper", + -14.778698921203612 + ], + [ + "▁Valverde", + -14.778698921203612 + ], + [ + "▁linseed", + -14.778698921203612 + ], + [ + "▁RSPCA", + -14.778700828552246 + ], + [ + "▁Cafeteria", + -14.778701782226562 + ], + [ + "▁hydrolysis", + -14.778701782226562 + ], + [ + "▁Diversified", + -14.778705596923828 + ], + [ + "▁Ancestor", + -14.778708457946776 + ], + [ + "▁Ranbir", + -14.778709411621094 + ], + [ + "Roche", + -14.77871036529541 + ], + [ + "▁Arusha", + -14.77871036529541 + ], + [ + "▁lychee", + -14.778711318969728 + ], + [ + "▁shrank", + -14.778716087341309 + ], + [ + "▁conjugated", + -14.778717041015623 + ], + [ + "▁LeBlanc", + -14.77871799468994 + ], + [ + "▁patchouli", + -14.77872085571289 + ], + [ + "▁raison", + -14.778731346130373 + ], + [ + "▁parlance", + -14.778732299804688 + ], + [ + "▁Broomfield", + -14.77873992919922 + ], + [ + "▁Raquel", + -14.77873992919922 + ], + [ + "▁PAST", + -14.778745651245115 + ], + [ + "▁Concise", + -14.778746604919434 + ], + [ + "arang", + -14.77874755859375 + ], + [ + "▁mohair", + -14.7787504196167 + ], + [ + "quintessentially", + -14.778759956359863 + ], + [ + "▁Hilliard", + -14.77876091003418 + ], + [ + "▁gazelle", + -14.778767585754396 + ], + [ + "▁Spyware", + -14.778775215148926 + ], + [ + "folded", + -14.778776168823242 + ], + [ + "▁Clementine", + -14.778783798217772 + ], + [ + "▁Aldean", + -14.778788566589355 + ], + [ + "▁Isilon", + -14.778800010681152 + ], + [ + "▁Salaries", + -14.778800964355469 + ], + [ + "▁WFA", + -14.778806686401367 + ], + [ + "▁unsealed", + -14.77880859375 + ], + [ + "▁hydrogenated", + -14.778818130493164 + ], + [ + "▁bundt", + -14.77881908416748 + ], + [ + "▁(212)", + -14.778860092163086 + ], + [ + "▁MOTHER", + -14.778863906860352 + ], + [ + "▁Nandi", + -14.778871536254885 + ], + [ + "▁Pasteur", + -14.778876304626465 + ], + [ + "▁radiography", + -14.778876304626465 + ], + [ + "▁DivX", + -14.778888702392578 + ], + [ + "▁tabular", + -14.778895378112791 + ], + [ + "▁Brutus", + -14.778924942016602 + ], + [ + "▁warlord", + -14.77893352508545 + ], + [ + "▁dilation", + -14.778942108154297 + ], + [ + "▁Duomo", + -14.7789888381958 + ], + [ + "▁Noonan", + -14.77900505065918 + ], + [ + "▁Limitations", + -14.779009819030762 + ], + [ + "dronate", + -14.77903652191162 + ], + [ + "lizumab", + -14.779065132141112 + ], + [ + "▁LISTEN", + -14.77907371520996 + ], + [ + "▁$3.99", + -14.779086112976074 + ], + [ + "Narrator", + -14.779102325439451 + ], + [ + "▁RISC", + -14.779114723205566 + ], + [ + "▁scalpel", + -14.779139518737791 + ], + [ + "▁underbelly", + -14.779149055480955 + ], + [ + "▁Classifier", + -14.779197692871094 + ], + [ + "elina", + -14.779204368591309 + ], + [ + "▁Potty", + -14.779215812683104 + ], + [ + "▁stubbornness", + -14.779227256774902 + ], + [ + "▁beckoning", + -14.779248237609863 + ], + [ + "▁Dinesh", + -14.779301643371582 + ], + [ + "▁Holbrook", + -14.779325485229492 + ], + [ + "▁niggle", + -14.779327392578123 + ], + [ + "▁neem", + -14.77933406829834 + ], + [ + "▁Calico", + -14.779352188110352 + ], + [ + "▁Mattie", + -14.779356956481934 + ], + [ + "▁smock", + -14.779356956481934 + ], + [ + "▁interred", + -14.779367446899414 + ], + [ + "▁sulf", + -14.779452323913574 + ], + [ + "▁$3.50", + -14.779460906982422 + ], + [ + "▁Crunchy", + -14.779462814331056 + ], + [ + "▁Bellini", + -14.779468536376951 + ], + [ + "intermediate", + -14.779470443725586 + ], + [ + "▁Mame", + -14.77947998046875 + ], + [ + "▁Puglia", + -14.779584884643556 + ], + [ + "▁lacy", + -14.779586791992188 + ], + [ + "ORN", + -14.779643058776855 + ], + [ + "badge", + -14.779644966125488 + ], + [ + "▁Hinton", + -14.779698371887209 + ], + [ + "▁werewolves", + -14.779742240905762 + ], + [ + "▁Aristocrat", + -14.779803276062012 + ], + [ + "▁PTZ", + -14.77980613708496 + ], + [ + "homme", + -14.77983283996582 + ], + [ + "▁Capone", + -14.77987003326416 + ], + [ + "▁Thong", + -14.779915809631348 + ], + [ + "▁unblocked", + -14.779936790466309 + ], + [ + "IVES", + -14.779946327209473 + ], + [ + "▁Mallard", + -14.779949188232422 + ], + [ + "▁motorised", + -14.77996826171875 + ], + [ + "▁Kain", + -14.779982566833496 + ], + [ + "▁Samoan", + -14.780046463012695 + ], + [ + "▁ideologically", + -14.780092239379885 + ], + [ + "▁Matador", + -14.78022289276123 + ], + [ + "▁Rosemont", + -14.780308723449709 + ], + [ + "▁sifted", + -14.780315399169922 + ], + [ + "1:26", + -14.780363082885742 + ], + [ + "▁Aalto", + -14.78050136566162 + ], + [ + "arratt", + -14.780557632446287 + ], + [ + "IYA", + -14.78060817718506 + ], + [ + "Bead", + -14.780617713928224 + ], + [ + "Arranging", + -14.780627250671388 + ], + [ + "▁screencast", + -14.780632019042969 + ], + [ + "▁Infini", + -14.780654907226562 + ], + [ + "▁Millard", + -14.780694961547852 + ], + [ + "▁JLL", + -14.780776977539062 + ], + [ + "▁prospered", + -14.780920028686523 + ], + [ + "leash", + -14.780932426452637 + ], + [ + "ferential", + -14.780964851379396 + ], + [ + "illah", + -14.780965805053713 + ], + [ + "Bha", + -14.781091690063477 + ], + [ + "Immediate", + -14.781118392944336 + ], + [ + "medicate", + -14.781121253967283 + ], + [ + "Treasure", + -14.781145095825195 + ], + [ + "▁faintly", + -14.781184196472168 + ], + [ + "▁imitated", + -14.781203269958496 + ], + [ + "▁Lox", + -14.78127098083496 + ], + [ + "=8", + -14.78127384185791 + ], + [ + "synthesis", + -14.781279563903809 + ], + [ + "Sweep", + -14.781310081481934 + ], + [ + "lje", + -14.78131866455078 + ], + [ + "Contribution", + -14.78132438659668 + ], + [ + "RAG", + -14.781327247619627 + ], + [ + "▁Cashier", + -14.781331062316896 + ], + [ + "▁Relaxed", + -14.781357765197754 + ], + [ + "Twice", + -14.78135871887207 + ], + [ + "Yield", + -14.781375885009766 + ], + [ + "Mindfulness", + -14.781376838684082 + ], + [ + "Upstairs", + -14.781380653381348 + ], + [ + "Boulder", + -14.781387329101562 + ], + [ + "Agricultural", + -14.78138828277588 + ], + [ + "Retired", + -14.781392097473145 + ], + [ + "Surgery", + -14.781392097473145 + ], + [ + "Babies", + -14.78139305114746 + ], + [ + "Parliament", + -14.781394958496094 + ], + [ + "▁Cpl", + -14.781394958496094 + ], + [ + "Fleet", + -14.78139591217041 + ], + [ + "plice", + -14.781396865844728 + ], + [ + "Louisiana", + -14.781405448913574 + ], + [ + "Diesel", + -14.78140926361084 + ], + [ + "improving", + -14.781410217285156 + ], + [ + "▁cogent", + -14.78141975402832 + ], + [ + "impossible", + -14.78142547607422 + ], + [ + "Elementary", + -14.781434059143066 + ], + [ + "exciting", + -14.781434059143066 + ], + [ + "▁DECK", + -14.781523704528809 + ], + [ + "▁thrush", + -14.781524658203123 + ], + [ + "Resort", + -14.781529426574709 + ], + [ + "Shaun", + -14.7815523147583 + ], + [ + "phane", + -14.78161907196045 + ], + [ + "Davies", + -14.781668663024902 + ], + [ + "▁millwork", + -14.781694412231444 + ], + [ + "adaptive", + -14.78173542022705 + ], + [ + "DEP", + -14.781752586364746 + ], + [ + "Bingo", + -14.781782150268556 + ], + [ + "iyi", + -14.781785011291504 + ], + [ + "▁swarming", + -14.781848907470703 + ], + [ + "marble", + -14.781853675842283 + ], + [ + "broke", + -14.781895637512209 + ], + [ + "accepted", + -14.7819242477417 + ], + [ + "Coaches", + -14.78196907043457 + ], + [ + "mhz", + -14.781984329223633 + ], + [ + "▁mln", + -14.782057762145996 + ], + [ + "Mobi", + -14.78211784362793 + ], + [ + "interested", + -14.78211784362793 + ], + [ + "▁£85", + -14.782208442687988 + ], + [ + "▁Kati", + -14.78221035003662 + ], + [ + "parse", + -14.78225040435791 + ], + [ + "####", + -14.782392501831056 + ], + [ + "Visitation", + -14.782402992248535 + ], + [ + "▁Fae", + -14.782414436340332 + ], + [ + "roga", + -14.78244400024414 + ], + [ + "Comb", + -14.78248691558838 + ], + [ + "▁parlay", + -14.782556533813477 + ], + [ + "▁MOON", + -14.78255844116211 + ], + [ + "▁SDSU", + -14.782670021057127 + ], + [ + "vella", + -14.782679557800291 + ], + [ + "NOVO", + -14.78282356262207 + ], + [ + "stepped", + -14.782851219177246 + ], + [ + "▁allspice", + -14.782881736755373 + ], + [ + "Painted", + -14.782903671264648 + ], + [ + "pushing", + -14.782906532287598 + ], + [ + "▁Extender", + -14.782934188842772 + ], + [ + "5300", + -14.782971382141112 + ], + [ + "creditworthiness", + -14.782977104187012 + ], + [ + "businesses", + -14.782999038696287 + ], + [ + "Curry", + -14.783007621765137 + ], + [ + "▁Naik", + -14.783035278320312 + ], + [ + "Fanatic", + -14.783073425292969 + ], + [ + "Ongoing", + -14.783129692077637 + ], + [ + "Reaching", + -14.783157348632812 + ], + [ + "Branch", + -14.78317928314209 + ], + [ + "▁TSI", + -14.783296585083008 + ], + [ + "▁$120,000", + -14.78336238861084 + ], + [ + "4:40", + -14.783365249633787 + ], + [ + "▁Kahlo", + -14.783419609069824 + ], + [ + "Bark", + -14.783428192138672 + ], + [ + "0.75", + -14.78346347808838 + ], + [ + "▁Councilmember", + -14.78352165222168 + ], + [ + "deployment", + -14.783538818359377 + ], + [ + "Recruit", + -14.783561706542969 + ], + [ + "4-15", + -14.78361701965332 + ], + [ + "QIP", + -14.78363800048828 + ], + [ + "▁Verna", + -14.783666610717772 + ], + [ + "melting", + -14.783671379089355 + ], + [ + "▁NAA", + -14.783696174621582 + ], + [ + "1.75", + -14.783710479736328 + ], + [ + "▁30-50", + -14.783730506896973 + ], + [ + "Ethan", + -14.783740997314451 + ], + [ + "pale", + -14.783758163452148 + ], + [ + "6.75", + -14.783759117126465 + ], + [ + "▁dise", + -14.783851623535156 + ], + [ + "▁Meow", + -14.783891677856444 + ], + [ + "▁Corian", + -14.783915519714355 + ], + [ + "▁Fryer", + -14.783915519714355 + ], + [ + "NCB", + -14.783997535705566 + ], + [ + "flap", + -14.7841796875 + ], + [ + "▁Jeter", + -14.784224510192873 + ], + [ + "▁Sharm", + -14.78428840637207 + ], + [ + "Limitation", + -14.78437042236328 + ], + [ + "▁Muta", + -14.78437328338623 + ], + [ + "▁shallower", + -14.784395217895508 + ], + [ + "▁necktie", + -14.78442668914795 + ], + [ + "▁blazed", + -14.784432411193848 + ], + [ + "RUB", + -14.784483909606934 + ], + [ + "▁Awaken", + -14.784513473510742 + ], + [ + "Sporting", + -14.784521102905272 + ], + [ + "▁MSL", + -14.78454303741455 + ], + [ + "jig", + -14.784578323364258 + ], + [ + "▁Sidi", + -14.78461742401123 + ], + [ + "▁rivet", + -14.784690856933594 + ], + [ + "▁Canva", + -14.784784317016602 + ], + [ + "1:48", + -14.784845352172852 + ], + [ + "▁0845", + -14.784857749938965 + ], + [ + "▁crappie", + -14.784981727600098 + ], + [ + "▁hardiness", + -14.784995079040527 + ], + [ + "▁sinker", + -14.78504467010498 + ], + [ + "Manuel", + -14.78519344329834 + ], + [ + "▁Shareholder", + -14.78524112701416 + ], + [ + "ATL", + -14.78542709350586 + ], + [ + "▁Oost", + -14.785454750061035 + ], + [ + "pvc", + -14.785489082336426 + ], + [ + "1:02", + -14.785630226135254 + ], + [ + "▁thud", + -14.785685539245604 + ], + [ + "inden", + -14.785736083984377 + ], + [ + "▁Anja", + -14.78578758239746 + ], + [ + "etched", + -14.785807609558104 + ], + [ + "JAN", + -14.78587532043457 + ], + [ + "Madam", + -14.785887718200684 + ], + [ + "▁Stabil", + -14.785958290100098 + ], + [ + "appreciated", + -14.786005973815918 + ], + [ + "pronation", + -14.786026000976562 + ], + [ + "Viva", + -14.786109924316406 + ], + [ + "▁Kamen", + -14.786124229431152 + ], + [ + "▁KRA", + -14.786125183105469 + ], + [ + "▁Talos", + -14.78622817993164 + ], + [ + "Branding", + -14.786266326904297 + ], + [ + "▁correspondingly", + -14.78633975982666 + ], + [ + "▁validator", + -14.786388397216797 + ], + [ + "▁1794", + -14.786503791809082 + ], + [ + "gasse", + -14.786688804626465 + ], + [ + "▁8.5\"", + -14.78672218322754 + ], + [ + "▁stoma", + -14.786723136901855 + ], + [ + "Abdu", + -14.786731719970703 + ], + [ + "▁$45,000", + -14.78674030303955 + ], + [ + "MEDIA", + -14.786822319030762 + ], + [ + "▁Kiara", + -14.786857604980469 + ], + [ + "bitter", + -14.7869234085083 + ], + [ + "▁DAX", + -14.787025451660156 + ], + [ + "▁Tark", + -14.787099838256836 + ], + [ + "▁Jeri", + -14.78710651397705 + ], + [ + "▁agitate", + -14.787108421325684 + ], + [ + "▁GSD", + -14.787124633789062 + ], + [ + "▁headmaster", + -14.787275314331056 + ], + [ + "Scalable", + -14.787343978881836 + ], + [ + "▁remand", + -14.787458419799805 + ], + [ + "▁TELL", + -14.787583351135254 + ], + [ + "▁HOMES", + -14.787589073181152 + ], + [ + "fallen", + -14.787593841552734 + ], + [ + "▁savanna", + -14.787609100341797 + ], + [ + "▁HOSPITAL", + -14.787612915039062 + ], + [ + "▁2018-202", + -14.787649154663086 + ], + [ + "▁Kyrgyz", + -14.787694931030272 + ], + [ + "BACKGROUND", + -14.78769874572754 + ], + [ + "COLUMBIA", + -14.78769874572754 + ], + [ + "matrimony", + -14.78769874572754 + ], + [ + "vancouver", + -14.78769874572754 + ], + [ + "▁Absinthe", + -14.78769874572754 + ], + [ + "▁Anesthesiology", + -14.78769874572754 + ], + [ + "▁Ayatollah", + -14.78769874572754 + ], + [ + "▁Erskine", + -14.78769874572754 + ], + [ + "▁QUOTE", + -14.78769874572754 + ], + [ + "▁Villarreal", + -14.78769874572754 + ], + [ + "▁contraindicated", + -14.78769874572754 + ], + [ + "▁conversant", + -14.78769874572754 + ], + [ + "▁dwarves", + -14.78769874572754 + ], + [ + "▁exogenous", + -14.78769874572754 + ], + [ + "▁iSCSI", + -14.78769874572754 + ], + [ + "▁impersonation", + -14.78769874572754 + ], + [ + "▁impurity", + -14.78769874572754 + ], + [ + "▁pragmatism", + -14.78769874572754 + ], + [ + "▁symphonies", + -14.78769874572754 + ], + [ + "▁unprofitable", + -14.78769874572754 + ], + [ + "▁BIRTHDAY", + -14.787699699401855 + ], + [ + "▁Babysitter", + -14.787699699401855 + ], + [ + "▁Squamish", + -14.787699699401855 + ], + [ + "▁Stetson", + -14.787699699401855 + ], + [ + "▁Tomahawk", + -14.787699699401855 + ], + [ + "▁Adderall", + -14.787700653076172 + ], + [ + "▁astrophysics", + -14.787700653076172 + ], + [ + "Specimen", + -14.787701606750488 + ], + [ + "▁MOSFET", + -14.787701606750488 + ], + [ + "▁Permaculture", + -14.787701606750488 + ], + [ + "▁Hashimoto", + -14.787702560424805 + ], + [ + "▁Xilinx", + -14.787702560424805 + ], + [ + "▁Immanuel", + -14.78770351409912 + ], + [ + "▁jetzt", + -14.78770351409912 + ], + [ + "▁Registrant", + -14.787704467773438 + ], + [ + "definable", + -14.787705421447754 + ], + [ + "▁hoarse", + -14.787708282470703 + ], + [ + "▁palazzo", + -14.787708282470703 + ], + [ + "▁Hermosa", + -14.787710189819336 + ], + [ + "▁Buzzfeed", + -14.787714004516602 + ], + [ + "▁stereotyping", + -14.787714004516602 + ], + [ + "▁Calibre", + -14.787714958190918 + ], + [ + "▁spiking", + -14.787714958190918 + ], + [ + "▁VOICE", + -14.787717819213867 + ], + [ + "▁Abarth", + -14.787718772888184 + ], + [ + "ARTICLE", + -14.7877197265625 + ], + [ + "▁Duggan", + -14.78772258758545 + ], + [ + "▁kabob", + -14.787724494934082 + ], + [ + "▁altcoin", + -14.787725448608398 + ], + [ + "▁phosphorous", + -14.787725448608398 + ], + [ + "▁silage", + -14.787726402282717 + ], + [ + "▁OHSAS", + -14.787727355957031 + ], + [ + "▁Alfresco", + -14.78773021697998 + ], + [ + "▁Shaffer", + -14.78773021697998 + ], + [ + "▁Collapse", + -14.787731170654297 + ], + [ + "▁Eunice", + -14.787736892700195 + ], + [ + "▁Docklands", + -14.787748336791992 + ], + [ + "▁HEATED", + -14.787750244140623 + ], + [ + "▁mannerisms", + -14.787750244140623 + ], + [ + "▁Composed", + -14.787753105163574 + ], + [ + "▁Guildhall", + -14.787758827209473 + ], + [ + "Symbol", + -14.787759780883787 + ], + [ + "▁Autotrader", + -14.787768363952637 + ], + [ + "STREAM", + -14.787775039672852 + ], + [ + "▁Nashik", + -14.78778076171875 + ], + [ + "▁basting", + -14.787785530090332 + ], + [ + "▁Looney", + -14.787786483764648 + ], + [ + "▁Pretzel", + -14.787787437438965 + ], + [ + "▁Madigan", + -14.787789344787598 + ], + [ + "▁laudable", + -14.787805557250977 + ], + [ + "▁Regenerative", + -14.787822723388672 + ], + [ + "▁Holyoke", + -14.787824630737305 + ], + [ + "▁photocopies", + -14.787824630737305 + ], + [ + "ELLER", + -14.78782558441162 + ], + [ + "▁Shoemaker", + -14.78787612915039 + ], + [ + "▁Simms", + -14.787881851196287 + ], + [ + "▁VAIO", + -14.787894248962402 + ], + [ + "CML", + -14.787904739379885 + ], + [ + "▁WNBA", + -14.787908554077148 + ], + [ + "▁Vaseline", + -14.78791332244873 + ], + [ + "NAB", + -14.787917137145996 + ], + [ + "▁earthen", + -14.787919044494627 + ], + [ + "▁clenched", + -14.787938117980955 + ], + [ + "▁Flask", + -14.787945747375488 + ], + [ + "▁Motherhood", + -14.787972450256348 + ], + [ + "▁Stink", + -14.787983894348145 + ], + [ + "▁hydrodynamic", + -14.788020133972168 + ], + [ + "LIES", + -14.788076400756836 + ], + [ + "▁Hookup", + -14.788077354431152 + ], + [ + "▁masterclasses", + -14.788084030151367 + ], + [ + "acqua", + -14.788141250610352 + ], + [ + "ancia", + -14.78814697265625 + ], + [ + "▁sadistic", + -14.788155555725098 + ], + [ + ".12.201", + -14.788192749023438 + ], + [ + "OOL", + -14.78819751739502 + ], + [ + "▁moistened", + -14.7882080078125 + ], + [ + "▁Realtek", + -14.788223266601562 + ], + [ + "nnigan", + -14.788272857666016 + ], + [ + "▁clamoring", + -14.788272857666016 + ], + [ + "▁spammy", + -14.788307189941406 + ], + [ + "▁beholden", + -14.788405418395996 + ], + [ + "▁dewatering", + -14.788457870483398 + ], + [ + "▁Gana", + -14.788529396057127 + ], + [ + "7,8", + -14.788533210754396 + ], + [ + "▁Benning", + -14.788566589355469 + ], + [ + "8-14", + -14.78858470916748 + ], + [ + "ndorf", + -14.78859043121338 + ], + [ + "▁Ridgewood", + -14.788599014282228 + ], + [ + "▁penance", + -14.7886323928833 + ], + [ + "▁hybridization", + -14.788636207580566 + ], + [ + "▁fluxes", + -14.788640022277832 + ], + [ + "▁gearboxes", + -14.78867244720459 + ], + [ + "▁Catania", + -14.788708686828612 + ], + [ + "▁Salz", + -14.788731575012209 + ], + [ + "clue", + -14.788765907287598 + ], + [ + "▁mastercard", + -14.788799285888672 + ], + [ + "volution", + -14.788817405700684 + ], + [ + "▁ruthlessly", + -14.78884506225586 + ], + [ + "▁indigent", + -14.78893756866455 + ], + [ + "Gina", + -14.789011001586914 + ], + [ + "▁coinage", + -14.789077758789062 + ], + [ + "▁Nieto", + -14.789111137390137 + ], + [ + "▁Offside", + -14.789144515991213 + ], + [ + "conazole", + -14.789155960083008 + ], + [ + "▁Sensational", + -14.789156913757324 + ], + [ + "▁SUITE", + -14.78916358947754 + ], + [ + "pfer", + -14.789189338684082 + ], + [ + "lodi", + -14.78923511505127 + ], + [ + "▁Biotin", + -14.789325714111328 + ], + [ + "▁Gari", + -14.789385795593262 + ], + [ + "▁Hoyt", + -14.78944492340088 + ], + [ + "schle", + -14.789499282836914 + ], + [ + "Investor", + -14.78957748413086 + ], + [ + "▁costlier", + -14.78960418701172 + ], + [ + "▁stile", + -14.78964614868164 + ], + [ + "▁Tarp", + -14.789752960205078 + ], + [ + "▁Refinance", + -14.789827346801758 + ], + [ + "▁Redis", + -14.789836883544922 + ], + [ + "▁Detailing", + -14.78987979888916 + ], + [ + "bacher", + -14.789894104003906 + ], + [ + "▁450,000", + -14.789961814880373 + ], + [ + "▁Langer", + -14.789983749389648 + ], + [ + "▁overeat", + -14.790009498596191 + ], + [ + "▁chalky", + -14.790067672729492 + ], + [ + "▁OBS", + -14.790077209472656 + ], + [ + "lij", + -14.790112495422363 + ], + [ + "amah", + -14.790118217468262 + ], + [ + "Kart", + -14.79016399383545 + ], + [ + "▁Nasty", + -14.790206909179688 + ], + [ + "▁relished", + -14.790206909179688 + ], + [ + "▁reconsidered", + -14.790249824523926 + ], + [ + "hanger", + -14.790356636047363 + ], + [ + "CRP", + -14.790462493896484 + ], + [ + "Witness", + -14.790493965148926 + ], + [ + "▁AMEX", + -14.790521621704102 + ], + [ + "Firefighters", + -14.790610313415527 + ], + [ + "Dispatch", + -14.79063892364502 + ], + [ + "Jupiter", + -14.79064655303955 + ], + [ + "Ugh", + -14.79064655303955 + ], + [ + "Ottawa", + -14.7906494140625 + ], + [ + "Berkeley", + -14.790650367736816 + ], + [ + "Analytics", + -14.79065227508545 + ], + [ + "Transmission", + -14.790655136108398 + ], + [ + "Facilities", + -14.790657043457031 + ], + [ + "recycled", + -14.790660858154297 + ], + [ + "Television", + -14.790664672851562 + ], + [ + "suicide", + -14.79067325592041 + ], + [ + "distressed", + -14.79068374633789 + ], + [ + "▁Veli", + -14.790708541870115 + ], + [ + "▁7-12", + -14.790709495544434 + ], + [ + "Hurry", + -14.790777206420898 + ], + [ + "certificate", + -14.79078483581543 + ], + [ + "quartz", + -14.790791511535645 + ], + [ + "▁Kada", + -14.790807723999023 + ], + [ + "▁1799", + -14.790899276733398 + ], + [ + "▁poi", + -14.790905952453612 + ], + [ + "Monica", + -14.790934562683104 + ], + [ + "▁Ubi", + -14.790955543518066 + ], + [ + "▁Shor", + -14.790960311889648 + ], + [ + "explained", + -14.7910737991333 + ], + [ + "zenith", + -14.791080474853516 + ], + [ + "=20", + -14.791139602661133 + ], + [ + "lucid", + -14.791190147399902 + ], + [ + "▁Langham", + -14.791210174560549 + ], + [ + "textured", + -14.791293144226074 + ], + [ + "▁Mizu", + -14.791299819946287 + ], + [ + "▁crisper", + -14.79139804840088 + ], + [ + "Lowe", + -14.791468620300291 + ], + [ + "Roma", + -14.791525840759276 + ], + [ + "pencil", + -14.79156494140625 + ], + [ + "▁Seme", + -14.791666030883787 + ], + [ + "1.18", + -14.791692733764648 + ], + [ + "Obtaining", + -14.791783332824709 + ], + [ + "KICK", + -14.791804313659668 + ], + [ + "▁Raha", + -14.791829109191896 + ], + [ + "oyer", + -14.791868209838867 + ], + [ + "Broadcast", + -14.79188346862793 + ], + [ + "▁BMG", + -14.79199504852295 + ], + [ + "▁27001", + -14.791998863220217 + ], + [ + "▁PBC", + -14.79201316833496 + ], + [ + "▁1787", + -14.792033195495604 + ], + [ + "Valeria", + -14.792054176330566 + ], + [ + "▁OWNERS", + -14.792078971862791 + ], + [ + "transferase", + -14.792122840881348 + ], + [ + "▁suis", + -14.792183876037598 + ], + [ + "1959", + -14.79223918914795 + ], + [ + "1:46", + -14.792309761047363 + ], + [ + "▁Slime", + -14.792325973510742 + ], + [ + "EIR", + -14.79235553741455 + ], + [ + "felicit", + -14.79237461090088 + ], + [ + "▁GCP", + -14.79244899749756 + ], + [ + "▁Somewhat", + -14.792524337768556 + ], + [ + "ufa", + -14.792580604553224 + ], + [ + "▁Suu", + -14.79260540008545 + ], + [ + "0026", + -14.792685508728027 + ], + [ + "Turk", + -14.79276180267334 + ], + [ + ".06.201", + -14.792767524719238 + ], + [ + "▁Ratan", + -14.792795181274414 + ], + [ + "▁Cram", + -14.792856216430664 + ], + [ + "▁38,000", + -14.792871475219728 + ], + [ + "▁Overcome", + -14.792938232421877 + ], + [ + "▁longhorn", + -14.792961120605469 + ], + [ + "▁gobbled", + -14.792996406555176 + ], + [ + "▁GRC", + -14.793142318725586 + ], + [ + "▁pervert", + -14.793146133422852 + ], + [ + "▁PRIME", + -14.793150901794434 + ], + [ + "(11)", + -14.793209075927734 + ], + [ + "▁Guaid", + -14.79322338104248 + ], + [ + "▁McNa", + -14.793274879455566 + ], + [ + "▁Maier", + -14.793282508850098 + ], + [ + "▁Batten", + -14.793292999267578 + ], + [ + "tomato", + -14.793449401855469 + ], + [ + "▁Diplomatic", + -14.793479919433594 + ], + [ + "Roaming", + -14.793567657470703 + ], + [ + "LTP", + -14.793578147888184 + ], + [ + "▁Chuan", + -14.793620109558104 + ], + [ + "migrant", + -14.793753623962402 + ], + [ + "ULIP", + -14.793818473815918 + ], + [ + "ASU", + -14.793821334838867 + ], + [ + "4500", + -14.79389476776123 + ], + [ + "Magick", + -14.79391860961914 + ], + [ + "photograph", + -14.794014930725098 + ], + [ + "relations", + -14.794018745422363 + ], + [ + "▁Agni", + -14.794032096862791 + ], + [ + "▁+10", + -14.794047355651855 + ], + [ + "URT", + -14.794121742248535 + ], + [ + "CJA", + -14.7941312789917 + ], + [ + "▁TKO", + -14.794278144836426 + ], + [ + "spiro", + -14.79432487487793 + ], + [ + "yperpigmentation", + -14.79433536529541 + ], + [ + "▁pollinator", + -14.794341087341309 + ], + [ + "▁Bahr", + -14.794448852539062 + ], + [ + "▁climat", + -14.794498443603516 + ], + [ + "7100", + -14.794554710388184 + ], + [ + "FAN", + -14.79457950592041 + ], + [ + "▁Wetland", + -14.794595718383787 + ], + [ + "Vasil", + -14.794610977172852 + ], + [ + "iyya", + -14.794631958007812 + ], + [ + "cono", + -14.794666290283203 + ], + [ + "▁Atwater", + -14.794672966003418 + ], + [ + "▁Osteo", + -14.794781684875488 + ], + [ + "Romania", + -14.794805526733398 + ], + [ + "▁Heartbreak", + -14.794811248779297 + ], + [ + "▁Peele", + -14.794888496398926 + ], + [ + "slinging", + -14.794916152954102 + ], + [ + "zmi", + -14.794960975646973 + ], + [ + "▁$1,6", + -14.794970512390137 + ], + [ + "Unsure", + -14.795021057128906 + ], + [ + "chler", + -14.795021057128906 + ], + [ + "6-24", + -14.795056343078612 + ], + [ + "malarial", + -14.79509735107422 + ], + [ + "▁SEGA", + -14.795151710510254 + ], + [ + "eswara", + -14.79518985748291 + ], + [ + "▁BCD", + -14.795204162597656 + ], + [ + "6.6%", + -14.795206069946287 + ], + [ + ">]", + -14.795222282409668 + ], + [ + "fung", + -14.795360565185549 + ], + [ + "Thy", + -14.795395851135254 + ], + [ + "Glam", + -14.795437812805176 + ], + [ + "▁whitewash", + -14.795450210571287 + ], + [ + "тн", + -14.795494079589844 + ], + [ + "hockey", + -14.795519828796388 + ], + [ + "▁18:1", + -14.795530319213867 + ], + [ + "▁Pediatr", + -14.795533180236816 + ], + [ + "BIZ", + -14.795592308044434 + ], + [ + "▁Kandi", + -14.795604705810549 + ], + [ + "▁20:0", + -14.79561710357666 + ], + [ + "gonia", + -14.795625686645508 + ], + [ + "▁Bruin", + -14.795693397521973 + ], + [ + "▁glib", + -14.795693397521973 + ], + [ + "medication", + -14.795743942260742 + ], + [ + "▁1798", + -14.795841217041016 + ], + [ + "▁Lasse", + -14.795977592468262 + ], + [ + "icial", + -14.796025276184082 + ], + [ + "Adorn", + -14.796095848083496 + ], + [ + "▁presale", + -14.79611873626709 + ], + [ + "wol", + -14.796207427978516 + ], + [ + "gta", + -14.796234130859377 + ], + [ + "gele", + -14.79632568359375 + ], + [ + "hhhhh", + -14.796499252319336 + ], + [ + "aspi", + -14.796546936035156 + ], + [ + "▁Tutu", + -14.796551704406738 + ], + [ + "urrey", + -14.796576499938965 + ], + [ + "▁COLLECT", + -14.796625137329102 + ], + [ + "▁Hyster", + -14.79670238494873 + ], + [ + "MAIN", + -14.79674243927002 + ], + [ + "▁Bancorp", + -14.79675579071045 + ], + [ + "Deductible", + -14.79679012298584 + ], + [ + "SEPTEMBER", + -14.79679012298584 + ], + [ + "Solskjaer", + -14.79679012298584 + ], + [ + "▁Aarhus", + -14.79679012298584 + ], + [ + "▁Compilation", + -14.79679012298584 + ], + [ + "▁Cumberbatch", + -14.79679012298584 + ], + [ + "▁Daffodil", + -14.79679012298584 + ], + [ + "▁Dandenong", + -14.79679012298584 + ], + [ + "▁HOUSTON", + -14.79679012298584 + ], + [ + "▁Incarnation", + -14.79679012298584 + ], + [ + "▁Kilauea", + -14.79679012298584 + ], + [ + "▁Mesmerizing", + -14.79679012298584 + ], + [ + "▁Possibilities", + -14.79679012298584 + ], + [ + "▁Puebla", + -14.79679012298584 + ], + [ + "▁RESERVED", + -14.79679012298584 + ], + [ + "▁Restylane", + -14.79679012298584 + ], + [ + "▁Roscoe", + -14.79679012298584 + ], + [ + "▁Yogyakarta", + -14.79679012298584 + ], + [ + "▁arraigned", + -14.79679012298584 + ], + [ + "▁blasphemy", + -14.79679012298584 + ], + [ + "▁chlorinated", + -14.79679012298584 + ], + [ + "▁ecumenical", + -14.79679012298584 + ], + [ + "▁etcetera", + -14.79679012298584 + ], + [ + "▁exfoliator", + -14.79679012298584 + ], + [ + "▁gravitas", + -14.79679012298584 + ], + [ + "▁intelligible", + -14.79679012298584 + ], + [ + "▁litigating", + -14.79679012298584 + ], + [ + "▁meritorious", + -14.79679012298584 + ], + [ + "▁precipitous", + -14.79679012298584 + ], + [ + "▁Laundering", + -14.796791076660156 + ], + [ + "▁unsubstantiated", + -14.796791076660156 + ], + [ + "Raven", + -14.796792984008787 + ], + [ + "▁etiology", + -14.796792984008787 + ], + [ + "▁Bluestacks", + -14.796793937683104 + ], + [ + "▁arbiter", + -14.796794891357422 + ], + [ + "▁progeny", + -14.796794891357422 + ], + [ + "▁Lacoste", + -14.796798706054688 + ], + [ + "▁SLEEP", + -14.796798706054688 + ], + [ + "▁Ameritrade", + -14.796802520751951 + ], + [ + "▁Islamophobia", + -14.796802520751951 + ], + [ + "▁contravene", + -14.79680347442627 + ], + [ + "▁nanomaterials", + -14.79680347442627 + ], + [ + "▁Acclaim", + -14.796805381774902 + ], + [ + "▁HELOC", + -14.796805381774902 + ], + [ + "▁myrtle", + -14.796805381774902 + ], + [ + "▁festivity", + -14.796807289123535 + ], + [ + "▁girdle", + -14.796813011169434 + ], + [ + "▁Foxconn", + -14.79681396484375 + ], + [ + "▁muffled", + -14.79681396484375 + ], + [ + "▁STUFF", + -14.796814918518066 + ], + [ + "▁Earhart", + -14.7968168258667 + ], + [ + "▁deleterious", + -14.796820640563965 + ], + [ + "▁Sandalwood", + -14.796822547912598 + ], + [ + "▁bidirectional", + -14.796832084655762 + ], + [ + "▁Coolidge", + -14.796833992004396 + ], + [ + "▁Ashcroft", + -14.796839714050291 + ], + [ + "▁Spector", + -14.79684352874756 + ], + [ + "▁kerala", + -14.79684352874756 + ], + [ + "Identified", + -14.796844482421877 + ], + [ + "▁Modernist", + -14.79685115814209 + ], + [ + "▁Revisited", + -14.79685401916504 + ], + [ + "▁Diffuser", + -14.796854972839355 + ], + [ + "▁Cherries", + -14.796862602233888 + ], + [ + "▁Perimeter", + -14.796878814697266 + ], + [ + "▁Hummel", + -14.796882629394531 + ], + [ + "▁Hollister", + -14.79688549041748 + ], + [ + "▁misspelling", + -14.796887397766112 + ], + [ + "▁Elective", + -14.796890258789062 + ], + [ + "▁Puig", + -14.796897888183594 + ], + [ + "lethal", + -14.796904563903809 + ], + [ + "▁mullet", + -14.796913146972656 + ], + [ + "▁Integrator", + -14.796929359436035 + ], + [ + "▁WebRTC", + -14.796939849853516 + ], + [ + "oosh", + -14.796950340270996 + ], + [ + "▁FOMC", + -14.796957969665527 + ], + [ + "▁Lupe", + -14.796961784362791 + ], + [ + "▁PetSmart", + -14.796969413757324 + ], + [ + "knacks", + -14.79697036743164 + ], + [ + "▁OpenSSL", + -14.796990394592283 + ], + [ + "▁decontamination", + -14.796992301940918 + ], + [ + "▁Jojo", + -14.79701805114746 + ], + [ + "Wesley", + -14.797022819519045 + ], + [ + "Argument", + -14.797026634216309 + ], + [ + "▁retracement", + -14.797026634216309 + ], + [ + "▁NATURE", + -14.797036170959473 + ], + [ + "▁referrer", + -14.797039031982422 + ], + [ + "▁cubby", + -14.7970609664917 + ], + [ + "▁blindfolded", + -14.797063827514648 + ], + [ + "▁Pinball", + -14.79706573486328 + ], + [ + "▁1770", + -14.797067642211914 + ], + [ + "▁solvency", + -14.79708480834961 + ], + [ + "1933", + -14.797115325927734 + ], + [ + "▁nonviolence", + -14.797118186950684 + ], + [ + "▁Dawes", + -14.797126770019531 + ], + [ + "▁untitled", + -14.797151565551758 + ], + [ + "NSS", + -14.797164916992188 + ], + [ + "▁sierra", + -14.797168731689451 + ], + [ + "▁Seamus", + -14.797174453735352 + ], + [ + "▁Rocco", + -14.79718780517578 + ], + [ + "▁Throwback", + -14.797196388244627 + ], + [ + "Furnish", + -14.797199249267578 + ], + [ + "▁apologist", + -14.797231674194336 + ], + [ + "▁Clough", + -14.79723834991455 + ], + [ + "▁regressive", + -14.797250747680664 + ], + [ + "▁Nawa", + -14.79727840423584 + ], + [ + "fade", + -14.797411918640137 + ], + [ + "▁drooping", + -14.797412872314451 + ], + [ + "▁Lifeguard", + -14.797445297241213 + ], + [ + "▁villainous", + -14.797450065612791 + ], + [ + "▁LSAT", + -14.797452926635742 + ], + [ + "▁conspicuously", + -14.797475814819336 + ], + [ + "▁consigned", + -14.797539710998535 + ], + [ + "▁12.5%", + -14.797593116760254 + ], + [ + "▁busily", + -14.79762363433838 + ], + [ + "ROAD", + -14.797685623168944 + ], + [ + "industrie", + -14.797690391540527 + ], + [ + "▁disinfecting", + -14.797696113586426 + ], + [ + "▁colonized", + -14.79773235321045 + ], + [ + "▁hunched", + -14.797762870788574 + ], + [ + "Colon", + -14.79776668548584 + ], + [ + "unapologetically", + -14.797836303710938 + ], + [ + "▁Jive", + -14.7978515625 + ], + [ + "LTC", + -14.797869682312012 + ], + [ + "Crow", + -14.797896385192873 + ], + [ + "trendiest", + -14.797918319702148 + ], + [ + "▁Trapping", + -14.797966957092283 + ], + [ + "▁Tipping", + -14.79805850982666 + ], + [ + "▁swooning", + -14.798075675964355 + ], + [ + "▁OAS", + -14.798076629638672 + ], + [ + "▁hardcopy", + -14.798081398010254 + ], + [ + "▁Newburgh", + -14.798151969909668 + ], + [ + "▁BTT", + -14.798163414001465 + ], + [ + "▁decomposed", + -14.798165321350098 + ], + [ + "goat", + -14.79820156097412 + ], + [ + "▁Translated", + -14.79823112487793 + ], + [ + "▁loci", + -14.798254013061523 + ], + [ + "▁grazed", + -14.798277854919434 + ], + [ + "▁Fatah", + -14.798291206359863 + ], + [ + "▁EMDR", + -14.798293113708496 + ], + [ + "3166", + -14.798306465148926 + ], + [ + "▁Shakespearean", + -14.798325538635254 + ], + [ + "▁Galley", + -14.79834270477295 + ], + [ + "scribbled", + -14.798349380493164 + ], + [ + "fex", + -14.798373222351074 + ], + [ + "▁Dries", + -14.798397064208984 + ], + [ + "Toast", + -14.798501014709473 + ], + [ + "▁06:4", + -14.798527717590332 + ], + [ + "▁proportionally", + -14.798639297485352 + ], + [ + "▁reconstructing", + -14.798653602600098 + ], + [ + "▁tiptoe", + -14.79865837097168 + ], + [ + "▁16:00", + -14.798680305480955 + ], + [ + "ratna", + -14.798715591430664 + ], + [ + "▁Woe", + -14.798782348632812 + ], + [ + "encephalo", + -14.798816680908203 + ], + [ + "–14", + -14.798836708068848 + ], + [ + "▁Oba", + -14.798895835876465 + ], + [ + "pounder", + -14.798901557922363 + ], + [ + "66%", + -14.798961639404297 + ], + [ + "kuma", + -14.79896354675293 + ], + [ + "6300", + -14.798969268798828 + ], + [ + "▁Lawler", + -14.798993110656738 + ], + [ + "▁ECN", + -14.799077033996582 + ], + [ + "éné", + -14.7992525100708 + ], + [ + "ltima", + -14.79925537109375 + ], + [ + "BPA", + -14.799260139465332 + ], + [ + "▁gasped", + -14.799275398254396 + ], + [ + "▁harry", + -14.79929542541504 + ], + [ + "▁Starlight", + -14.799342155456545 + ], + [ + "▁inheriting", + -14.799349784851074 + ], + [ + "▁opportunist", + -14.79936408996582 + ], + [ + "Stripe", + -14.79936695098877 + ], + [ + "oula", + -14.799371719360352 + ], + [ + "▁hampering", + -14.79939079284668 + ], + [ + "vola", + -14.79952621459961 + ], + [ + "▁flicked", + -14.79954433441162 + ], + [ + "yoko", + -14.799580574035645 + ], + [ + "SFM", + -14.799599647521973 + ], + [ + "▁8/10", + -14.799633979797363 + ], + [ + "Assemble", + -14.799654960632324 + ], + [ + "▁deducting", + -14.799736976623535 + ], + [ + "immediate", + -14.799757957458496 + ], + [ + "▁Pik", + -14.799851417541504 + ], + [ + "jiu", + -14.799877166748049 + ], + [ + "▁dann", + -14.799894332885742 + ], + [ + "ount", + -14.799901008605955 + ], + [ + "Synopsis", + -14.799939155578612 + ], + [ + "Worst", + -14.79994297027588 + ], + [ + "pharmacology", + -14.79994297027588 + ], + [ + "▁augmenting", + -14.799954414367676 + ], + [ + "PubMed", + -14.799956321716309 + ], + [ + "▁Amma", + -14.799960136413574 + ], + [ + "fundamental", + -14.799971580505373 + ], + [ + "Appendix", + -14.79997444152832 + ], + [ + "PPE", + -14.79999542236328 + ], + [ + "corrosion", + -14.799997329711914 + ], + [ + "Therapy", + -14.800003051757812 + ], + [ + "Argentina", + -14.800004005432127 + ], + [ + "platinum", + -14.800010681152344 + ], + [ + "Venice", + -14.800028800964355 + ], + [ + "Denmark", + -14.800031661987305 + ], + [ + "excited", + -14.800044059753418 + ], + [ + "Awareness", + -14.800082206726074 + ], + [ + "▁Spiro", + -14.800088882446287 + ], + [ + "inspection", + -14.800110816955566 + ], + [ + "▁BUYER", + -14.800127983093262 + ], + [ + "wicket", + -14.800153732299805 + ], + [ + "Upcoming", + -14.800156593322754 + ], + [ + "Agreement", + -14.800182342529297 + ], + [ + "▁**********", + -14.800259590148926 + ], + [ + "▁Rahim", + -14.80030918121338 + ], + [ + "▁Romo", + -14.800376892089844 + ], + [ + "Appointment", + -14.800421714782717 + ], + [ + "▁wrest", + -14.800430297851562 + ], + [ + "▁\"1\"", + -14.800454139709473 + ], + [ + "▁VPC", + -14.800464630126951 + ], + [ + "▁Arai", + -14.800498008728027 + ], + [ + "▁Absolut", + -14.800637245178224 + ], + [ + "breast", + -14.800773620605469 + ], + [ + "TRAC", + -14.800775527954102 + ], + [ + "▁Baht", + -14.800801277160645 + ], + [ + "Shooting", + -14.800899505615234 + ], + [ + "kino", + -14.800946235656738 + ], + [ + "▁athens", + -14.800984382629396 + ], + [ + "noble", + -14.801193237304688 + ], + [ + "Servlet", + -14.801226615905762 + ], + [ + "▁mashing", + -14.80125331878662 + ], + [ + "▁Stott", + -14.801286697387695 + ], + [ + "underappreciated", + -14.801305770874023 + ], + [ + "Expected", + -14.801349639892578 + ], + [ + "▁1811", + -14.801362037658691 + ], + [ + "▁mig", + -14.801441192626951 + ], + [ + "▁Kalan", + -14.801478385925291 + ], + [ + "errett", + -14.801533699035645 + ], + [ + "▁bengal", + -14.80168628692627 + ], + [ + "▁Laver", + -14.801700592041016 + ], + [ + "verk", + -14.80170726776123 + ], + [ + "▁£19", + -14.801761627197266 + ], + [ + "Brig", + -14.80177879333496 + ], + [ + "Passive", + -14.801806449890137 + ], + [ + "▁buttress", + -14.801807403564451 + ], + [ + "Busy", + -14.801824569702148 + ], + [ + "▁Sealer", + -14.80194091796875 + ], + [ + "▁FAU", + -14.801998138427734 + ], + [ + "▁CIV", + -14.802119255065918 + ], + [ + "▁GSE", + -14.802123069763184 + ], + [ + "Renting", + -14.802315711975098 + ], + [ + "▁14.4", + -14.802325248718262 + ], + [ + "photographer", + -14.802328109741213 + ], + [ + "checker", + -14.80238437652588 + ], + [ + "7.3%", + -14.80247402191162 + ], + [ + "▁Kabir", + -14.80255889892578 + ], + [ + "▁greenback", + -14.80258846282959 + ], + [ + "▁CAFE", + -14.80263900756836 + ], + [ + "plasmic", + -14.802738189697266 + ], + [ + "MPH", + -14.802762985229492 + ], + [ + "throated", + -14.802785873413086 + ], + [ + "▁muni", + -14.802871704101562 + ], + [ + "▁administrate", + -14.80288314819336 + ], + [ + "▁dla", + -14.803030967712402 + ], + [ + "▁normality", + -14.803046226501465 + ], + [ + "▁songbook", + -14.803081512451172 + ], + [ + "233;", + -14.803324699401855 + ], + [ + "▁DVC", + -14.803339004516602 + ], + [ + "▁bpa", + -14.803390502929688 + ], + [ + "▁forgetful", + -14.80341625213623 + ], + [ + "▁Klee", + -14.803424835205078 + ], + [ + "forecast", + -14.80343246459961 + ], + [ + "8.8%", + -14.803486824035645 + ], + [ + "▁grommet", + -14.803564071655272 + ], + [ + "▁scallion", + -14.803576469421388 + ], + [ + "▁Bilder", + -14.80368423461914 + ], + [ + "BROAD", + -14.803704261779783 + ], + [ + "▁radiologist", + -14.803762435913086 + ], + [ + "▁1819", + -14.803775787353516 + ], + [ + "▁Keil", + -14.803784370422363 + ], + [ + "Remov", + -14.80386734008789 + ], + [ + "Gaz", + -14.803948402404783 + ], + [ + "▁knitter", + -14.803991317749023 + ], + [ + "Chester", + -14.80410099029541 + ], + [ + "▁Psyche", + -14.80438232421875 + ], + [ + "gada", + -14.804545402526855 + ], + [ + "SSB", + -14.804610252380373 + ], + [ + "8.75", + -14.804622650146484 + ], + [ + "insight", + -14.804659843444824 + ], + [ + "Continued", + -14.804682731628418 + ], + [ + "▁stagger", + -14.804744720458984 + ], + [ + "▁Brahman", + -14.804969787597656 + ], + [ + "▁$249", + -14.805234909057615 + ], + [ + "bravo", + -14.805328369140623 + ], + [ + "▁downwind", + -14.805429458618164 + ], + [ + "RAMP", + -14.805448532104492 + ], + [ + "BWA", + -14.805502891540527 + ], + [ + "▁Portia", + -14.805611610412598 + ], + [ + "zey", + -14.805620193481444 + ], + [ + "SBURG", + -14.805630683898926 + ], + [ + "bajo", + -14.805824279785156 + ], + [ + "▁Indirect", + -14.80591869354248 + ], + [ + "▁Rainy", + -14.805927276611328 + ], + [ + "▁cobra", + -14.805937767028809 + ], + [ + "ENVIRONMENT", + -14.805963516235352 + ], + [ + "▁Attenborough", + -14.805963516235352 + ], + [ + "▁Balenciaga", + -14.805963516235352 + ], + [ + "▁Diffusion", + -14.805963516235352 + ], + [ + "▁Trivandrum", + -14.805963516235352 + ], + [ + "▁admonition", + -14.805963516235352 + ], + [ + "▁baptised", + -14.805963516235352 + ], + [ + "▁deplorable", + -14.805963516235352 + ], + [ + "▁propriety", + -14.805963516235352 + ], + [ + "▁toboggan", + -14.805963516235352 + ], + [ + "McPhee", + -14.805964469909668 + ], + [ + "NetworkExposure", + -14.805964469909668 + ], + [ + "Rhubarb", + -14.805964469909668 + ], + [ + "▁Deficit", + -14.805964469909668 + ], + [ + "▁ENGLISH", + -14.805964469909668 + ], + [ + "▁HoloLens", + -14.805964469909668 + ], + [ + "▁Occidental", + -14.805964469909668 + ], + [ + "▁Woodpecker", + -14.805964469909668 + ], + [ + "▁colostrum", + -14.805964469909668 + ], + [ + "▁exoskeleton", + -14.805964469909668 + ], + [ + "▁gabapentin", + -14.805964469909668 + ], + [ + "▁immunisation", + -14.805964469909668 + ], + [ + "▁multiplies", + -14.805964469909668 + ], + [ + "▁nebulizer", + -14.805964469909668 + ], + [ + "▁ungodly", + -14.805964469909668 + ], + [ + "▁Rafflecopter", + -14.805965423583984 + ], + [ + "▁fluorite", + -14.805965423583984 + ], + [ + "▁FACEBOOK", + -14.8059663772583 + ], + [ + "▁numerology", + -14.8059663772583 + ], + [ + "▁Caviar", + -14.805967330932615 + ], + [ + "▁Cheetah", + -14.805967330932615 + ], + [ + "▁Ellicott", + -14.805968284606934 + ], + [ + "▁Barbeque", + -14.80596923828125 + ], + [ + "▁Chantilly", + -14.805970191955566 + ], + [ + "▁Debussy", + -14.805970191955566 + ], + [ + "▁Oshawa", + -14.805970191955566 + ], + [ + "▁anamorphic", + -14.805970191955566 + ], + [ + "▁gallstones", + -14.805970191955566 + ], + [ + "▁terrazzo", + -14.805970191955566 + ], + [ + "▁perinatal", + -14.8059720993042 + ], + [ + "▁Furnished", + -14.805973052978516 + ], + [ + "▁implode", + -14.805973052978516 + ], + [ + "▁kidnappers", + -14.805975914001465 + ], + [ + "▁forethought", + -14.805983543395996 + ], + [ + "▁continuance", + -14.805985450744627 + ], + [ + "▁bosom", + -14.805988311767578 + ], + [ + "▁Teradata", + -14.805989265441896 + ], + [ + "▁Barbuda", + -14.805990219116213 + ], + [ + "▁gawk", + -14.805991172790527 + ], + [ + "▁Convocation", + -14.805992126464844 + ], + [ + "▁torturing", + -14.805992126464844 + ], + [ + "▁TiVo", + -14.80599308013916 + ], + [ + "▁trapeze", + -14.80599308013916 + ], + [ + "▁zijn", + -14.805994033813477 + ], + [ + "▁Gaucho", + -14.805994987487791 + ], + [ + "▁collation", + -14.805994987487791 + ], + [ + "▁convocation", + -14.805994987487791 + ], + [ + "▁jiffy", + -14.805994987487791 + ], + [ + "▁(1978)", + -14.806002616882324 + ], + [ + "▁rabbinic", + -14.80600357055664 + ], + [ + "▁3/4′′", + -14.806004524230955 + ], + [ + "▁MCQ", + -14.80600643157959 + ], + [ + "▁Bedspread", + -14.806012153625488 + ], + [ + "▁Celery", + -14.80601692199707 + ], + [ + "▁Peckham", + -14.806017875671388 + ], + [ + "▁ravenous", + -14.806021690368652 + ], + [ + "▁featherweight", + -14.806022644042969 + ], + [ + "▁Excise", + -14.806023597717283 + ], + [ + "▁Yvette", + -14.806023597717283 + ], + [ + "▁microclimate", + -14.806028366088867 + ], + [ + "▁chapped", + -14.8060302734375 + ], + [ + "▁Multiplication", + -14.806035041809082 + ], + [ + "▁Conviction", + -14.806037902832031 + ], + [ + "▁Bourke", + -14.806042671203612 + ], + [ + "▁placemats", + -14.806048393249512 + ], + [ + "Spongebob", + -14.806049346923828 + ], + [ + "▁cronies", + -14.80605697631836 + ], + [ + "▁modded", + -14.806059837341309 + ], + [ + "▁Dassault", + -14.806066513061523 + ], + [ + "▁firecracker", + -14.80607795715332 + ], + [ + "▁Neeson", + -14.806079864501951 + ], + [ + "▁corbel", + -14.806085586547852 + ], + [ + "▁Snowmobile", + -14.806089401245115 + ], + [ + "▁Brickell", + -14.806092262268066 + ], + [ + "▁Pilgrimage", + -14.806095123291016 + ], + [ + "▁immobile", + -14.806100845336914 + ], + [ + "▁tinned", + -14.806105613708496 + ], + [ + "▁granularity", + -14.806109428405762 + ], + [ + "▁Cosby", + -14.806111335754396 + ], + [ + "▁Hassle", + -14.806111335754396 + ], + [ + "▁06:5", + -14.80611801147461 + ], + [ + "▁Bastian", + -14.806154251098633 + ], + [ + "▁calluses", + -14.806172370910645 + ], + [ + "ecco", + -14.806182861328123 + ], + [ + "▁Cassette", + -14.806185722351074 + ], + [ + "▁slapstick", + -14.806188583374023 + ], + [ + "▁Brecon", + -14.806190490722656 + ], + [ + "▁furlongs", + -14.806206703186035 + ], + [ + "▁Pae", + -14.806211471557615 + ], + [ + "▁Disciples", + -14.806241989135742 + ], + [ + "▁Mangan", + -14.80625057220459 + ], + [ + "▁Longines", + -14.80625820159912 + ], + [ + "▁Screenplay", + -14.806259155273438 + ], + [ + "▁batik", + -14.806260108947754 + ], + [ + "chondri", + -14.806273460388184 + ], + [ + "▁Plough", + -14.80627727508545 + ], + [ + "▁McDavid", + -14.80630111694336 + ], + [ + "▁skilfully", + -14.806310653686523 + ], + [ + "▁Ovation", + -14.806325912475586 + ], + [ + "Taxpayers", + -14.806326866149902 + ], + [ + "▁Guilty", + -14.806333541870115 + ], + [ + "▁Dowling", + -14.806339263916016 + ], + [ + "▁Kilda", + -14.806353569030762 + ], + [ + "▁TomTom", + -14.806354522705078 + ], + [ + "▁Mfg", + -14.806356430053713 + ], + [ + "▁concocted", + -14.806373596191406 + ], + [ + "unter", + -14.806378364562988 + ], + [ + "▁Allaah", + -14.806388854980469 + ], + [ + "▁Uranium", + -14.806441307067873 + ], + [ + "▁Burnout", + -14.80644989013672 + ], + [ + "5.9%", + -14.806485176086426 + ], + [ + "▁wettest", + -14.806517601013184 + ], + [ + "▁skiff", + -14.806548118591309 + ], + [ + "▁Atiku", + -14.80661392211914 + ], + [ + "▁Gruber", + -14.80666446685791 + ], + [ + "▁DPD", + -14.806668281555176 + ], + [ + "▁FERC", + -14.806675910949709 + ], + [ + "▁silverado", + -14.806719779968262 + ], + [ + "▁McClain", + -14.806756019592283 + ], + [ + "Butler", + -14.8067626953125 + ], + [ + "▁Rhymes", + -14.806777000427246 + ], + [ + "▁Edwardsville", + -14.80677890777588 + ], + [ + "BREAKING", + -14.80681610107422 + ], + [ + "▁Entryway", + -14.8068208694458 + ], + [ + "courage", + -14.806910514831545 + ], + [ + "▁rangefinder", + -14.806915283203123 + ], + [ + "▁fanned", + -14.806926727294922 + ], + [ + "quita", + -14.806927680969238 + ], + [ + "▁reappeared", + -14.806962013244627 + ], + [ + "▁urbanisation", + -14.806987762451172 + ], + [ + "▁augusta", + -14.80700397491455 + ], + [ + "▁Medway", + -14.80705738067627 + ], + [ + "▁Vinay", + -14.807069778442385 + ], + [ + "▁proviso", + -14.807095527648926 + ], + [ + "▁Morty", + -14.807098388671877 + ], + [ + "imum", + -14.807106971740724 + ], + [ + "▁rideshare", + -14.80712890625 + ], + [ + "▁Installment", + -14.80715274810791 + ], + [ + "▁Weighted", + -14.80719757080078 + ], + [ + "Proceed", + -14.80724811553955 + ], + [ + "▁SNES", + -14.80726146697998 + ], + [ + "▁KKR", + -14.80727481842041 + ], + [ + "▁Nerf", + -14.807308197021484 + ], + [ + "▁contradicting", + -14.807320594787598 + ], + [ + "▁Catfish", + -14.80734634399414 + ], + [ + "Agra", + -14.807428359985352 + ], + [ + "▁Tourette", + -14.807513236999512 + ], + [ + "▁confessional", + -14.807523727416992 + ], + [ + "▁$7,500", + -14.807594299316406 + ], + [ + "0.0.0", + -14.807698249816896 + ], + [ + "lowski", + -14.807751655578612 + ], + [ + "▁Klang", + -14.807757377624512 + ], + [ + "ERK", + -14.807825088500977 + ], + [ + "▁ladybug", + -14.807830810546877 + ], + [ + "▁Fright", + -14.80788230895996 + ], + [ + "▁Guideline", + -14.807943344116213 + ], + [ + "▁melding", + -14.80796718597412 + ], + [ + "▁Ajit", + -14.80804443359375 + ], + [ + "▁factually", + -14.808049201965332 + ], + [ + "ettler", + -14.80806827545166 + ], + [ + "▁Ril", + -14.80811882019043 + ], + [ + "▁Unlocked", + -14.808175086975098 + ], + [ + "chana", + -14.80817699432373 + ], + [ + "▁sportier", + -14.808252334594728 + ], + [ + "2090", + -14.808277130126951 + ], + [ + "▁PDS", + -14.808343887329102 + ], + [ + "▁loudness", + -14.808406829833984 + ], + [ + "▁computationally", + -14.8085355758667 + ], + [ + "▁hydroxyl", + -14.808537483215332 + ], + [ + "Pinterest", + -14.8086519241333 + ], + [ + "▁conjoin", + -14.808727264404297 + ], + [ + "Nickel", + -14.808772087097168 + ], + [ + "▁NFV", + -14.808789253234863 + ], + [ + "▁MEMBER", + -14.808856010437012 + ], + [ + "nelson", + -14.808930397033691 + ], + [ + "▁gainful", + -14.80905055999756 + ], + [ + "ETC", + -14.809106826782228 + ], + [ + "0.03", + -14.809128761291504 + ], + [ + "BUILD", + -14.80937957763672 + ], + [ + "Placing", + -14.809402465820312 + ], + [ + "Investigation", + -14.809409141540527 + ], + [ + "intellectual", + -14.809409141540527 + ], + [ + "soprano", + -14.80941104888916 + ], + [ + "Exciting", + -14.809412956237791 + ], + [ + "Vacuum", + -14.809417724609377 + ], + [ + "administration", + -14.809423446655272 + ], + [ + "Retirement", + -14.809425354003906 + ], + [ + "Hyundai", + -14.809428215026855 + ], + [ + "Chemistry", + -14.809429168701172 + ], + [ + "Platinum", + -14.809429168701172 + ], + [ + "reinforced", + -14.809431076049805 + ], + [ + "PayPal", + -14.809454917907717 + ], + [ + "analyze", + -14.809477806091309 + ], + [ + "Assistance", + -14.809486389160156 + ], + [ + "Almond", + -14.80949878692627 + ], + [ + "folio", + -14.809510231018066 + ], + [ + "Prison", + -14.809518814086914 + ], + [ + "▁Hoc", + -14.80953598022461 + ], + [ + "▁hitched", + -14.809545516967772 + ], + [ + "Montana", + -14.809565544128418 + ], + [ + "▁noob", + -14.809585571289062 + ], + [ + "LOOK", + -14.80960464477539 + ], + [ + "▁***********", + -14.809606552124023 + ], + [ + "▁armless", + -14.809651374816896 + ], + [ + "healthcare", + -14.80966854095459 + ], + [ + "wip", + -14.809691429138184 + ], + [ + "issima", + -14.809769630432127 + ], + [ + "▁Fungi", + -14.809785842895508 + ], + [ + "Percent", + -14.809789657592772 + ], + [ + "pril", + -14.809877395629885 + ], + [ + "▁emulated", + -14.80993366241455 + ], + [ + "▁Thrust", + -14.809940338134766 + ], + [ + "OCR", + -14.810002326965332 + ], + [ + "chou", + -14.810129165649414 + ], + [ + "Wiring", + -14.810137748718262 + ], + [ + "hump", + -14.810142517089844 + ], + [ + "Witch", + -14.810144424438477 + ], + [ + "kaku", + -14.810277938842772 + ], + [ + "▁RNC", + -14.81035614013672 + ], + [ + "Agency", + -14.810443878173828 + ], + [ + "Exclude", + -14.810528755187988 + ], + [ + "SHOOT", + -14.810534477233888 + ], + [ + "▁woodblock", + -14.810566902160645 + ], + [ + "rried", + -14.810580253601074 + ], + [ + "hydrous", + -14.810616493225098 + ], + [ + "▁teary", + -14.81062126159668 + ], + [ + "▁locust", + -14.810623168945312 + ], + [ + "▁mixologist", + -14.810670852661133 + ], + [ + "Linked", + -14.810676574707031 + ], + [ + "Pumpkin", + -14.810725212097168 + ], + [ + "NVIT", + -14.810758590698242 + ], + [ + "▁hawker", + -14.810856819152832 + ], + [ + "▁reeled", + -14.810909271240234 + ], + [ + "Permit", + -14.810941696166992 + ], + [ + "ucky", + -14.811057090759276 + ], + [ + "▁legitimize", + -14.811089515686035 + ], + [ + "Groove", + -14.811105728149414 + ], + [ + "▁fingerprinting", + -14.811139106750488 + ], + [ + "RDO", + -14.811166763305664 + ], + [ + "FDC", + -14.811184883117676 + ], + [ + "accent", + -14.811198234558104 + ], + [ + "▁vw", + -14.811288833618164 + ], + [ + "VINE", + -14.81131076812744 + ], + [ + "Reminder", + -14.811318397521973 + ], + [ + "▁Reiner", + -14.81135368347168 + ], + [ + "▁Venmo", + -14.811375617980955 + ], + [ + "narrow", + -14.811481475830078 + ], + [ + "looked", + -14.81152057647705 + ], + [ + "▁ppg", + -14.811617851257324 + ], + [ + "▁NZD", + -14.811638832092283 + ], + [ + "Azure", + -14.8116455078125 + ], + [ + "Shame", + -14.811677932739258 + ], + [ + "pap", + -14.811741828918455 + ], + [ + "▁Sahi", + -14.811798095703123 + ], + [ + "Addo", + -14.811800956726074 + ], + [ + "ragg", + -14.811870574951172 + ], + [ + "▁interning", + -14.81196117401123 + ], + [ + "louis", + -14.811982154846191 + ], + [ + "▁Popper", + -14.812034606933594 + ], + [ + "Habit", + -14.812058448791504 + ], + [ + "▁Nubia", + -14.812073707580566 + ], + [ + "1921", + -14.812195777893066 + ], + [ + "Focused", + -14.81225872039795 + ], + [ + "ouz", + -14.812260627746582 + ], + [ + "▁Taper", + -14.812347412109377 + ], + [ + "Crafted", + -14.812371253967283 + ], + [ + "▁Kimber", + -14.81242561340332 + ], + [ + "▁Leek", + -14.812482833862305 + ], + [ + "Accu", + -14.812535285949709 + ], + [ + "Offset", + -14.812579154968262 + ], + [ + "▁Lenz", + -14.812606811523438 + ], + [ + "ahoo", + -14.812607765197754 + ], + [ + "EZE", + -14.812724113464355 + ], + [ + "conci", + -14.812782287597656 + ], + [ + "europe", + -14.812783241271973 + ], + [ + "raba", + -14.812807083129885 + ], + [ + "▁eReader", + -14.812860488891602 + ], + [ + "▁vulture", + -14.812906265258787 + ], + [ + "▁cultivar", + -14.812920570373535 + ], + [ + "▁Anselm", + -14.812959671020508 + ], + [ + "▁Oden", + -14.81299877166748 + ], + [ + "entral", + -14.813047409057615 + ], + [ + "▁PPR", + -14.8130521774292 + ], + [ + "kona", + -14.813077926635742 + ], + [ + "▁Shrub", + -14.81307888031006 + ], + [ + "stabili", + -14.813097953796388 + ], + [ + "▁Raglan", + -14.81311321258545 + ], + [ + "RAW", + -14.813119888305664 + ], + [ + "halia", + -14.813227653503418 + ], + [ + "TIG", + -14.813251495361328 + ], + [ + "▁Horan", + -14.813430786132812 + ], + [ + "hendi", + -14.813566207885742 + ], + [ + "FBI", + -14.813812255859377 + ], + [ + "▁DDA", + -14.813888549804688 + ], + [ + "▁reprogram", + -14.813937187194824 + ], + [ + "▁unapologetic", + -14.814173698425291 + ], + [ + "TET", + -14.814281463623049 + ], + [ + "PHR", + -14.814348220825195 + ], + [ + "traveling", + -14.8143892288208 + ], + [ + "▁lamina", + -14.814395904541016 + ], + [ + "rval", + -14.814443588256836 + ], + [ + "corporation", + -14.81445026397705 + ], + [ + "CFT", + -14.81448745727539 + ], + [ + "▁Warri", + -14.814491271972656 + ], + [ + "▁Reina", + -14.81452465057373 + ], + [ + "anthi", + -14.814535140991213 + ], + [ + "ocarp", + -14.814539909362791 + ], + [ + "1923", + -14.814580917358398 + ], + [ + "▁14:5", + -14.814593315124512 + ], + [ + "REASON", + -14.814659118652344 + ], + [ + "▁frill", + -14.81476593017578 + ], + [ + "▁Posi", + -14.81484603881836 + ], + [ + "Flame", + -14.814888954162598 + ], + [ + "crine", + -14.814891815185549 + ], + [ + "Disciple", + -14.814940452575684 + ], + [ + "▁Lue", + -14.814955711364746 + ], + [ + "RFC", + -14.81503677368164 + ], + [ + "▁Hibernate", + -14.81522274017334 + ], + [ + "▁dynasties", + -14.81522274017334 + ], + [ + "▁undrafted", + -14.81522274017334 + ], + [ + "Dreyfus", + -14.815223693847656 + ], + [ + "Excitement", + -14.815223693847656 + ], + [ + "FEBRUARY", + -14.815223693847656 + ], + [ + "manhattan", + -14.815223693847656 + ], + [ + "methionine", + -14.815223693847656 + ], + [ + "▁888-353-1299", + -14.815223693847656 + ], + [ + "▁Abundant", + -14.815223693847656 + ], + [ + "▁Aphrodite", + -14.815223693847656 + ], + [ + "▁Avenida", + -14.815223693847656 + ], + [ + "▁Chaudhary", + -14.815223693847656 + ], + [ + "▁Crucifix", + -14.815223693847656 + ], + [ + "▁DeGeneres", + -14.815223693847656 + ], + [ + "▁Limassol", + -14.815223693847656 + ], + [ + "▁OTHERWISE", + -14.815223693847656 + ], + [ + "▁Paducah", + -14.815223693847656 + ], + [ + "▁Riccardo", + -14.815223693847656 + ], + [ + "▁Schenectady", + -14.815223693847656 + ], + [ + "▁Sorcerer", + -14.815223693847656 + ], + [ + "▁Valhalla", + -14.815223693847656 + ], + [ + "▁Varieties", + -14.815223693847656 + ], + [ + "▁Watanabe", + -14.815223693847656 + ], + [ + "▁accoutrement", + -14.815223693847656 + ], + [ + "▁clomiphene", + -14.815223693847656 + ], + [ + "▁compositing", + -14.815223693847656 + ], + [ + "▁contagion", + -14.815223693847656 + ], + [ + "▁convulsions", + -14.815223693847656 + ], + [ + "▁delegating", + -14.815223693847656 + ], + [ + "▁fertilizing", + -14.815223693847656 + ], + [ + "▁foreboding", + -14.815223693847656 + ], + [ + "▁gecko", + -14.815223693847656 + ], + [ + "▁gynecology", + -14.815223693847656 + ], + [ + "▁microbiota", + -14.815223693847656 + ], + [ + "▁phytoplankton", + -14.815223693847656 + ], + [ + "▁pranayama", + -14.815223693847656 + ], + [ + "▁tuesday", + -14.815223693847656 + ], + [ + "▁xenophobic", + -14.815223693847656 + ], + [ + "Tremendous", + -14.815224647521973 + ], + [ + "▁Kontakt", + -14.815224647521973 + ], + [ + "▁ameliorate", + -14.815224647521973 + ], + [ + "▁Gronkowski", + -14.815225601196287 + ], + [ + "▁enumeration", + -14.815225601196287 + ], + [ + "Terrestrial", + -14.815227508544922 + ], + [ + "▁Amadeus", + -14.815227508544922 + ], + [ + "▁Ainsworth", + -14.815229415893556 + ], + [ + "▁Harrods", + -14.815229415893556 + ], + [ + "▁Hootsuite", + -14.815231323242188 + ], + [ + "▁Twilio", + -14.815232276916504 + ], + [ + "▁Malbec", + -14.815237045288086 + ], + [ + "▁cranny", + -14.815237045288086 + ], + [ + "▁leapfrog", + -14.815237998962402 + ], + [ + "▁Cladding", + -14.81523895263672 + ], + [ + "▁slugging", + -14.81523895263672 + ], + [ + "▁Antimicrobial", + -14.815242767333984 + ], + [ + "Migraine", + -14.8152437210083 + ], + [ + "▁Quorum", + -14.815245628356934 + ], + [ + "▁Sentosa", + -14.815245628356934 + ], + [ + "▁Gwynn", + -14.815253257751465 + ], + [ + "▁nasties", + -14.815255165100098 + ], + [ + "▁Nicosia", + -14.815258026123049 + ], + [ + "▁Witchcraft", + -14.81527328491211 + ], + [ + "▁mauve", + -14.815274238586426 + ], + [ + "▁Doughty", + -14.815285682678224 + ], + [ + "▁Ararat", + -14.815288543701172 + ], + [ + "▁Montauk", + -14.815296173095703 + ], + [ + "▁Cushman", + -14.815303802490234 + ], + [ + "▁Enugu", + -14.815308570861816 + ], + [ + "TARGET", + -14.815311431884766 + ], + [ + "▁Ambition", + -14.81531810760498 + ], + [ + "exact", + -14.81533432006836 + ], + [ + "▁Synology", + -14.815337181091309 + ], + [ + "▁nudging", + -14.815340995788574 + ], + [ + "▁Kiki", + -14.815342903137209 + ], + [ + "▁unscented", + -14.81534481048584 + ], + [ + "▁Wilkie", + -14.815345764160156 + ], + [ + "▁crawlspace", + -14.815349578857422 + ], + [ + "▁criticising", + -14.815350532531738 + ], + [ + "▁unframed", + -14.81536102294922 + ], + [ + "▁Larsson", + -14.815361976623535 + ], + [ + "▁PhenQ", + -14.815380096435549 + ], + [ + "▁Lionsgate", + -14.81538200378418 + ], + [ + "▁antimony", + -14.815393447875977 + ], + [ + "▁naira", + -14.815399169921877 + ], + [ + "▁EEOC", + -14.815404891967772 + ], + [ + "▁breastfed", + -14.815411567687988 + ], + [ + "▁ventral", + -14.815414428710938 + ], + [ + "▁hemmed", + -14.815415382385254 + ], + [ + "▁Stumble", + -14.815427780151367 + ], + [ + "▁Rafale", + -14.81543254852295 + ], + [ + "▁fedora", + -14.815447807312012 + ], + [ + "▁Bookshelf", + -14.815452575683594 + ], + [ + "▁Ctr", + -14.815457344055176 + ], + [ + "▁Comstock", + -14.815476417541504 + ], + [ + "▁Augsburg", + -14.815485954284668 + ], + [ + "▁Giver", + -14.815494537353516 + ], + [ + "▁inferno", + -14.81550407409668 + ], + [ + "▁forehand", + -14.815522193908691 + ], + [ + "▁Begum", + -14.81554126739502 + ], + [ + "▁Amusing", + -14.815542221069336 + ], + [ + "▁Dollhouse", + -14.815542221069336 + ], + [ + "▁Ballistic", + -14.815564155578612 + ], + [ + "▁Malachi", + -14.815564155578612 + ], + [ + "▁Gladwell", + -14.81556797027588 + ], + [ + "▁eggshell", + -14.815587043762209 + ], + [ + "▁Bookkeeping", + -14.815596580505373 + ], + [ + "▁preceptor", + -14.8156099319458 + ], + [ + "▁Elektro", + -14.815634727478027 + ], + [ + "▁batman", + -14.815637588500977 + ], + [ + "▁idli", + -14.81565284729004 + ], + [ + "icion", + -14.81565761566162 + ], + [ + "▁Orson", + -14.815670013427734 + ], + [ + "AKT", + -14.815725326538086 + ], + [ + "▁Panini", + -14.815732955932615 + ], + [ + "▁PUSH", + -14.815751075744627 + ], + [ + "▁Hobie", + -14.81582260131836 + ], + [ + "followed", + -14.815826416015623 + ], + [ + "▁Sitecore", + -14.815877914428713 + ], + [ + "▁arterio", + -14.815895080566406 + ], + [ + "▁hardwired", + -14.815905570983888 + ], + [ + "▁magnetite", + -14.815959930419922 + ], + [ + "globin", + -14.815963745117188 + ], + [ + "▁Sewell", + -14.81600856781006 + ], + [ + "▁Leung", + -14.816021919250488 + ], + [ + "▁SPP", + -14.816028594970703 + ], + [ + "▁rappel", + -14.816058158874512 + ], + [ + "▁Snail", + -14.816089630126951 + ], + [ + "▁Veneto", + -14.81609058380127 + ], + [ + "▁Comple", + -14.816132545471191 + ], + [ + "▁Jenson", + -14.816154479980469 + ], + [ + "▁MONTHS", + -14.816181182861328 + ], + [ + "▁cutbacks", + -14.816195487976074 + ], + [ + "cinnam", + -14.81622314453125 + ], + [ + "▁Eoin", + -14.816241264343262 + ], + [ + "▁implicate", + -14.81628131866455 + ], + [ + "▁removalist", + -14.816343307495115 + ], + [ + "10.2", + -14.816398620605469 + ], + [ + "▁Shearer", + -14.816502571105955 + ], + [ + "▁romantically", + -14.816516876220703 + ], + [ + "▁Harri", + -14.816713333129885 + ], + [ + "▁Kole", + -14.81676959991455 + ], + [ + "▁Sandton", + -14.816773414611816 + ], + [ + "▁puffer", + -14.816789627075195 + ], + [ + "Secur", + -14.816824913024902 + ], + [ + "▁Alban", + -14.8168363571167 + ], + [ + "▁Westeros", + -14.816861152648926 + ], + [ + "▁Avira", + -14.816902160644531 + ], + [ + "▁subtitled", + -14.816916465759276 + ], + [ + "▁dmg", + -14.816959381103516 + ], + [ + "▁slacker", + -14.817025184631348 + ], + [ + "olph", + -14.817092895507812 + ], + [ + "▁homeschooled", + -14.81721305847168 + ], + [ + "ISTIC", + -14.817252159118652 + ], + [ + "▁nominally", + -14.81743335723877 + ], + [ + "ALICE", + -14.817487716674805 + ], + [ + "▁Mute", + -14.817495346069336 + ], + [ + "performed", + -14.817508697509766 + ], + [ + "▁NLR", + -14.817609786987305 + ], + [ + "▁Modernism", + -14.817768096923828 + ], + [ + "▁$93", + -14.817789077758787 + ], + [ + "saved", + -14.81785011291504 + ], + [ + "▁Rondo", + -14.817862510681152 + ], + [ + "▁NEMA", + -14.817947387695312 + ], + [ + "liana", + -14.817973136901855 + ], + [ + "▁peachy", + -14.817981719970703 + ], + [ + "▁garam", + -14.818007469177246 + ], + [ + "▁CISO", + -14.81813144683838 + ], + [ + "▁hark", + -14.818242073059082 + ], + [ + "zé", + -14.818259239196776 + ], + [ + "FUN", + -14.818299293518066 + ], + [ + "beef", + -14.818330764770508 + ], + [ + "CPM", + -14.818341255187988 + ], + [ + "FCU", + -14.818387985229492 + ], + [ + "assy", + -14.818395614624023 + ], + [ + "1912", + -14.818405151367188 + ], + [ + "1220", + -14.818434715270996 + ], + [ + "kaka", + -14.818443298339844 + ], + [ + "1:06", + -14.818462371826172 + ], + [ + "▁creamier", + -14.818464279174805 + ], + [ + "▁EAC", + -14.818469047546388 + ], + [ + "▁posse", + -14.81849193572998 + ], + [ + "▁Karting", + -14.81850814819336 + ], + [ + "Enroll", + -14.818517684936523 + ], + [ + "▁relishing", + -14.818519592285156 + ], + [ + "▁RTD", + -14.81852912902832 + ], + [ + "▁Tied", + -14.818532943725586 + ], + [ + "▁boomer", + -14.818533897399902 + ], + [ + "▁instil", + -14.818556785583496 + ], + [ + "▁Roan", + -14.818659782409668 + ], + [ + "Permission", + -14.818660736083984 + ], + [ + "▁Thanh", + -14.818737030029297 + ], + [ + "naked", + -14.818760871887209 + ], + [ + "Linking", + -14.818830490112305 + ], + [ + "reliable", + -14.818906784057615 + ], + [ + "Parallel", + -14.81891918182373 + ], + [ + "Diagnostic", + -14.818922996520996 + ], + [ + "warrior", + -14.81893825531006 + ], + [ + "▁professorship", + -14.818952560424805 + ], + [ + "narrative", + -14.818955421447754 + ], + [ + "absorbed", + -14.81895637512207 + ], + [ + "pregnancy", + -14.818958282470703 + ], + [ + "spectacular", + -14.818960189819336 + ], + [ + "swift", + -14.818961143493652 + ], + [ + "quinone", + -14.818964958190918 + ], + [ + "releasing", + -14.818974494934082 + ], + [ + "confidential", + -14.818978309631348 + ], + [ + "Duncan", + -14.819016456604004 + ], + [ + "▁Toshi", + -14.819052696228027 + ], + [ + "verified", + -14.819056510925291 + ], + [ + "Chapel", + -14.81905746459961 + ], + [ + "Electricity", + -14.819093704223633 + ], + [ + "Quil", + -14.819107055664062 + ], + [ + "▁RIB", + -14.81910800933838 + ], + [ + "▁£500,000", + -14.819138526916504 + ], + [ + "shelter", + -14.8191499710083 + ], + [ + "CSIR", + -14.819151878356934 + ], + [ + "cork", + -14.819175720214844 + ], + [ + "▁Oku", + -14.819184303283691 + ], + [ + "SAD", + -14.81919765472412 + ], + [ + "▁Luzon", + -14.819210052490234 + ], + [ + "Infant", + -14.819231033325195 + ], + [ + "rosh", + -14.819242477416992 + ], + [ + "▁04:2", + -14.819310188293455 + ], + [ + "3.19", + -14.819315910339355 + ], + [ + "▁Gabriela", + -14.819342613220217 + ], + [ + "▁Dense", + -14.819358825683594 + ], + [ + "dyke", + -14.819395065307615 + ], + [ + "▁Pesca", + -14.819425582885742 + ], + [ + "Harold", + -14.81944465637207 + ], + [ + "becoming", + -14.819456100463867 + ], + [ + "иа", + -14.819504737854004 + ], + [ + "▁Carina", + -14.819573402404783 + ], + [ + "lowering", + -14.819586753845217 + ], + [ + "▁carnal", + -14.819697380065918 + ], + [ + "Iceland", + -14.819737434387209 + ], + [ + "▁Robby", + -14.819745063781738 + ], + [ + "▁Incomplete", + -14.81975269317627 + ], + [ + "pler", + -14.819762229919434 + ], + [ + "linx", + -14.81982135772705 + ], + [ + "▁Fishery", + -14.81984043121338 + ], + [ + "▁protester", + -14.819868087768556 + ], + [ + "(13)", + -14.819881439208984 + ], + [ + "aggle", + -14.81990909576416 + ], + [ + "▁BLT", + -14.819952011108398 + ], + [ + "Virtually", + -14.820043563842772 + ], + [ + "aky", + -14.820075035095217 + ], + [ + "▁Jasmin", + -14.82009983062744 + ], + [ + "▁McCla", + -14.820110321044922 + ], + [ + "▁SoHo", + -14.820219993591309 + ], + [ + "8.3%", + -14.820222854614258 + ], + [ + "Barnes", + -14.820222854614258 + ], + [ + "Clone", + -14.820446014404297 + ], + [ + "▁kcal", + -14.820460319519045 + ], + [ + "▁sonata", + -14.8204984664917 + ], + [ + "▁MTR", + -14.820544242858888 + ], + [ + "▁Thankyou", + -14.820574760437012 + ], + [ + "1-10", + -14.820589065551758 + ], + [ + "▁Natl", + -14.820590019226074 + ], + [ + "▁Bernal", + -14.820611953735352 + ], + [ + "amanda", + -14.820724487304688 + ], + [ + "mapped", + -14.820831298828123 + ], + [ + "HIM", + -14.820967674255373 + ], + [ + "▁nullify", + -14.82099437713623 + ], + [ + "▁1795", + -14.821133613586426 + ], + [ + "consciously", + -14.821170806884766 + ], + [ + "Buster", + -14.821207046508787 + ], + [ + "FCE", + -14.82131004333496 + ], + [ + "▁Gillis", + -14.821313858032228 + ], + [ + "▁Hibb", + -14.821403503417969 + ], + [ + "▁roto", + -14.821406364440918 + ], + [ + "▁1660", + -14.821415901184082 + ], + [ + "ficient", + -14.82143497467041 + ], + [ + "▁CAKE", + -14.821460723876951 + ], + [ + "▁Chocolat", + -14.821635246276855 + ], + [ + "▁McNab", + -14.821635246276855 + ], + [ + "▁hellish", + -14.821678161621094 + ], + [ + "▁MiG", + -14.821707725524902 + ], + [ + "quilt", + -14.821718215942385 + ], + [ + "5:40", + -14.821727752685549 + ], + [ + "journalist", + -14.821768760681152 + ], + [ + "Weaver", + -14.821770668029783 + ], + [ + "insurer", + -14.821877479553224 + ], + [ + "▁Micha", + -14.821881294250488 + ], + [ + "CDP", + -14.821982383728027 + ], + [ + "▁Fluke", + -14.82204246520996 + ], + [ + "opedia", + -14.82217788696289 + ], + [ + "▁Nez", + -14.822354316711426 + ], + [ + "▁Masha", + -14.822406768798828 + ], + [ + "▁endow", + -14.822436332702637 + ], + [ + "▁Protea", + -14.822574615478516 + ], + [ + "zki", + -14.822585105895996 + ], + [ + "▁Scud", + -14.822759628295898 + ], + [ + "▁carwash", + -14.82284164428711 + ], + [ + "▁anticancer", + -14.82289981842041 + ], + [ + "▁unseat", + -14.822955131530762 + ], + [ + "▁Hangar", + -14.82296085357666 + ], + [ + "▁Ojo", + -14.823058128356934 + ], + [ + "redeem", + -14.823084831237791 + ], + [ + "▁Magneto", + -14.82309341430664 + ], + [ + "▁Writ", + -14.82310962677002 + ], + [ + "▁$3.1", + -14.82314682006836 + ], + [ + "1:19", + -14.823166847229004 + ], + [ + "▁transportable", + -14.823196411132812 + ], + [ + "▁KGB", + -14.823229789733888 + ], + [ + "ETO", + -14.823287010192873 + ], + [ + "▁puke", + -14.82329559326172 + ], + [ + "▁homesick", + -14.82337760925293 + ], + [ + "haft", + -14.823413848876951 + ], + [ + "▁CCH", + -14.823420524597168 + ], + [ + "▁TPE", + -14.82347297668457 + ], + [ + "▁chocolat", + -14.823612213134766 + ], + [ + "Leah", + -14.823657989501951 + ], + [ + "canal", + -14.82371997833252 + ], + [ + "Bump", + -14.823725700378418 + ], + [ + "▁zircon", + -14.823856353759766 + ], + [ + "▁Cutie", + -14.823939323425291 + ], + [ + "▁LIMIT", + -14.823987007141112 + ], + [ + "Bir", + -14.824009895324709 + ], + [ + "Calvin", + -14.824322700500488 + ], + [ + "▁bronchi", + -14.82447338104248 + ], + [ + "▁EFFECT", + -14.824567794799805 + ], + [ + "Pancreatic", + -14.82456874847412 + ], + [ + "▁Bolshevik", + -14.82456874847412 + ], + [ + "▁Cartagena", + -14.82456874847412 + ], + [ + "▁Cellulose", + -14.82456874847412 + ], + [ + "▁Emancipation", + -14.82456874847412 + ], + [ + "▁Enquiry", + -14.82456874847412 + ], + [ + "▁Immunization", + -14.82456874847412 + ], + [ + "▁Metairie", + -14.82456874847412 + ], + [ + "▁Osceola", + -14.82456874847412 + ], + [ + "▁Plexiglas", + -14.82456874847412 + ], + [ + "▁Sodexo", + -14.82456874847412 + ], + [ + "▁anticoagulant", + -14.82456874847412 + ], + [ + "▁denizens", + -14.82456874847412 + ], + [ + "▁jettison", + -14.82456874847412 + ], + [ + "▁persevering", + -14.82456874847412 + ], + [ + "▁propranolol", + -14.82456874847412 + ], + [ + "▁scavenging", + -14.82456874847412 + ], + [ + "▁shiitake", + -14.82456874847412 + ], + [ + "▁telemarketer", + -14.82456874847412 + ], + [ + "▁CONSIDER", + -14.824569702148438 + ], + [ + "▁FLOWERS", + -14.824569702148438 + ], + [ + "▁Glencoe", + -14.824569702148438 + ], + [ + "▁Nginx", + -14.824569702148438 + ], + [ + "▁Ramaphosa", + -14.824569702148438 + ], + [ + "▁conjugation", + -14.824569702148438 + ], + [ + "▁immunoglobulin", + -14.824569702148438 + ], + [ + "▁misnomer", + -14.824569702148438 + ], + [ + "▁oklahoma", + -14.824569702148438 + ], + [ + "▁participle", + -14.824569702148438 + ], + [ + "▁peddling", + -14.824569702148438 + ], + [ + "▁unimpressed", + -14.824569702148438 + ], + [ + "▁Bigelow", + -14.824570655822754 + ], + [ + "▁Ingalls", + -14.824570655822754 + ], + [ + "▁Murakami", + -14.824570655822754 + ], + [ + "▁stroking", + -14.824570655822754 + ], + [ + "▁annealing", + -14.82457160949707 + ], + [ + "▁demerit", + -14.82457160949707 + ], + [ + "▁mortuary", + -14.82457160949707 + ], + [ + "▁Colossus", + -14.824572563171388 + ], + [ + "▁repatriate", + -14.824572563171388 + ], + [ + "▁Ghosn", + -14.824573516845703 + ], + [ + "▁Kirkpatrick", + -14.824575424194336 + ], + [ + "▁Divergent", + -14.824576377868652 + ], + [ + "▁tidak", + -14.824577331542969 + ], + [ + "▁Snider", + -14.824578285217283 + ], + [ + "▁Folklore", + -14.82458209991455 + ], + [ + "INTRODUCTION", + -14.824586868286133 + ], + [ + "▁Integer", + -14.824586868286133 + ], + [ + "▁Gunnison", + -14.82458782196045 + ], + [ + "▁Passaic", + -14.824596405029297 + ], + [ + "▁stairlift", + -14.824603080749512 + ], + [ + "▁Hyperloop", + -14.824609756469728 + ], + [ + "▁Flutter", + -14.82461166381836 + ], + [ + "▁Nugent", + -14.82461166381836 + ], + [ + "▁ecotourism", + -14.824613571166992 + ], + [ + "▁(1971)", + -14.824617385864258 + ], + [ + "▁(1974)", + -14.824617385864258 + ], + [ + "▁Compassionate", + -14.824629783630373 + ], + [ + "▁Righteous", + -14.824631690979004 + ], + [ + "▁Maidenhead", + -14.824634552001951 + ], + [ + "▁Remediation", + -14.82463550567627 + ], + [ + "▁placid", + -14.824639320373535 + ], + [ + "▁Tirana", + -14.824642181396484 + ], + [ + "▁Nominated", + -14.824649810791016 + ], + [ + "▁Musings", + -14.824652671813965 + ], + [ + "▁Brendon", + -14.824661254882812 + ], + [ + "▁Swimsuit", + -14.824665069580078 + ], + [ + "▁Biosphere", + -14.82466983795166 + ], + [ + "OBJECTIVE", + -14.824684143066406 + ], + [ + "▁Earnest", + -14.824684143066406 + ], + [ + "▁Rechargeable", + -14.82469081878662 + ], + [ + "▁reintroduction", + -14.824695587158203 + ], + [ + "▁peacekeepers", + -14.824705123901367 + ], + [ + "CHESTER", + -14.824712753295898 + ], + [ + "▁repellant", + -14.824746131896973 + ], + [ + "▁sedimentation", + -14.824746131896973 + ], + [ + "▁Reinvestment", + -14.824748039245604 + ], + [ + "▁operable", + -14.824758529663086 + ], + [ + "ORES", + -14.824774742126465 + ], + [ + "▁millimetres", + -14.824776649475098 + ], + [ + "▁CAUSE", + -14.824817657470703 + ], + [ + "▁Bushwick", + -14.82482624053955 + ], + [ + "▁CCE", + -14.824851036071776 + ], + [ + "▁undercarriage", + -14.824856758117676 + ], + [ + "▁depository", + -14.824880599975586 + ], + [ + "87-9", + -14.824893951416016 + ], + [ + "▁Rainer", + -14.824894905090332 + ], + [ + "▁strangle", + -14.824905395507812 + ], + [ + "▁Euler", + -14.824911117553713 + ], + [ + "▁smartwatches", + -14.824923515319824 + ], + [ + "csi", + -14.824950218200684 + ], + [ + "▁ECHO", + -14.824959754943848 + ], + [ + "▁naman", + -14.824959754943848 + ], + [ + "▁Julianne", + -14.825000762939451 + ], + [ + "▁Candela", + -14.825066566467283 + ], + [ + "▁unpainted", + -14.82509708404541 + ], + [ + "ekka", + -14.825108528137209 + ], + [ + "SKF", + -14.825119018554688 + ], + [ + "STANDING", + -14.82515811920166 + ], + [ + "▁hurriedly", + -14.825170516967772 + ], + [ + "▁21:00", + -14.825180053710938 + ], + [ + "▁Malia", + -14.82519817352295 + ], + [ + "▁Albi", + -14.825201988220217 + ], + [ + "PACE", + -14.82523250579834 + ], + [ + "▁Nusa", + -14.825311660766602 + ], + [ + "damp", + -14.82532024383545 + ], + [ + "wijk", + -14.82533836364746 + ], + [ + "▁Incorporation", + -14.825357437133787 + ], + [ + "▁stepmother", + -14.825373649597168 + ], + [ + "▁Usability", + -14.825379371643066 + ], + [ + "▁Galena", + -14.82540798187256 + ], + [ + "▁Nettle", + -14.825410842895508 + ], + [ + "▁Familia", + -14.82542896270752 + ], + [ + "▁Anvil", + -14.825448989868164 + ], + [ + "▁Freezing", + -14.825478553771973 + ], + [ + "palli", + -14.825496673583984 + ], + [ + "▁racecourse", + -14.825511932373049 + ], + [ + "▁Bylaws", + -14.825515747070312 + ], + [ + "reinterpretation", + -14.825523376464844 + ], + [ + "▁TONS", + -14.825551986694336 + ], + [ + "▁Ashram", + -14.825570106506348 + ], + [ + "▁spurious", + -14.825706481933594 + ], + [ + "▁relinquished", + -14.825709342956545 + ], + [ + "▁crossbody", + -14.825742721557615 + ], + [ + "Liber", + -14.82577419281006 + ], + [ + "▁Ambro", + -14.825778007507324 + ], + [ + "▁midcentury", + -14.825819969177246 + ], + [ + "▁elucidat", + -14.82584285736084 + ], + [ + "aap", + -14.825860977172852 + ], + [ + "▁Arro", + -14.825884819030762 + ], + [ + "offline", + -14.825942993164062 + ], + [ + "▁Incense", + -14.825960159301758 + ], + [ + "▁disgraced", + -14.826017379760742 + ], + [ + "▁transcended", + -14.82607078552246 + ], + [ + "CRL", + -14.826098442077637 + ], + [ + "300,000", + -14.826111793518066 + ], + [ + "▁nontraditional", + -14.826167106628418 + ], + [ + "▁hospitalisation", + -14.82620334625244 + ], + [ + "▁Donner", + -14.826231002807615 + ], + [ + "Cursor", + -14.826313018798828 + ], + [ + "▁Visi", + -14.826343536376951 + ], + [ + "▁checkboxes", + -14.826375007629396 + ], + [ + "Marinate", + -14.826430320739746 + ], + [ + "/01/2019", + -14.826459884643556 + ], + [ + "▁Basco", + -14.826478004455566 + ], + [ + "0:40", + -14.826485633850098 + ], + [ + "iero", + -14.826555252075195 + ], + [ + "▁piggyback", + -14.826566696166992 + ], + [ + "▁latched", + -14.826601028442385 + ], + [ + "Kryst", + -14.826604843139648 + ], + [ + "▁Frankel", + -14.826641082763672 + ], + [ + "▁Schau", + -14.826645851135254 + ], + [ + "avies", + -14.826669692993164 + ], + [ + "Clarify", + -14.826784133911133 + ], + [ + "kanda", + -14.82679557800293 + ], + [ + "▁barium", + -14.826831817626951 + ], + [ + "malgamated", + -14.826845169067385 + ], + [ + "▁Dougie", + -14.826916694641112 + ], + [ + "▁APEC", + -14.82702922821045 + ], + [ + "▁Alpen", + -14.827048301696776 + ], + [ + "1:08", + -14.827099800109863 + ], + [ + "▁RCM", + -14.827109336853027 + ], + [ + "▁Steamer", + -14.827146530151367 + ], + [ + "▁brothel", + -14.827187538146973 + ], + [ + "▁Fashionable", + -14.827197074890137 + ], + [ + "▁0.20", + -14.827202796936035 + ], + [ + "LIF", + -14.827299118041992 + ], + [ + "▁punctured", + -14.82732391357422 + ], + [ + "▁Ranga", + -14.82736110687256 + ], + [ + "medica", + -14.827398300170898 + ], + [ + "▁shellac", + -14.827473640441896 + ], + [ + "▁Roster", + -14.82747745513916 + ], + [ + "arrange", + -14.82748031616211 + ], + [ + "0.65", + -14.827510833740234 + ], + [ + "▁cooper", + -14.82753562927246 + ], + [ + "learned", + -14.827553749084473 + ], + [ + "▁Moc", + -14.827631950378418 + ], + [ + "▁vaporize", + -14.827653884887695 + ], + [ + "▁redoing", + -14.82769012451172 + ], + [ + "▁Ewan", + -14.82780647277832 + ], + [ + "azioni", + -14.827826499938965 + ], + [ + "▁annul", + -14.82785415649414 + ], + [ + "Outgoing", + -14.827857971191406 + ], + [ + "1937", + -14.827916145324709 + ], + [ + "▁defile", + -14.82792854309082 + ], + [ + "algia", + -14.827970504760742 + ], + [ + "▁Chantal", + -14.828030586242676 + ], + [ + "▁Norah", + -14.82803440093994 + ], + [ + "▁Morin", + -14.828125 + ], + [ + "0,500", + -14.828186988830566 + ], + [ + "▁Rumor", + -14.828310012817385 + ], + [ + "privileged", + -14.82839298248291 + ], + [ + "fugi", + -14.828493118286133 + ], + [ + "▁Linz", + -14.828496932983398 + ], + [ + "Versatile", + -14.828518867492676 + ], + [ + "▁smelter", + -14.828521728515623 + ], + [ + "▁weasel", + -14.82852554321289 + ], + [ + "Voucher", + -14.828535079956056 + ], + [ + "Optimal", + -14.82854175567627 + ], + [ + "Jurassic", + -14.828546524047852 + ], + [ + "Ambassador", + -14.828554153442385 + ], + [ + "Synthetic", + -14.828556060791016 + ], + [ + "Cognitive", + -14.828557014465332 + ], + [ + "inflated", + -14.828561782836914 + ], + [ + "Palestine", + -14.828564643859863 + ], + [ + "▁internalized", + -14.828567504882812 + ], + [ + "Decorating", + -14.828568458557127 + ], + [ + "dessert", + -14.828568458557127 + ], + [ + "Nebraska", + -14.828569412231444 + ], + [ + "grandparents", + -14.828577041625977 + ], + [ + "Starbucks", + -14.828590393066406 + ], + [ + "Minecraft", + -14.828591346740724 + ], + [ + "embedded", + -14.828603744506836 + ], + [ + "▁TNC", + -14.82861328125 + ], + [ + "арт", + -14.828627586364746 + ], + [ + "glucose", + -14.828633308410645 + ], + [ + "Harmony", + -14.828640937805176 + ], + [ + "▁massager", + -14.828643798828123 + ], + [ + "Passport", + -14.828682899475098 + ], + [ + "▁PAINT", + -14.828688621520996 + ], + [ + "▁£70", + -14.828691482543944 + ], + [ + "inflammation", + -14.828693389892578 + ], + [ + "lubber", + -14.828695297241213 + ], + [ + "detection", + -14.828713417053224 + ], + [ + "JOHN", + -14.828750610351562 + ], + [ + "▁Astral", + -14.828782081604004 + ], + [ + "▁Confi", + -14.828798294067385 + ], + [ + "fireplace", + -14.828800201416016 + ], + [ + "introduced", + -14.82884120941162 + ], + [ + "navigate", + -14.828848838806152 + ], + [ + "calibration", + -14.828849792480469 + ], + [ + "▁1366", + -14.828902244567873 + ], + [ + "Wealth", + -14.828941345214844 + ], + [ + "Encrypt", + -14.828972816467283 + ], + [ + "Personality", + -14.828994750976562 + ], + [ + "▁Rooted", + -14.829148292541504 + ], + [ + "tuition", + -14.829153060913086 + ], + [ + "▁PPD", + -14.829301834106444 + ], + [ + "▁baha", + -14.829368591308594 + ], + [ + "▁Corso", + -14.829461097717283 + ], + [ + "▁horned", + -14.829496383666992 + ], + [ + "Blaze", + -14.829509735107422 + ], + [ + "▁Lorenz", + -14.829512596130373 + ], + [ + "Biblio", + -14.829534530639648 + ], + [ + "Carrying", + -14.829545021057127 + ], + [ + "increased", + -14.829562187194824 + ], + [ + "▁waypoints", + -14.829599380493164 + ], + [ + "▁EMG", + -14.829745292663574 + ], + [ + "▁PDR", + -14.829828262329102 + ], + [ + "blended", + -14.829835891723633 + ], + [ + "actress", + -14.829950332641602 + ], + [ + "Freeze", + -14.829963684082031 + ], + [ + "fending", + -14.829967498779297 + ], + [ + "▁Seki", + -14.830144882202148 + ], + [ + "annually", + -14.8302583694458 + ], + [ + "▁Karina", + -14.83028793334961 + ], + [ + "3:23", + -14.830318450927734 + ], + [ + "UPE", + -14.830327987670898 + ], + [ + "▁Selva", + -14.830401420593262 + ], + [ + "▁Snag", + -14.830411911010742 + ], + [ + "MMO", + -14.830449104309082 + ], + [ + "ritis", + -14.830453872680664 + ], + [ + "poke", + -14.830462455749512 + ], + [ + "alpine", + -14.830464363098145 + ], + [ + "REY", + -14.83047103881836 + ], + [ + "guine", + -14.830522537231444 + ], + [ + "▁$3.9", + -14.830669403076172 + ], + [ + "Cement", + -14.830716133117676 + ], + [ + "axy", + -14.83074951171875 + ], + [ + "Massive", + -14.830760955810549 + ], + [ + "▁tiff", + -14.830784797668455 + ], + [ + "musician", + -14.830798149108888 + ], + [ + "calculated", + -14.83082389831543 + ], + [ + "MASH", + -14.830891609191896 + ], + [ + "▁perky", + -14.830894470214844 + ], + [ + "priv", + -14.830939292907717 + ], + [ + "▁NOTES", + -14.830985069274902 + ], + [ + "Futur", + -14.831161499023438 + ], + [ + "▁Cask", + -14.831217765808104 + ], + [ + "EOL", + -14.831221580505373 + ], + [ + "grape", + -14.83124542236328 + ], + [ + "▁Setter", + -14.83128261566162 + ], + [ + "▁GLS", + -14.831294059753418 + ], + [ + "▁GSP", + -14.831324577331545 + ], + [ + "▁Zay", + -14.831341743469238 + ], + [ + "GAP", + -14.831354141235352 + ], + [ + "Sweat", + -14.831433296203612 + ], + [ + "▁Trou", + -14.831671714782717 + ], + [ + "▁$220", + -14.831730842590332 + ], + [ + "roofed", + -14.831787109375 + ], + [ + "leben", + -14.831851959228516 + ], + [ + "▁stoplight", + -14.831859588623049 + ], + [ + "1911", + -14.831873893737791 + ], + [ + "▁Tartu", + -14.831915855407717 + ], + [ + "▁Bruck", + -14.832072257995604 + ], + [ + "Lentil", + -14.83208465576172 + ], + [ + "▁Farid", + -14.832155227661133 + ], + [ + "▁Caste", + -14.832235336303713 + ], + [ + "▁Sula", + -14.83226490020752 + ], + [ + "▁Washed", + -14.832275390625 + ], + [ + "conquer", + -14.832286834716797 + ], + [ + "Joey", + -14.83237361907959 + ], + [ + "▁Thelma", + -14.832385063171388 + ], + [ + "▁frightful", + -14.832472801208496 + ], + [ + "hrung", + -14.832526206970217 + ], + [ + "jug", + -14.832635879516602 + ], + [ + "▁bucking", + -14.832647323608398 + ], + [ + "▁Scoot", + -14.832649230957031 + ], + [ + "0.2%", + -14.832719802856444 + ], + [ + "stellung", + -14.832765579223633 + ], + [ + "▁plop", + -14.83281135559082 + ], + [ + "elsen", + -14.832825660705566 + ], + [ + "luka", + -14.8328857421875 + ], + [ + "usted", + -14.832983016967772 + ], + [ + "▁Hoppe", + -14.83298397064209 + ], + [ + "▁stampede", + -14.833016395568848 + ], + [ + "▁Luisa", + -14.833125114440918 + ], + [ + "wede", + -14.833148956298828 + ], + [ + "▁Billet", + -14.83321762084961 + ], + [ + "▁Talc", + -14.83322525024414 + ], + [ + "▁causeway", + -14.83327579498291 + ], + [ + "Loud", + -14.833294868469238 + ], + [ + "▁spore", + -14.833389282226562 + ], + [ + "▁confiscate", + -14.833402633666992 + ], + [ + "maze", + -14.833431243896484 + ], + [ + "HAS", + -14.833470344543455 + ], + [ + "▁Lync", + -14.833483695983888 + ], + [ + "boil", + -14.833550453186035 + ], + [ + "PIP", + -14.833609580993652 + ], + [ + "iviti", + -14.833612442016602 + ], + [ + "ocaine", + -14.833724975585938 + ], + [ + "▁Puna", + -14.833745002746582 + ], + [ + "plasty", + -14.833769798278809 + ], + [ + "phytes", + -14.833780288696287 + ], + [ + "ssance", + -14.833781242370604 + ], + [ + "feeder", + -14.833815574645996 + ], + [ + "1:24", + -14.833818435668944 + ], + [ + "cillo", + -14.833822250366213 + ], + [ + "zinc", + -14.833844184875488 + ], + [ + "▁conven", + -14.8338623046875 + ], + [ + "ISCO", + -14.833929061889648 + ], + [ + ".01.201", + -14.833956718444824 + ], + [ + "▁1788", + -14.83396053314209 + ], + [ + "chop", + -14.833969116210938 + ], + [ + "▁1:12", + -14.833980560302734 + ], + [ + "vietnam", + -14.83400058746338 + ], + [ + "Esposito", + -14.834002494812012 + ], + [ + "▁Juarez", + -14.834002494812012 + ], + [ + "▁Lichfield", + -14.834002494812012 + ], + [ + "▁Antalya", + -14.834003448486328 + ], + [ + "▁Chernobyl", + -14.834003448486328 + ], + [ + "▁Corbusier", + -14.834003448486328 + ], + [ + "▁Coutinho", + -14.834003448486328 + ], + [ + "▁Dumbledore", + -14.834003448486328 + ], + [ + "▁HUNDRED", + -14.834003448486328 + ], + [ + "▁Haridwar", + -14.834003448486328 + ], + [ + "▁MINUTES", + -14.834003448486328 + ], + [ + "▁Mogadishu", + -14.834003448486328 + ], + [ + "▁Staphylococcus", + -14.834003448486328 + ], + [ + "▁consternation", + -14.834003448486328 + ], + [ + "▁critiquing", + -14.834003448486328 + ], + [ + "▁disputing", + -14.834003448486328 + ], + [ + "▁doldrums", + -14.834003448486328 + ], + [ + "▁humongous", + -14.834003448486328 + ], + [ + "▁hustling", + -14.834003448486328 + ], + [ + "▁inhospitable", + -14.834003448486328 + ], + [ + "▁jubilant", + -14.834003448486328 + ], + [ + "▁leprosy", + -14.834003448486328 + ], + [ + "▁lullaby", + -14.834003448486328 + ], + [ + "▁phytonutrients", + -14.834003448486328 + ], + [ + "▁protégé", + -14.834003448486328 + ], + [ + "▁rapeseed", + -14.834003448486328 + ], + [ + "▁soufflé", + -14.834003448486328 + ], + [ + "▁stethoscope", + -14.834003448486328 + ], + [ + "▁strategizing", + -14.834003448486328 + ], + [ + "▁travesty", + -14.834003448486328 + ], + [ + "▁treachery", + -14.834003448486328 + ], + [ + "▁unmissable", + -14.834003448486328 + ], + [ + "Parallax", + -14.834004402160645 + ], + [ + "▁chamfer", + -14.834004402160645 + ], + [ + "▁luminance", + -14.834004402160645 + ], + [ + "▁Beaulieu", + -14.83400535583496 + ], + [ + "▁Raytheon", + -14.83400535583496 + ], + [ + "▁sympathise", + -14.834006309509276 + ], + [ + "▁Cascadia", + -14.834007263183594 + ], + [ + "▁pylori", + -14.834007263183594 + ], + [ + "▁antenatal", + -14.834009170532228 + ], + [ + "▁hypotension", + -14.834010124206545 + ], + [ + "▁Panchayat", + -14.834012031555176 + ], + [ + "Unmanned", + -14.834014892578123 + ], + [ + "▁Sprocket", + -14.834014892578123 + ], + [ + "▁macronutrient", + -14.834014892578123 + ], + [ + "▁Alpharetta", + -14.834016799926758 + ], + [ + "▁Nutrisystem", + -14.834016799926758 + ], + [ + "▁Ebates", + -14.834022521972656 + ], + [ + "▁Smurf", + -14.834024429321287 + ], + [ + "▁AGAINST", + -14.834027290344238 + ], + [ + "▁renegade", + -14.834027290344238 + ], + [ + "▁PRIOR", + -14.834029197692873 + ], + [ + "▁Collider", + -14.834031105041504 + ], + [ + "globulin", + -14.83403205871582 + ], + [ + "▁Plural", + -14.83403778076172 + ], + [ + "▁Endowed", + -14.834040641784668 + ], + [ + "▁DVLA", + -14.8340425491333 + ], + [ + "▁tendonitis", + -14.8340425491333 + ], + [ + "▁(1967)", + -14.8340482711792 + ], + [ + "▁(1976)", + -14.834050178527832 + ], + [ + "▁unchallenged", + -14.83405876159668 + ], + [ + "▁hyena", + -14.834061622619627 + ], + [ + "indian", + -14.83407211303711 + ], + [ + "▁Enrico", + -14.83407497406006 + ], + [ + "▁Sebring", + -14.834075927734377 + ], + [ + "▁Munnar", + -14.834091186523438 + ], + [ + "▁Bramble", + -14.834107398986816 + ], + [ + "▁Stadt", + -14.834111213684082 + ], + [ + "▁Balfour", + -14.834113121032717 + ], + [ + "▁Microchip", + -14.834113121032717 + ], + [ + "▁abscond", + -14.834115982055664 + ], + [ + "Oregano", + -14.83411693572998 + ], + [ + "▁Autopilot", + -14.83411693572998 + ], + [ + "▁Folic", + -14.834121704101562 + ], + [ + "▁Modbus", + -14.834121704101562 + ], + [ + "▁$19.95", + -14.83412742614746 + ], + [ + "10.1002/", + -14.834141731262209 + ], + [ + "▁Bonfire", + -14.834152221679688 + ], + [ + "▁Gorham", + -14.834174156188965 + ], + [ + "▁Caribou", + -14.834181785583496 + ], + [ + "▁Matric", + -14.834184646606444 + ], + [ + "urga", + -14.834186553955078 + ], + [ + "▁Oldenburg", + -14.834190368652344 + ], + [ + "▁tyrannical", + -14.83419132232666 + ], + [ + "▁WEIGHT", + -14.83419418334961 + ], + [ + "▁utah", + -14.834200859069824 + ], + [ + "▁overreact", + -14.834202766418455 + ], + [ + "▁assuage", + -14.834203720092772 + ], + [ + "▁(202)", + -14.834216117858888 + ], + [ + "quoted", + -14.834220886230469 + ], + [ + "▁Dijk", + -14.834220886230469 + ], + [ + "▁Hallows", + -14.834224700927734 + ], + [ + "TRESS", + -14.834230422973633 + ], + [ + "▁Sunnyside", + -14.834239959716797 + ], + [ + "▁hoppy", + -14.83424949645996 + ], + [ + "▁CUDA", + -14.83425235748291 + ], + [ + "▁recertification", + -14.834291458129885 + ], + [ + "▁Mobius", + -14.834294319152832 + ], + [ + "▁HomeAway", + -14.834306716918944 + ], + [ + "▁abbot", + -14.834311485290527 + ], + [ + "▁Sumo", + -14.83432388305664 + ], + [ + "▁unorganized", + -14.834324836730955 + ], + [ + "▁Glenview", + -14.834333419799805 + ], + [ + "▁derailment", + -14.834341049194336 + ], + [ + "6.1%", + -14.834342002868652 + ], + [ + "▁patting", + -14.834346771240234 + ], + [ + "Accessed", + -14.83437442779541 + ], + [ + "koop", + -14.83440113067627 + ], + [ + "▁Stinson", + -14.834415435791016 + ], + [ + "▁Whitehorse", + -14.834430694580078 + ], + [ + "FILTER", + -14.834431648254396 + ], + [ + "▁vCenter", + -14.834455490112305 + ], + [ + "▁02:1", + -14.83446979522705 + ], + [ + "▁tenement", + -14.834531784057615 + ], + [ + "▁Informa", + -14.834554672241213 + ], + [ + "▁affront", + -14.834562301635742 + ], + [ + "▁pretreatment", + -14.834595680236816 + ], + [ + "▁22:00", + -14.83459758758545 + ], + [ + "7–1", + -14.83461856842041 + ], + [ + "▁housewarming", + -14.83462619781494 + ], + [ + "▁individualistic", + -14.83464241027832 + ], + [ + "▁Nani", + -14.834659576416016 + ], + [ + "▁Precast", + -14.834660530090332 + ], + [ + "▁BYOB", + -14.834681510925291 + ], + [ + "▁Bastion", + -14.834691047668455 + ], + [ + "▁15-18", + -14.834714889526367 + ], + [ + "Aquamarine", + -14.834729194641112 + ], + [ + "▁Stitcher", + -14.83475399017334 + ], + [ + "pounding", + -14.834771156311035 + ], + [ + "▁Lilies", + -14.834794044494627 + ], + [ + "▁Redux", + -14.83487606048584 + ], + [ + "▁acoustically", + -14.83488655090332 + ], + [ + "▁Bothell", + -14.834941864013672 + ], + [ + "▁mineralized", + -14.83496379852295 + ], + [ + "▁Akai", + -14.83500862121582 + ], + [ + "▁Jalal", + -14.835020065307615 + ], + [ + "▁Liquidator", + -14.835040092468262 + ], + [ + "▁Mundi", + -14.835104942321776 + ], + [ + "fate", + -14.83525848388672 + ], + [ + "▁Misfit", + -14.835286140441896 + ], + [ + "▁kickstarter", + -14.835354804992676 + ], + [ + "▁Parasite", + -14.83547306060791 + ], + [ + "▁fearlessly", + -14.83551025390625 + ], + [ + "▁grandest", + -14.8355131149292 + ], + [ + "Avg", + -14.8355712890625 + ], + [ + "▁absolve", + -14.835580825805664 + ], + [ + "Kol", + -14.835631370544434 + ], + [ + "▁SBT", + -14.835676193237305 + ], + [ + "Skate", + -14.835689544677734 + ], + [ + "▁HSV", + -14.835803985595703 + ], + [ + "▁candidly", + -14.83581256866455 + ], + [ + "allocated", + -14.8358793258667 + ], + [ + "IMATE", + -14.83594799041748 + ], + [ + "temple", + -14.83595371246338 + ], + [ + "▁Rada", + -14.836000442504885 + ], + [ + "▁Sturm", + -14.8360013961792 + ], + [ + "RPM", + -14.83602809906006 + ], + [ + "▁conqueror", + -14.83611297607422 + ], + [ + "cology", + -14.836125373840332 + ], + [ + "▁Kumbh", + -14.836141586303713 + ], + [ + "▁Prawn", + -14.83621311187744 + ], + [ + "▁Ravine", + -14.836262702941896 + ], + [ + "▁chaste", + -14.836358070373535 + ], + [ + "▁Nabi", + -14.8363676071167 + ], + [ + "▁tricho", + -14.836374282836914 + ], + [ + "LSU", + -14.836393356323242 + ], + [ + "Instruction", + -14.836441040039062 + ], + [ + "RCE", + -14.836466789245604 + ], + [ + "▁Converted", + -14.836514472961426 + ], + [ + "▁22-24", + -14.83653736114502 + ], + [ + "▁Utter", + -14.836602210998535 + ], + [ + "▁Rashi", + -14.836605072021484 + ], + [ + "faster", + -14.836678504943848 + ], + [ + "▁Arenal", + -14.83669376373291 + ], + [ + "▁Sacha", + -14.83670711517334 + ], + [ + "▁Rakhi", + -14.83675479888916 + ], + [ + "▁Nagel", + -14.836795806884766 + ], + [ + "zhu", + -14.836797714233398 + ], + [ + "▁Corpse", + -14.83713436126709 + ], + [ + "▁Marni", + -14.837150573730469 + ], + [ + "▁Miso", + -14.837154388427734 + ], + [ + "dzie", + -14.837252616882324 + ], + [ + "▁unitary", + -14.837255477905272 + ], + [ + "▁Bucky", + -14.83729076385498 + ], + [ + "▁grist", + -14.837319374084473 + ], + [ + "▁skydive", + -14.837376594543455 + ], + [ + ".10.201", + -14.837421417236328 + ], + [ + "Strain", + -14.837467193603516 + ], + [ + "▁puffing", + -14.837589263916016 + ], + [ + "▁painterly", + -14.837591171264648 + ], + [ + "7.2%", + -14.837646484375 + ], + [ + "▁Trott", + -14.837654113769531 + ], + [ + "Referenced", + -14.83772087097168 + ], + [ + "oerner", + -14.837818145751951 + ], + [ + "▁Brighten", + -14.837924003601074 + ], + [ + "▁Thak", + -14.837925910949709 + ], + [ + "Fundamental", + -14.83792781829834 + ], + [ + "psu", + -14.837946891784668 + ], + [ + "▁marveled", + -14.837955474853516 + ], + [ + "▁geode", + -14.838010787963867 + ], + [ + "82%", + -14.83802604675293 + ], + [ + "gali", + -14.838095664978027 + ], + [ + "▁Hine", + -14.838114738464355 + ], + [ + "▁COX", + -14.838138580322266 + ], + [ + "fica", + -14.838160514831545 + ], + [ + "Undoubtedly", + -14.838220596313477 + ], + [ + "Notwithstanding", + -14.83823013305664 + ], + [ + "franchise", + -14.838245391845703 + ], + [ + "corrosive", + -14.838253021240234 + ], + [ + "Acupuncture", + -14.838260650634766 + ], + [ + "Penguin", + -14.838260650634766 + ], + [ + "Reliance", + -14.838260650634766 + ], + [ + "Garnish", + -14.838263511657717 + ], + [ + "Decorative", + -14.838269233703612 + ], + [ + "Advent", + -14.838275909423828 + ], + [ + "autonomous", + -14.838275909423828 + ], + [ + "Hockey", + -14.838276863098145 + ], + [ + "Hindu", + -14.838285446166992 + ], + [ + "Agenda", + -14.83829402923584 + ], + [ + "percussion", + -14.838296890258787 + ], + [ + "Concord", + -14.838326454162598 + ], + [ + "Copies", + -14.83839225769043 + ], + [ + "▁seri", + -14.83841323852539 + ], + [ + "▁Lair", + -14.838422775268556 + ], + [ + "Quartz", + -14.8384428024292 + ], + [ + "Rough", + -14.838457107543944 + ], + [ + "Nigel", + -14.83847713470459 + ], + [ + "▁Kaf", + -14.838571548461914 + ], + [ + "Tampa", + -14.838643074035645 + ], + [ + "merce", + -14.838656425476074 + ], + [ + "Narrow", + -14.83869457244873 + ], + [ + "Dialog", + -14.838695526123049 + ], + [ + "Observe", + -14.83877182006836 + ], + [ + "bigger", + -14.838772773742676 + ], + [ + "droid", + -14.838784217834473 + ], + [ + "▁Heap", + -14.83881664276123 + ], + [ + "9-19", + -14.838828086853027 + ], + [ + "▁Orland", + -14.838865280151367 + ], + [ + "▁Landis", + -14.838873863220217 + ], + [ + "Scheme", + -14.838895797729492 + ], + [ + "▁Kele", + -14.838907241821287 + ], + [ + "▁???????????", + -14.838913917541504 + ], + [ + "developmental", + -14.838964462280272 + ], + [ + "hewn", + -14.839008331298828 + ], + [ + "notably", + -14.839078903198242 + ], + [ + "7:40", + -14.839168548583984 + ], + [ + "▁UCD", + -14.839177131652832 + ], + [ + "▁pigtail", + -14.83927059173584 + ], + [ + "HIGH", + -14.839284896850586 + ], + [ + "Roc", + -14.83932399749756 + ], + [ + "▁CRAZY", + -14.839363098144531 + ], + [ + "Scarlet", + -14.839388847351074 + ], + [ + "lieb", + -14.839427947998049 + ], + [ + "Expanding", + -14.839463233947754 + ], + [ + "▁Kishore", + -14.83946418762207 + ], + [ + "Payday", + -14.839517593383787 + ], + [ + "Nominate", + -14.83956813812256 + ], + [ + "clearly", + -14.839632034301758 + ], + [ + "ostat", + -14.839695930480955 + ], + [ + "continued", + -14.839803695678713 + ], + [ + "havan", + -14.83985424041748 + ], + [ + "NCF", + -14.83987808227539 + ], + [ + "finishing", + -14.83992862701416 + ], + [ + "Commander", + -14.839998245239258 + ], + [ + "▁mettle", + -14.840030670166016 + ], + [ + "Vince", + -14.840096473693848 + ], + [ + "▁Dien", + -14.840134620666504 + ], + [ + "▁Georgi", + -14.840229988098145 + ], + [ + "cancerous", + -14.840258598327637 + ], + [ + ".3%)", + -14.8405179977417 + ], + [ + "▁tamari", + -14.840532302856444 + ], + [ + "▁ALTER", + -14.840754508972168 + ], + [ + "3,100", + -14.840803146362305 + ], + [ + "networking", + -14.84080696105957 + ], + [ + "▁Caldera", + -14.84085178375244 + ], + [ + "igra", + -14.840859413146973 + ], + [ + "▁Baruch", + -14.84090805053711 + ], + [ + "Teeth", + -14.840975761413574 + ], + [ + "KAY", + -14.841050148010254 + ], + [ + "▁vivi", + -14.841070175170898 + ], + [ + "▁Holdem", + -14.841115951538086 + ], + [ + "▁26.2", + -14.841212272644045 + ], + [ + "▁Viber", + -14.841219902038574 + ], + [ + "▁bargained", + -14.84128761291504 + ], + [ + "▁factsheet", + -14.841341972351074 + ], + [ + "Cuba", + -14.841477394104004 + ], + [ + "▁$82", + -14.8414888381958 + ], + [ + "▁metabolite", + -14.8414888381958 + ], + [ + "SSR", + -14.841514587402344 + ], + [ + "fragment", + -14.841538429260254 + ], + [ + "dramatic", + -14.841550827026367 + ], + [ + "Trusted", + -14.841560363769531 + ], + [ + "▁Glider", + -14.841889381408691 + ], + [ + "NOM", + -14.841962814331056 + ], + [ + "rauch", + -14.842022895812988 + ], + [ + "▁Lieu", + -14.842022895812988 + ], + [ + "▁Cust", + -14.842041969299316 + ], + [ + "VHS", + -14.84206485748291 + ], + [ + "▁Schulman", + -14.84212589263916 + ], + [ + "hedra", + -14.842203140258787 + ], + [ + "potter", + -14.842292785644531 + ], + [ + "HIMA", + -14.842302322387695 + ], + [ + "▁14:3", + -14.842308044433594 + ], + [ + "indiana", + -14.842345237731934 + ], + [ + "Pea", + -14.842450141906738 + ], + [ + "▁Meath", + -14.842494010925291 + ], + [ + "▁LTL", + -14.842514991760254 + ], + [ + "▁13.8", + -14.84251880645752 + ], + [ + "FTC", + -14.842528343200684 + ], + [ + "▁Skan", + -14.842578887939451 + ], + [ + "5,500", + -14.8426513671875 + ], + [ + ".11.201", + -14.842662811279297 + ], + [ + "loqui", + -14.842679023742676 + ], + [ + "▁Yag", + -14.842785835266112 + ], + [ + "▁kindest", + -14.842796325683594 + ], + [ + "▁quadri", + -14.842880249023438 + ], + [ + "Camel", + -14.842888832092283 + ], + [ + "Quinn", + -14.842926025390623 + ], + [ + "Filled", + -14.842981338500977 + ], + [ + "▁noose", + -14.84300708770752 + ], + [ + "dear", + -14.843101501464844 + ], + [ + "▁Farsi", + -14.843154907226562 + ], + [ + "▁Consume", + -14.843175888061523 + ], + [ + "▁ganz", + -14.8431978225708 + ], + [ + "hhhhhh", + -14.843233108520508 + ], + [ + "▁Bilbo", + -14.843267440795898 + ], + [ + "▁vacu", + -14.843279838562012 + ], + [ + "▁Obvious", + -14.843294143676758 + ], + [ + "▁CAIR", + -14.84329605102539 + ], + [ + "▁12:45", + -14.843305587768556 + ], + [ + "▁Pittsburg", + -14.84335994720459 + ], + [ + "CAUTION", + -14.84352684020996 + ], + [ + "Disciplinary", + -14.84352684020996 + ], + [ + "Roethlisberger", + -14.84352684020996 + ], + [ + "▁CENTRAL", + -14.84352684020996 + ], + [ + "▁Carvalho", + -14.84352684020996 + ], + [ + "▁Courtenay", + -14.84352684020996 + ], + [ + "▁Endeavor", + -14.84352684020996 + ], + [ + "▁Escherichia", + -14.84352684020996 + ], + [ + "▁GlaxoSmithKline", + -14.84352684020996 + ], + [ + "▁Hartlepool", + -14.84352684020996 + ], + [ + "▁Lubricant", + -14.84352684020996 + ], + [ + "▁McGuinness", + -14.84352684020996 + ], + [ + "▁Medellin", + -14.84352684020996 + ], + [ + "▁Mifflin", + -14.84352684020996 + ], + [ + "▁Nainital", + -14.84352684020996 + ], + [ + "▁Oedipus", + -14.84352684020996 + ], + [ + "▁Patiala", + -14.84352684020996 + ], + [ + "▁Vermilion", + -14.84352684020996 + ], + [ + "▁WYSIWYG", + -14.84352684020996 + ], + [ + "▁anthocyanin", + -14.84352684020996 + ], + [ + "▁chrysler", + -14.84352684020996 + ], + [ + "▁euphemism", + -14.84352684020996 + ], + [ + "▁hestitate", + -14.84352684020996 + ], + [ + "▁hilarity", + -14.84352684020996 + ], + [ + "▁homonymous", + -14.84352684020996 + ], + [ + "▁hysterectomy", + -14.84352684020996 + ], + [ + "▁justifiably", + -14.84352684020996 + ], + [ + "▁nosebleed", + -14.84352684020996 + ], + [ + "▁paracetamol", + -14.84352684020996 + ], + [ + "▁reproducibility", + -14.84352684020996 + ], + [ + "▁unfavourable", + -14.84352684020996 + ], + [ + "▁unhinged", + -14.84352684020996 + ], + [ + "▁venetian", + -14.84352684020996 + ], + [ + "floxacin", + -14.843527793884276 + ], + [ + "▁aplomb", + -14.843527793884276 + ], + [ + "▁unfailing", + -14.843527793884276 + ], + [ + "▁Emergencies", + -14.843528747558594 + ], + [ + "▁Rakuten", + -14.843528747558594 + ], + [ + "▁RePEc", + -14.843528747558594 + ], + [ + "▁SERIOUS", + -14.843528747558594 + ], + [ + "▁evading", + -14.843528747558594 + ], + [ + "▁epidermal", + -14.84352970123291 + ], + [ + "▁plexiglass", + -14.84352970123291 + ], + [ + "▁Bldg", + -14.843530654907228 + ], + [ + "▁impostor", + -14.843530654907228 + ], + [ + "▁Zidane", + -14.843531608581545 + ], + [ + "▁vitriol", + -14.843531608581545 + ], + [ + "▁Combinator", + -14.84353256225586 + ], + [ + "▁MANILA", + -14.843534469604492 + ], + [ + "▁Nakamoto", + -14.843534469604492 + ], + [ + "▁Cymbal", + -14.843536376953123 + ], + [ + "▁babbling", + -14.84353733062744 + ], + [ + "▁gleefully", + -14.843538284301758 + ], + [ + "▁Gdansk", + -14.843539237976074 + ], + [ + "▁boomerang", + -14.843539237976074 + ], + [ + "▁OUTSIDE", + -14.84354019165039 + ], + [ + "▁Navarre", + -14.843544006347656 + ], + [ + "▁macaque", + -14.843544960021973 + ], + [ + "▁Gilliam", + -14.843545913696287 + ], + [ + "hili", + -14.843547821044922 + ], + [ + "▁TOTALLY", + -14.843551635742188 + ], + [ + "rburgring", + -14.843552589416504 + ], + [ + "▁Brantford", + -14.84355354309082 + ], + [ + "▁Dianabol", + -14.843554496765137 + ], + [ + "▁Steffen", + -14.84355640411377 + ], + [ + "▁transcendence", + -14.843558311462402 + ], + [ + "▁Pollack", + -14.84356689453125 + ], + [ + "▁microarray", + -14.843570709228516 + ], + [ + "▁FileMaker", + -14.843579292297363 + ], + [ + "▁Olsson", + -14.84358024597168 + ], + [ + "▁dazed", + -14.843583106994627 + ], + [ + "▁raindrops", + -14.843602180480955 + ], + [ + "▁Yammer", + -14.843605995178224 + ], + [ + "▁rescheduling", + -14.84360694885254 + ], + [ + "▁Kasich", + -14.843620300292969 + ], + [ + "▁reenact", + -14.843623161315918 + ], + [ + "▁Hobson", + -14.84362506866455 + ], + [ + "▁Tenancy", + -14.843631744384766 + ], + [ + "▁deterring", + -14.843634605407717 + ], + [ + "▁Fredrick", + -14.843646049499512 + ], + [ + "▁Weakness", + -14.843647956848145 + ], + [ + "▁immortalized", + -14.843647956848145 + ], + [ + "▁wagging", + -14.843667030334473 + ], + [ + "▁Olney", + -14.843676567077637 + ], + [ + "▁(203)", + -14.843683242797852 + ], + [ + "▁Morality", + -14.84369945526123 + ], + [ + "▁Nouvel", + -14.843704223632812 + ], + [ + "▁LEAST", + -14.843706130981444 + ], + [ + "▁Artesia", + -14.843713760375977 + ], + [ + "▁Dispers", + -14.843716621398926 + ], + [ + "▁Ensign", + -14.84372615814209 + ], + [ + "▁Sunbeam", + -14.843729972839355 + ], + [ + "▁Novelty", + -14.84373378753662 + ], + [ + "▁Canonical", + -14.843756675720217 + ], + [ + "▁Susannah", + -14.843757629394531 + ], + [ + "▁Deception", + -14.84376049041748 + ], + [ + "▁Fetal", + -14.84377098083496 + ], + [ + "▁populating", + -14.843789100646973 + ], + [ + "SPEAK", + -14.843799591064451 + ], + [ + "ahab", + -14.843804359436035 + ], + [ + "▁2008-09", + -14.84382438659668 + ], + [ + "▁suppleness", + -14.84385871887207 + ], + [ + "▁Touchscreen", + -14.843873023986816 + ], + [ + "Validate", + -14.843884468078612 + ], + [ + "▁Koto", + -14.843896865844728 + ], + [ + "▁lapped", + -14.843896865844728 + ], + [ + "▁EFS", + -14.843939781188965 + ], + [ + "▁Roundabout", + -14.843954086303713 + ], + [ + "▁annals", + -14.84395694732666 + ], + [ + "▁sidetracked", + -14.843961715698242 + ], + [ + "zimmer", + -14.84399127960205 + ], + [ + "▁reattach", + -14.84402561187744 + ], + [ + "▁portico", + -14.844037055969238 + ], + [ + "▁Maryam", + -14.844042778015137 + ], + [ + "▁ascetic", + -14.844046592712402 + ], + [ + "▁Horned", + -14.844061851501465 + ], + [ + "▁GABA", + -14.84408950805664 + ], + [ + "▁pluralism", + -14.844121932983398 + ], + [ + "▁Robber", + -14.844138145446776 + ], + [ + "▁polemic", + -14.844186782836914 + ], + [ + "▁rustling", + -14.844244003295898 + ], + [ + "cuase", + -14.84429931640625 + ], + [ + "tzky", + -14.844311714172363 + ], + [ + "▁eyeglass", + -14.84434986114502 + ], + [ + "▁officiated", + -14.84434986114502 + ], + [ + "▁Moulding", + -14.844467163085938 + ], + [ + "▁roleplaying", + -14.844504356384276 + ], + [ + "▁Posey", + -14.844517707824709 + ], + [ + "▁Acharya", + -14.844521522521973 + ], + [ + "▁Faulk", + -14.844541549682615 + ], + [ + "▁garnishment", + -14.844542503356934 + ], + [ + "▁Relational", + -14.844547271728516 + ], + [ + "▁iPlayer", + -14.844562530517578 + ], + [ + "Implemented", + -14.844573974609377 + ], + [ + "YSL", + -14.844594955444336 + ], + [ + "▁inversely", + -14.844597816467283 + ], + [ + "▁Klux", + -14.844653129577637 + ], + [ + "Outer", + -14.844686508178713 + ], + [ + "▁PTE", + -14.844751358032228 + ], + [ + "Spook", + -14.844761848449709 + ], + [ + "▁Ligue", + -14.844781875610352 + ], + [ + "eril", + -14.844870567321776 + ], + [ + "▁Gerd", + -14.84489631652832 + ], + [ + "▁Carlow", + -14.844971656799316 + ], + [ + "▁OFFERS", + -14.84498119354248 + ], + [ + "▁Airsoft", + -14.844983100891112 + ], + [ + "▁taproom", + -14.845011711120604 + ], + [ + "Reporter", + -14.84504508972168 + ], + [ + "▁Emmaus", + -14.845050811767578 + ], + [ + "Wax", + -14.845060348510742 + ], + [ + "▁Amari", + -14.845080375671388 + ], + [ + "▁simile", + -14.845133781433104 + ], + [ + "▁kitted", + -14.8451509475708 + ], + [ + "WSL", + -14.845172882080078 + ], + [ + "▁FSI", + -14.84521484375 + ], + [ + "▁decanter", + -14.845443725585938 + ], + [ + "▁Hopewell", + -14.845446586608888 + ], + [ + "Dyna", + -14.84546947479248 + ], + [ + "▁Joburg", + -14.84547233581543 + ], + [ + "▁Bilal", + -14.845523834228516 + ], + [ + "Condo", + -14.845738410949709 + ], + [ + "▁Wack", + -14.845808029174805 + ], + [ + "highland", + -14.845867156982422 + ], + [ + "▁successively", + -14.845871925354004 + ], + [ + "▁trippy", + -14.845884323120115 + ], + [ + "fidelity", + -14.845892906188965 + ], + [ + "NIB", + -14.845943450927734 + ], + [ + "ragging", + -14.845946311950684 + ], + [ + "comforter", + -14.845970153808594 + ], + [ + "▁Miri", + -14.846025466918944 + ], + [ + "TINA", + -14.846038818359377 + ], + [ + "Lexi", + -14.846041679382324 + ], + [ + "Invoke", + -14.846144676208496 + ], + [ + "▁110,000", + -14.846221923828123 + ], + [ + "▁CTV", + -14.846258163452148 + ], + [ + "▁nightfall", + -14.846258163452148 + ], + [ + "▁Berth", + -14.846360206604004 + ], + [ + "▁Newbie", + -14.846407890319824 + ], + [ + "desire", + -14.846437454223633 + ], + [ + "Farmer", + -14.846513748168944 + ], + [ + "missed", + -14.846539497375488 + ], + [ + "▁Schnit", + -14.846542358398438 + ], + [ + "▁legalities", + -14.846602439880373 + ], + [ + "exclude", + -14.846617698669434 + ], + [ + "PST", + -14.84666919708252 + ], + [ + "OTHER", + -14.846702575683594 + ], + [ + "TEEN", + -14.846807479858398 + ], + [ + "afia", + -14.84685230255127 + ], + [ + "▁archer", + -14.84686279296875 + ], + [ + "▁Tanzanian", + -14.846945762634276 + ], + [ + "NEF", + -14.846949577331545 + ], + [ + "▁WPP", + -14.84705638885498 + ], + [ + "▁schon", + -14.847100257873535 + ], + [ + "▁Debtor", + -14.84716510772705 + ], + [ + "▁Rancher", + -14.84717082977295 + ], + [ + "1:01", + -14.847177505493164 + ], + [ + "gye", + -14.847295761108398 + ], + [ + "MONT", + -14.84734344482422 + ], + [ + "45,000", + -14.847417831420898 + ], + [ + "▁Constantin", + -14.847477912902832 + ], + [ + "HUD", + -14.847479820251465 + ], + [ + "rlich", + -14.847522735595703 + ], + [ + "▁standardisation", + -14.847554206848145 + ], + [ + "▁Plumb", + -14.84756088256836 + ], + [ + "▁loveliest", + -14.847631454467772 + ], + [ + "PTP", + -14.847752571105955 + ], + [ + "▁FMV", + -14.84779167175293 + ], + [ + "▁LCR", + -14.84782600402832 + ], + [ + "lyceryl", + -14.847867012023926 + ], + [ + "Acoustic", + -14.847918510437012 + ], + [ + "CSF", + -14.847951889038086 + ], + [ + "viva", + -14.847959518432615 + ], + [ + "▁$700,000", + -14.847989082336426 + ], + [ + "sweetened", + -14.848015785217283 + ], + [ + "essie", + -14.8480224609375 + ], + [ + "Completing", + -14.848033905029297 + ], + [ + "Motivation", + -14.848039627075195 + ], + [ + "Approval", + -14.848063468933104 + ], + [ + "Departure", + -14.848063468933104 + ], + [ + "Cynthia", + -14.84807014465332 + ], + [ + "Kindergarten", + -14.848072052001951 + ], + [ + "celebrate", + -14.848073959350586 + ], + [ + "angshan", + -14.848079681396484 + ], + [ + "Volkswagen", + -14.848081588745115 + ], + [ + "volatile", + -14.848081588745115 + ], + [ + "Afghanistan", + -14.848084449768066 + ], + [ + "repped", + -14.84811019897461 + ], + [ + "Insulation", + -14.84812355041504 + ], + [ + "Alicia", + -14.848125457763672 + ], + [ + "▁bleu", + -14.848133087158203 + ], + [ + "abula", + -14.848161697387695 + ], + [ + "Recycling", + -14.848169326782228 + ], + [ + "discussion", + -14.848173141479492 + ], + [ + "unsubscribe", + -14.848191261291504 + ], + [ + "Bucket", + -14.848217010498049 + ], + [ + "▁Numb", + -14.848234176635742 + ], + [ + "Charity", + -14.84828758239746 + ], + [ + "▁11/1", + -14.848288536071776 + ], + [ + "▁disarming", + -14.848407745361328 + ], + [ + "Soldier", + -14.848424911499023 + ], + [ + "Banner", + -14.848444938659668 + ], + [ + "▁computerised", + -14.84847640991211 + ], + [ + "▁08:0", + -14.848583221435549 + ], + [ + "▁Blah", + -14.84861660003662 + ], + [ + "▁Adri", + -14.848627090454102 + ], + [ + "▁Authorize", + -14.848628044128418 + ], + [ + "manchester", + -14.848718643188477 + ], + [ + "▁helplessly", + -14.848767280578612 + ], + [ + "certify", + -14.848848342895508 + ], + [ + "potentially", + -14.84886360168457 + ], + [ + "truly", + -14.84888744354248 + ], + [ + "Introduced", + -14.848910331726074 + ], + [ + "▁04:0", + -14.848956108093262 + ], + [ + "Accepted", + -14.84924030303955 + ], + [ + "▁bluesy", + -14.849262237548828 + ], + [ + "▁Answered", + -14.849272727966309 + ], + [ + "YAN", + -14.849273681640623 + ], + [ + "Jared", + -14.84927749633789 + ], + [ + "▁01:4", + -14.849281311035156 + ], + [ + "Nerd", + -14.849323272705078 + ], + [ + "▁Guitarist", + -14.849384307861328 + ], + [ + "▁14:4", + -14.849457740783691 + ], + [ + "paired", + -14.849576950073242 + ], + [ + "ARPA", + -14.849627494812012 + ], + [ + "cursion", + -14.84964656829834 + ], + [ + "RINA", + -14.84974193572998 + ], + [ + "▁Dismiss", + -14.84984016418457 + ], + [ + "Resolved", + -14.849990844726562 + ], + [ + "Transit", + -14.850083351135254 + ], + [ + "▁Errol", + -14.850176811218262 + ], + [ + "▁SPM", + -14.850191116333008 + ], + [ + "gura", + -14.85019874572754 + ], + [ + "CMG", + -14.850210189819336 + ], + [ + "▁masher", + -14.850220680236816 + ], + [ + "▁COMPL", + -14.850241661071776 + ], + [ + "▁Kipp", + -14.85025405883789 + ], + [ + "▁Thoughtful", + -14.850275993347168 + ], + [ + "▁Usman", + -14.850295066833496 + ], + [ + "asque", + -14.850337028503418 + ], + [ + "▁mantis", + -14.850360870361328 + ], + [ + "aww", + -14.850408554077148 + ], + [ + "▁Egger", + -14.85048007965088 + ], + [ + "▁Bandai", + -14.850626945495604 + ], + [ + "▁Forging", + -14.85065460205078 + ], + [ + "▁Relation", + -14.85071849822998 + ], + [ + "▁cognitively", + -14.850719451904297 + ], + [ + "mimetic", + -14.850722312927246 + ], + [ + "Detach", + -14.850781440734863 + ], + [ + "Latino", + -14.850839614868164 + ], + [ + "▁Nutritionist", + -14.85094165802002 + ], + [ + "▁Rayne", + -14.851000785827637 + ], + [ + ".#200", + -14.851386070251465 + ], + [ + "▁Dho", + -14.851388931274414 + ], + [ + "Jab", + -14.851404190063477 + ], + [ + "Alarm", + -14.851497650146484 + ], + [ + "BOUR", + -14.851656913757324 + ], + [ + "▁PBA", + -14.85167407989502 + ], + [ + "▁Contempor", + -14.851675987243652 + ], + [ + "▁Bowler", + -14.851707458496094 + ], + [ + "▁Choke", + -14.851722717285156 + ], + [ + "▁Aryan", + -14.851730346679688 + ], + [ + "Mob", + -14.8517427444458 + ], + [ + "Gimme", + -14.851744651794434 + ], + [ + "PEM", + -14.851800918579102 + ], + [ + "▁redeploy", + -14.851832389831545 + ], + [ + "▁Nando", + -14.851900100708008 + ], + [ + "7-10", + -14.852005004882812 + ], + [ + "▁niet", + -14.85204029083252 + ], + [ + "▁1806", + -14.85204792022705 + ], + [ + "ера", + -14.852078437805176 + ], + [ + "11:30", + -14.852147102355955 + ], + [ + "▁617-", + -14.85232162475586 + ], + [ + "1938", + -14.852334976196287 + ], + [ + "▁11.7", + -14.852352142333984 + ], + [ + "antine", + -14.85238552093506 + ], + [ + "▁Concours", + -14.852432250976562 + ], + [ + "winding", + -14.85246753692627 + ], + [ + "▁Notts", + -14.852476119995115 + ], + [ + "9:50", + -14.85250759124756 + ], + [ + "▁enumerate", + -14.852542877197266 + ], + [ + "-3-1", + -14.852566719055176 + ], + [ + "conte", + -14.852614402770996 + ], + [ + "ltr", + -14.852723121643066 + ], + [ + "▁Ronde", + -14.85283660888672 + ], + [ + "0500", + -14.852842330932615 + ], + [ + "MCO", + -14.852879524230955 + ], + [ + "▁constru", + -14.852912902832031 + ], + [ + "IZATION", + -14.852933883666992 + ], + [ + "cipher", + -14.85293960571289 + ], + [ + "▁breech", + -14.85301685333252 + ], + [ + "DEAR", + -14.85302448272705 + ], + [ + "▁Usual", + -14.853078842163086 + ], + [ + "▁naturopath", + -14.85309600830078 + ], + [ + "▁Seco", + -14.853096961975098 + ], + [ + "Roubaix", + -14.853141784667969 + ], + [ + "masquerading", + -14.853141784667969 + ], + [ + "▁888-666-1846", + -14.853141784667969 + ], + [ + "▁888-739-5110", + -14.853141784667969 + ], + [ + "▁Abundance", + -14.853141784667969 + ], + [ + "▁Cappadocia", + -14.853141784667969 + ], + [ + "▁Fawcett", + -14.853141784667969 + ], + [ + "▁Grenadine", + -14.853141784667969 + ], + [ + "▁Hampden", + -14.853141784667969 + ], + [ + "▁Hoddesdon", + -14.853141784667969 + ], + [ + "▁Humphries", + -14.853141784667969 + ], + [ + "▁Jacquard", + -14.853141784667969 + ], + [ + "▁Merchandising", + -14.853141784667969 + ], + [ + "▁Monsieur", + -14.853141784667969 + ], + [ + "▁Nunavut", + -14.853141784667969 + ], + [ + "▁Pedagogy", + -14.853141784667969 + ], + [ + "▁Pochettino", + -14.853141784667969 + ], + [ + "▁Spokesperson", + -14.853141784667969 + ], + [ + "▁enlarging", + -14.853141784667969 + ], + [ + "▁grooving", + -14.853141784667969 + ], + [ + "▁infatuation", + -14.853141784667969 + ], + [ + "▁pathophysiology", + -14.853141784667969 + ], + [ + "▁polyunsaturated", + -14.853141784667969 + ], + [ + "▁somersault", + -14.853141784667969 + ], + [ + "▁торрент", + -14.853141784667969 + ], + [ + "▁ANNUAL", + -14.853142738342283 + ], + [ + "▁Alcantara", + -14.853142738342283 + ], + [ + "▁Asterisk", + -14.853142738342283 + ], + [ + "▁Gondola", + -14.853142738342283 + ], + [ + "▁Lowndes", + -14.853142738342283 + ], + [ + "▁Mufti", + -14.853142738342283 + ], + [ + "▁Referendum", + -14.853142738342283 + ], + [ + "▁Rumsfeld", + -14.853142738342283 + ], + [ + "▁hypoglycemia", + -14.853142738342283 + ], + [ + "▁melodious", + -14.853142738342283 + ], + [ + "▁purplish", + -14.853142738342283 + ], + [ + "▁repulsive", + -14.853142738342283 + ], + [ + "▁ungrateful", + -14.853142738342283 + ], + [ + "Laszlo", + -14.853143692016602 + ], + [ + "▁Discipleship", + -14.853143692016602 + ], + [ + "▁Ibanez", + -14.853143692016602 + ], + [ + "▁Oliphant", + -14.853143692016602 + ], + [ + "▁adenosine", + -14.853143692016602 + ], + [ + "▁lactate", + -14.853143692016602 + ], + [ + "LENGTH", + -14.853144645690918 + ], + [ + "▁Coltrane", + -14.853145599365234 + ], + [ + "▁Hertford", + -14.853145599365234 + ], + [ + "▁Paribas", + -14.853145599365234 + ], + [ + "▁extort", + -14.85314655303955 + ], + [ + "▁Weebly", + -14.853148460388184 + ], + [ + "▁velour", + -14.853148460388184 + ], + [ + "sixth", + -14.8531494140625 + ], + [ + "▁Bromwich", + -14.8531494140625 + ], + [ + "▁Lonsdale", + -14.8531494140625 + ], + [ + "▁Venerable", + -14.853150367736816 + ], + [ + "▁immunological", + -14.853150367736816 + ], + [ + "▁Estrella", + -14.853151321411133 + ], + [ + "▁Telemundo", + -14.853151321411133 + ], + [ + "▁SUBMIT", + -14.85315227508545 + ], + [ + "▁Klamath", + -14.853153228759766 + ], + [ + "▁Cayuga", + -14.853154182434082 + ], + [ + "▁Derived", + -14.853154182434082 + ], + [ + "▁Elantra", + -14.853154182434082 + ], + [ + "▁Wakanda", + -14.853155136108398 + ], + [ + "▁piazza", + -14.853156089782717 + ], + [ + "▁Palatine", + -14.853157043457031 + ], + [ + "▁gullible", + -14.853157997131348 + ], + [ + "▁Autobiography", + -14.853161811828612 + ], + [ + "▁Pulsar", + -14.853163719177246 + ], + [ + "▁Stabilization", + -14.853168487548828 + ], + [ + "▁Interlocking", + -14.853169441223145 + ], + [ + "▁ROYAL", + -14.853172302246094 + ], + [ + "Cryptocurrencies", + -14.853175163269045 + ], + [ + "▁excision", + -14.853179931640623 + ], + [ + "▁Valletta", + -14.853181838989258 + ], + [ + "▁zebrafish", + -14.85318660736084 + ], + [ + "▁titration", + -14.853189468383787 + ], + [ + "▁concurred", + -14.853192329406738 + ], + [ + "▁Ulcer", + -14.853196144104004 + ], + [ + "▁monorail", + -14.85319709777832 + ], + [ + "▁spellbinding", + -14.85319709777832 + ], + [ + "▁Tillerson", + -14.853205680847168 + ], + [ + "▁Evangelism", + -14.8532075881958 + ], + [ + "▁WWDC", + -14.853226661682127 + ], + [ + "▁Nueva", + -14.853241920471191 + ], + [ + "▁Erlang", + -14.853253364562988 + ], + [ + "▁Schreiber", + -14.853263854980469 + ], + [ + "▁Balaji", + -14.853269577026367 + ], + [ + "▁Schofield", + -14.853277206420898 + ], + [ + "hauser", + -14.853283882141112 + ], + [ + "▁Bartender", + -14.85329818725586 + ], + [ + "▁Vesper", + -14.853309631347656 + ], + [ + "▁ashram", + -14.853314399719238 + ], + [ + "▁2011-2012", + -14.853320121765137 + ], + [ + "▁proctor", + -14.853323936462402 + ], + [ + "▁Rhinestone", + -14.853337287902832 + ], + [ + "▁Restless", + -14.85335922241211 + ], + [ + "▁Fairchild", + -14.853364944458008 + ], + [ + "▁rephrase", + -14.85341739654541 + ], + [ + "▁Tulsi", + -14.853423118591309 + ], + [ + "▁Duh", + -14.853428840637209 + ], + [ + "▁Picturesque", + -14.853450775146484 + ], + [ + "▁knotty", + -14.85345458984375 + ], + [ + "▁muttering", + -14.853501319885254 + ], + [ + "▁FACTS", + -14.853538513183594 + ], + [ + "▁trickery", + -14.85353946685791 + ], + [ + "▁piecemeal", + -14.853581428527832 + ], + [ + "▁crystallized", + -14.853620529174805 + ], + [ + "▁Deepwater", + -14.853633880615234 + ], + [ + "ranga", + -14.853635787963867 + ], + [ + "▁WIPO", + -14.853668212890623 + ], + [ + "▁coerced", + -14.85367488861084 + ], + [ + "▁Annika", + -14.85368824005127 + ], + [ + "▁algal", + -14.8537015914917 + ], + [ + "▁NDIS", + -14.853711128234863 + ], + [ + "▁zipcode", + -14.853721618652344 + ], + [ + "▁GIMP", + -14.853723526000977 + ], + [ + "▁Maddy", + -14.853754043579102 + ], + [ + "▁throwaway", + -14.853821754455566 + ], + [ + "▁Xander", + -14.853839874267578 + ], + [ + "▁DRAW", + -14.853894233703612 + ], + [ + "▁NuGet", + -14.853910446166992 + ], + [ + "▁2:2", + -14.85393524169922 + ], + [ + "▁Horus", + -14.853997230529783 + ], + [ + "▁twirling", + -14.854007720947266 + ], + [ + "▁postmarked", + -14.854063987731934 + ], + [ + "▁monotone", + -14.854068756103516 + ], + [ + "▁delineated", + -14.854135513305664 + ], + [ + "▁midsection", + -14.854144096374512 + ], + [ + "▁vaso", + -14.854215621948242 + ], + [ + "▁Rockport", + -14.854236602783203 + ], + [ + "graff", + -14.85435390472412 + ], + [ + "▁Graceland", + -14.85440731048584 + ], + [ + "HARRIS", + -14.854451179504396 + ], + [ + "calf", + -14.854461669921877 + ], + [ + "▁chiseled", + -14.854498863220217 + ], + [ + "▁Legionella", + -14.85453987121582 + ], + [ + "▁BRAKE", + -14.854568481445312 + ], + [ + "▁stillbirth", + -14.854597091674805 + ], + [ + "▁SOLO", + -14.854618072509766 + ], + [ + "▁Lingo", + -14.85463523864746 + ], + [ + "▁mindlessly", + -14.854657173156738 + ], + [ + "atou", + -14.854698181152344 + ], + [ + "▁mourned", + -14.854734420776367 + ], + [ + "▁Dogwood", + -14.854798316955566 + ], + [ + "▁Receptionist", + -14.854832649230955 + ], + [ + "▁limped", + -14.854840278625488 + ], + [ + "▁Armored", + -14.854963302612305 + ], + [ + "2:22", + -14.85505199432373 + ], + [ + "Neat", + -14.855060577392578 + ], + [ + "▁harshness", + -14.855096817016602 + ], + [ + "2–3", + -14.85509967803955 + ], + [ + "Santo", + -14.855215072631836 + ], + [ + "▁Hiram", + -14.855222702026367 + ], + [ + "Burke", + -14.855223655700684 + ], + [ + "▁heiress", + -14.855236053466797 + ], + [ + "▁Bluewater", + -14.85527229309082 + ], + [ + "▁fumbled", + -14.855273246765137 + ], + [ + "▁correlat", + -14.855298042297363 + ], + [ + "▁technicalities", + -14.855299949645996 + ], + [ + "▁Staining", + -14.855412483215332 + ], + [ + "▁pagina", + -14.855459213256836 + ], + [ + "▁MyBB", + -14.855618476867676 + ], + [ + "▁singularly", + -14.85565185546875 + ], + [ + "▁figur", + -14.85568618774414 + ], + [ + "▁Kunda", + -14.85569190979004 + ], + [ + "▁Joon", + -14.855762481689451 + ], + [ + "▁breadboard", + -14.855762481689451 + ], + [ + "▁TCL", + -14.855836868286133 + ], + [ + "Telling", + -14.855899810791016 + ], + [ + "HSE", + -14.855979919433594 + ], + [ + "▁Padua", + -14.856009483337402 + ], + [ + "▁Maude", + -14.856051445007324 + ], + [ + "petition", + -14.85623550415039 + ], + [ + "▁Vara", + -14.856245040893556 + ], + [ + "9.2%", + -14.856271743774414 + ], + [ + "Mick", + -14.856374740600586 + ], + [ + "▁downplayed", + -14.856378555297852 + ], + [ + "▁overfishing", + -14.856428146362305 + ], + [ + "▁thundering", + -14.856536865234377 + ], + [ + "▁Hollie", + -14.856640815734863 + ], + [ + "▁UHS", + -14.856664657592772 + ], + [ + "xiang", + -14.856746673583984 + ], + [ + "Hebrew", + -14.856797218322754 + ], + [ + "▁resistive", + -14.856870651245115 + ], + [ + "▁Haida", + -14.856952667236328 + ], + [ + "NDR", + -14.856993675231934 + ], + [ + "▁Boland", + -14.85707664489746 + ], + [ + "▁Keg", + -14.857083320617676 + ], + [ + "98%", + -14.857091903686523 + ], + [ + "pica", + -14.857247352600098 + ], + [ + "▁underfunded", + -14.857275009155272 + ], + [ + "▁Elmore", + -14.85735321044922 + ], + [ + "aucus", + -14.857383728027344 + ], + [ + "▁Suv", + -14.857447624206545 + ], + [ + "▁Simba", + -14.857451438903809 + ], + [ + "GSM", + -14.857452392578123 + ], + [ + "OCH", + -14.857481956481934 + ], + [ + "ABAD", + -14.857497215270996 + ], + [ + "▁Bred", + -14.857599258422852 + ], + [ + "Thirteen", + -14.857644081115724 + ], + [ + "▁headteacher", + -14.857718467712402 + ], + [ + "stretched", + -14.857749938964844 + ], + [ + "communist", + -14.857832908630373 + ], + [ + "DOWN", + -14.857898712158203 + ], + [ + "▁McCr", + -14.857905387878418 + ], + [ + "Complaint", + -14.857927322387695 + ], + [ + "▁$87", + -14.857939720153809 + ], + [ + "defunct", + -14.857940673828123 + ], + [ + "Responsive", + -14.857954978942873 + ], + [ + "Engaging", + -14.857958793640137 + ], + [ + "Aerial", + -14.857965469360352 + ], + [ + "repellent", + -14.857967376708984 + ], + [ + "physician", + -14.857972145080566 + ], + [ + "Currency", + -14.857973098754885 + ], + [ + "Efficiency", + -14.8579740524292 + ], + [ + "porcelain", + -14.857980728149414 + ], + [ + "wrought", + -14.857980728149414 + ], + [ + "Amsterdam", + -14.85798454284668 + ], + [ + "enrollment", + -14.857985496520996 + ], + [ + "recognised", + -14.857986450195312 + ], + [ + "▁touchstone", + -14.857989311218262 + ], + [ + "Idea", + -14.857990264892578 + ], + [ + "ventilated", + -14.85799503326416 + ], + [ + "Griffin", + -14.85800075531006 + ], + [ + "Idaho", + -14.858001708984377 + ], + [ + "implementation", + -14.858004570007324 + ], + [ + "Pepper", + -14.858051300048828 + ], + [ + "▁evangelistic", + -14.858074188232422 + ], + [ + "Forecast", + -14.858125686645508 + ], + [ + "cyclist", + -14.858150482177734 + ], + [ + "▁stimulator", + -14.858203887939451 + ], + [ + "▁Potion", + -14.858227729797363 + ], + [ + "Header", + -14.858316421508787 + ], + [ + "▁overcooked", + -14.858375549316406 + ], + [ + "calibrate", + -14.858379364013672 + ], + [ + "Sift", + -14.858457565307615 + ], + [ + "Synth", + -14.858492851257324 + ], + [ + "▁Erb", + -14.85862922668457 + ], + [ + "CFR", + -14.858660697937012 + ], + [ + "egner", + -14.858720779418944 + ], + [ + "▁Ulla", + -14.858739852905272 + ], + [ + "▁Paloma", + -14.85874366760254 + ], + [ + "BCL", + -14.85875129699707 + ], + [ + "16-0", + -14.8587646484375 + ], + [ + "burton", + -14.858821868896484 + ], + [ + "consulting", + -14.85891819000244 + ], + [ + "Foam", + -14.858924865722656 + ], + [ + "5-28", + -14.858945846557615 + ], + [ + "lvey", + -14.858957290649414 + ], + [ + "aigh", + -14.858959197998049 + ], + [ + "Retrieved", + -14.85898208618164 + ], + [ + "▁PWC", + -14.859047889709473 + ], + [ + "▁Whitefield", + -14.859128952026367 + ], + [ + "▁Hough", + -14.85914707183838 + ], + [ + "Raised", + -14.85926342010498 + ], + [ + "Hanging", + -14.859416007995604 + ], + [ + "▁Yung", + -14.859472274780272 + ], + [ + "▁Nationalist", + -14.859514236450195 + ], + [ + "▁Manju", + -14.85956573486328 + ], + [ + "Relating", + -14.859661102294922 + ], + [ + "chord", + -14.859695434570312 + ], + [ + "▁CHAT", + -14.859850883483888 + ], + [ + "Direction", + -14.859972953796388 + ], + [ + "ARRA", + -14.860030174255373 + ], + [ + "annu", + -14.860074996948242 + ], + [ + "Flush", + -14.860154151916504 + ], + [ + "▁MUR", + -14.860203742980955 + ], + [ + "FAP", + -14.860206604003906 + ], + [ + "1931", + -14.860269546508787 + ], + [ + "▁intercede", + -14.860398292541504 + ], + [ + "▁ACER", + -14.860601425170898 + ], + [ + "Rivi", + -14.860675811767578 + ], + [ + "▁Mose", + -14.860713958740234 + ], + [ + "▁Emme", + -14.860733032226562 + ], + [ + "circa", + -14.86091136932373 + ], + [ + "NCL", + -14.861019134521484 + ], + [ + "▁AERO", + -14.861072540283203 + ], + [ + "▁PRESIDENT", + -14.86108684539795 + ], + [ + "▁Rother", + -14.861140251159668 + ], + [ + "▁WMU", + -14.861186981201172 + ], + [ + "nivers", + -14.861248016357422 + ], + [ + "Loft", + -14.861248970031738 + ], + [ + "▁nosy", + -14.861287117004396 + ], + [ + "1:04", + -14.86148166656494 + ], + [ + "1.99", + -14.861526489257812 + ], + [ + "▁JMS", + -14.86159324645996 + ], + [ + "–30", + -14.861671447753906 + ], + [ + "▁CCL", + -14.861946105957031 + ], + [ + "▁Syriac", + -14.862100601196287 + ], + [ + "FIR", + -14.862143516540527 + ], + [ + "▁Eros", + -14.862295150756836 + ], + [ + "▁assassinate", + -14.862347602844238 + ], + [ + "Eau", + -14.862353324890137 + ], + [ + "ggan", + -14.862361907958984 + ], + [ + "▁flail", + -14.862366676330566 + ], + [ + "▁Amina", + -14.86246395111084 + ], + [ + "▁Abandon", + -14.862494468688965 + ], + [ + "beek", + -14.86252498626709 + ], + [ + "CGI", + -14.862608909606934 + ], + [ + "Ranch", + -14.86264991760254 + ], + [ + "ekh", + -14.862753868103027 + ], + [ + "ocr", + -14.862828254699709 + ], + [ + "Scaffold", + -14.862839698791504 + ], + [ + "Fenerbah", + -14.862850189208984 + ], + [ + "Astronomers", + -14.8628511428833 + ], + [ + "Brilliance", + -14.8628511428833 + ], + [ + "deprecating", + -14.8628511428833 + ], + [ + "▁Ashtanga", + -14.8628511428833 + ], + [ + "▁Brattleboro", + -14.8628511428833 + ], + [ + "▁Capistrano", + -14.8628511428833 + ], + [ + "▁Drosophila", + -14.8628511428833 + ], + [ + "▁Garibaldi", + -14.8628511428833 + ], + [ + "▁Guaranty", + -14.8628511428833 + ], + [ + "▁Kerberos", + -14.8628511428833 + ], + [ + "▁Mockingbird", + -14.8628511428833 + ], + [ + "▁OPPORTUNITY", + -14.8628511428833 + ], + [ + "▁Propaganda", + -14.8628511428833 + ], + [ + "▁Receivable", + -14.8628511428833 + ], + [ + "▁Rejuvenation", + -14.8628511428833 + ], + [ + "▁SCHEDULE", + -14.8628511428833 + ], + [ + "▁angiogenesis", + -14.8628511428833 + ], + [ + "▁benevolence", + -14.8628511428833 + ], + [ + "▁mascarpone", + -14.8628511428833 + ], + [ + "▁monetizing", + -14.8628511428833 + ], + [ + "▁narcissism", + -14.8628511428833 + ], + [ + "▁phylogenetic", + -14.8628511428833 + ], + [ + "▁premeditated", + -14.8628511428833 + ], + [ + "▁prophesied", + -14.8628511428833 + ], + [ + "▁rehabilitating", + -14.8628511428833 + ], + [ + "▁salicylic", + -14.8628511428833 + ], + [ + "▁telomere", + -14.8628511428833 + ], + [ + "▁throttling", + -14.8628511428833 + ], + [ + "▁unsalted", + -14.8628511428833 + ], + [ + "▁zeitgeist", + -14.8628511428833 + ], + [ + "Corresponding", + -14.862852096557615 + ], + [ + "▁REPRESENTATIONS", + -14.862852096557615 + ], + [ + "Glucosamine", + -14.862853050231934 + ], + [ + "Negotiate", + -14.862853050231934 + ], + [ + "▁Calendula", + -14.862853050231934 + ], + [ + "▁Pancras", + -14.862853050231934 + ], + [ + "vaunted", + -14.86285400390625 + ], + [ + "▁Messianic", + -14.86285400390625 + ], + [ + "▁Ricciardo", + -14.86285400390625 + ], + [ + "▁ligature", + -14.86285400390625 + ], + [ + "▁Glamorous", + -14.862854957580566 + ], + [ + "▁Krypton", + -14.862854957580566 + ], + [ + "▁Aptitude", + -14.8628568649292 + ], + [ + "▁Jermaine", + -14.8628568649292 + ], + [ + "▁immemorial", + -14.862857818603516 + ], + [ + "▁delirium", + -14.862858772277832 + ], + [ + "▁Tapestry", + -14.862859725952148 + ], + [ + "▁aquamarine", + -14.862862586975098 + ], + [ + "▁Corrigan", + -14.862863540649414 + ], + [ + "▁wispy", + -14.862865447998049 + ], + [ + "▁chromatin", + -14.862866401672363 + ], + [ + "▁AntiVirus", + -14.86286735534668 + ], + [ + "▁Bristow", + -14.862868309020996 + ], + [ + "▁Reportedly", + -14.862870216369627 + ], + [ + "▁holiest", + -14.862872123718262 + ], + [ + "▁buddha", + -14.862873077392578 + ], + [ + "▁imperil", + -14.862874984741213 + ], + [ + "▁hyperbolic", + -14.862876892089844 + ], + [ + "▁Meizu", + -14.862882614135742 + ], + [ + "▁Solitude", + -14.862882614135742 + ], + [ + "▁Elmhurst", + -14.86288356781006 + ], + [ + "▁Meteorology", + -14.862884521484377 + ], + [ + "▁Llewellyn", + -14.862886428833008 + ], + [ + "▁TNPSC", + -14.862886428833008 + ], + [ + "▁Naidu", + -14.862889289855955 + ], + [ + "▁Picasa", + -14.862890243530272 + ], + [ + "▁Paralegal", + -14.862896919250488 + ], + [ + "▁Konrad", + -14.862897872924805 + ], + [ + "hawaii", + -14.862900733947754 + ], + [ + "odiatric", + -14.862902641296388 + ], + [ + "▁Educated", + -14.862909317016602 + ], + [ + "▁Medtronic", + -14.862911224365234 + ], + [ + "▁Balmain", + -14.862913131713867 + ], + [ + "▁modulating", + -14.862913131713867 + ], + [ + "▁Fendi", + -14.862918853759766 + ], + [ + "▁divisible", + -14.862924575805664 + ], + [ + "▁Moulton", + -14.86292839050293 + ], + [ + "▁Mousse", + -14.862933158874512 + ], + [ + "▁Purification", + -14.862934112548828 + ], + [ + "▁camellia", + -14.862936973571776 + ], + [ + "yikes", + -14.862940788269045 + ], + [ + "▁Pesach", + -14.862944602966309 + ], + [ + "▁Eggplant", + -14.862971305847168 + ], + [ + "____", + -14.862994194030762 + ], + [ + "▁Lexicon", + -14.863027572631836 + ], + [ + "▁Missionaries", + -14.863030433654783 + ], + [ + "▁TOUCH", + -14.863037109375 + ], + [ + "▁Brentford", + -14.863041877746582 + ], + [ + "▁cartography", + -14.863048553466797 + ], + [ + "▁regalia", + -14.86305809020996 + ], + [ + "▁fretboard", + -14.863059043884276 + ], + [ + "▁Rop", + -14.86310863494873 + ], + [ + "▁muttered", + -14.863134384155272 + ], + [ + "mixing", + -14.863178253173828 + ], + [ + "▁singularity", + -14.8632173538208 + ], + [ + "nault", + -14.863243103027344 + ], + [ + "Cure", + -14.86325740814209 + ], + [ + "▁PRIDE", + -14.86326503753662 + ], + [ + ":10.11", + -14.863393783569336 + ], + [ + "▁cowgirl", + -14.86342430114746 + ], + [ + "▁CSX", + -14.863452911376951 + ], + [ + "▁Pao", + -14.863470077514648 + ], + [ + "flesh", + -14.863485336303713 + ], + [ + "▁Adaptor", + -14.86348819732666 + ], + [ + "▁Drury", + -14.863490104675291 + ], + [ + "▁pretrial", + -14.863516807556152 + ], + [ + "Cosmo", + -14.863519668579102 + ], + [ + "▁attentiveness", + -14.863526344299316 + ], + [ + "Retinol", + -14.863565444946287 + ], + [ + "▁Avanti", + -14.86361312866211 + ], + [ + "▁978-1-", + -14.863625526428224 + ], + [ + "trauma", + -14.863648414611816 + ], + [ + "▁Biafra", + -14.863649368286133 + ], + [ + "▁smallpox", + -14.863655090332031 + ], + [ + "▁slashes", + -14.863662719726562 + ], + [ + "▁Klingon", + -14.863677024841309 + ], + [ + "▁SEVEN", + -14.863699913024902 + ], + [ + "▁poach", + -14.863701820373535 + ], + [ + "▁ripeness", + -14.863743782043455 + ], + [ + "▁Naim", + -14.86378574371338 + ], + [ + "weigh", + -14.863821029663086 + ], + [ + "▁benedict", + -14.863851547241213 + ], + [ + "▁Sassy", + -14.863879203796388 + ], + [ + "▁PVR", + -14.863931655883787 + ], + [ + "Kale", + -14.86404800415039 + ], + [ + "Salon", + -14.86414623260498 + ], + [ + "▁ZFS", + -14.864195823669434 + ], + [ + "▁dispatches", + -14.864251136779783 + ], + [ + "▁Ramada", + -14.864269256591797 + ], + [ + "▁Esports", + -14.864339828491213 + ], + [ + "▁$850", + -14.864381790161133 + ], + [ + "▁Louver", + -14.864388465881348 + ], + [ + "▁Starkey", + -14.864398956298828 + ], + [ + "▁Pennant", + -14.864419937133787 + ], + [ + "▁practicalities", + -14.864435195922852 + ], + [ + "▁yardstick", + -14.864538192749023 + ], + [ + "▁Maxime", + -14.864587783813477 + ], + [ + "▁Caden", + -14.86463451385498 + ], + [ + "enius", + -14.864652633666992 + ], + [ + "▁Issuer", + -14.86472988128662 + ], + [ + "▁400%", + -14.864788055419922 + ], + [ + "Compressing", + -14.864790916442873 + ], + [ + "▁Lucien", + -14.864968299865724 + ], + [ + "▁Kunz", + -14.865004539489746 + ], + [ + "▁Mohd", + -14.865029335021973 + ], + [ + "ена", + -14.865077018737791 + ], + [ + "▁panko", + -14.86509132385254 + ], + [ + "▁painlessly", + -14.865124702453612 + ], + [ + "▁Boyz", + -14.86512851715088 + ], + [ + "ollah", + -14.86513328552246 + ], + [ + "▁fittest", + -14.865175247192385 + ], + [ + "Animator", + -14.865270614624023 + ], + [ + "1958", + -14.86527156829834 + ], + [ + "▁starkly", + -14.865363121032717 + ], + [ + "▁cipro", + -14.865397453308104 + ], + [ + "▁aggressiveness", + -14.865452766418455 + ], + [ + "▁Ihre", + -14.86557674407959 + ], + [ + "▁DBT", + -14.865880012512209 + ], + [ + "▁Hoya", + -14.86599063873291 + ], + [ + "▁$0.50", + -14.866011619567873 + ], + [ + "rken", + -14.86607551574707 + ], + [ + "▁Midas", + -14.86610984802246 + ], + [ + "hrend", + -14.866280555725098 + ], + [ + "▁Crepe", + -14.866339683532717 + ], + [ + "▁Princesses", + -14.86641788482666 + ], + [ + "▁balding", + -14.86656379699707 + ], + [ + "atkins", + -14.86666202545166 + ], + [ + "elmann", + -14.866830825805664 + ], + [ + "▁1730", + -14.8668794631958 + ], + [ + "ALLEN", + -14.866910934448242 + ], + [ + "fruct", + -14.867022514343262 + ], + [ + "DEQ", + -14.867026329040527 + ], + [ + "NPS", + -14.86703395843506 + ], + [ + "▁Raghu", + -14.867091178894045 + ], + [ + "▁aspired", + -14.86711597442627 + ], + [ + "▁pipette", + -14.86713695526123 + ], + [ + "▁Maza", + -14.867164611816406 + ], + [ + "▁Waterhouse", + -14.867237091064451 + ], + [ + "▁Hourly", + -14.867283821105955 + ], + [ + "laughter", + -14.867301940917969 + ], + [ + "browse", + -14.867424011230469 + ], + [ + "▁showrunner", + -14.86749267578125 + ], + [ + "▁Docking", + -14.867520332336426 + ], + [ + "▁Measured", + -14.867531776428224 + ], + [ + "replica", + -14.867563247680664 + ], + [ + "schule", + -14.867753028869627 + ], + [ + "▁elaborately", + -14.86779499053955 + ], + [ + "▁Taser", + -14.86781883239746 + ], + [ + "NST", + -14.867826461791992 + ], + [ + "HAY", + -14.867833137512209 + ], + [ + "▁Haka", + -14.867847442626951 + ], + [ + "Substitute", + -14.867918968200684 + ], + [ + "Assignment", + -14.867934226989746 + ], + [ + "Transparency", + -14.867959022521973 + ], + [ + "molecule", + -14.867959022521973 + ], + [ + "Exodus", + -14.867959976196287 + ], + [ + "Anxiety", + -14.867962837219238 + ], + [ + "Elephant", + -14.867964744567873 + ], + [ + "Jasmine", + -14.867966651916504 + ], + [ + "Punjab", + -14.867977142333984 + ], + [ + "simplified", + -14.867981910705566 + ], + [ + "Sneak", + -14.867990493774414 + ], + [ + "countries", + -14.867995262145996 + ], + [ + "understood", + -14.867996215820312 + ], + [ + "▁mung", + -14.867996215820312 + ], + [ + "exhaust", + -14.867997169494627 + ], + [ + "gritty", + -14.867998123168944 + ], + [ + "sacred", + -14.868019104003906 + ], + [ + "calcium", + -14.868029594421388 + ], + [ + "Vocal", + -14.868030548095703 + ], + [ + "▁$1,7", + -14.868037223815918 + ], + [ + "hobby", + -14.868075370788574 + ], + [ + "deficient", + -14.86808967590332 + ], + [ + "clutch", + -14.868090629577637 + ], + [ + "Excessive", + -14.8681001663208 + ], + [ + "Sheriff", + -14.868112564086914 + ], + [ + "▁Wray", + -14.868120193481444 + ], + [ + "commitment", + -14.868136405944824 + ], + [ + "BIOS", + -14.868168830871582 + ], + [ + "Coastal", + -14.868203163146973 + ], + [ + "Xchange", + -14.868230819702148 + ], + [ + "▁wilful", + -14.868244171142578 + ], + [ + "muscular", + -14.86824893951416 + ], + [ + "▁airship", + -14.868264198303224 + ], + [ + "Independence", + -14.868277549743652 + ], + [ + "▁Chok", + -14.868285179138184 + ], + [ + "▁CLASSIC", + -14.868308067321776 + ], + [ + "Conversion", + -14.868337631225586 + ], + [ + "▁Charged", + -14.86836051940918 + ], + [ + "centro", + -14.86838722229004 + ], + [ + "olani", + -14.868389129638672 + ], + [ + "7-17", + -14.868407249450684 + ], + [ + "CVS", + -14.868447303771973 + ], + [ + "▁0.18", + -14.868447303771973 + ], + [ + "▁bypasses", + -14.86856174468994 + ], + [ + "Bravo", + -14.868653297424316 + ], + [ + "freak", + -14.868700981140137 + ], + [ + "▁Hoog", + -14.86872673034668 + ], + [ + "LSC", + -14.868749618530272 + ], + [ + "separated", + -14.868751525878906 + ], + [ + "organizer", + -14.868797302246094 + ], + [ + "▁Winemaker", + -14.868844032287598 + ], + [ + "glasses", + -14.868865966796877 + ], + [ + "Focuses", + -14.86900806427002 + ], + [ + "3:27", + -14.869009017944336 + ], + [ + "Stereo", + -14.869240760803224 + ], + [ + "technique", + -14.869439125061035 + ], + [ + "ikko", + -14.869441032409668 + ], + [ + "▁$98", + -14.86944580078125 + ], + [ + "▁soooooo", + -14.869545936584473 + ], + [ + "▁loca", + -14.86956024169922 + ], + [ + "▁viper", + -14.869643211364746 + ], + [ + "izio", + -14.869656562805176 + ], + [ + "prospect", + -14.86968231201172 + ], + [ + "Rivet", + -14.869769096374512 + ], + [ + "▁Bamberg", + -14.869906425476074 + ], + [ + "Refine", + -14.869954109191896 + ], + [ + "matik", + -14.87002944946289 + ], + [ + "lobed", + -14.870030403137209 + ], + [ + "AMG", + -14.870035171508787 + ], + [ + "Neh", + -14.870054244995115 + ], + [ + "▁gmc", + -14.8700590133667 + ], + [ + "▁tradi", + -14.870076179504396 + ], + [ + "OOSE", + -14.870077133178713 + ], + [ + "Azhar", + -14.870078086853027 + ], + [ + "artistic", + -14.870080947875977 + ], + [ + "quam", + -14.870144844055176 + ], + [ + "Bail", + -14.870152473449709 + ], + [ + "▁commonest", + -14.870173454284668 + ], + [ + "RHA", + -14.870180130004885 + ], + [ + "contaminated", + -14.870244026184082 + ], + [ + "▁peerless", + -14.87032699584961 + ], + [ + "nitro", + -14.870341300964355 + ], + [ + "queue", + -14.870370864868164 + ], + [ + "▁Wahoo", + -14.870407104492188 + ], + [ + "▁ALLOW", + -14.870502471923828 + ], + [ + "▁Roam", + -14.870522499084473 + ], + [ + "▁Sokol", + -14.870555877685549 + ], + [ + "catalyzed", + -14.870558738708496 + ], + [ + "cuz", + -14.87062168121338 + ], + [ + "WPC", + -14.870750427246094 + ], + [ + "▁fantasize", + -14.87087345123291 + ], + [ + "▁pajama", + -14.870933532714844 + ], + [ + "1:47", + -14.870953559875488 + ], + [ + "▁overcook", + -14.87099266052246 + ], + [ + "▁bathrobe", + -14.871024131774902 + ], + [ + "▁Melee", + -14.871036529541016 + ], + [ + "caption", + -14.871170997619627 + ], + [ + "▁protectionism", + -14.871179580688477 + ], + [ + "▁MDX", + -14.871183395385742 + ], + [ + "▁vitr", + -14.871220588684082 + ], + [ + "▁Gouda", + -14.871323585510254 + ], + [ + "GCS", + -14.871362686157228 + ], + [ + "▁3730", + -14.871376991271973 + ], + [ + "▁madam", + -14.871710777282717 + ], + [ + "4/5", + -14.871803283691406 + ], + [ + "▁02:3", + -14.87184715270996 + ], + [ + "nava", + -14.871867179870604 + ], + [ + "▁04:1", + -14.87189483642578 + ], + [ + "2030", + -14.872014999389648 + ], + [ + "▁humiliate", + -14.872053146362305 + ], + [ + "▁acclimate", + -14.872097969055176 + ], + [ + "▁$71", + -14.872329711914062 + ], + [ + "ubmersible", + -14.872376441955566 + ], + [ + "pital", + -14.872422218322754 + ], + [ + "9.4%", + -14.872430801391602 + ], + [ + "utte", + -14.872446060180664 + ], + [ + "▁Peppa", + -14.872450828552246 + ], + [ + "▁bookseller", + -14.872512817382812 + ], + [ + "83%", + -14.87252426147461 + ], + [ + "▁Parsi", + -14.87259006500244 + ], + [ + "RSR", + -14.872604370117188 + ], + [ + "BEIJING", + -14.87265396118164 + ], + [ + "arguable", + -14.872654914855955 + ], + [ + "disambiguation", + -14.872654914855955 + ], + [ + "▁Actuator", + -14.872654914855955 + ], + [ + "▁Camberwell", + -14.872654914855955 + ], + [ + "▁Culpeper", + -14.872654914855955 + ], + [ + "▁Diocesan", + -14.872654914855955 + ], + [ + "▁Enneagram", + -14.872654914855955 + ], + [ + "▁Kottayam", + -14.872654914855955 + ], + [ + "▁Metallurgy", + -14.872654914855955 + ], + [ + "▁Orpington", + -14.872654914855955 + ], + [ + "▁Pocahontas", + -14.872654914855955 + ], + [ + "▁SUPPLY", + -14.872654914855955 + ], + [ + "▁Scarecrow", + -14.872654914855955 + ], + [ + "▁accompanist", + -14.872654914855955 + ], + [ + "▁crayfish", + -14.872654914855955 + ], + [ + "▁elastane", + -14.872654914855955 + ], + [ + "▁myofascial", + -14.872654914855955 + ], + [ + "▁scribbling", + -14.872654914855955 + ], + [ + "▁sturgeon", + -14.872654914855955 + ], + [ + "▁tufting", + -14.872654914855955 + ], + [ + "▁rezoning", + -14.872655868530272 + ], + [ + "▁Bianchi", + -14.872657775878906 + ], + [ + "▁Chiswick", + -14.872657775878906 + ], + [ + "▁Coupling", + -14.872657775878906 + ], + [ + "▁Glamorgan", + -14.872657775878906 + ], + [ + "▁frisbee", + -14.872657775878906 + ], + [ + "▁ratepayers", + -14.872657775878906 + ], + [ + "baar", + -14.872658729553224 + ], + [ + "▁Sommelier", + -14.872658729553224 + ], + [ + "▁Veracruz", + -14.872658729553224 + ], + [ + "▁MASSIVE", + -14.87265968322754 + ], + [ + "▁Maccabi", + -14.87265968322754 + ], + [ + "▁aspirated", + -14.872660636901855 + ], + [ + "▁bramble", + -14.872663497924805 + ], + [ + "Easiest", + -14.872665405273438 + ], + [ + "▁Borealis", + -14.872666358947754 + ], + [ + "▁Rangoon", + -14.872666358947754 + ], + [ + "▁Ralston", + -14.87266731262207 + ], + [ + "▁Apnea", + -14.872674942016602 + ], + [ + "▁Murdock", + -14.872682571411133 + ], + [ + "▁Anambra", + -14.87268352508545 + ], + [ + "▁Eduard", + -14.872688293457031 + ], + [ + "▁Tropicana", + -14.872689247131348 + ], + [ + "▁Delilah", + -14.872693061828612 + ], + [ + "▁Rawlings", + -14.872699737548828 + ], + [ + "▁(1969)", + -14.87270736694336 + ], + [ + "▁Quetta", + -14.87271785736084 + ], + [ + "▁misinformed", + -14.872718811035156 + ], + [ + "▁Citrate", + -14.872723579406738 + ], + [ + "▁Melania", + -14.872729301452637 + ], + [ + "▁Sinhala", + -14.872746467590332 + ], + [ + "▁unsteady", + -14.872747421264648 + ], + [ + "▁Offaly", + -14.872751235961914 + ], + [ + "wazi", + -14.872754096984863 + ], + [ + "▁Quer", + -14.872756004333496 + ], + [ + "▁Pewter", + -14.872760772705078 + ], + [ + "Rash", + -14.872761726379396 + ], + [ + "Nurturing", + -14.872764587402344 + ], + [ + "▁tobago", + -14.872764587402344 + ], + [ + "▁Fredericton", + -14.872773170471191 + ], + [ + "Combat", + -14.872791290283203 + ], + [ + "▁Nurseries", + -14.872810363769531 + ], + [ + "▁Pinned", + -14.872812271118164 + ], + [ + "▁Offense", + -14.87281322479248 + ], + [ + "▁bobble", + -14.87281322479248 + ], + [ + "▁Captive", + -14.872814178466797 + ], + [ + "Specially", + -14.872819900512695 + ], + [ + "▁urology", + -14.87282371520996 + ], + [ + "▁shoestring", + -14.872825622558594 + ], + [ + "▁Tierney", + -14.872828483581545 + ], + [ + "▁expeditiously", + -14.872838020324709 + ], + [ + "CRYPT", + -14.872845649719238 + ], + [ + "▁metrology", + -14.872847557067873 + ], + [ + "▁Emi", + -14.87285614013672 + ], + [ + "▁Bellaire", + -14.872879981994627 + ], + [ + "Ordering", + -14.87289047241211 + ], + [ + "Bonjour", + -14.872901916503906 + ], + [ + "treme", + -14.872940063476562 + ], + [ + "-08-2018", + -14.872946739196776 + ], + [ + "▁gunmetal", + -14.87295150756836 + ], + [ + "▁Sarge", + -14.873056411743164 + ], + [ + "▁JIRA", + -14.873064041137695 + ], + [ + "▁chairlift", + -14.873101234436035 + ], + [ + "EACH", + -14.873102188110352 + ], + [ + "▁Telef", + -14.873125076293944 + ], + [ + "▁Kasey", + -14.873170852661133 + ], + [ + "▁Biddle", + -14.873220443725586 + ], + [ + "▁actualize", + -14.873224258422852 + ], + [ + "▁drugged", + -14.873231887817385 + ], + [ + "▁McGar", + -14.87327003479004 + ], + [ + "▁speakeasy", + -14.873291015625 + ], + [ + "▁RHEL", + -14.873335838317873 + ], + [ + "▁Burley", + -14.873343467712402 + ], + [ + "▁statins", + -14.873353004455566 + ], + [ + "▁hedgerow", + -14.873353958129885 + ], + [ + "▁scoffed", + -14.873360633850098 + ], + [ + "▁rekindled", + -14.873376846313477 + ], + [ + "▁Thule", + -14.87341022491455 + ], + [ + "Compiled", + -14.87342643737793 + ], + [ + "▁firepit", + -14.873443603515623 + ], + [ + "▁overthrown", + -14.873486518859863 + ], + [ + "▁Keychain", + -14.873533248901367 + ], + [ + "▁recordkeeping", + -14.873601913452148 + ], + [ + "▁Eisenberg", + -14.873607635498049 + ], + [ + "▁Haney", + -14.873661041259766 + ], + [ + "▁uppermost", + -14.873712539672852 + ], + [ + "▁keno", + -14.873786926269531 + ], + [ + "ECM", + -14.873808860778809 + ], + [ + "▁Goya", + -14.87386703491211 + ], + [ + "COAT", + -14.873891830444336 + ], + [ + "▁overstuffed", + -14.873899459838867 + ], + [ + "RYT", + -14.873919486999512 + ], + [ + "▁TRAILER", + -14.873929977416992 + ], + [ + "▁PALM", + -14.873978614807127 + ], + [ + "▁Spel", + -14.873994827270508 + ], + [ + "legacy", + -14.874104499816896 + ], + [ + "▁sorrowful", + -14.874126434326172 + ], + [ + "pride", + -14.87421989440918 + ], + [ + "▁fangs", + -14.874238967895508 + ], + [ + "▁karting", + -14.87435817718506 + ], + [ + "▁featurette", + -14.874372482299805 + ], + [ + "CRN", + -14.874378204345703 + ], + [ + "▁Bookshop", + -14.874395370483398 + ], + [ + "Bartolo", + -14.874442100524902 + ], + [ + "▁Chipset", + -14.87445068359375 + ], + [ + "2:08", + -14.874455451965332 + ], + [ + "▁Bloor", + -14.874499320983888 + ], + [ + "▁nontoxic", + -14.87452793121338 + ], + [ + "▁2009-10", + -14.874574661254885 + ], + [ + "▁erupting", + -14.8745756149292 + ], + [ + "▁Samu", + -14.874689102172852 + ], + [ + "▁taunting", + -14.874773979187012 + ], + [ + "▁Spies", + -14.874798774719238 + ], + [ + "▁Marius", + -14.874869346618652 + ], + [ + "▁Mockup", + -14.87487506866455 + ], + [ + "odium", + -14.874885559082031 + ], + [ + "mention", + -14.875078201293944 + ], + [ + "▁Arranged", + -14.87517261505127 + ], + [ + "2070", + -14.87525749206543 + ], + [ + "▁Wealthy", + -14.875269889831545 + ], + [ + "pharmacologic", + -14.875306129455566 + ], + [ + "▁lye", + -14.875328063964844 + ], + [ + "▁halwa", + -14.87536907196045 + ], + [ + "▁credentialing", + -14.875375747680664 + ], + [ + "▁Mogh", + -14.875398635864258 + ], + [ + "▁Karna", + -14.875401496887209 + ], + [ + "Nate", + -14.875411033630373 + ], + [ + "1918", + -14.875462532043455 + ], + [ + "▁0.10", + -14.875540733337402 + ], + [ + "▁Nasa", + -14.875572204589844 + ], + [ + "yala", + -14.875612258911133 + ], + [ + "▁0-60", + -14.875691413879396 + ], + [ + "Vee", + -14.875692367553713 + ], + [ + "Kul", + -14.875873565673828 + ], + [ + "CAMP", + -14.875936508178713 + ], + [ + "▁Vitae", + -14.8760347366333 + ], + [ + "Neg", + -14.876097679138184 + ], + [ + "YAY", + -14.87612247467041 + ], + [ + "▁Alexia", + -14.876421928405762 + ], + [ + "Alene", + -14.876423835754396 + ], + [ + "▁Olin", + -14.876425743103027 + ], + [ + "nsw", + -14.876495361328123 + ], + [ + "▁underpaid", + -14.876547813415527 + ], + [ + "Representative", + -14.876644134521484 + ], + [ + "stupid", + -14.87673568725586 + ], + [ + "THY", + -14.87695598602295 + ], + [ + "▁£24", + -14.877047538757324 + ], + [ + "1/18", + -14.877052307128906 + ], + [ + "▁Misch", + -14.877059936523438 + ], + [ + "▁BANG", + -14.877063751220703 + ], + [ + "▁LFO", + -14.877081871032717 + ], + [ + "coke", + -14.87714385986328 + ], + [ + "ulen", + -14.877151489257812 + ], + [ + "NEE", + -14.87718677520752 + ], + [ + "▁zep", + -14.877270698547363 + ], + [ + "▁Barring", + -14.877317428588867 + ], + [ + "▁mustered", + -14.877321243286133 + ], + [ + "zap", + -14.877447128295898 + ], + [ + "1.65", + -14.877455711364746 + ], + [ + "▁Slap", + -14.87746524810791 + ], + [ + "▁Kaza", + -14.87749195098877 + ], + [ + "▁Salic", + -14.877640724182127 + ], + [ + "▁sincerest", + -14.877645492553713 + ], + [ + "▁Affiliated", + -14.87769603729248 + ], + [ + "▁generalised", + -14.877766609191896 + ], + [ + "9-22", + -14.877795219421388 + ], + [ + "1926", + -14.877802848815918 + ], + [ + "esner", + -14.877901077270508 + ], + [ + "▁NMC", + -14.877922058105469 + ], + [ + "Desire", + -14.87793254852295 + ], + [ + "Bicycle", + -14.87797737121582 + ], + [ + "▁Patil", + -14.877988815307615 + ], + [ + "Celebration", + -14.878066062927246 + ], + [ + "participant", + -14.878071784973145 + ], + [ + "departure", + -14.87807273864746 + ], + [ + "Collaborative", + -14.878073692321776 + ], + [ + "Splash", + -14.878079414367676 + ], + [ + "Cricket", + -14.878080368041992 + ], + [ + "Philosophy", + -14.878081321716309 + ], + [ + "Minneapolis", + -14.87808322906494 + ], + [ + "diagnostic", + -14.87808322906494 + ], + [ + "Puerto", + -14.878085136413574 + ], + [ + "Netherlands", + -14.878087997436523 + ], + [ + "Edinburgh", + -14.878096580505373 + ], + [ + "Enrollment", + -14.878103256225586 + ], + [ + "▁TMA", + -14.878106117248535 + ], + [ + "suspect", + -14.878108978271484 + ], + [ + "NPR", + -14.878144264221191 + ], + [ + "Removal", + -14.878204345703123 + ], + [ + "Voters", + -14.878230094909668 + ], + [ + "Breed", + -14.87831211090088 + ], + [ + "Riley", + -14.878332138061523 + ], + [ + "▁WCC", + -14.878337860107422 + ], + [ + "Failed", + -14.878377914428713 + ], + [ + "Danish", + -14.878408432006836 + ], + [ + "menstrual", + -14.87842845916748 + ], + [ + "Powell", + -14.878482818603516 + ], + [ + "Becky", + -14.878534317016602 + ], + [ + "▁MTP", + -14.878615379333496 + ], + [ + "▁Deir", + -14.878620147705078 + ], + [ + "▁Pancha", + -14.878687858581545 + ], + [ + "Crop", + -14.878721237182615 + ], + [ + "▁screech", + -14.878735542297363 + ], + [ + "repeated", + -14.878792762756348 + ], + [ + "▁stupidly", + -14.878795623779297 + ], + [ + "Boast", + -14.87887954711914 + ], + [ + "processes", + -14.878914833068848 + ], + [ + "▁Recycler", + -14.878915786743164 + ], + [ + "▁Sentra", + -14.878923416137695 + ], + [ + "▁critiqued", + -14.87895679473877 + ], + [ + "Handler", + -14.879054069519045 + ], + [ + "establishing", + -14.879096031188965 + ], + [ + "▁hv", + -14.879117012023926 + ], + [ + "▁SIB", + -14.879308700561523 + ], + [ + "kerk", + -14.879310607910156 + ], + [ + "Principle", + -14.87939739227295 + ], + [ + "▁Concur", + -14.879406929016112 + ], + [ + "Colonel", + -14.879413604736328 + ], + [ + "▁peeked", + -14.879414558410645 + ], + [ + "▁Cornel", + -14.87944221496582 + ], + [ + "▁boathouse", + -14.879488945007324 + ], + [ + "▁karst", + -14.879549026489258 + ], + [ + "Smash", + -14.879591941833496 + ], + [ + "Deutsche", + -14.87971019744873 + ], + [ + "▁Coda", + -14.879731178283691 + ], + [ + "▁BOLD", + -14.879765510559082 + ], + [ + "Respondents", + -14.879780769348145 + ], + [ + "▁Polycom", + -14.879786491394045 + ], + [ + "▁Catal", + -14.879825592041016 + ], + [ + "▁gibb", + -14.879830360412598 + ], + [ + "quiring", + -14.879839897155762 + ], + [ + "▁DSi", + -14.879921913146973 + ], + [ + "Collecting", + -14.879976272583008 + ], + [ + "▁Nasi", + -14.88010597229004 + ], + [ + "▁FEB", + -14.880178451538086 + ], + [ + "▁Lomb", + -14.880200386047363 + ], + [ + "▁Seaton", + -14.88040542602539 + ], + [ + "ethoxy", + -14.88047695159912 + ], + [ + "▁Natale", + -14.880488395690918 + ], + [ + "▁Elko", + -14.880521774291992 + ], + [ + "ningen", + -14.880558013916016 + ], + [ + "▁HUF", + -14.880619049072266 + ], + [ + "carers", + -14.880799293518066 + ], + [ + "▁maximised", + -14.880802154541016 + ], + [ + "uller", + -14.880812644958496 + ], + [ + "▁$5.7", + -14.880828857421877 + ], + [ + "▁EML", + -14.880882263183594 + ], + [ + "0-18", + -14.880897521972656 + ], + [ + "2:04", + -14.880906105041504 + ], + [ + "youtu", + -14.88111400604248 + ], + [ + "▁Lieber", + -14.881114959716797 + ], + [ + "Bite", + -14.881217956542969 + ], + [ + "▁Corgi", + -14.881226539611816 + ], + [ + "cyte", + -14.881230354309082 + ], + [ + "Perfectly", + -14.881266593933104 + ], + [ + "Acetyl", + -14.88129997253418 + ], + [ + "▁Smug", + -14.881387710571287 + ], + [ + "NIST", + -14.881415367126465 + ], + [ + "faux", + -14.881505966186523 + ], + [ + "▁Tense", + -14.881529808044434 + ], + [ + "▁Debi", + -14.881599426269531 + ], + [ + "planting", + -14.881715774536133 + ], + [ + "▁DTR", + -14.88180446624756 + ], + [ + "▁crouch", + -14.881827354431152 + ], + [ + "▁Krieg", + -14.881853103637695 + ], + [ + "▁segregate", + -14.88195514678955 + ], + [ + "▁Urb", + -14.882095336914062 + ], + [ + "amhari", + -14.88210105895996 + ], + [ + "▁Jeanie", + -14.882194519042969 + ], + [ + "▁Paradis", + -14.882213592529297 + ], + [ + "▁devolve", + -14.88230037689209 + ], + [ + "clan", + -14.882349967956545 + ], + [ + "Ortho", + -14.88238525390625 + ], + [ + "24%", + -14.882535934448242 + ], + [ + "▁dogmatic", + -14.882554054260254 + ], + [ + "ithromycin", + -14.88255500793457 + ], + [ + "Occupancy", + -14.882555961608888 + ], + [ + "expletive", + -14.882555961608888 + ], + [ + "▁AirBnB", + -14.882555961608888 + ], + [ + "▁Astounding", + -14.882555961608888 + ], + [ + "▁Eclectic", + -14.882555961608888 + ], + [ + "▁Lactobacillus", + -14.882555961608888 + ], + [ + "▁Midlothian", + -14.882555961608888 + ], + [ + "▁POSSIBLE", + -14.882555961608888 + ], + [ + "▁Peregrine", + -14.882555961608888 + ], + [ + "▁Reconnaissance", + -14.882555961608888 + ], + [ + "▁Rendezvous", + -14.882555961608888 + ], + [ + "▁STUDENTS", + -14.882555961608888 + ], + [ + "▁Shostakovich", + -14.882555961608888 + ], + [ + "▁Steroids", + -14.882555961608888 + ], + [ + "▁Sulawesi", + -14.882555961608888 + ], + [ + "▁THOMAS", + -14.882555961608888 + ], + [ + "▁demarcation", + -14.882555961608888 + ], + [ + "▁embalming", + -14.882555961608888 + ], + [ + "▁falsified", + -14.882555961608888 + ], + [ + "▁harpsichord", + -14.882555961608888 + ], + [ + "▁illusory", + -14.882555961608888 + ], + [ + "▁lazily", + -14.882555961608888 + ], + [ + "▁oxytocin", + -14.882555961608888 + ], + [ + "▁pecuniary", + -14.882555961608888 + ], + [ + "▁rambunctious", + -14.882555961608888 + ], + [ + "▁reiterating", + -14.882555961608888 + ], + [ + "▁tachycardia", + -14.882555961608888 + ], + [ + "▁tarpaulin", + -14.882555961608888 + ], + [ + "▁unopposed", + -14.882555961608888 + ], + [ + "▁untouchable", + -14.882555961608888 + ], + [ + "▁Myntra", + -14.882556915283203 + ], + [ + "▁chenille", + -14.882556915283203 + ], + [ + "▁mandrel", + -14.882556915283203 + ], + [ + "▁narrating", + -14.882556915283203 + ], + [ + "Legislators", + -14.88255786895752 + ], + [ + "▁Nesbitt", + -14.88255786895752 + ], + [ + "▁Revolver", + -14.88255786895752 + ], + [ + "▁SQUARE", + -14.88255786895752 + ], + [ + "▁lynching", + -14.88255786895752 + ], + [ + "▁1-855-", + -14.882558822631836 + ], + [ + "▁Bonaventure", + -14.882558822631836 + ], + [ + "▁Intracoastal", + -14.882558822631836 + ], + [ + "▁Brompton", + -14.882559776306152 + ], + [ + "▁chafing", + -14.882560729980469 + ], + [ + "Pasquale", + -14.882561683654783 + ], + [ + "▁DIEGO", + -14.882562637329102 + ], + [ + "▁Derwent", + -14.882563591003418 + ], + [ + "▁houzz", + -14.882564544677734 + ], + [ + "▁sordid", + -14.88256549835205 + ], + [ + "▁heaving", + -14.882568359375 + ], + [ + "▁Neurosurgery", + -14.882570266723633 + ], + [ + "▁Soaring", + -14.882574081420898 + ], + [ + "▁saucy", + -14.882575988769531 + ], + [ + "▁Coppola", + -14.882576942443848 + ], + [ + "▁Keratin", + -14.882577896118164 + ], + [ + "▁Groundhog", + -14.88257884979248 + ], + [ + "▁Wahlberg", + -14.88257884979248 + ], + [ + "▁Imitation", + -14.882579803466797 + ], + [ + "▁RNLI", + -14.882580757141112 + ], + [ + "▁antiretroviral", + -14.882580757141112 + ], + [ + "▁Hummus", + -14.88258171081543 + ], + [ + "▁Voltaire", + -14.882583618164062 + ], + [ + "▁Elkhart", + -14.88258457183838 + ], + [ + "▁Poisson", + -14.882591247558594 + ], + [ + "▁equatorial", + -14.882591247558594 + ], + [ + "▁Rakhine", + -14.882594108581545 + ], + [ + "▁draperies", + -14.882596015930176 + ], + [ + "▁verbose", + -14.88259983062744 + ], + [ + "▁Caliente", + -14.882603645324709 + ], + [ + "▁Marcellus", + -14.882603645324709 + ], + [ + "▁Cajon", + -14.88260555267334 + ], + [ + "▁Vieira", + -14.882607460021973 + ], + [ + "▁affable", + -14.882610321044922 + ], + [ + "▁FOREVER", + -14.882620811462402 + ], + [ + "▁retardation", + -14.882622718811035 + ], + [ + "▁Woodlawn", + -14.882624626159668 + ], + [ + "Locally", + -14.882634162902832 + ], + [ + "▁Harrell", + -14.882650375366213 + ], + [ + "▁Lebron", + -14.882665634155272 + ], + [ + "▁mangled", + -14.88266944885254 + ], + [ + "▁Cassini", + -14.88267421722412 + ], + [ + "▁Hatteras", + -14.882680892944336 + ], + [ + "▁ASCAP", + -14.8826904296875 + ], + [ + "▁Municipalities", + -14.882698059082031 + ], + [ + "5.000", + -14.882702827453612 + ], + [ + "▁DuPage", + -14.88270378112793 + ], + [ + "▁causality", + -14.882708549499512 + ], + [ + "▁recursion", + -14.882710456848145 + ], + [ + "▁Belcher", + -14.88271141052246 + ], + [ + "▁Gladwin", + -14.882713317871094 + ], + [ + "MENTAL", + -14.882723808288574 + ], + [ + "▁Leyton", + -14.882735252380373 + ], + [ + "▁GDDR", + -14.88274383544922 + ], + [ + "▁monica", + -14.882752418518066 + ], + [ + "▁2007-08", + -14.882753372192385 + ], + [ + "▁Carbondale", + -14.882762908935549 + ], + [ + "▁depositors", + -14.882763862609863 + ], + [ + "▁rebelled", + -14.882765769958496 + ], + [ + "▁impartiality", + -14.882768630981444 + ], + [ + "chandran", + -14.882770538330078 + ], + [ + "▁undetermined", + -14.882772445678713 + ], + [ + "▁cheesecloth", + -14.88277816772461 + ], + [ + "▁ureter", + -14.88278865814209 + ], + [ + "▁$49.99", + -14.882793426513672 + ], + [ + "▁profusion", + -14.882801055908203 + ], + [ + "moro", + -14.88282585144043 + ], + [ + "BCP", + -14.882837295532228 + ], + [ + "▁Bullard", + -14.882842063903809 + ], + [ + "Affirmation", + -14.882889747619627 + ], + [ + "▁haphazardly", + -14.882904052734377 + ], + [ + "▁Audiology", + -14.882908821105955 + ], + [ + "▁bequeathed", + -14.88291835784912 + ], + [ + "▁Bmw", + -14.882927894592283 + ], + [ + "▁charade", + -14.88293743133545 + ], + [ + "▁switchbacks", + -14.882943153381348 + ], + [ + "▁Centerpieces", + -14.88297176361084 + ], + [ + "▁Hottest", + -14.88298797607422 + ], + [ + "▁17:1", + -14.883012771606444 + ], + [ + "▁Bakewell", + -14.883036613464355 + ], + [ + "▁DIRECTOR", + -14.883066177368164 + ], + [ + "▁Enron", + -14.88307762145996 + ], + [ + "▁Kingsbury", + -14.883087158203123 + ], + [ + "▁retell", + -14.88308811187744 + ], + [ + "▁fervently", + -14.883094787597656 + ], + [ + "▁isoform", + -14.883097648620604 + ], + [ + "▁Vinod", + -14.883113861083984 + ], + [ + "▁Daydream", + -14.883133888244627 + ], + [ + "▁Grouse", + -14.883137702941896 + ], + [ + "▁cynic", + -14.883145332336426 + ], + [ + "▁Ballmer", + -14.883201599121094 + ], + [ + "▁yanked", + -14.883233070373535 + ], + [ + "▁hoover", + -14.883252143859863 + ], + [ + "aesthetic", + -14.88325309753418 + ], + [ + "▁capitul", + -14.883277893066406 + ], + [ + "▁Longmont", + -14.883301734924316 + ], + [ + "ozzo", + -14.883320808410645 + ], + [ + "▁grayscale", + -14.88332748413086 + ], + [ + "▁Chania", + -14.883387565612791 + ], + [ + "▁Ballina", + -14.883389472961426 + ], + [ + "2:41", + -14.883393287658691 + ], + [ + "PNG", + -14.883400917053224 + ], + [ + "▁Mattia", + -14.883405685424805 + ], + [ + "▁Bullion", + -14.883432388305664 + ], + [ + "▁AirPlay", + -14.88349151611328 + ], + [ + "▁flipside", + -14.88349151611328 + ], + [ + "▁Magu", + -14.88351345062256 + ], + [ + "▁submittal", + -14.883517265319824 + ], + [ + "▁Sketches", + -14.883560180664062 + ], + [ + "▁Applebee", + -14.883567810058594 + ], + [ + "▁corporat", + -14.883591651916504 + ], + [ + "▁Olathe", + -14.883609771728516 + ], + [ + "Elle", + -14.883614540100098 + ], + [ + "▁Tustin", + -14.883681297302246 + ], + [ + "conne", + -14.883695602416992 + ], + [ + "▁Chewy", + -14.883696556091309 + ], + [ + "▁$6.5", + -14.883708953857422 + ], + [ + "▁impatiently", + -14.883744239807127 + ], + [ + "▁curveball", + -14.883853912353516 + ], + [ + "▁16:0", + -14.883907318115234 + ], + [ + "▁Salish", + -14.883929252624512 + ], + [ + "▁Vocalist", + -14.883950233459473 + ], + [ + "▁hearsay", + -14.883965492248535 + ], + [ + "▁Pathologist", + -14.883966445922852 + ], + [ + "▁DIT", + -14.883968353271484 + ], + [ + "▁Songbook", + -14.883968353271484 + ], + [ + "Covering", + -14.884007453918455 + ], + [ + "▁15000", + -14.884007453918455 + ], + [ + "2015-0", + -14.88401222229004 + ], + [ + "▁Geller", + -14.884078025817873 + ], + [ + "▁interconnecting", + -14.884081840515137 + ], + [ + "PTO", + -14.884095191955566 + ], + [ + "▁choy", + -14.884185791015623 + ], + [ + "▁Rawls", + -14.884265899658203 + ], + [ + "SKY", + -14.884268760681152 + ], + [ + "▁Calabria", + -14.88427448272705 + ], + [ + "▁Colourful", + -14.88430118560791 + ], + [ + "▁IDEAS", + -14.884316444396973 + ], + [ + "7.9%", + -14.88441562652588 + ], + [ + "▁Symp", + -14.88441562652588 + ], + [ + "▁unofficially", + -14.88442039489746 + ], + [ + "▁Tumbler", + -14.88463306427002 + ], + [ + "▁Borden", + -14.884690284729004 + ], + [ + "AUC", + -14.88477897644043 + ], + [ + "▁COMES", + -14.884800910949709 + ], + [ + "▁brunches", + -14.884808540344238 + ], + [ + "▁sledge", + -14.88482666015625 + ], + [ + "ellner", + -14.88489818572998 + ], + [ + "▁Posture", + -14.884913444519045 + ], + [ + "▁140,000", + -14.884952545166016 + ], + [ + "▁garish", + -14.884973526000977 + ], + [ + "joke", + -14.884995460510254 + ], + [ + "▁TRIM", + -14.885064125061035 + ], + [ + "▁dcor", + -14.88508129119873 + ], + [ + "economi", + -14.885124206542969 + ], + [ + "faire", + -14.885124206542969 + ], + [ + "▁Marana", + -14.885150909423828 + ], + [ + "▁steed", + -14.885157585144045 + ], + [ + "▁Vandal", + -14.885175704956056 + ], + [ + "elker", + -14.885210990905762 + ], + [ + "▁fanny", + -14.88523006439209 + ], + [ + "ooze", + -14.885235786437988 + ], + [ + "▁defenseless", + -14.885305404663086 + ], + [ + "ostomy", + -14.8853120803833 + ], + [ + "▁Marry", + -14.885343551635742 + ], + [ + ">>>>>", + -14.88535213470459 + ], + [ + "8.4%", + -14.885358810424805 + ], + [ + "▁trialled", + -14.885436058044434 + ], + [ + "0047", + -14.885586738586426 + ], + [ + "evic", + -14.885638236999512 + ], + [ + "▁lovelies", + -14.885871887207031 + ], + [ + "onomy", + -14.885881423950195 + ], + [ + "▁20-22", + -14.885900497436523 + ], + [ + "2299", + -14.88593292236328 + ], + [ + "Liver", + -14.88607406616211 + ], + [ + "Folk", + -14.886101722717283 + ], + [ + "Archi", + -14.886143684387209 + ], + [ + "▁decreed", + -14.886188507080078 + ], + [ + "ccelerating", + -14.88623046875 + ], + [ + "▁Poop", + -14.886245727539062 + ], + [ + "CHAMP", + -14.886260986328123 + ], + [ + "modeling", + -14.886470794677734 + ], + [ + "1536", + -14.88650894165039 + ], + [ + "UES", + -14.886537551879885 + ], + [ + "2:29", + -14.886666297912598 + ], + [ + "Panelists", + -14.88670825958252 + ], + [ + "MMY", + -14.886767387390137 + ], + [ + "▁Charan", + -14.88685417175293 + ], + [ + "▁Manley", + -14.886863708496094 + ], + [ + "▁kip", + -14.886958122253418 + ], + [ + "▁Abou", + -14.887005805969238 + ], + [ + "▁Voo", + -14.887030601501465 + ], + [ + "▁overblown", + -14.887030601501465 + ], + [ + "SVILLE", + -14.8871431350708 + ], + [ + "vitt", + -14.887171745300291 + ], + [ + "Zoe", + -14.887205123901367 + ], + [ + "▁NAIA", + -14.887227058410645 + ], + [ + "Cody", + -14.887319564819336 + ], + [ + "------------", + -14.887338638305664 + ], + [ + "▁0.07", + -14.88741683959961 + ], + [ + "▁Undo", + -14.887669563293455 + ], + [ + "▁Azam", + -14.887792587280272 + ], + [ + "▁Backer", + -14.887856483459473 + ], + [ + "2019-02-1", + -14.887904167175291 + ], + [ + "Depart", + -14.88811206817627 + ], + [ + "Threat", + -14.888166427612305 + ], + [ + "Jade", + -14.888242721557615 + ], + [ + "Vera", + -14.888249397277832 + ], + [ + "Prerequisite", + -14.888257026672363 + ], + [ + "shattering", + -14.888261795043944 + ], + [ + "Asphalt", + -14.888276100158691 + ], + [ + "Renewable", + -14.888277053833008 + ], + [ + "Detect", + -14.888283729553224 + ], + [ + "samsung", + -14.888286590576172 + ], + [ + "anonymous", + -14.888288497924805 + ], + [ + "Kudos", + -14.88828945159912 + ], + [ + "expense", + -14.888290405273438 + ], + [ + "Plumbing", + -14.888291358947754 + ], + [ + "Laboratory", + -14.888297080993652 + ], + [ + "emergence", + -14.888298034667969 + ], + [ + "Glasgow", + -14.888299942016602 + ], + [ + "Programming", + -14.888320922851562 + ], + [ + "Mickey", + -14.888325691223145 + ], + [ + "▁Haag", + -14.888339042663574 + ], + [ + "Baking", + -14.88840389251709 + ], + [ + "Aircraft", + -14.88843059539795 + ], + [ + "garlic", + -14.888465881347656 + ], + [ + "Toxic", + -14.888479232788086 + ], + [ + "▁singletrack", + -14.88858413696289 + ], + [ + "Eden", + -14.888646125793455 + ], + [ + "bleached", + -14.888686180114746 + ], + [ + "prevention", + -14.888710975646973 + ], + [ + "agreement", + -14.888727188110352 + ], + [ + "contribute", + -14.888738632202148 + ], + [ + "Specialized", + -14.88874340057373 + ], + [ + "▁Humanist", + -14.888808250427246 + ], + [ + "Peach", + -14.888835906982422 + ], + [ + "lecture", + -14.888859748840332 + ], + [ + "Highest", + -14.888861656188965 + ], + [ + "▁Malkin", + -14.888920783996582 + ], + [ + "▁Kunal", + -14.8889799118042 + ], + [ + "▁Mourne", + -14.889004707336426 + ], + [ + "▁Telco", + -14.88910961151123 + ], + [ + "biased", + -14.889113426208496 + ], + [ + "▁04:5", + -14.88912296295166 + ], + [ + "Caster", + -14.889189720153809 + ], + [ + "stealing", + -14.889204025268556 + ], + [ + "Actress", + -14.889237403869627 + ], + [ + "▁cyp", + -14.889333724975586 + ], + [ + "Chung", + -14.889360427856444 + ], + [ + "inelli", + -14.88943099975586 + ], + [ + "vPN", + -14.8894624710083 + ], + [ + "FSL", + -14.889467239379885 + ], + [ + "OPEC", + -14.889673233032228 + ], + [ + "▁Croat", + -14.889710426330566 + ], + [ + "CCU", + -14.889711380004885 + ], + [ + "rotation", + -14.88973331451416 + ], + [ + "Regularly", + -14.889827728271484 + ], + [ + "▁Maury", + -14.889838218688965 + ], + [ + "Quo", + -14.889891624450684 + ], + [ + "Doom", + -14.89004135131836 + ], + [ + "▁Yew", + -14.890082359313965 + ], + [ + "JPG", + -14.890209197998049 + ], + [ + "▁Guidebook", + -14.890289306640623 + ], + [ + "Drugstore", + -14.890310287475586 + ], + [ + "8:15", + -14.890313148498535 + ], + [ + "Trained", + -14.890348434448242 + ], + [ + "▁Thien", + -14.890355110168455 + ], + [ + "ilita", + -14.890445709228516 + ], + [ + "Switching", + -14.890531539916992 + ], + [ + "▁Hoshi", + -14.890541076660156 + ], + [ + "▁Homme", + -14.89062213897705 + ], + [ + "ZOO", + -14.890789031982422 + ], + [ + "▁gpm", + -14.890841484069824 + ], + [ + "3333", + -14.890859603881836 + ], + [ + "1555", + -14.890876770019531 + ], + [ + "▁reparation", + -14.890993118286133 + ], + [ + "▁transgression", + -14.891047477722168 + ], + [ + "▁Fuss", + -14.891054153442385 + ], + [ + "Haus", + -14.891077995300291 + ], + [ + "diagram", + -14.891234397888184 + ], + [ + "Tactic", + -14.891451835632324 + ], + [ + "HSC", + -14.891480445861816 + ], + [ + "▁karen", + -14.891523361206056 + ], + [ + "▁COLLA", + -14.891561508178713 + ], + [ + "▁19:2", + -14.891687393188477 + ], + [ + ".0%)", + -14.891851425170898 + ], + [ + "kkan", + -14.891857147216797 + ], + [ + "▁instigate", + -14.891955375671388 + ], + [ + "▁cleat", + -14.8920316696167 + ], + [ + "▁ballgame", + -14.892051696777344 + ], + [ + "▁sputter", + -14.892074584960938 + ], + [ + "▁TSR", + -14.892083168029783 + ], + [ + "▁Yugoslav", + -14.892101287841797 + ], + [ + "▁reassemble", + -14.89212703704834 + ], + [ + "▁imprison", + -14.892147064208984 + ], + [ + "hydrogen", + -14.892230033874512 + ], + [ + "Phillip", + -14.8922700881958 + ], + [ + "▁RECEIVE", + -14.892324447631836 + ], + [ + "▁Guilin", + -14.892328262329102 + ], + [ + "Gator", + -14.892330169677734 + ], + [ + "phobe", + -14.892359733581545 + ], + [ + "▁GBC", + -14.89242458343506 + ], + [ + "▁crucifix", + -14.892537117004396 + ], + [ + "PUBLISH", + -14.892556190490724 + ], + [ + "Psoriasis", + -14.892556190490724 + ], + [ + "▁Allegiance", + -14.892556190490724 + ], + [ + "▁Assortment", + -14.892556190490724 + ], + [ + "▁Baguio", + -14.892556190490724 + ], + [ + "▁COMMERCIAL", + -14.892556190490724 + ], + [ + "▁CORPORATION", + -14.892556190490724 + ], + [ + "▁Dachshund", + -14.892556190490724 + ], + [ + "▁Dazzling", + -14.892556190490724 + ], + [ + "▁Etobicoke", + -14.892556190490724 + ], + [ + "▁Gestalt", + -14.892556190490724 + ], + [ + "▁Hialeah", + -14.892556190490724 + ], + [ + "▁Indemnity", + -14.892556190490724 + ], + [ + "▁Inquiries", + -14.892556190490724 + ], + [ + "▁Lecithin", + -14.892556190490724 + ], + [ + "▁Moffitt", + -14.892556190490724 + ], + [ + "▁Musketeer", + -14.892556190490724 + ], + [ + "▁Psychedelic", + -14.892556190490724 + ], + [ + "▁Puyallup", + -14.892556190490724 + ], + [ + "▁Sequential", + -14.892556190490724 + ], + [ + "▁Sibelius", + -14.892556190490724 + ], + [ + "▁Whedon", + -14.892556190490724 + ], + [ + "▁amphitheatre", + -14.892556190490724 + ], + [ + "▁breathalyzer", + -14.892556190490724 + ], + [ + "▁chardonnay", + -14.892556190490724 + ], + [ + "▁crazier", + -14.892556190490724 + ], + [ + "▁exacerbating", + -14.892556190490724 + ], + [ + "▁glioblastoma", + -14.892556190490724 + ], + [ + "▁honeysuckle", + -14.892556190490724 + ], + [ + "▁palpitations", + -14.892556190490724 + ], + [ + "▁phenotypic", + -14.892556190490724 + ], + [ + "▁rickety", + -14.892556190490724 + ], + [ + "▁unrestrained", + -14.892556190490724 + ], + [ + "▁wolverine", + -14.892556190490724 + ], + [ + "▁Haverford", + -14.89255714416504 + ], + [ + "▁dystrophy", + -14.89255714416504 + ], + [ + "▁intensification", + -14.89255714416504 + ], + [ + "▁Alvarado", + -14.892558097839355 + ], + [ + "▁Féin", + -14.892558097839355 + ], + [ + "Descriptive", + -14.892559051513672 + ], + [ + "▁Clarisonic", + -14.892559051513672 + ], + [ + "▁IFTTT", + -14.892560958862305 + ], + [ + "▁Juilliard", + -14.892560958862305 + ], + [ + "▁Equator", + -14.892562866210938 + ], + [ + "▁bursaries", + -14.892562866210938 + ], + [ + "▁dulce", + -14.892562866210938 + ], + [ + "▁homily", + -14.892562866210938 + ], + [ + "▁Immunity", + -14.892563819885254 + ], + [ + "▁criminology", + -14.892563819885254 + ], + [ + "▁Esthetic", + -14.892566680908203 + ], + [ + "▁Muscular", + -14.89256763458252 + ], + [ + "▁Selkirk", + -14.892569541931152 + ], + [ + "▁meagre", + -14.892571449279783 + ], + [ + "▁Autistic", + -14.892572402954102 + ], + [ + "▁Whipple", + -14.892573356628418 + ], + [ + "▁Avril", + -14.89257526397705 + ], + [ + "▁behoove", + -14.89257526397705 + ], + [ + "plegic", + -14.892576217651367 + ], + [ + "▁primacy", + -14.892580032348633 + ], + [ + "▁unjustified", + -14.892582893371582 + ], + [ + "▁duffel", + -14.892585754394531 + ], + [ + "▁Comanche", + -14.89258861541748 + ], + [ + "▁Stabilizer", + -14.89258861541748 + ], + [ + "▁Trousers", + -14.892595291137695 + ], + [ + "▁gummies", + -14.892597198486328 + ], + [ + "▁Butternut", + -14.89259910583496 + ], + [ + "▁(1975)", + -14.892602920532228 + ], + [ + "▁Lenoir", + -14.892602920532228 + ], + [ + "▁unpaved", + -14.892611503601074 + ], + [ + "▁Heisman", + -14.892617225646973 + ], + [ + "▁Unconventional", + -14.892620086669922 + ], + [ + "▁Underpants", + -14.892634391784668 + ], + [ + "▁partisanship", + -14.892638206481934 + ], + [ + "▁Darnell", + -14.8926420211792 + ], + [ + "▁Yeats", + -14.89264965057373 + ], + [ + "▁CCNP", + -14.89265251159668 + ], + [ + "▁Mirren", + -14.892654418945312 + ], + [ + "▁Cadence", + -14.892658233642578 + ], + [ + "▁Stagger", + -14.892658233642578 + ], + [ + "▁Bernice", + -14.892660140991213 + ], + [ + "▁Lynette", + -14.892660140991213 + ], + [ + "obtain", + -14.89266586303711 + ], + [ + "plier", + -14.892670631408691 + ], + [ + "▁lonesome", + -14.89267635345459 + ], + [ + "▁Became", + -14.89268398284912 + ], + [ + "▁Joao", + -14.892685890197754 + ], + [ + "▁Girona", + -14.892692565917969 + ], + [ + "▁Gelato", + -14.892701148986816 + ], + [ + "▁Neutrality", + -14.892704963684082 + ], + [ + "▁Nagaland", + -14.892711639404297 + ], + [ + "▁actuation", + -14.892723083496094 + ], + [ + "▁STB", + -14.892739295959473 + ], + [ + "▁Rebirth", + -14.892749786376951 + ], + [ + "▁Quickbooks", + -14.892762184143066 + ], + [ + "▁mutagen", + -14.8927640914917 + ], + [ + "▁reconfiguration", + -14.892779350280762 + ], + [ + "▁Removalists", + -14.892840385437012 + ], + [ + "▁Universitas", + -14.892840385437012 + ], + [ + "▁nanoscale", + -14.892851829528809 + ], + [ + "▁Gusto", + -14.892862319946287 + ], + [ + "▁junkyard", + -14.892914772033691 + ], + [ + "▁TICKETS", + -14.892915725708008 + ], + [ + "NSAID", + -14.892937660217283 + ], + [ + "▁sisal", + -14.892938613891602 + ], + [ + "▁ELSE", + -14.8929443359375 + ], + [ + "▁Nollywood", + -14.892953872680664 + ], + [ + "ophyte", + -14.892958641052246 + ], + [ + "▁Strava", + -14.892959594726562 + ], + [ + "▁XBOX", + -14.892961502075195 + ], + [ + "▁ecard", + -14.892964363098145 + ], + [ + "▁Peerless", + -14.89297580718994 + ], + [ + "▁brooches", + -14.893022537231444 + ], + [ + "▁makerspace", + -14.893028259277344 + ], + [ + "1922", + -14.893033027648926 + ], + [ + "▁Thurman", + -14.893051147460938 + ], + [ + "▁aegis", + -14.89305305480957 + ], + [ + "▁fetuses", + -14.893067359924316 + ], + [ + "▁Jiangxi", + -14.89308261871338 + ], + [ + "▁Succession", + -14.893088340759276 + ], + [ + "▁esthetician", + -14.89309310913086 + ], + [ + "▁acidification", + -14.893118858337402 + ], + [ + "▁graveside", + -14.893121719360352 + ], + [ + "▁Calderon", + -14.893128395080566 + ], + [ + "▁chromo", + -14.893143653869627 + ], + [ + "▁steepest", + -14.893156051635742 + ], + [ + "aixar", + -14.893189430236816 + ], + [ + "▁preppy", + -14.89321231842041 + ], + [ + "▁Principality", + -14.893217086791992 + ], + [ + "▁CCNA", + -14.893243789672852 + ], + [ + "▁laundered", + -14.893254280090332 + ], + [ + "▁airstrip", + -14.893255233764648 + ], + [ + "▁Beltway", + -14.89327907562256 + ], + [ + "▁iDevice", + -14.893280982971191 + ], + [ + "▁Albury", + -14.89329719543457 + ], + [ + "▁reconnection", + -14.893322944641112 + ], + [ + "▁Coors", + -14.89332675933838 + ], + [ + "▁politeness", + -14.89333724975586 + ], + [ + "▁expell", + -14.893340110778809 + ], + [ + "Maid", + -14.893360137939451 + ], + [ + "HONG", + -14.8934907913208 + ], + [ + "▁Nomura", + -14.8934907913208 + ], + [ + "▁Vasco", + -14.893515586853027 + ], + [ + "▁funicular", + -14.893525123596191 + ], + [ + "▁Ladybug", + -14.89352798461914 + ], + [ + "▁tenfold", + -14.893532752990724 + ], + [ + "▁videotaped", + -14.893542289733888 + ], + [ + "▁Farage", + -14.893613815307615 + ], + [ + "▁genial", + -14.893617630004885 + ], + [ + "▁Aggie", + -14.893769264221191 + ], + [ + "▁Blizz", + -14.893793106079102 + ], + [ + "▁Madoff", + -14.89383316040039 + ], + [ + "7/8", + -14.8938627243042 + ], + [ + "▁Lakefront", + -14.893881797790527 + ], + [ + "▁receded", + -14.89390754699707 + ], + [ + "▁PRODUCTION", + -14.893911361694336 + ], + [ + "ELLING", + -14.893929481506348 + ], + [ + "▁60-70", + -14.89403247833252 + ], + [ + "▁slung", + -14.89406967163086 + ], + [ + "▁READING", + -14.89407444000244 + ], + [ + "Linear", + -14.894134521484377 + ], + [ + "▁chauffeured", + -14.894170761108398 + ], + [ + "Northeast", + -14.894192695617676 + ], + [ + "▁Lightfoot", + -14.894272804260254 + ], + [ + "▁eardrum", + -14.894359588623049 + ], + [ + "▁stacker", + -14.89443016052246 + ], + [ + "11-15", + -14.894511222839355 + ], + [ + "▁ABM", + -14.894545555114746 + ], + [ + "▁heathen", + -14.894582748413086 + ], + [ + "Citi", + -14.894679069519045 + ], + [ + "▁Exton", + -14.894760131835938 + ], + [ + "▁24′′", + -14.89480209350586 + ], + [ + "▁Garret", + -14.89487075805664 + ], + [ + "▁Stix", + -14.895050048828123 + ], + [ + "▁decoded", + -14.895106315612791 + ], + [ + "▁Satanic", + -14.89515209197998 + ], + [ + ".09.201", + -14.895169258117676 + ], + [ + "Spell", + -14.895206451416016 + ], + [ + "▁relapsed", + -14.895410537719728 + ], + [ + "▁parentage", + -14.895462036132812 + ], + [ + "▁Messer", + -14.895562171936035 + ], + [ + "Phyll", + -14.8955659866333 + ], + [ + "Desp", + -14.895593643188477 + ], + [ + "ecchi", + -14.895611763000488 + ], + [ + "▁peeing", + -14.895635604858398 + ], + [ + "▁Clog", + -14.895708084106444 + ], + [ + "Formed", + -14.895710945129396 + ], + [ + ".05.201", + -14.89572048187256 + ], + [ + "▁malty", + -14.89574909210205 + ], + [ + "▁Scottie", + -14.89577293395996 + ], + [ + "▁enduro", + -14.895869255065918 + ], + [ + "▁Airstream", + -14.896014213562012 + ], + [ + "▁1000+", + -14.896117210388184 + ], + [ + "▁Fairness", + -14.896125793457031 + ], + [ + "▁Schme", + -14.896467208862305 + ], + [ + "▁37,000", + -14.896482467651367 + ], + [ + "facto", + -14.896501541137695 + ], + [ + "▁Koni", + -14.89653778076172 + ], + [ + "▁Palaeo", + -14.896651268005373 + ], + [ + "▁Pickett", + -14.896761894226074 + ], + [ + "▁maliciously", + -14.896770477294922 + ], + [ + "▁bluebird", + -14.89678192138672 + ], + [ + "▁malted", + -14.89686393737793 + ], + [ + "naise", + -14.896892547607422 + ], + [ + "WALL", + -14.89691925048828 + ], + [ + "▁Samaj", + -14.897015571594238 + ], + [ + "▁Refuse", + -14.897052764892578 + ], + [ + "▁hoopla", + -14.897074699401855 + ], + [ + "1,200", + -14.89719581604004 + ], + [ + "pyrid", + -14.89725399017334 + ], + [ + "▁Fj", + -14.897334098815918 + ], + [ + "▁Campsite", + -14.897409439086914 + ], + [ + "DEW", + -14.897415161132812 + ], + [ + "smoker", + -14.897547721862791 + ], + [ + "▁Peli", + -14.897582054138184 + ], + [ + "eshwara", + -14.89761447906494 + ], + [ + "▁Gamal", + -14.897666931152344 + ], + [ + "▁Haile", + -14.897703170776367 + ], + [ + "▁Suzan", + -14.897725105285645 + ], + [ + "▁3/2", + -14.897802352905272 + ], + [ + "Breathe", + -14.897812843322754 + ], + [ + "▁SOD", + -14.897963523864746 + ], + [ + "▁09:0", + -14.897974014282228 + ], + [ + "65,000", + -14.898037910461426 + ], + [ + "▁shard", + -14.89809513092041 + ], + [ + "▁resubmit", + -14.898122787475586 + ], + [ + "1.60", + -14.89819049835205 + ], + [ + "▁Sansa", + -14.898347854614258 + ], + [ + "obvious", + -14.8983736038208 + ], + [ + "organizing", + -14.8985013961792 + ], + [ + "cchini", + -14.898509979248049 + ], + [ + "▁Marek", + -14.8985595703125 + ], + [ + "Gradually", + -14.898563385009766 + ], + [ + "▁flyover", + -14.898567199707031 + ], + [ + "Procedure", + -14.898569107055664 + ], + [ + "Routine", + -14.898569107055664 + ], + [ + "swept", + -14.898576736450195 + ], + [ + "Athletic", + -14.898582458496094 + ], + [ + "Gluten", + -14.898584365844728 + ], + [ + "Laughter", + -14.898585319519045 + ], + [ + "ACCESS", + -14.898587226867676 + ], + [ + "Avengers", + -14.898592948913574 + ], + [ + "Memories", + -14.89859390258789 + ], + [ + "Pleasant", + -14.89859676361084 + ], + [ + "Shakespeare", + -14.89859676361084 + ], + [ + "Brisbane", + -14.898597717285156 + ], + [ + "Mutual", + -14.898597717285156 + ], + [ + "energetic", + -14.898600578308104 + ], + [ + "licensing", + -14.898609161376951 + ], + [ + "Violet", + -14.898614883422852 + ], + [ + "kohler", + -14.898627281188965 + ], + [ + "Madrid", + -14.898632049560549 + ], + [ + "Meghan", + -14.898637771606444 + ], + [ + "Conservation", + -14.89864444732666 + ], + [ + "gassing", + -14.89865493774414 + ], + [ + "therefore", + -14.89865779876709 + ], + [ + "tattoo", + -14.898664474487305 + ], + [ + "▁Leaning", + -14.898664474487305 + ], + [ + "Petersburg", + -14.898666381835938 + ], + [ + "Saturn", + -14.898667335510254 + ], + [ + "oxidation", + -14.89867115020752 + ], + [ + "Freak", + -14.898695945739746 + ], + [ + "Prediction", + -14.898758888244627 + ], + [ + "▁Elie", + -14.898768424987791 + ], + [ + "▁Doran", + -14.898887634277344 + ], + [ + "▁1720", + -14.898895263671877 + ], + [ + "surfer", + -14.89890480041504 + ], + [ + "SPEED", + -14.898905754089355 + ], + [ + "▁GTK", + -14.89899730682373 + ], + [ + "▁flit", + -14.89921760559082 + ], + [ + "ruz", + -14.89922332763672 + ], + [ + "Lifestyle", + -14.899286270141602 + ], + [ + "(15)", + -14.899446487426758 + ], + [ + "▁schw", + -14.899534225463867 + ], + [ + "Marian", + -14.899600982666016 + ], + [ + "anime", + -14.899678230285645 + ], + [ + "uah", + -14.899698257446287 + ], + [ + "nares", + -14.89971923828125 + ], + [ + "FHA", + -14.899775505065918 + ], + [ + "knight", + -14.899788856506348 + ], + [ + "0900", + -14.899821281433104 + ], + [ + "▁FEW", + -14.899887084960938 + ], + [ + "▁Mavic", + -14.899937629699709 + ], + [ + "Bronze", + -14.899991989135742 + ], + [ + "▁WHL", + -14.900164604187012 + ], + [ + "caller", + -14.900196075439451 + ], + [ + "▁Multifunction", + -14.900262832641602 + ], + [ + "▁60/40", + -14.900266647338867 + ], + [ + "eisen", + -14.900423049926758 + ], + [ + "▁Prinz", + -14.900458335876465 + ], + [ + "$35", + -14.900482177734377 + ], + [ + "▁Bunn", + -14.900547981262209 + ], + [ + "konomi", + -14.90061092376709 + ], + [ + "▁accede", + -14.90069580078125 + ], + [ + "67%", + -14.900700569152832 + ], + [ + "teryx", + -14.90074634552002 + ], + [ + "▁Balsam", + -14.900893211364746 + ], + [ + "ERING", + -14.900894165039062 + ], + [ + "graha", + -14.900965690612791 + ], + [ + "Waterproof", + -14.901009559631348 + ], + [ + "Katy", + -14.90107250213623 + ], + [ + "Drama", + -14.901105880737305 + ], + [ + "quilla", + -14.901107788085938 + ], + [ + "▁$105", + -14.90118408203125 + ], + [ + "▁Hamza", + -14.90121841430664 + ], + [ + "▁fingernail", + -14.901273727416992 + ], + [ + "▁Corinthian", + -14.901286125183104 + ], + [ + "Corey", + -14.901308059692385 + ], + [ + "RAID", + -14.901411056518556 + ], + [ + "fuji", + -14.901504516601562 + ], + [ + "Devon", + -14.90152072906494 + ], + [ + "condo", + -14.901528358459473 + ], + [ + "▁Zang", + -14.901591300964355 + ], + [ + "▁Massimo", + -14.901618957519531 + ], + [ + "5,6", + -14.901667594909668 + ], + [ + "referenced", + -14.901688575744627 + ], + [ + "Erica", + -14.901787757873535 + ], + [ + "reply", + -14.901844024658203 + ], + [ + "▁Blyth", + -14.901975631713867 + ], + [ + "▁irrigate", + -14.902054786682127 + ], + [ + "1949", + -14.902070999145508 + ], + [ + "buddy", + -14.902094841003418 + ], + [ + "1907", + -14.90216827392578 + ], + [ + "▁Panta", + -14.90217399597168 + ], + [ + "▁eons", + -14.902212142944336 + ], + [ + "▁Wasser", + -14.902324676513672 + ], + [ + "▁MYR", + -14.902363777160645 + ], + [ + "arrest", + -14.90239429473877 + ], + [ + "AUTO", + -14.902402877807615 + ], + [ + "▁$73", + -14.902436256408691 + ], + [ + "▁$1,5", + -14.902437210083008 + ], + [ + "▁tensioner", + -14.90257453918457 + ], + [ + "▁Fenn", + -14.902582168579102 + ], + [ + "SSH", + -14.902636528015137 + ], + [ + "Adrenaline", + -14.90265655517578 + ], + [ + "Carnitine", + -14.90265655517578 + ], + [ + "▁ACCURACY", + -14.90265655517578 + ], + [ + "▁Benevolent", + -14.90265655517578 + ], + [ + "▁Cuisinart", + -14.90265655517578 + ], + [ + "▁FODMAP", + -14.90265655517578 + ], + [ + "▁Hildebrand", + -14.90265655517578 + ], + [ + "▁Valladolid", + -14.90265655517578 + ], + [ + "▁alginate", + -14.90265655517578 + ], + [ + "▁coercive", + -14.90265655517578 + ], + [ + "▁decomposing", + -14.90265655517578 + ], + [ + "▁detritus", + -14.90265655517578 + ], + [ + "▁exoplanet", + -14.90265655517578 + ], + [ + "▁hemodialysis", + -14.90265655517578 + ], + [ + "▁implausible", + -14.90265655517578 + ], + [ + "▁merriment", + -14.90265655517578 + ], + [ + "▁pasteurized", + -14.90265655517578 + ], + [ + "▁pharaoh", + -14.90265655517578 + ], + [ + "▁photojournalism", + -14.90265655517578 + ], + [ + "▁sanctified", + -14.90265655517578 + ], + [ + "▁schizophrenic", + -14.90265655517578 + ], + [ + "▁tantalising", + -14.90265655517578 + ], + [ + "▁tryptophan", + -14.90265655517578 + ], + [ + "▁viticulture", + -14.90265655517578 + ], + [ + "▁DeWitt", + -14.902657508850098 + ], + [ + "▁Khyber", + -14.902657508850098 + ], + [ + "▁Parthenon", + -14.902657508850098 + ], + [ + "▁Pawtucket", + -14.902657508850098 + ], + [ + "▁Schindler", + -14.902657508850098 + ], + [ + "▁Trombone", + -14.902657508850098 + ], + [ + "▁blackcurrant", + -14.902657508850098 + ], + [ + "▁militarily", + -14.902657508850098 + ], + [ + "▁obituaries", + -14.902657508850098 + ], + [ + "▁unreserved", + -14.902657508850098 + ], + [ + "▁untenable", + -14.902657508850098 + ], + [ + "Identifies", + -14.902658462524414 + ], + [ + "▁MAXIMU", + -14.90265941619873 + ], + [ + "▁Plafond", + -14.90265941619873 + ], + [ + "▁distancing", + -14.90265941619873 + ], + [ + "▁enmity", + -14.90265941619873 + ], + [ + "▁Blumenthal", + -14.902660369873049 + ], + [ + "▁Mortuary", + -14.902660369873049 + ], + [ + "▁Stavanger", + -14.902660369873049 + ], + [ + "▁homophobia", + -14.902660369873049 + ], + [ + "▁BLOOD", + -14.902661323547363 + ], + [ + "▁TARDIS", + -14.902661323547363 + ], + [ + "▁SUPPLIERS", + -14.90266227722168 + ], + [ + "▁Fukuoka", + -14.902663230895996 + ], + [ + "▁Lavrov", + -14.902664184570312 + ], + [ + "▁Mickelson", + -14.902664184570312 + ], + [ + "▁officiant", + -14.902665138244627 + ], + [ + "▁Fantasia", + -14.902666091918944 + ], + [ + "▁Kluwer", + -14.902666091918944 + ], + [ + "▁shambles", + -14.902666091918944 + ], + [ + "▁Cognos", + -14.902667999267578 + ], + [ + "▁Razorbacks", + -14.902668952941896 + ], + [ + "▁daredevil", + -14.902668952941896 + ], + [ + "+20", + -14.902671813964844 + ], + [ + "▁FIFO", + -14.902677536010742 + ], + [ + "▁DRINK", + -14.90267848968506 + ], + [ + "▁Activator", + -14.902680397033691 + ], + [ + "▁ashtray", + -14.902680397033691 + ], + [ + "▁haggling", + -14.902680397033691 + ], + [ + "▁bioavailability", + -14.902681350708008 + ], + [ + "▁Rasmus", + -14.902682304382324 + ], + [ + "▁Lonnie", + -14.902684211730955 + ], + [ + "▁Magpies", + -14.902685165405272 + ], + [ + "▁grinned", + -14.902695655822754 + ], + [ + "▁(1973)", + -14.902705192565918 + ], + [ + "▁McAllen", + -14.902705192565918 + ], + [ + "Punch", + -14.902725219726562 + ], + [ + "▁kickass", + -14.902729988098145 + ], + [ + "▁Brayden", + -14.902737617492676 + ], + [ + "▁Ginsburg", + -14.902743339538574 + ], + [ + "▁titanic", + -14.90274429321289 + ], + [ + "▁Labuan", + -14.902748107910156 + ], + [ + "▁Corrective", + -14.902755737304688 + ], + [ + "▁Coleridge", + -14.902772903442385 + ], + [ + "▁Secretaries", + -14.902779579162598 + ], + [ + "▁Chorley", + -14.902785301208496 + ], + [ + "▁mucosal", + -14.902790069580078 + ], + [ + "▁untangle", + -14.90279483795166 + ], + [ + "▁Illini", + -14.90280818939209 + ], + [ + "▁Darshan", + -14.902819633483888 + ], + [ + "▁chieftain", + -14.902835845947266 + ], + [ + "▁Undead", + -14.902838706970217 + ], + [ + "▁Dravid", + -14.902849197387695 + ], + [ + "▁Kronos", + -14.902849197387695 + ], + [ + "▁cutthroat", + -14.902854919433594 + ], + [ + "▁unwashed", + -14.90286350250244 + ], + [ + "▁captors", + -14.90287971496582 + ], + [ + "▁Finite", + -14.90288257598877 + ], + [ + "▁Yeoman", + -14.902891159057615 + ], + [ + "▁constriction", + -14.902896881103516 + ], + [ + "▁Podium", + -14.902915000915527 + ], + [ + "▁Devlin", + -14.902935981750488 + ], + [ + "▁autocomplete", + -14.902959823608398 + ], + [ + "▁Farrar", + -14.902966499328612 + ], + [ + "ireann", + -14.902968406677246 + ], + [ + "▁permissive", + -14.902981758117676 + ], + [ + "▁chimps", + -14.902984619140623 + ], + [ + "▁backwaters", + -14.902986526489258 + ], + [ + "▁ROTC", + -14.903045654296877 + ], + [ + "0.1%", + -14.903071403503418 + ], + [ + "▁valiantly", + -14.903071403503418 + ], + [ + "▁maligned", + -14.90307903289795 + ], + [ + "▁durian", + -14.90312385559082 + ], + [ + "▁Conqueror", + -14.903149604797363 + ], + [ + "CBL", + -14.903162002563477 + ], + [ + "▁Cuddle", + -14.903162956237791 + ], + [ + "▁distasteful", + -14.903205871582031 + ], + [ + "▁Schie", + -14.90323543548584 + ], + [ + "▁ouster", + -14.903264999389648 + ], + [ + "▁wafting", + -14.90332317352295 + ], + [ + "saying", + -14.903380393981934 + ], + [ + "▁Ricard", + -14.903392791748049 + ], + [ + "▁FOUNDATION", + -14.903399467468262 + ], + [ + "▁machete", + -14.90345287322998 + ], + [ + "SBG", + -14.903453826904297 + ], + [ + "Ender", + -14.903457641601562 + ], + [ + "OYO", + -14.903467178344728 + ], + [ + "▁prorated", + -14.903470039367676 + ], + [ + "▁Broughton", + -14.9035062789917 + ], + [ + "▁Wingate", + -14.903507232666016 + ], + [ + "▁Splitter", + -14.903510093688965 + ], + [ + "▁inertial", + -14.90351390838623 + ], + [ + "▁Whaka", + -14.903520584106444 + ], + [ + "▁cupped", + -14.903534889221191 + ], + [ + "ocin", + -14.903546333312988 + ], + [ + "▁Fonte", + -14.903685569763184 + ], + [ + "▁Fagan", + -14.903746604919434 + ], + [ + "▁briskly", + -14.90379238128662 + ], + [ + "▁contradicted", + -14.903825759887695 + ], + [ + "▁Komm", + -14.903838157653809 + ], + [ + "▁flapper", + -14.903871536254885 + ], + [ + "▁Ethanol", + -14.90392017364502 + ], + [ + "▁Johnstown", + -14.903926849365234 + ], + [ + "▁Charlestown", + -14.903993606567385 + ], + [ + "1:49", + -14.904024124145508 + ], + [ + "▁Oban", + -14.90402889251709 + ], + [ + "▁Freya", + -14.904034614562988 + ], + [ + "▁saltiness", + -14.90407943725586 + ], + [ + "▁Standby", + -14.904173851013184 + ], + [ + "zide", + -14.904285430908203 + ], + [ + "▁Leahy", + -14.904364585876465 + ], + [ + "▁incentivise", + -14.904403686523438 + ], + [ + "▁Belkin", + -14.904437065124512 + ], + [ + "▁VICE", + -14.904438972473145 + ], + [ + "▁Rishi", + -14.904528617858888 + ], + [ + "▁rediscovering", + -14.904542922973633 + ], + [ + "▁Carbone", + -14.904619216918944 + ], + [ + "▁Hauser", + -14.904747009277344 + ], + [ + "▁Coucher", + -14.90480136871338 + ], + [ + "▁varnished", + -14.90480899810791 + ], + [ + "counterclockwise", + -14.904820442199709 + ], + [ + "waka", + -14.90499496459961 + ], + [ + "▁clichéd", + -14.905033111572266 + ], + [ + "IDAD", + -14.905157089233398 + ], + [ + "9.3%", + -14.905317306518556 + ], + [ + "▁Daft", + -14.905323028564451 + ], + [ + "homi", + -14.905362129211426 + ], + [ + "▁\"0\"", + -14.9053955078125 + ], + [ + "▁Halter", + -14.905397415161133 + ], + [ + "▁$1200", + -14.905421257019045 + ], + [ + "▁readied", + -14.905449867248535 + ], + [ + "▁WRX", + -14.905632019042969 + ], + [ + "Scrub", + -14.905645370483398 + ], + [ + "▁Frosty", + -14.90568733215332 + ], + [ + "▁qualitatively", + -14.905717849731444 + ], + [ + "▁whereupon", + -14.905790328979492 + ], + [ + "▁fatter", + -14.905848503112791 + ], + [ + "motive", + -14.905957221984863 + ], + [ + "▁Deleted", + -14.905985832214355 + ], + [ + "Crypt", + -14.90598964691162 + ], + [ + "▁governorate", + -14.906065940856934 + ], + [ + "VIM", + -14.906107902526855 + ], + [ + "▁125,000", + -14.906112670898438 + ], + [ + "PSU", + -14.906166076660156 + ], + [ + "▁reloaded", + -14.906168937683104 + ], + [ + "▁baste", + -14.906172752380373 + ], + [ + "▁deliverability", + -14.906173706054688 + ], + [ + "▁strangeness", + -14.906235694885254 + ], + [ + "ILT", + -14.9063081741333 + ], + [ + "▁hydrological", + -14.906349182128906 + ], + [ + "Static", + -14.906354904174805 + ], + [ + "▁Liberian", + -14.90636920928955 + ], + [ + "yue", + -14.906420707702637 + ], + [ + "▁Moshi", + -14.9064302444458 + ], + [ + "7:15", + -14.906497955322266 + ], + [ + "▁£25,000", + -14.906540870666504 + ], + [ + "▁flicking", + -14.906574249267578 + ], + [ + "6800", + -14.906583786010742 + ], + [ + "▁LINKS", + -14.906587600708008 + ], + [ + "TLA", + -14.906659126281738 + ], + [ + "▁06:2", + -14.906659126281738 + ], + [ + "▁presto", + -14.906698226928713 + ], + [ + "▁petri", + -14.906892776489258 + ], + [ + "▁Chica", + -14.907097816467283 + ], + [ + "1956", + -14.907099723815918 + ], + [ + "▁$0.8", + -14.907106399536133 + ], + [ + "addressed", + -14.907110214233398 + ], + [ + "angler", + -14.907268524169922 + ], + [ + "ilated", + -14.907268524169922 + ], + [ + "HUB", + -14.90730094909668 + ], + [ + "▁Limiting", + -14.907304763793944 + ], + [ + "Cliff", + -14.907308578491213 + ], + [ + "aaaaa", + -14.90748119354248 + ], + [ + "▁Cayo", + -14.907758712768556 + ], + [ + "holtz", + -14.907915115356444 + ], + [ + "▁Fav", + -14.908008575439451 + ], + [ + "▁Mote", + -14.9080228805542 + ], + [ + "▁19:5", + -14.908035278320312 + ], + [ + "▁ROH", + -14.90804958343506 + ], + [ + "SEF", + -14.908056259155272 + ], + [ + "davis", + -14.908163070678713 + ], + [ + "▁$350,000", + -14.908254623413086 + ], + [ + "▁Petitioner", + -14.90827178955078 + ], + [ + "placing", + -14.908281326293944 + ], + [ + "Alma", + -14.908291816711426 + ], + [ + "▁Cavalli", + -14.908321380615234 + ], + [ + "/1.8", + -14.908349990844728 + ], + [ + "▁Shiro", + -14.908380508422852 + ], + [ + "▁SIU", + -14.908552169799805 + ], + [ + "▁misfire", + -14.908570289611816 + ], + [ + "▁Frau", + -14.908586502075195 + ], + [ + "▁Explor", + -14.908599853515623 + ], + [ + "▁Jahan", + -14.908636093139648 + ], + [ + "▁FIM", + -14.908642768859863 + ], + [ + "▁divinely", + -14.90867805480957 + ], + [ + "naud", + -14.908886909484863 + ], + [ + "zzz", + -14.908915519714355 + ], + [ + "Pupils", + -14.90896701812744 + ], + [ + "Redeem", + -14.90898895263672 + ], + [ + "Porcelain", + -14.908992767333984 + ], + [ + "association", + -14.9089994430542 + ], + [ + "Cannabis", + -14.909003257751465 + ], + [ + "Strawberry", + -14.90900421142578 + ], + [ + "Titanium", + -14.909013748168944 + ], + [ + "Magnet", + -14.909014701843262 + ], + [ + "Mediterranean", + -14.909016609191896 + ], + [ + "Silence", + -14.90902042388916 + ], + [ + "television", + -14.909022331237791 + ], + [ + "Fraud", + -14.90903091430664 + ], + [ + "Appearance", + -14.909038543701172 + ], + [ + "Charming", + -14.909039497375488 + ], + [ + "Psychology", + -14.909065246582031 + ], + [ + "studied", + -14.909067153930664 + ], + [ + "Divine", + -14.909100532531738 + ], + [ + "propane", + -14.909110069274902 + ], + [ + "stripped", + -14.909132957458496 + ], + [ + "Lightning", + -14.90917682647705 + ], + [ + "Yummy", + -14.909194946289062 + ], + [ + "▁habe", + -14.909219741821287 + ], + [ + "Venus", + -14.90923309326172 + ], + [ + "latency", + -14.909244537353516 + ], + [ + "ghz", + -14.90925407409668 + ], + [ + "behaviour", + -14.909259796142578 + ], + [ + "Handling", + -14.909343719482422 + ], + [ + "lichkeit", + -14.9093599319458 + ], + [ + "▁GTE", + -14.909375190734863 + ], + [ + "▁Belton", + -14.909379959106444 + ], + [ + "rimi", + -14.909381866455078 + ], + [ + "TONE", + -14.909418106079102 + ], + [ + "GERS", + -14.909431457519531 + ], + [ + "enhance", + -14.909541130065918 + ], + [ + "Malta", + -14.909554481506348 + ], + [ + "Classroom", + -14.909600257873535 + ], + [ + "fau", + -14.909623146057127 + ], + [ + "▁Flore", + -14.909649848937988 + ], + [ + "Panda", + -14.909707069396973 + ], + [ + "Sheila", + -14.909747123718262 + ], + [ + "Compass", + -14.909757614135742 + ], + [ + "MPEG", + -14.910014152526855 + ], + [ + "KEL", + -14.910116195678713 + ], + [ + "▁Arran", + -14.91018772125244 + ], + [ + "Bacon", + -14.910276412963867 + ], + [ + "protecting", + -14.910440444946287 + ], + [ + "deleted", + -14.910561561584473 + ], + [ + "utsch", + -14.910576820373535 + ], + [ + "3:14", + -14.910590171813965 + ], + [ + "reiner", + -14.910655975341797 + ], + [ + "Ella", + -14.910706520080566 + ], + [ + "▁Naira", + -14.910707473754885 + ], + [ + "psc", + -14.910881996154783 + ], + [ + "Mahar", + -14.910999298095703 + ], + [ + "apua", + -14.91106414794922 + ], + [ + "addition", + -14.91111660003662 + ], + [ + "0100", + -14.911161422729492 + ], + [ + "▁Stork", + -14.9111909866333 + ], + [ + "situation", + -14.91119384765625 + ], + [ + "hulu", + -14.91125202178955 + ], + [ + "MOV", + -14.911301612854004 + ], + [ + "9.90", + -14.911341667175291 + ], + [ + "▁croon", + -14.911347389221191 + ], + [ + "▁Gearbox", + -14.911507606506348 + ], + [ + "▁2019/20", + -14.911541938781738 + ], + [ + "▁Nesting", + -14.911550521850586 + ], + [ + "▁gloat", + -14.911554336547852 + ], + [ + "▁Duster", + -14.91175651550293 + ], + [ + "▁Basra", + -14.911767959594728 + ], + [ + "▁masterwork", + -14.91188621520996 + ], + [ + "Bernie", + -14.911941528320312 + ], + [ + "▁propell", + -14.911968231201172 + ], + [ + "▁unroll", + -14.911992073059082 + ], + [ + "curry", + -14.912022590637209 + ], + [ + "▁droop", + -14.912080764770508 + ], + [ + "bagh", + -14.912115097045898 + ], + [ + "composition", + -14.91212272644043 + ], + [ + "▁kingpin", + -14.912126541137695 + ], + [ + "▁Tricho", + -14.91216278076172 + ], + [ + "Washing", + -14.91222858428955 + ], + [ + "Kane", + -14.91246223449707 + ], + [ + "OCKET", + -14.912467002868652 + ], + [ + "▁panna", + -14.912531852722168 + ], + [ + "▁Andalusia", + -14.912622451782228 + ], + [ + "▁[2019-04-1", + -14.91262435913086 + ], + [ + "▁disband", + -14.912714958190918 + ], + [ + "▁crutch", + -14.912739753723145 + ], + [ + "CALIFORNIA", + -14.912860870361328 + ], + [ + "COFFEE", + -14.912860870361328 + ], + [ + "Prevalence", + -14.912860870361328 + ], + [ + "Resignation", + -14.912860870361328 + ], + [ + "infiltrating", + -14.912860870361328 + ], + [ + "▁ABSOLUTELY", + -14.912860870361328 + ], + [ + "▁ALREADY", + -14.912860870361328 + ], + [ + "▁Bikaner", + -14.912860870361328 + ], + [ + "▁Camouflage", + -14.912860870361328 + ], + [ + "▁Flannery", + -14.912860870361328 + ], + [ + "▁Heraklion", + -14.912860870361328 + ], + [ + "▁INDUSTRIAL", + -14.912860870361328 + ], + [ + "▁McRae", + -14.912860870361328 + ], + [ + "▁Mozzarella", + -14.912860870361328 + ], + [ + "▁Multnomah", + -14.912860870361328 + ], + [ + "▁Patanjali", + -14.912860870361328 + ], + [ + "▁Schuylkill", + -14.912860870361328 + ], + [ + "▁Tolstoy", + -14.912860870361328 + ], + [ + "▁Trondheim", + -14.912860870361328 + ], + [ + "▁bilirubin", + -14.912860870361328 + ], + [ + "▁bruschetta", + -14.912860870361328 + ], + [ + "▁bulimia", + -14.912860870361328 + ], + [ + "▁chrysanthemum", + -14.912860870361328 + ], + [ + "▁eloquence", + -14.912860870361328 + ], + [ + "▁euthanized", + -14.912860870361328 + ], + [ + "▁hydrocodone", + -14.912860870361328 + ], + [ + "▁marzipan", + -14.912860870361328 + ], + [ + "▁minneapolis", + -14.912860870361328 + ], + [ + "▁monounsaturated", + -14.912860870361328 + ], + [ + "▁nebulous", + -14.912860870361328 + ], + [ + "▁rippling", + -14.912860870361328 + ], + [ + "▁rollicking", + -14.912860870361328 + ], + [ + "▁trifecta", + -14.912860870361328 + ], + [ + "▁unhindered", + -14.912860870361328 + ], + [ + "▁192.168.1", + -14.912861824035645 + ], + [ + "▁888-548-5870", + -14.912861824035645 + ], + [ + "▁diabolical", + -14.912861824035645 + ], + [ + "▁epistle", + -14.912861824035645 + ], + [ + "▁misgivings", + -14.912861824035645 + ], + [ + "▁saccharin", + -14.912861824035645 + ], + [ + "▁Ranveer", + -14.91286277770996 + ], + [ + "Unsecured", + -14.912863731384276 + ], + [ + "▁Cervantes", + -14.912863731384276 + ], + [ + "▁Sapporo", + -14.912863731384276 + ], + [ + "▁contravention", + -14.912863731384276 + ], + [ + "▁decelerate", + -14.912863731384276 + ], + [ + "REQUIRE", + -14.912864685058594 + ], + [ + "▁Doomsday", + -14.912864685058594 + ], + [ + "▁Extravaganza", + -14.912864685058594 + ], + [ + "▁Figurine", + -14.912864685058594 + ], + [ + "▁Mulholland", + -14.912864685058594 + ], + [ + "▁Atlassian", + -14.91286563873291 + ], + [ + "▁Claudius", + -14.91286563873291 + ], + [ + "▁indeterminate", + -14.91286563873291 + ], + [ + "▁atrocity", + -14.912866592407228 + ], + [ + "▁yamaha", + -14.912866592407228 + ], + [ + "▁Emporia", + -14.912867546081545 + ], + [ + "▁Pranayama", + -14.912867546081545 + ], + [ + "▁Barbican", + -14.91286849975586 + ], + [ + "▁Breen", + -14.912869453430176 + ], + [ + "▁thiamine", + -14.912869453430176 + ], + [ + "▁girder", + -14.912870407104492 + ], + [ + "▁Lacquer", + -14.912871360778809 + ], + [ + "▁PARTNER", + -14.912871360778809 + ], + [ + "▁ineffectual", + -14.912871360778809 + ], + [ + "▁Arnhem", + -14.912872314453123 + ], + [ + "▁Meijer", + -14.912874221801758 + ], + [ + "▁cadaver", + -14.912877082824709 + ], + [ + "▁saunter", + -14.91287899017334 + ], + [ + "▁Engadget", + -14.912881851196287 + ], + [ + "▁dormancy", + -14.912883758544922 + ], + [ + "▁Ramallah", + -14.912888526916504 + ], + [ + "▁Youssef", + -14.912888526916504 + ], + [ + "▁CARL", + -14.912896156311035 + ], + [ + "▁expungement", + -14.912896156311035 + ], + [ + "▁scowl", + -14.912897109985352 + ], + [ + "▁Strathmore", + -14.9128999710083 + ], + [ + "▁Stagecoach", + -14.912901878356934 + ], + [ + "▁Lupus", + -14.912903785705566 + ], + [ + "Prolonged", + -14.912907600402832 + ], + [ + "▁flatulence", + -14.912908554077148 + ], + [ + "▁biomaterials", + -14.91291046142578 + ], + [ + "▁cramming", + -14.912911415100098 + ], + [ + "▁RSPB", + -14.912912368774414 + ], + [ + "▁Mercure", + -14.912914276123049 + ], + [ + "▁Mixtape", + -14.912914276123049 + ], + [ + "▁Pittsfield", + -14.912919044494627 + ], + [ + "▁whitish", + -14.912920951843262 + ], + [ + "▁fucked", + -14.912925720214844 + ], + [ + "▁Respite", + -14.91292667388916 + ], + [ + "▁ruse", + -14.912928581237791 + ], + [ + "▁Telenor", + -14.912931442260742 + ], + [ + "▁Searle", + -14.912936210632324 + ], + [ + "▁JDBC", + -14.91293716430664 + ], + [ + "▁polyamide", + -14.91293716430664 + ], + [ + "▁Remanufactured", + -14.91294002532959 + ], + [ + "▁Mersey", + -14.912949562072754 + ], + [ + "▁repelled", + -14.912949562072754 + ], + [ + "▁hydrogel", + -14.912956237792969 + ], + [ + "▁alternation", + -14.9129638671875 + ], + [ + "▁Taskforce", + -14.912967681884766 + ], + [ + "▁purebred", + -14.912968635559082 + ], + [ + "▁Basecamp", + -14.91297435760498 + ], + [ + "▁Carrillo", + -14.91297721862793 + ], + [ + "Induced", + -14.912978172302246 + ], + [ + "▁billowing", + -14.912981986999512 + ], + [ + "▁Winslet", + -14.912982940673828 + ], + [ + "▁Lazada", + -14.91298484802246 + ], + [ + "▁gaggle", + -14.912985801696776 + ], + [ + "▁nondescript", + -14.913009643554688 + ], + [ + "▁junta", + -14.913015365600586 + ], + [ + "▁Thermometer", + -14.913020133972168 + ], + [ + "Explicit", + -14.913023948669434 + ], + [ + "▁minicab", + -14.91302490234375 + ], + [ + "▁Kindred", + -14.913028717041016 + ], + [ + "▁Granola", + -14.91305160522461 + ], + [ + "▁DreamWorks", + -14.913052558898926 + ], + [ + "▁bassoon", + -14.913055419921877 + ], + [ + "▁GPRS", + -14.913061141967772 + ], + [ + "▁Copley", + -14.913073539733888 + ], + [ + "▁grisly", + -14.913076400756836 + ], + [ + "PERFORM", + -14.913082122802734 + ], + [ + "▁Duvall", + -14.913084983825684 + ], + [ + "▁Larissa", + -14.913093566894531 + ], + [ + "▁Heartbeat", + -14.91309928894043 + ], + [ + "▁Covina", + -14.91310214996338 + ], + [ + "▁Badlands", + -14.913107872009276 + ], + [ + "▁Huston", + -14.913129806518556 + ], + [ + "WAKE", + -14.913158416748049 + ], + [ + "▁bereft", + -14.913174629211426 + ], + [ + "▁copolymer", + -14.913203239440918 + ], + [ + "▁phlegm", + -14.913204193115234 + ], + [ + "▁Theorem", + -14.913215637207031 + ], + [ + "▁Arcane", + -14.91323471069336 + ], + [ + "▁Thromb", + -14.913247108459473 + ], + [ + "▁Casella", + -14.91327953338623 + ], + [ + "▁Homeopathy", + -14.913290977478027 + ], + [ + "▁Posada", + -14.913311004638672 + ], + [ + "▁seaplane", + -14.913335800170898 + ], + [ + "▁Harford", + -14.913339614868164 + ], + [ + "▁Alcoholics", + -14.91334342956543 + ], + [ + "▁Greenspan", + -14.91334629058838 + ], + [ + "▁Suction", + -14.913350105285645 + ], + [ + "▁Sandro", + -14.913352012634276 + ], + [ + "▁Hoang", + -14.913381576538086 + ], + [ + "▁EKG", + -14.91338348388672 + ], + [ + "▁ridding", + -14.913395881652832 + ], + [ + "▁overspending", + -14.913410186767578 + ], + [ + "▁18:2", + -14.913432121276855 + ], + [ + "▁potties", + -14.913432121276855 + ], + [ + "▁cohesiveness", + -14.913433074951172 + ], + [ + "▁prohibitively", + -14.913467407226562 + ], + [ + "▁Inquisition", + -14.913507461547852 + ], + [ + "▁Testking", + -14.913530349731444 + ], + [ + "▁thrashed", + -14.913534164428713 + ], + [ + "▁luckiest", + -14.913549423217772 + ], + [ + "▁Dhar", + -14.913556098937988 + ], + [ + "collin", + -14.913620948791504 + ], + [ + "▁gusty", + -14.913670539855955 + ], + [ + "▁08:3", + -14.913674354553224 + ], + [ + "▁domiciled", + -14.913718223571776 + ], + [ + "▁Alteration", + -14.913721084594728 + ], + [ + "▁gynecological", + -14.913729667663574 + ], + [ + "▁Prisoners", + -14.91373348236084 + ], + [ + "▁Converge", + -14.91374397277832 + ], + [ + "forbes", + -14.913766860961914 + ], + [ + "pastor", + -14.91378116607666 + ], + [ + "examined", + -14.913787841796877 + ], + [ + "letta", + -14.91380786895752 + ], + [ + "▁1791", + -14.913823127746582 + ], + [ + "▁ambushed", + -14.913840293884276 + ], + [ + "▁chairmanship", + -14.91387939453125 + ], + [ + "▁devalued", + -14.913883209228516 + ], + [ + "risco", + -14.913901329040527 + ], + [ + "▁garnishes", + -14.913944244384766 + ], + [ + "▁Nasal", + -14.91397476196289 + ], + [ + "▁CRB", + -14.914039611816406 + ], + [ + "▁WVU", + -14.914051055908203 + ], + [ + "▁Vishal", + -14.91408634185791 + ], + [ + "▁GONE", + -14.914092063903809 + ], + [ + "1440", + -14.91409683227539 + ], + [ + "7.15", + -14.914159774780272 + ], + [ + "flake", + -14.914325714111328 + ], + [ + "Tested", + -14.914340019226074 + ], + [ + "▁Frisch", + -14.914353370666504 + ], + [ + "▁Douro", + -14.914362907409668 + ], + [ + "▁FARC", + -14.914377212524414 + ], + [ + "▁Leaflet", + -14.914395332336426 + ], + [ + "▁Ingham", + -14.914420127868652 + ], + [ + "▁bumble", + -14.914436340332031 + ], + [ + "▁argumentation", + -14.914490699768066 + ], + [ + "▁wavering", + -14.91450309753418 + ], + [ + "bliss", + -14.914525985717772 + ], + [ + "▁Mantis", + -14.914602279663086 + ], + [ + "▁jurist", + -14.914610862731934 + ], + [ + "▁Modernization", + -14.914674758911133 + ], + [ + "nyk", + -14.914697647094728 + ], + [ + "▁Flashlight", + -14.914751052856444 + ], + [ + "versity", + -14.914819717407228 + ], + [ + "chuan", + -14.91486644744873 + ], + [ + "▁LETTER", + -14.914891242980955 + ], + [ + "▁overspend", + -14.914904594421388 + ], + [ + "▁decorum", + -14.91496753692627 + ], + [ + "▁woodcut", + -14.91502285003662 + ], + [ + "▁hospitalised", + -14.915035247802734 + ], + [ + "▁Dube", + -14.915081024169922 + ], + [ + "adav", + -14.915112495422363 + ], + [ + "▁Urine", + -14.915204048156738 + ], + [ + "▁pubic", + -14.915270805358888 + ], + [ + "3:19", + -14.91527271270752 + ], + [ + "▁floaters", + -14.915289878845217 + ], + [ + "▁hitches", + -14.915301322937012 + ], + [ + "▁Hallowe", + -14.915329933166504 + ], + [ + "▁formalize", + -14.915428161621094 + ], + [ + "▁eHealth", + -14.915512084960938 + ], + [ + "URC", + -14.915538787841797 + ], + [ + "Photoshop", + -14.91555118560791 + ], + [ + "adres", + -14.915620803833008 + ], + [ + "fou", + -14.915694236755373 + ], + [ + "Mania", + -14.91578483581543 + ], + [ + "▁splendidly", + -14.915863037109377 + ], + [ + "▁Dene", + -14.91594696044922 + ], + [ + "Barber", + -14.915968894958496 + ], + [ + "▁NIO", + -14.915969848632812 + ], + [ + "▁reverting", + -14.916044235229492 + ], + [ + "▁Khair", + -14.916053771972656 + ], + [ + "WARN", + -14.91617202758789 + ], + [ + "Leigh", + -14.916204452514648 + ], + [ + "YAL", + -14.916359901428224 + ], + [ + "hashi", + -14.91642951965332 + ], + [ + "▁chroma", + -14.916484832763672 + ], + [ + "Satan", + -14.916485786437988 + ], + [ + "Antonio", + -14.916499137878418 + ], + [ + "▁Saree", + -14.916526794433594 + ], + [ + "RAF", + -14.916560173034668 + ], + [ + "▁Tyga", + -14.916661262512209 + ], + [ + "▁darting", + -14.916748046875 + ], + [ + "JON", + -14.916797637939451 + ], + [ + "▁WannaCry", + -14.917040824890137 + ], + [ + "cien", + -14.917125701904297 + ], + [ + "deutsche", + -14.917170524597168 + ], + [ + "ELEC", + -14.917210578918455 + ], + [ + "▁Laga", + -14.917276382446287 + ], + [ + "▁Linton", + -14.917302131652832 + ], + [ + "▁cede", + -14.91733455657959 + ], + [ + "▁Crum", + -14.917356491088867 + ], + [ + "тра", + -14.917366027832031 + ], + [ + "▁micrometer", + -14.917598724365234 + ], + [ + "▁Moreau", + -14.918015480041504 + ], + [ + "▁Kirkman", + -14.91805362701416 + ], + [ + "Priv", + -14.918081283569336 + ], + [ + "▁nahi", + -14.918132781982422 + ], + [ + "Marion", + -14.918158531188965 + ], + [ + "3:50", + -14.918183326721191 + ], + [ + "Cleaner", + -14.918188095092772 + ], + [ + "luff", + -14.918228149414062 + ], + [ + "▁Krum", + -14.9182767868042 + ], + [ + "▁Lilli", + -14.918295860290527 + ], + [ + "▁watercourse", + -14.918339729309082 + ], + [ + "ebay", + -14.918349266052246 + ], + [ + "▁Airmen", + -14.918395042419434 + ], + [ + "predates", + -14.918397903442385 + ], + [ + "▁Wyman", + -14.91847324371338 + ], + [ + "▁analytically", + -14.91847324371338 + ], + [ + "▁31.5", + -14.918564796447754 + ], + [ + "▁outdoorsman", + -14.918594360351562 + ], + [ + "OKO", + -14.91860294342041 + ], + [ + "▁CIB", + -14.918659210205078 + ], + [ + "ZAN", + -14.918688774108888 + ], + [ + "liang", + -14.918701171875 + ], + [ + "Gala", + -14.91872215270996 + ], + [ + "▁songstress", + -14.91877269744873 + ], + [ + "▁maka", + -14.918807983398438 + ], + [ + "▁NOLA", + -14.91882610321045 + ], + [ + "Lap", + -14.918828010559082 + ], + [ + "▁federalism", + -14.918996810913086 + ], + [ + "kilter", + -14.919224739074709 + ], + [ + "fraction", + -14.919319152832031 + ], + [ + "hassle", + -14.919410705566406 + ], + [ + "underestimating", + -14.919414520263672 + ], + [ + "recommend", + -14.919442176818848 + ], + [ + "verify", + -14.919452667236328 + ], + [ + "nomie", + -14.919468879699709 + ], + [ + "frigidaire", + -14.919475555419922 + ], + [ + "Destroy", + -14.919479370117188 + ], + [ + "Nominations", + -14.919488906860352 + ], + [ + "parametric", + -14.919519424438477 + ], + [ + "interrupt", + -14.91952419281006 + ], + [ + "pioneer", + -14.91952896118164 + ], + [ + "expansion", + -14.91953182220459 + ], + [ + "Adidas", + -14.91953468322754 + ], + [ + "Corporation", + -14.91953468322754 + ], + [ + "Mystery", + -14.91953468322754 + ], + [ + "Sebastian", + -14.919535636901855 + ], + [ + "genuine", + -14.919536590576172 + ], + [ + "Indigenous", + -14.919538497924805 + ], + [ + "Teresa", + -14.919540405273438 + ], + [ + "brilliant", + -14.919543266296388 + ], + [ + "gorgeous", + -14.919544219970703 + ], + [ + "warranty", + -14.919547080993652 + ], + [ + "Jiang", + -14.919548034667969 + ], + [ + "coconut", + -14.919551849365234 + ], + [ + "Yamaha", + -14.919557571411133 + ], + [ + "Accessories", + -14.919559478759766 + ], + [ + "Farrell", + -14.91956901550293 + ], + [ + "allergic", + -14.919574737548828 + ], + [ + "1:03", + -14.919635772705078 + ], + [ + "Mango", + -14.919658660888672 + ], + [ + "▁RTU", + -14.919662475585938 + ], + [ + "▁Securi", + -14.919705390930176 + ], + [ + "Leeds", + -14.919708251953123 + ], + [ + "▁starlet", + -14.919794082641602 + ], + [ + "correlation", + -14.919822692871094 + ], + [ + "Proudly", + -14.919838905334473 + ], + [ + "▁Shag", + -14.919849395751951 + ], + [ + "cairn", + -14.91987419128418 + ], + [ + "implemented", + -14.919893264770508 + ], + [ + "Accent", + -14.919907569885254 + ], + [ + "Oddly", + -14.919923782348633 + ], + [ + "enclosed", + -14.919936180114746 + ], + [ + "piracy", + -14.91997241973877 + ], + [ + "bwa", + -14.919991493225098 + ], + [ + "▁Garb", + -14.91999626159668 + ], + [ + "vibe", + -14.920034408569336 + ], + [ + "delayed", + -14.920049667358398 + ], + [ + "Waist", + -14.920083045959473 + ], + [ + "Hah", + -14.920245170593262 + ], + [ + "tumble", + -14.920374870300291 + ], + [ + "encio", + -14.920541763305664 + ], + [ + "▁overseer", + -14.920568466186523 + ], + [ + "Effectively", + -14.920716285705566 + ], + [ + "cdc", + -14.920921325683594 + ], + [ + "Singh", + -14.92099666595459 + ], + [ + "CLEAN", + -14.921009063720703 + ], + [ + "ovitch", + -14.92101001739502 + ], + [ + "stability", + -14.921038627624512 + ], + [ + "▁relaxant", + -14.921064376831056 + ], + [ + "▁BUN", + -14.921137809753418 + ], + [ + "▁Spun", + -14.92115592956543 + ], + [ + "Ether", + -14.92123031616211 + ], + [ + "▁Legit", + -14.921249389648438 + ], + [ + "▁Picket", + -14.921320915222168 + ], + [ + "neither", + -14.921353340148926 + ], + [ + "▁Pique", + -14.92147731781006 + ], + [ + "▁Brest", + -14.921712875366213 + ], + [ + "▁50-100", + -14.921884536743164 + ], + [ + "▁amphibian", + -14.921936988830566 + ], + [ + "Folding", + -14.921944618225098 + ], + [ + "▁filo", + -14.921968460083008 + ], + [ + "▁Pogo", + -14.922006607055664 + ], + [ + "switching", + -14.922103881835938 + ], + [ + "Optical", + -14.922236442565918 + ], + [ + "Acute", + -14.9222993850708 + ], + [ + "aaaaaa", + -14.92234992980957 + ], + [ + "▁CORT", + -14.92237377166748 + ], + [ + "dealing", + -14.922460556030272 + ], + [ + "13-6", + -14.922490119934082 + ], + [ + "ASIC", + -14.922493934631348 + ], + [ + "▁LBS", + -14.922505378723145 + ], + [ + "▁RMD", + -14.922517776489258 + ], + [ + "▁Harvester", + -14.92258358001709 + ], + [ + "▁Primera", + -14.92258644104004 + ], + [ + "▁foreclose", + -14.922605514526367 + ], + [ + "lightweight", + -14.922662734985352 + ], + [ + "▁Mui", + -14.922723770141602 + ], + [ + "▁Moringa", + -14.9227933883667 + ], + [ + "▁whittle", + -14.92286205291748 + ], + [ + "Gwen", + -14.922938346862791 + ], + [ + "20-1", + -14.922975540161133 + ], + [ + "▁philosophi", + -14.923022270202637 + ], + [ + "▁cytotoxic", + -14.923144340515137 + ], + [ + "▁PorousFlow", + -14.92316436767578 + ], + [ + "Experiential", + -14.92317008972168 + ], + [ + "Inflammatory", + -14.92317008972168 + ], + [ + "Osteoporosis", + -14.92317008972168 + ], + [ + "arussalam", + -14.92317008972168 + ], + [ + "▁Almeida", + -14.92317008972168 + ], + [ + "▁Ashkenazi", + -14.92317008972168 + ], + [ + "▁Confucius", + -14.92317008972168 + ], + [ + "▁Dyslexia", + -14.92317008972168 + ], + [ + "▁Economies", + -14.92317008972168 + ], + [ + "▁Eminence", + -14.92317008972168 + ], + [ + "▁FABULOUS", + -14.92317008972168 + ], + [ + "▁Gayatri", + -14.92317008972168 + ], + [ + "▁Illawarra", + -14.92317008972168 + ], + [ + "▁LOCATED", + -14.92317008972168 + ], + [ + "▁Mackinac", + -14.92317008972168 + ], + [ + "▁Pontifical", + -14.92317008972168 + ], + [ + "▁Talladega", + -14.92317008972168 + ], + [ + "▁Toowoomba", + -14.92317008972168 + ], + [ + "▁aerobatic", + -14.92317008972168 + ], + [ + "▁ambivalence", + -14.92317008972168 + ], + [ + "▁clairvoyant", + -14.92317008972168 + ], + [ + "▁exasperated", + -14.92317008972168 + ], + [ + "▁ferocity", + -14.92317008972168 + ], + [ + "▁fiduciaries", + -14.92317008972168 + ], + [ + "▁marjoram", + -14.92317008972168 + ], + [ + "▁pluripotent", + -14.92317008972168 + ], + [ + "▁spectroscopic", + -14.92317008972168 + ], + [ + "▁tremolo", + -14.92317008972168 + ], + [ + "▁untrustworthy", + -14.92317008972168 + ], + [ + "▁Absalom", + -14.923171043395996 + ], + [ + "▁COUNCIL", + -14.923171043395996 + ], + [ + "▁Sausalito", + -14.923171043395996 + ], + [ + "▁Valdosta", + -14.923171043395996 + ], + [ + "▁congenial", + -14.923171043395996 + ], + [ + "▁guerilla", + -14.923171043395996 + ], + [ + "▁kickboxing", + -14.923171043395996 + ], + [ + "▁servitude", + -14.923171043395996 + ], + [ + "▁Mankato", + -14.923171997070312 + ], + [ + "▁Millenium", + -14.923172950744627 + ], + [ + "▁igloo", + -14.923172950744627 + ], + [ + "▁Molecule", + -14.923173904418944 + ], + [ + "▁cosmological", + -14.923173904418944 + ], + [ + "▁Biryani", + -14.923175811767578 + ], + [ + "▁reverberation", + -14.923176765441896 + ], + [ + "▁Ossetia", + -14.923178672790527 + ], + [ + "▁Trommel", + -14.923178672790527 + ], + [ + "▁Translucent", + -14.923179626464844 + ], + [ + "▁kratom", + -14.923179626464844 + ], + [ + "▁jostle", + -14.923187255859377 + ], + [ + "▁Petrochemical", + -14.923188209533691 + ], + [ + "vulsion", + -14.923190116882324 + ], + [ + "▁Cusack", + -14.923190116882324 + ], + [ + "▁biosynthesis", + -14.923190116882324 + ], + [ + "▁Palgrave", + -14.923192024230955 + ], + [ + "▁Montoya", + -14.923194885253906 + ], + [ + "▁ulcerative", + -14.92319679260254 + ], + [ + "▁Leandro", + -14.923198699951172 + ], + [ + "▁archangel", + -14.923199653625488 + ], + [ + "▁Storyteller", + -14.923205375671388 + ], + [ + "▁McArthur", + -14.923208236694336 + ], + [ + "▁LiDAR", + -14.923211097717283 + ], + [ + "▁LATEST", + -14.923213005065918 + ], + [ + "▁Ansari", + -14.923215866088867 + ], + [ + "▁libations", + -14.9232177734375 + ], + [ + "▁synthase", + -14.9232177734375 + ], + [ + "▁Poké", + -14.92322063446045 + ], + [ + "▁Shogun", + -14.923235893249512 + ], + [ + "▁Kitsap", + -14.923236846923828 + ], + [ + "▁7:05", + -14.923239707946776 + ], + [ + "▁Walpole", + -14.923239707946776 + ], + [ + "▁Debris", + -14.92325210571289 + ], + [ + "Italia", + -14.923262596130373 + ], + [ + "▁blotting", + -14.92326545715332 + ], + [ + "▁Bracken", + -14.923301696777344 + ], + [ + "▁Sitemap", + -14.923311233520508 + ], + [ + "URAL", + -14.923319816589355 + ], + [ + "▁zwei", + -14.923325538635254 + ], + [ + "▁Fleck", + -14.923333168029783 + ], + [ + "▁adwords", + -14.923344612121582 + ], + [ + "▁congressmen", + -14.92335319519043 + ], + [ + "▁flagrant", + -14.923358917236328 + ], + [ + "▁probationary", + -14.923359870910645 + ], + [ + "▁OpenShift", + -14.923372268676758 + ], + [ + "▁Lackey", + -14.923383712768556 + ], + [ + "▁Merrell", + -14.92339038848877 + ], + [ + "▁reassigned", + -14.92339038848877 + ], + [ + "▁assertiveness", + -14.923394203186035 + ], + [ + "▁lynx", + -14.923406600952148 + ], + [ + "▁unmotivated", + -14.923418998718262 + ], + [ + "▁Buford", + -14.923433303833008 + ], + [ + "▁Judson", + -14.923436164855955 + ], + [ + "▁(03)", + -14.92345142364502 + ], + [ + "▁Interceptor", + -14.923469543457031 + ], + [ + "▁weaned", + -14.923473358154297 + ], + [ + "▁spoilage", + -14.92347812652588 + ], + [ + "▁Essie", + -14.923505783081056 + ], + [ + "▁Competitiveness", + -14.923517227172852 + ], + [ + "▁HomePod", + -14.92353343963623 + ], + [ + "▁Lillard", + -14.923535346984863 + ], + [ + "▁Indication", + -14.92353630065918 + ], + [ + "▁midsummer", + -14.923542022705078 + ], + [ + "acclimat", + -14.923544883728027 + ], + [ + "▁Blackmagic", + -14.923558235168455 + ], + [ + "▁Groundwater", + -14.923559188842772 + ], + [ + "▁Gurung", + -14.923563957214355 + ], + [ + "▁Melaka", + -14.92357063293457 + ], + [ + "▁Ciaran", + -14.923604011535645 + ], + [ + "▁Barrymore", + -14.923644065856934 + ], + [ + "▁SPARC", + -14.923646926879885 + ], + [ + "▁uncoated", + -14.92365550994873 + ], + [ + "▁ADAM", + -14.923656463623049 + ], + [ + "▁inventiveness", + -14.923670768737791 + ], + [ + "▁moviegoers", + -14.92369556427002 + ], + [ + "ldap", + -14.923757553100586 + ], + [ + "Curiously", + -14.92377471923828 + ], + [ + "▁Nuit", + -14.923834800720217 + ], + [ + "▁Ciao", + -14.923843383789062 + ], + [ + "▁Llama", + -14.92385482788086 + ], + [ + "▁Koji", + -14.92386245727539 + ], + [ + "▁gushed", + -14.923882484436035 + ], + [ + "▁recessive", + -14.92389678955078 + ], + [ + "NRT", + -14.923955917358398 + ], + [ + "▁urdu", + -14.923988342285156 + ], + [ + "sneak", + -14.924030303955078 + ], + [ + "▁Carmine", + -14.924041748046877 + ], + [ + "▁midstream", + -14.924072265625 + ], + [ + "▁punctually", + -14.92408561706543 + ], + [ + "▁Connery", + -14.924112319946287 + ], + [ + "▁magnetically", + -14.92413330078125 + ], + [ + "▁Borderline", + -14.924139976501465 + ], + [ + "▁PAID", + -14.924217224121094 + ], + [ + "SOCIA", + -14.924237251281738 + ], + [ + "▁Kame", + -14.92425537109375 + ], + [ + "▁straightener", + -14.92426586151123 + ], + [ + "▁Rewind", + -14.924297332763672 + ], + [ + "salad", + -14.924298286437988 + ], + [ + "▁Waymo", + -14.92435359954834 + ], + [ + "▁liveliness", + -14.92436408996582 + ], + [ + "▁steadfastly", + -14.924372673034668 + ], + [ + "SLR", + -14.924386978149414 + ], + [ + "8.45", + -14.92441463470459 + ], + [ + "achus", + -14.924437522888184 + ], + [ + "LANG", + -14.924455642700195 + ], + [ + "▁whirling", + -14.924463272094728 + ], + [ + "▁Prospectus", + -14.924479484558104 + ], + [ + "ADP", + -14.924488067626951 + ], + [ + "▁Jalen", + -14.924580574035645 + ], + [ + "▁Brightness", + -14.924582481384276 + ], + [ + "▁Stickman", + -14.924607276916504 + ], + [ + "▁Rogen", + -14.9246187210083 + ], + [ + "▁rustle", + -14.924638748168944 + ], + [ + "▁Crayon", + -14.924659729003906 + ], + [ + "▁Montage", + -14.924667358398438 + ], + [ + "▁gunpoint", + -14.92475414276123 + ], + [ + "▁Lorain", + -14.924782752990724 + ], + [ + "▁Magne", + -14.92486572265625 + ], + [ + "permit", + -14.924901008605955 + ], + [ + "▁Beaded", + -14.924986839294434 + ], + [ + "Familiarity", + -14.925130844116213 + ], + [ + "▁Seaford", + -14.925150871276855 + ], + [ + "ран", + -14.925177574157717 + ], + [ + "▁PAYE", + -14.925209045410156 + ], + [ + "▁Rebuilding", + -14.925275802612305 + ], + [ + "▁Lovin", + -14.92530345916748 + ], + [ + "▁Sancho", + -14.92532444000244 + ], + [ + "Flyer", + -14.925325393676758 + ], + [ + "▁gaffer", + -14.92534065246582 + ], + [ + "qc", + -14.925355911254885 + ], + [ + "shopify", + -14.925400733947754 + ], + [ + "▁AWARE", + -14.925432205200195 + ], + [ + "▁Zoey", + -14.92543601989746 + ], + [ + "▁Shaking", + -14.925469398498535 + ], + [ + "▁Condens", + -14.92548942565918 + ], + [ + "▁absurdly", + -14.925549507141112 + ], + [ + "▁Cocoon", + -14.92570686340332 + ], + [ + "OLLY", + -14.92578411102295 + ], + [ + "▁nudged", + -14.925800323486328 + ], + [ + "7.1%", + -14.9259033203125 + ], + [ + "▁Lillie", + -14.926031112670898 + ], + [ + "EDU", + -14.926209449768066 + ], + [ + "LDS", + -14.926384925842283 + ], + [ + "▁flav", + -14.92640495300293 + ], + [ + "▁Riverhead", + -14.92644500732422 + ], + [ + "▁eShop", + -14.926456451416016 + ], + [ + "Maximize", + -14.926557540893556 + ], + [ + "▁LLM", + -14.92661190032959 + ], + [ + "▁Rowhouse", + -14.92662239074707 + ], + [ + "▁$96", + -14.926798820495604 + ], + [ + "unica", + -14.92682933807373 + ], + [ + "▁Tanna", + -14.92686653137207 + ], + [ + "sterreich", + -14.926870346069336 + ], + [ + "UEL", + -14.926883697509766 + ], + [ + "rupa", + -14.926898956298828 + ], + [ + "▁chub", + -14.926942825317385 + ], + [ + "▁Risen", + -14.927024841308594 + ], + [ + "NFC", + -14.927056312561035 + ], + [ + "▁Kiko", + -14.927189826965332 + ], + [ + "UDE", + -14.927396774291992 + ], + [ + "▁$4.8", + -14.927414894104004 + ], + [ + "physiological", + -14.927424430847168 + ], + [ + "5800", + -14.927467346191406 + ], + [ + "▁Inglis", + -14.927486419677734 + ], + [ + "ungan", + -14.92772102355957 + ], + [ + "▁Maryville", + -14.92775821685791 + ], + [ + "▁Rhee", + -14.927855491638184 + ], + [ + "▁Wider", + -14.928014755249023 + ], + [ + "▁Raft", + -14.928122520446776 + ], + [ + "2:03", + -14.928126335144045 + ], + [ + "cooker", + -14.928215980529783 + ], + [ + "gade", + -14.928228378295898 + ], + [ + "ecting", + -14.928274154663086 + ], + [ + "▁wetness", + -14.928308486938477 + ], + [ + "▁TMT", + -14.92832374572754 + ], + [ + "arthur", + -14.928369522094728 + ], + [ + "millionaire", + -14.928422927856444 + ], + [ + "▁14-15", + -14.928556442260742 + ], + [ + "▁Steelhead", + -14.928624153137209 + ], + [ + "▁Loz", + -14.92867946624756 + ], + [ + "▁baptismal", + -14.92879867553711 + ], + [ + "▁Herts", + -14.929329872131348 + ], + [ + "▁Schenk", + -14.92935562133789 + ], + [ + "indicator", + -14.929452896118164 + ], + [ + "▁Ashoka", + -14.929522514343262 + ], + [ + "representative", + -14.929678916931152 + ], + [ + "▁cosmo", + -14.929773330688477 + ], + [ + "HEM", + -14.929984092712402 + ], + [ + "introduction", + -14.930026054382324 + ], + [ + "9-17", + -14.93003749847412 + ], + [ + "supervised", + -14.930106163024902 + ], + [ + "Bullying", + -14.930121421813965 + ], + [ + "nobody", + -14.93012809753418 + ], + [ + "Combination", + -14.930158615112305 + ], + [ + "Melanie", + -14.930168151855469 + ], + [ + "▁RELAT", + -14.930170059204102 + ], + [ + "Brought", + -14.93017292022705 + ], + [ + "Architectural", + -14.930173873901367 + ], + [ + "Bulgaria", + -14.930173873901367 + ], + [ + "Municipal", + -14.930174827575684 + ], + [ + "Briggs", + -14.93017578125 + ], + [ + "sustainability", + -14.930179595947266 + ], + [ + "Modular", + -14.930184364318848 + ], + [ + "eventually", + -14.930188179016112 + ], + [ + "filament", + -14.930188179016112 + ], + [ + "Basket", + -14.93019199371338 + ], + [ + "Detox", + -14.930198669433594 + ], + [ + "Dairy", + -14.930219650268556 + ], + [ + "shrink", + -14.930243492126465 + ], + [ + "Cardiff", + -14.930256843566896 + ], + [ + "Martinez", + -14.930265426635742 + ], + [ + "Joyce", + -14.93026638031006 + ], + [ + "Geneva", + -14.93028163909912 + ], + [ + "▁NPD", + -14.9302978515625 + ], + [ + "▁Thala", + -14.93033218383789 + ], + [ + "textile", + -14.930344581604004 + ], + [ + "experimental", + -14.930412292480469 + ], + [ + "▁Halogen", + -14.93042278289795 + ], + [ + "ESL", + -14.930463790893556 + ], + [ + "Bruno", + -14.9304838180542 + ], + [ + "spinner", + -14.930550575256348 + ], + [ + "introducing", + -14.930567741394045 + ], + [ + "▁Leonid", + -14.930645942687988 + ], + [ + "nasa", + -14.930676460266112 + ], + [ + "SBE", + -14.930729866027832 + ], + [ + "▁signifi", + -14.930879592895508 + ], + [ + "▁Aromatic", + -14.93093204498291 + ], + [ + "▁Snook", + -14.93093490600586 + ], + [ + "Printable", + -14.931028366088867 + ], + [ + "unlimited", + -14.931221961975098 + ], + [ + "Brady", + -14.931232452392578 + ], + [ + "Infinity", + -14.93129825592041 + ], + [ + "ONLY", + -14.931306838989258 + ], + [ + "morris", + -14.93132209777832 + ], + [ + "Nag", + -14.931353569030762 + ], + [ + "▁Federalist", + -14.931392669677734 + ], + [ + "ESD", + -14.931466102600098 + ], + [ + "▁polisher", + -14.931599617004396 + ], + [ + "Owning", + -14.931607246398926 + ], + [ + "Debit", + -14.931779861450195 + ], + [ + "1522", + -14.931791305541992 + ], + [ + "▁£1.5", + -14.931838989257812 + ], + [ + "▁15.1", + -14.93202018737793 + ], + [ + "▁Leng", + -14.932031631469728 + ], + [ + "VSC", + -14.932089805603027 + ], + [ + "▁Murad", + -14.932211875915527 + ], + [ + "▁$0.6", + -14.932334899902344 + ], + [ + "ILIA", + -14.932413101196287 + ], + [ + "Shri", + -14.932413101196287 + ], + [ + "▁cymbal", + -14.932415962219238 + ], + [ + "▁ELECT", + -14.932417869567873 + ], + [ + "Uniform", + -14.93251895904541 + ], + [ + "brae", + -14.932637214660645 + ], + [ + "Letting", + -14.932653427124023 + ], + [ + "hoda", + -14.9326753616333 + ], + [ + "REACH", + -14.93270778656006 + ], + [ + "limb", + -14.932796478271484 + ], + [ + "hankar", + -14.93281364440918 + ], + [ + "Luck", + -14.93288230895996 + ], + [ + "▁punctuate", + -14.932989120483398 + ], + [ + "3-13", + -14.933065414428713 + ], + [ + "▁desde", + -14.933189392089844 + ], + [ + "▁Nayak", + -14.93319320678711 + ], + [ + "▁espouse", + -14.933207511901855 + ], + [ + "UCO", + -14.933218002319336 + ], + [ + "▁Ruh", + -14.9332275390625 + ], + [ + "Cave", + -14.933284759521484 + ], + [ + "cussion", + -14.933308601379396 + ], + [ + "▁Rett", + -14.933378219604492 + ], + [ + "uttle", + -14.933425903320312 + ], + [ + "▁gnaw", + -14.93346881866455 + ], + [ + "clamation", + -14.93349266052246 + ], + [ + "BlacKkKlansman", + -14.933587074279783 + ], + [ + "Circumstances", + -14.933587074279783 + ], + [ + "Cultivating", + -14.933587074279783 + ], + [ + "INGREDIENTS", + -14.933587074279783 + ], + [ + "Ignorance", + -14.933587074279783 + ], + [ + "Khawaja", + -14.933587074279783 + ], + [ + "Serendipity", + -14.933587074279783 + ], + [ + "Spontaneous", + -14.933587074279783 + ], + [ + "▁888-405-7720", + -14.933587074279783 + ], + [ + "▁BEAUTY", + -14.933587074279783 + ], + [ + "▁Equilibrium", + -14.933587074279783 + ], + [ + "▁Etruscan", + -14.933587074279783 + ], + [ + "▁FLORIST", + -14.933587074279783 + ], + [ + "▁Issaquah", + -14.933587074279783 + ], + [ + "▁Optometrist", + -14.933587074279783 + ], + [ + "▁Polypropylene", + -14.933587074279783 + ], + [ + "▁Scavenger", + -14.933587074279783 + ], + [ + "▁Sorority", + -14.933587074279783 + ], + [ + "▁TOGETHER", + -14.933587074279783 + ], + [ + "▁Villanueva", + -14.933587074279783 + ], + [ + "▁accruing", + -14.933587074279783 + ], + [ + "▁cesarean", + -14.933587074279783 + ], + [ + "▁desolation", + -14.933587074279783 + ], + [ + "▁endometrial", + -14.933587074279783 + ], + [ + "▁entrapment", + -14.933587074279783 + ], + [ + "▁guaranty", + -14.933587074279783 + ], + [ + "▁imperceptible", + -14.933587074279783 + ], + [ + "▁lisinopril", + -14.933587074279783 + ], + [ + "▁mistletoe", + -14.933587074279783 + ], + [ + "▁officinalis", + -14.933587074279783 + ], + [ + "▁Humidity", + -14.933588027954102 + ], + [ + "▁Lewandowski", + -14.933588027954102 + ], + [ + "▁ceviche", + -14.933588027954102 + ], + [ + "▁clatter", + -14.933588027954102 + ], + [ + "▁equating", + -14.933588027954102 + ], + [ + "▁Halliday", + -14.933588981628418 + ], + [ + "▁rarities", + -14.933588981628418 + ], + [ + "ShareAlike", + -14.933589935302734 + ], + [ + "▁rattlesnake", + -14.933589935302734 + ], + [ + "▁Pattinson", + -14.93359088897705 + ], + [ + "▁Siegfried", + -14.93359088897705 + ], + [ + "▁99.99%", + -14.93359375 + ], + [ + "▁Phipps", + -14.933595657348633 + ], + [ + "▁Treadmill", + -14.933597564697266 + ], + [ + "▁quadcopter", + -14.933597564697266 + ], + [ + "▁JONES", + -14.933598518371582 + ], + [ + "▁Phrases", + -14.933599472045898 + ], + [ + "▁Stubbs", + -14.933603286743164 + ], + [ + "▁Duggar", + -14.93360710144043 + ], + [ + "▁Chaucer", + -14.933610916137695 + ], + [ + "Legitimate", + -14.933615684509276 + ], + [ + "▁Clinique", + -14.933618545532228 + ], + [ + "▁Froome", + -14.933618545532228 + ], + [ + "▁Tiguan", + -14.93362045288086 + ], + [ + "▁Wasatch", + -14.933622360229492 + ], + [ + "▁Zendesk", + -14.933622360229492 + ], + [ + "▁ORCID", + -14.93362522125244 + ], + [ + "Keeffe", + -14.933626174926758 + ], + [ + "▁haystack", + -14.933626174926758 + ], + [ + "▁(1972)", + -14.933627128601074 + ], + [ + "▁FREEDOM", + -14.933632850646973 + ], + [ + "▁Informatica", + -14.933632850646973 + ], + [ + "▁Rapture", + -14.933638572692873 + ], + [ + "▁Generac", + -14.933639526367188 + ], + [ + "▁Randwick", + -14.933648109436035 + ], + [ + "▁gratuities", + -14.933650970458984 + ], + [ + "▁absorbency", + -14.9336519241333 + ], + [ + "▁$500.00", + -14.933656692504885 + ], + [ + "▁WebSphere", + -14.93366813659668 + ], + [ + "▁Hilbert", + -14.933669090270996 + ], + [ + "▁FlashScore", + -14.933670997619627 + ], + [ + "▁Squibb", + -14.933671951293944 + ], + [ + "▁Agape", + -14.933675765991213 + ], + [ + "▁[?]", + -14.933680534362791 + ], + [ + "▁Dubstep", + -14.93368911743164 + ], + [ + "▁decoupling", + -14.93369483947754 + ], + [ + "▁interlinked", + -14.93369483947754 + ], + [ + "▁statuette", + -14.933696746826172 + ], + [ + "▁Prozac", + -14.93369960784912 + ], + [ + "▁Aramco", + -14.933707237243652 + ], + [ + "▁Medusa", + -14.933707237243652 + ], + [ + "▁strident", + -14.933707237243652 + ], + [ + "▁Moeller", + -14.93371868133545 + ], + [ + "▁Pandya", + -14.933719635009766 + ], + [ + "▁chocolatier", + -14.933719635009766 + ], + [ + "▁medicare", + -14.933719635009766 + ], + [ + "▁Kaolin", + -14.933720588684082 + ], + [ + "▁HTSUS", + -14.933723449707031 + ], + [ + "zuka", + -14.93372917175293 + ], + [ + "▁Butterworth", + -14.93373966217041 + ], + [ + "▁pandora", + -14.93373966217041 + ], + [ + "▁transitory", + -14.933740615844728 + ], + [ + "▁Suffer", + -14.933746337890623 + ], + [ + "▁Allyson", + -14.933751106262209 + ], + [ + "▁bushfire", + -14.933755874633787 + ], + [ + "Goat", + -14.933762550354004 + ], + [ + "▁MediaTek", + -14.933780670166016 + ], + [ + "▁Xiong", + -14.933780670166016 + ], + [ + "▁Brack", + -14.933788299560549 + ], + [ + "▁Cargill", + -14.933791160583496 + ], + [ + "▁SanDisk", + -14.933819770812988 + ], + [ + "▁Watercolour", + -14.93385410308838 + ], + [ + "▁Dripping", + -14.933857917785645 + ], + [ + "▁fireflies", + -14.933866500854492 + ], + [ + "ABD", + -14.933876037597656 + ], + [ + "2222", + -14.933879852294922 + ], + [ + "▁HWY", + -14.933881759643556 + ], + [ + "▁NSAIDs", + -14.933882713317873 + ], + [ + "▁Superheroes", + -14.933892250061035 + ], + [ + "▁Sallie", + -14.933893203735352 + ], + [ + "▁Tangent", + -14.933900833129885 + ], + [ + "▁deposed", + -14.933954238891602 + ], + [ + "▁nuptials", + -14.933966636657717 + ], + [ + "▁Yahya", + -14.93398380279541 + ], + [ + "▁flavoursome", + -14.934009552001951 + ], + [ + "3,4", + -14.93401050567627 + ], + [ + "▁Snowball", + -14.934048652648926 + ], + [ + "▁haulage", + -14.934048652648926 + ], + [ + "wreaking", + -14.934052467346191 + ], + [ + "▁Maplewood", + -14.934085845947266 + ], + [ + "▁Etna", + -14.934087753295898 + ], + [ + "▁Fishermen", + -14.93411636352539 + ], + [ + "▁Racquet", + -14.93411922454834 + ], + [ + "▁$6.00", + -14.93412971496582 + ], + [ + "Moved", + -14.934138298034668 + ], + [ + "▁hulking", + -14.93422031402588 + ], + [ + "▁Rasa", + -14.934221267700195 + ], + [ + "▁geographer", + -14.934244155883787 + ], + [ + "▁Wulf", + -14.93425750732422 + ], + [ + "▁confounded", + -14.934264183044434 + ], + [ + "DRM", + -14.9342679977417 + ], + [ + "▁tbh", + -14.93427276611328 + ], + [ + "▁unlisted", + -14.934283256530762 + ], + [ + "▁warheads", + -14.934285163879396 + ], + [ + "▁Dynamite", + -14.934354782104492 + ], + [ + "▁modularity", + -14.9343900680542 + ], + [ + "ologize", + -14.934391975402832 + ], + [ + "Ounce", + -14.934396743774414 + ], + [ + "▁Tsum", + -14.934409141540527 + ], + [ + "▁Anglian", + -14.934433937072754 + ], + [ + "▁refactor", + -14.934497833251951 + ], + [ + "▁MBOX", + -14.934508323669434 + ], + [ + "▁Reyna", + -14.934510231018066 + ], + [ + "▁goldsmith", + -14.934514999389648 + ], + [ + "▁Ringwood", + -14.934526443481444 + ], + [ + "▁Productive", + -14.934565544128418 + ], + [ + "▁Greystone", + -14.934603691101074 + ], + [ + "▁disintegrated", + -14.934615135192873 + ], + [ + "▁unjustly", + -14.93465518951416 + ], + [ + "▁sprawled", + -14.9346923828125 + ], + [ + "shipment", + -14.934739112854004 + ], + [ + "▁kurta", + -14.934792518615724 + ], + [ + "▁culling", + -14.934799194335938 + ], + [ + "▁Fijian", + -14.934804916381836 + ], + [ + "▁professing", + -14.934818267822266 + ], + [ + "Shaft", + -14.934852600097656 + ], + [ + "▁masque", + -14.934892654418944 + ], + [ + "Squad", + -14.934893608093262 + ], + [ + "NAH", + -14.934904098510742 + ], + [ + "▁HIF", + -14.934934616088867 + ], + [ + "▁groaning", + -14.934950828552246 + ], + [ + "certainly", + -14.934981346130373 + ], + [ + "THERM", + -14.934996604919434 + ], + [ + "▁Pettit", + -14.935007095336914 + ], + [ + "▁pentagon", + -14.935038566589355 + ], + [ + "terconnectedness", + -14.935115814208984 + ], + [ + "poet", + -14.935131072998049 + ], + [ + "▁GOLDEN", + -14.93514347076416 + ], + [ + "JOR", + -14.935173988342283 + ], + [ + "▁11′′", + -14.935227394104004 + ], + [ + "▁transacting", + -14.935240745544434 + ], + [ + "▁Denzel", + -14.935276985168455 + ], + [ + "▁wielded", + -14.935369491577148 + ], + [ + "▁betraying", + -14.935396194458008 + ], + [ + "clusive", + -14.935440063476562 + ], + [ + "▁DUN", + -14.935492515563965 + ], + [ + "shiny", + -14.935503005981444 + ], + [ + "▁sanctioning", + -14.935544967651367 + ], + [ + "▁RAK", + -14.935556411743164 + ], + [ + "▁grimy", + -14.935571670532228 + ], + [ + "SWE", + -14.935579299926758 + ], + [ + "raocular", + -14.935582160949709 + ], + [ + "▁unblocking", + -14.93564224243164 + ], + [ + "culum", + -14.935848236083984 + ], + [ + "1929", + -14.935869216918944 + ], + [ + "1110", + -14.935928344726562 + ], + [ + "evski", + -14.935940742492676 + ], + [ + "▁Napkin", + -14.936070442199709 + ], + [ + "▁melodramatic", + -14.936079978942873 + ], + [ + "▁Assn", + -14.936137199401855 + ], + [ + "PRM", + -14.936230659484863 + ], + [ + "Angie", + -14.936250686645508 + ], + [ + "▁WRAP", + -14.936261177062988 + ], + [ + "▁07:0", + -14.936264991760254 + ], + [ + "▁elation", + -14.936305046081545 + ], + [ + "aghi", + -14.936335563659668 + ], + [ + "▁riverbed", + -14.936370849609377 + ], + [ + "▁Corker", + -14.936511039733888 + ], + [ + "▁Scholl", + -14.93654727935791 + ], + [ + "▁Aveda", + -14.936567306518556 + ], + [ + "▁Meiji", + -14.93661403656006 + ], + [ + "Enact", + -14.936718940734863 + ], + [ + "BMS", + -14.936755180358888 + ], + [ + "▁18:5", + -14.936761856079102 + ], + [ + "guero", + -14.936936378479004 + ], + [ + "▁Backward", + -14.936944007873535 + ], + [ + "▁Meena", + -14.9369478225708 + ], + [ + "▁Adjusting", + -14.936949729919434 + ], + [ + "▁Geologist", + -14.937047958374023 + ], + [ + "▁brushless", + -14.93712329864502 + ], + [ + "▁Dimple", + -14.937143325805664 + ], + [ + "▁BCAA", + -14.937173843383787 + ], + [ + "pressive", + -14.937188148498535 + ], + [ + "▁Tawa", + -14.9371976852417 + ], + [ + "▁mario", + -14.937291145324709 + ], + [ + "Faster", + -14.937295913696287 + ], + [ + "▁Kachin", + -14.937301635742188 + ], + [ + "▁Upward", + -14.937349319458008 + ], + [ + "Glaci", + -14.937373161315918 + ], + [ + "▁normalizing", + -14.93738079071045 + ], + [ + "Revolution", + -14.937421798706056 + ], + [ + "▁Parnell", + -14.937422752380373 + ], + [ + "4:18", + -14.937451362609863 + ], + [ + "MCP", + -14.937808990478516 + ], + [ + "▁3:2", + -14.937819480895996 + ], + [ + "illette", + -14.937898635864258 + ], + [ + "HAB", + -14.937933921813965 + ], + [ + "▁Halley", + -14.93795680999756 + ], + [ + "▁Parkview", + -14.937984466552734 + ], + [ + "izzo", + -14.93800163269043 + ], + [ + "▁stinger", + -14.938043594360352 + ], + [ + "YYYY", + -14.938173294067385 + ], + [ + "▁stopwatch", + -14.938192367553713 + ], + [ + "▁Urbanism", + -14.938552856445312 + ], + [ + "▁firebox", + -14.938599586486816 + ], + [ + "▁Arianna", + -14.938618659973145 + ], + [ + "BTS", + -14.938645362854004 + ], + [ + "fingered", + -14.938657760620115 + ], + [ + "▁McNeill", + -14.938668251037598 + ], + [ + "riddle", + -14.938750267028809 + ], + [ + "ulz", + -14.93882942199707 + ], + [ + "proud", + -14.938889503479004 + ], + [ + "▁dispo", + -14.93896484375 + ], + [ + "▁Keck", + -14.939020156860352 + ], + [ + "▁Gaudi", + -14.939059257507324 + ], + [ + "▁42,000", + -14.939099311828612 + ], + [ + "8.9%", + -14.939126014709473 + ], + [ + "▁Starry", + -14.93917751312256 + ], + [ + "Geographic", + -14.939187049865724 + ], + [ + "joule", + -14.939276695251465 + ], + [ + "▁wove", + -14.939376831054688 + ], + [ + "▁VCP", + -14.939423561096191 + ], + [ + "▁Lakeway", + -14.939478874206545 + ], + [ + "collected", + -14.93948745727539 + ], + [ + "Modify", + -14.939556121826172 + ], + [ + "Gurion", + -14.939581871032717 + ], + [ + "▁bacc", + -14.939780235290527 + ], + [ + "▁Veen", + -14.939935684204102 + ], + [ + "▁Sugi", + -14.939937591552734 + ], + [ + "Grasse", + -14.940024375915527 + ], + [ + "lucent", + -14.940191268920898 + ], + [ + "▁Armen", + -14.940369606018066 + ], + [ + "FLEX", + -14.940476417541504 + ], + [ + "▁despot", + -14.9406099319458 + ], + [ + "kpa", + -14.940629005432127 + ], + [ + "Frequent", + -14.94064712524414 + ], + [ + "▁$4.1", + -14.940649032592772 + ], + [ + "▁Ganja", + -14.940713882446287 + ], + [ + "Contractors", + -14.940725326538086 + ], + [ + "▁Cotta", + -14.940755844116213 + ], + [ + "distributed", + -14.94079303741455 + ], + [ + "▁Dict", + -14.940804481506348 + ], + [ + "Assassin", + -14.940817832946776 + ], + [ + "Pediatric", + -14.940821647644045 + ], + [ + "Rhythm", + -14.940828323364258 + ], + [ + "Husband", + -14.94085693359375 + ], + [ + "Victim", + -14.940872192382812 + ], + [ + "Plaintiff", + -14.940882682800291 + ], + [ + "Transparent", + -14.940909385681152 + ], + [ + "Resistant", + -14.940911293029783 + ], + [ + "Marijuana", + -14.940912246704102 + ], + [ + "Jeremiah", + -14.94091510772705 + ], + [ + "tufted", + -14.940916061401367 + ], + [ + "Kathryn", + -14.940917015075684 + ], + [ + "Scatter", + -14.94091796875 + ], + [ + "Exposure", + -14.940918922424316 + ], + [ + "Integrity", + -14.940919876098633 + ], + [ + "groomed", + -14.940921783447266 + ], + [ + "Pokémon", + -14.940926551818848 + ], + [ + "Ethiopia", + -14.940927505493164 + ], + [ + "Cincinnati", + -14.94093132019043 + ], + [ + "Generator", + -14.94093418121338 + ], + [ + "Jenkins", + -14.94093418121338 + ], + [ + "Chloe", + -14.940936088562012 + ], + [ + "florida", + -14.940937042236328 + ], + [ + "Seamless", + -14.94093894958496 + ], + [ + "evaluating", + -14.940942764282228 + ], + [ + "▁Grob", + -14.940942764282228 + ], + [ + "revolutionary", + -14.94095230102539 + ], + [ + "Worse", + -14.940958976745604 + ], + [ + "Wage", + -14.94097137451172 + ], + [ + "Guidelines", + -14.940973281860352 + ], + [ + "favourite", + -14.940998077392578 + ], + [ + "▁Starling", + -14.941007614135742 + ], + [ + "LEAN", + -14.941021919250488 + ], + [ + "israel", + -14.941049575805664 + ], + [ + "OCD", + -14.94113063812256 + ], + [ + "partition", + -14.941154479980469 + ], + [ + "▁16.1", + -14.941211700439451 + ], + [ + "Connie", + -14.94126033782959 + ], + [ + "presidential", + -14.94127368927002 + ], + [ + "Christie", + -14.941296577453612 + ], + [ + "CNR", + -14.941299438476562 + ], + [ + "imaging", + -14.941322326660156 + ], + [ + "▁Kori", + -14.941329956054688 + ], + [ + "Fault", + -14.941351890563965 + ], + [ + "Specialty", + -14.94137191772461 + ], + [ + "▁Tuned", + -14.941526412963867 + ], + [ + "▁STEPS", + -14.941532135009766 + ], + [ + "Cheat", + -14.94156265258789 + ], + [ + "Organisers", + -14.941574096679688 + ], + [ + "jumper", + -14.941593170166016 + ], + [ + "Everton", + -14.941594123840332 + ], + [ + "btw", + -14.941611289978027 + ], + [ + "Lounge", + -14.941730499267578 + ], + [ + "LBA", + -14.941766738891602 + ], + [ + "ACION", + -14.941781997680664 + ], + [ + "barred", + -14.941794395446776 + ], + [ + "▁friggin", + -14.94182586669922 + ], + [ + "Lumin", + -14.941865921020508 + ], + [ + "scrolling", + -14.942131996154783 + ], + [ + "blok", + -14.942184448242188 + ], + [ + "▁ultralight", + -14.94218921661377 + ], + [ + "Broadly", + -14.942218780517578 + ], + [ + "chaff", + -14.942253112792969 + ], + [ + ".03.201", + -14.942360877990724 + ], + [ + "seeding", + -14.942442893981934 + ], + [ + "▁Tartar", + -14.942445755004885 + ], + [ + "SSU", + -14.942458152770996 + ], + [ + "▁symp", + -14.942533493041992 + ], + [ + "PLU", + -14.942800521850586 + ], + [ + "Outsource", + -14.942852973937988 + ], + [ + "▁friendlies", + -14.942967414855955 + ], + [ + "▁PLL", + -14.94298267364502 + ], + [ + "▁Apu", + -14.942988395690918 + ], + [ + "surround", + -14.943015098571776 + ], + [ + "forged", + -14.943022727966309 + ], + [ + "▁hcl", + -14.943071365356444 + ], + [ + "Amazingly", + -14.943106651306152 + ], + [ + "Brooke", + -14.943181991577148 + ], + [ + "RIBA", + -14.943238258361816 + ], + [ + "legg", + -14.943243026733398 + ], + [ + "Mainly", + -14.943256378173828 + ], + [ + "NICE", + -14.943310737609863 + ], + [ + "▁autoplay", + -14.943312644958496 + ], + [ + "shaded", + -14.9434232711792 + ], + [ + "▁mussel", + -14.94345760345459 + ], + [ + "▁attenuate", + -14.943511009216309 + ], + [ + "▁switchboard", + -14.943567276000977 + ], + [ + "▁Anker", + -14.943646430969238 + ], + [ + "angka", + -14.943815231323242 + ], + [ + "▁Annabel", + -14.943838119506836 + ], + [ + "equa", + -14.943912506103516 + ], + [ + "▁TRP", + -14.943951606750488 + ], + [ + "RUT", + -14.943964004516602 + ], + [ + "baking", + -14.943989753723145 + ], + [ + "ussel", + -14.944046020507812 + ], + [ + "DESIGN", + -14.94408130645752 + ], + [ + "Obituary", + -14.94411277770996 + ], + [ + "▁Crimestoppers", + -14.94411277770996 + ], + [ + "▁DECEMBER", + -14.94411277770996 + ], + [ + "▁FURTHER", + -14.94411277770996 + ], + [ + "▁Gehrig", + -14.94411277770996 + ], + [ + "▁Kenilworth", + -14.94411277770996 + ], + [ + "▁POSSIBILITY", + -14.94411277770996 + ], + [ + "▁Rehoboth", + -14.94411277770996 + ], + [ + "▁Shopxall", + -14.94411277770996 + ], + [ + "▁encircling", + -14.94411277770996 + ], + [ + "▁hemorrhagic", + -14.94411277770996 + ], + [ + "▁hydrochloric", + -14.94411277770996 + ], + [ + "▁irresistibly", + -14.94411277770996 + ], + [ + "▁lactating", + -14.94411277770996 + ], + [ + "▁leprechaun", + -14.94411277770996 + ], + [ + "▁lozenge", + -14.94411277770996 + ], + [ + "▁olanzapine", + -14.94411277770996 + ], + [ + "▁pressurised", + -14.94411277770996 + ], + [ + "▁procrastinator", + -14.94411277770996 + ], + [ + "▁Aggarwal", + -14.944113731384276 + ], + [ + "▁Corvallis", + -14.944113731384276 + ], + [ + "▁Epidemic", + -14.944113731384276 + ], + [ + "▁Freemasonry", + -14.944113731384276 + ], + [ + "▁Hezekiah", + -14.944113731384276 + ], + [ + "▁Khamenei", + -14.944113731384276 + ], + [ + "▁Mausoleum", + -14.944113731384276 + ], + [ + "▁Midwives", + -14.944113731384276 + ], + [ + "▁Mojito", + -14.944113731384276 + ], + [ + "▁POTUS", + -14.944113731384276 + ], + [ + "▁embolism", + -14.944113731384276 + ], + [ + "▁gibberish", + -14.944113731384276 + ], + [ + "▁obliging", + -14.944113731384276 + ], + [ + "▁ostentatious", + -14.944113731384276 + ], + [ + "▁poblano", + -14.944113731384276 + ], + [ + "▁precipice", + -14.944113731384276 + ], + [ + "▁similiar", + -14.944113731384276 + ], + [ + "▁vaudeville", + -14.944113731384276 + ], + [ + ":10.1016/", + -14.944114685058594 + ], + [ + "ashvili", + -14.944114685058594 + ], + [ + "▁cruciate", + -14.944114685058594 + ], + [ + "▁Accrington", + -14.94411563873291 + ], + [ + "▁Ceredigion", + -14.944116592407228 + ], + [ + "▁Primavera", + -14.944116592407228 + ], + [ + "▁ulterior", + -14.944117546081545 + ], + [ + "▁Spokesman", + -14.944119453430176 + ], + [ + "detroit", + -14.944120407104492 + ], + [ + "▁bumblebee", + -14.944120407104492 + ], + [ + "▁costuming", + -14.944122314453123 + ], + [ + "▁groggy", + -14.944122314453123 + ], + [ + "▁maladies", + -14.944122314453123 + ], + [ + "▁Makkah", + -14.944125175476074 + ], + [ + "▁merrier", + -14.944125175476074 + ], + [ + "▁tirade", + -14.944125175476074 + ], + [ + "▁frolicking", + -14.944127082824709 + ], + [ + "▁hypoxia", + -14.944127082824709 + ], + [ + "▁VMWare", + -14.944131851196287 + ], + [ + "▁Rosenbaum", + -14.944135665893556 + ], + [ + "▁Woolwich", + -14.944138526916504 + ], + [ + "▁Megapixel", + -14.944140434265137 + ], + [ + "▁parabolic", + -14.944144248962402 + ], + [ + "▁Kebab", + -14.94414520263672 + ], + [ + "▁Bridle", + -14.944149017333984 + ], + [ + "▁COMPLETELY", + -14.944149017333984 + ], + [ + "▁enquiring", + -14.94415283203125 + ], + [ + "Legislat", + -14.94416046142578 + ], + [ + "▁Tanglewood", + -14.94416046142578 + ], + [ + "▁Aliexpress", + -14.944164276123049 + ], + [ + "▁turfgrass", + -14.944165229797363 + ], + [ + "▁Woburn", + -14.944183349609377 + ], + [ + "▁Peltier", + -14.944190979003906 + ], + [ + "▁vandalized", + -14.944191932678224 + ], + [ + "▁wieder", + -14.944193840026855 + ], + [ + "▁Brazos", + -14.944196701049805 + ], + [ + "▁£250,000", + -14.944198608398438 + ], + [ + "▁Hannity", + -14.944201469421388 + ], + [ + "▁Ralf", + -14.944209098815918 + ], + [ + "▁Cormac", + -14.944218635559082 + ], + [ + "▁upsurge", + -14.944220542907717 + ], + [ + "▁Chalkboard", + -14.944221496582031 + ], + [ + "▁Duckworth", + -14.944223403930664 + ], + [ + "▁boilerplate", + -14.94423484802246 + ], + [ + "▁stylistically", + -14.944239616394045 + ], + [ + "▁Meltdown", + -14.944247245788574 + ], + [ + "▁impure", + -14.94424819946289 + ], + [ + "heir", + -14.944254875183104 + ], + [ + "▁MacLean", + -14.944258689880373 + ], + [ + "▁Hizb", + -14.944262504577637 + ], + [ + "sailing", + -14.944308280944824 + ], + [ + "perturb", + -14.944329261779783 + ], + [ + "▁unabashedly", + -14.944334030151367 + ], + [ + "▁reappearance", + -14.944342613220217 + ], + [ + "▁dimer", + -14.944353103637695 + ], + [ + "Encompass", + -14.944361686706545 + ], + [ + "▁Roseanne", + -14.944378852844238 + ], + [ + "▁NECA", + -14.94438648223877 + ], + [ + "▁Smeg", + -14.944409370422363 + ], + [ + "▁Superfund", + -14.944417953491213 + ], + [ + "▁dominoes", + -14.94442367553711 + ], + [ + "zheng", + -14.94445514678955 + ], + [ + "▁forgetfulness", + -14.94445514678955 + ], + [ + "▁Distant", + -14.944464683532717 + ], + [ + "Garrett", + -14.944472312927246 + ], + [ + "▁caramelize", + -14.944500923156738 + ], + [ + "▁leery", + -14.944504737854004 + ], + [ + "▁Boar", + -14.94450855255127 + ], + [ + "▁penalised", + -14.944537162780762 + ], + [ + "Modi", + -14.94458293914795 + ], + [ + "Casting", + -14.944616317749023 + ], + [ + "▁lasix", + -14.944640159606934 + ], + [ + "▁Burnsville", + -14.944659233093262 + ], + [ + "▁Snoopy", + -14.944671630859377 + ], + [ + "▁patriarchy", + -14.94468879699707 + ], + [ + "7:35", + -14.944710731506348 + ], + [ + "▁Xender", + -14.944741249084473 + ], + [ + "continental", + -14.944743156433104 + ], + [ + "▁boyhood", + -14.944746971130373 + ], + [ + "▁Dham", + -14.944748878479004 + ], + [ + "▁Dazzle", + -14.944769859313965 + ], + [ + "▁honorably", + -14.94480037689209 + ], + [ + "▁WHEELS", + -14.944865226745604 + ], + [ + "▁Huntley", + -14.944886207580566 + ], + [ + "▁CONNECTION", + -14.94490909576416 + ], + [ + "▁neutralizing", + -14.944910049438477 + ], + [ + "▁metabolized", + -14.94491195678711 + ], + [ + "▁crass", + -14.94491958618164 + ], + [ + "dispers", + -14.944920539855955 + ], + [ + "▁snowpack", + -14.944944381713867 + ], + [ + "▁OWL", + -14.944960594177246 + ], + [ + "▁epithet", + -14.945001602172852 + ], + [ + "NSE", + -14.945011138916016 + ], + [ + "Challa", + -14.94503402709961 + ], + [ + "▁Elizabethtown", + -14.945039749145508 + ], + [ + "▁puny", + -14.945107460021973 + ], + [ + "▁bruce", + -14.945133209228516 + ], + [ + "▁reassembled", + -14.945134162902832 + ], + [ + "▁SPRINGS", + -14.945143699645996 + ], + [ + "▁Sandeep", + -14.94515609741211 + ], + [ + "▁advisories", + -14.94519329071045 + ], + [ + "▁theorized", + -14.945196151733398 + ], + [ + "$150", + -14.945209503173828 + ], + [ + "▁Injector", + -14.945213317871094 + ], + [ + "▁chewable", + -14.945219993591309 + ], + [ + "▁phenom", + -14.945274353027344 + ], + [ + "▁splen", + -14.945389747619627 + ], + [ + "▁silkscreen", + -14.945399284362791 + ], + [ + "▁refuted", + -14.945404052734377 + ], + [ + "▁hoodia", + -14.94542121887207 + ], + [ + "▁stickiness", + -14.945430755615234 + ], + [ + "▁selflessness", + -14.945444107055664 + ], + [ + "Payout", + -14.945459365844728 + ], + [ + "▁Mattresses", + -14.94546890258789 + ], + [ + "Parser", + -14.945483207702637 + ], + [ + "Fro", + -14.945484161376951 + ], + [ + "▁Cease", + -14.94552993774414 + ], + [ + "▁veganism", + -14.94553565979004 + ], + [ + "▁Wasserman", + -14.945564270019531 + ], + [ + "qar", + -14.945608139038086 + ], + [ + "duration", + -14.945613861083984 + ], + [ + "▁Felton", + -14.945618629455566 + ], + [ + "▁universality", + -14.945670127868652 + ], + [ + "Dictator", + -14.945672988891602 + ], + [ + "ibilty", + -14.945684432983398 + ], + [ + "Encoding", + -14.945697784423828 + ], + [ + "ankle", + -14.945703506469728 + ], + [ + "▁springform", + -14.945703506469728 + ], + [ + "▁Arby", + -14.94577980041504 + ], + [ + "▁EXCEL", + -14.94577980041504 + ], + [ + "▁FCPA", + -14.94591236114502 + ], + [ + "icule", + -14.94597625732422 + ], + [ + "▁jive", + -14.94603157043457 + ], + [ + "▁Kathi", + -14.946202278137209 + ], + [ + "viable", + -14.946319580078123 + ], + [ + "▁grieved", + -14.946346282958984 + ], + [ + "▁directorate", + -14.946392059326172 + ], + [ + "insider", + -14.946440696716309 + ], + [ + "CAROL", + -14.946513175964355 + ], + [ + "OSU", + -14.946533203125 + ], + [ + "▁scouted", + -14.946569442749023 + ], + [ + "▁coarser", + -14.946584701538086 + ], + [ + "▁daub", + -14.94660758972168 + ], + [ + "Diff", + -14.94663143157959 + ], + [ + "▁deciphering", + -14.946638107299805 + ], + [ + "Scrip", + -14.946757316589355 + ], + [ + "▁$1,8", + -14.94681167602539 + ], + [ + "▁Rajan", + -14.946889877319336 + ], + [ + "pula", + -14.946967124938965 + ], + [ + "▁headspace", + -14.94705867767334 + ], + [ + "▁butchered", + -14.94707202911377 + ], + [ + "▁sacramental", + -14.947123527526855 + ], + [ + "▁adoptable", + -14.94714069366455 + ], + [ + "▁criminality", + -14.94729995727539 + ], + [ + "▁Pixi", + -14.947317123413086 + ], + [ + "▁Laminated", + -14.947349548339844 + ], + [ + "▁needlepoint", + -14.947365760803224 + ], + [ + "▁manageability", + -14.947502136230469 + ], + [ + "▁Srl", + -14.94751262664795 + ], + [ + "▁Kuri", + -14.947549819946287 + ], + [ + "▁Fauna", + -14.947629928588867 + ], + [ + "▁Markey", + -14.947731971740724 + ], + [ + "▁12.8", + -14.947775840759276 + ], + [ + "▁Thro", + -14.94789218902588 + ], + [ + "▁marten", + -14.947917938232422 + ], + [ + "▁lengthier", + -14.947919845581056 + ], + [ + "Premise", + -14.94798469543457 + ], + [ + "6:15", + -14.948131561279297 + ], + [ + "ELLY", + -14.948275566101074 + ], + [ + "▁pinpointed", + -14.948282241821287 + ], + [ + "▁BOAT", + -14.948305130004885 + ], + [ + "inventor", + -14.948404312133787 + ], + [ + "▁Sybil", + -14.948426246643066 + ], + [ + "EEF", + -14.948469161987305 + ], + [ + "▁scuffle", + -14.948500633239746 + ], + [ + "▁JCC", + -14.948551177978516 + ], + [ + "Hyperlink", + -14.948606491088867 + ], + [ + "▁untie", + -14.948698043823242 + ], + [ + "▁Gulin", + -14.948724746704102 + ], + [ + "▁Metab", + -14.948850631713867 + ], + [ + "▁Razak", + -14.948869705200195 + ], + [ + "▁syllabi", + -14.94888687133789 + ], + [ + "▁CAME", + -14.9489164352417 + ], + [ + "Duo", + -14.948969841003418 + ], + [ + "▁Cita", + -14.949030876159668 + ], + [ + "omega", + -14.949057579040527 + ], + [ + "Carlo", + -14.949108123779297 + ], + [ + "oldid", + -14.949125289916992 + ], + [ + "▁Indexes", + -14.94927215576172 + ], + [ + "voluntary", + -14.949315071105955 + ], + [ + "▁Rado", + -14.949403762817385 + ], + [ + "▁lolly", + -14.949418067932127 + ], + [ + "Yale", + -14.94961166381836 + ], + [ + "Rhyme", + -14.949726104736328 + ], + [ + "Hydra", + -14.949800491333008 + ], + [ + "mcg", + -14.94990348815918 + ], + [ + "▁Stoic", + -14.94995403289795 + ], + [ + "tantra", + -14.950011253356934 + ], + [ + "Mack", + -14.950244903564451 + ], + [ + "▁$9,000", + -14.95025634765625 + ], + [ + "2.95", + -14.950309753417969 + ], + [ + "Klein", + -14.950310707092283 + ], + [ + "▁itemize", + -14.950335502624512 + ], + [ + "aaah", + -14.950553894042969 + ], + [ + "▁gumbo", + -14.9506254196167 + ], + [ + "▁1.25\"", + -14.950642585754396 + ], + [ + "▁BOE", + -14.950658798217772 + ], + [ + "JET", + -14.950782775878906 + ], + [ + "solved", + -14.950902938842772 + ], + [ + "ILITY", + -14.951005935668944 + ], + [ + ":00:00", + -14.95106315612793 + ], + [ + "fice", + -14.95119857788086 + ], + [ + "Cock", + -14.951252937316896 + ], + [ + "9.1%", + -14.951268196105955 + ], + [ + "Hug", + -14.95127296447754 + ], + [ + "EGAN", + -14.951287269592283 + ], + [ + "▁$4.00", + -14.951326370239258 + ], + [ + "▁imam", + -14.95143222808838 + ], + [ + "enkel", + -14.951544761657717 + ], + [ + "scholar", + -14.951726913452148 + ], + [ + "defeated", + -14.951738357543944 + ], + [ + "Practicing", + -14.951742172241213 + ], + [ + "Ceiling", + -14.951752662658691 + ], + [ + "Spoiler", + -14.951760292053224 + ], + [ + "Indulge", + -14.951769828796388 + ], + [ + "Medication", + -14.951772689819336 + ], + [ + "Invitation", + -14.9517822265625 + ], + [ + "flavoured", + -14.951789855957031 + ], + [ + "Phantom", + -14.951793670654297 + ], + [ + "Ethics", + -14.951796531677246 + ], + [ + "Motorcycle", + -14.951796531677246 + ], + [ + "Rodriguez", + -14.951796531677246 + ], + [ + "Ubuntu", + -14.95179843902588 + ], + [ + "compensated", + -14.95179843902588 + ], + [ + "Chevrolet", + -14.951801300048828 + ], + [ + "cholesterol", + -14.951802253723145 + ], + [ + "Proceedings", + -14.95180320739746 + ], + [ + "superior", + -14.95180606842041 + ], + [ + "Lopez", + -14.951818466186523 + ], + [ + "Crunch", + -14.951825141906738 + ], + [ + "Motorola", + -14.951842308044434 + ], + [ + "Salesforce", + -14.95184326171875 + ], + [ + "importance", + -14.951852798461914 + ], + [ + "ecchia", + -14.951882362365724 + ], + [ + "hatter", + -14.95189380645752 + ], + [ + "WRT", + -14.95192050933838 + ], + [ + "Workplace", + -14.951997756958008 + ], + [ + "Princeton", + -14.952028274536133 + ], + [ + "conceptual", + -14.952109336853027 + ], + [ + "glycemic", + -14.952123641967772 + ], + [ + "Tammy", + -14.952152252197266 + ], + [ + "▁HLS", + -14.95216178894043 + ], + [ + "carried", + -14.952178001403809 + ], + [ + "ABOUT", + -14.952221870422363 + ], + [ + "gluten", + -14.952226638793944 + ], + [ + "Simpson", + -14.952240943908691 + ], + [ + "Impressive", + -14.95224666595459 + ], + [ + "Anime", + -14.952255249023438 + ], + [ + "Railway", + -14.952260971069336 + ], + [ + "Newspaper", + -14.952299118041992 + ], + [ + "Rustic", + -14.952340126037598 + ], + [ + "Anywhere", + -14.952375411987305 + ], + [ + "mainstream", + -14.952488899230955 + ], + [ + "▁Caen", + -14.952543258666992 + ], + [ + "▁Moya", + -14.952545166015623 + ], + [ + "towards", + -14.952696800231934 + ], + [ + "▁JMC", + -14.952753067016602 + ], + [ + "EFCC", + -14.952770233154297 + ], + [ + "▁Benji", + -14.952838897705078 + ], + [ + "▁Jamil", + -14.95284938812256 + ], + [ + "Strand", + -14.95292854309082 + ], + [ + "kiri", + -14.95317840576172 + ], + [ + "HRO", + -14.95326042175293 + ], + [ + "licitation", + -14.953262329101562 + ], + [ + "ино", + -14.9533052444458 + ], + [ + "▁Morsi", + -14.953325271606444 + ], + [ + "glare", + -14.953455924987791 + ], + [ + "▁HMA", + -14.95345973968506 + ], + [ + "▁Fuzz", + -14.953535079956056 + ], + [ + "▁Paschal", + -14.9535551071167 + ], + [ + "Finishing", + -14.953758239746094 + ], + [ + "octa", + -14.953778266906738 + ], + [ + "evac", + -14.953842163085938 + ], + [ + "[...]", + -14.95384407043457 + ], + [ + "9.25", + -14.953895568847656 + ], + [ + "EEZ", + -14.953904151916504 + ], + [ + "imov", + -14.953936576843262 + ], + [ + "certifi", + -14.95394515991211 + ], + [ + "Owing", + -14.954031944274902 + ], + [ + "▁SERVE", + -14.954102516174316 + ], + [ + "Huh", + -14.954118728637695 + ], + [ + "▁Pilate", + -14.954134941101074 + ], + [ + "▁15.4", + -14.954136848449709 + ], + [ + "WAC", + -14.954144477844238 + ], + [ + "▁incubate", + -14.954154014587402 + ], + [ + "Assisting", + -14.954264640808104 + ], + [ + "OUCH", + -14.954363822937012 + ], + [ + "3.99", + -14.954397201538086 + ], + [ + "▁rulebook", + -14.954458236694336 + ], + [ + "STYLE", + -14.95451831817627 + ], + [ + "5555", + -14.954546928405762 + ], + [ + "obtrusive", + -14.954682350158691 + ], + [ + "7-16", + -14.954703330993652 + ], + [ + "Cecil", + -14.954712867736816 + ], + [ + "1-17", + -14.954716682434082 + ], + [ + "96%", + -14.954723358154297 + ], + [ + "▁888-738-5526", + -14.954751014709473 + ], + [ + "▁Elastane", + -14.954751014709473 + ], + [ + "▁Fraunhofer", + -14.954751014709473 + ], + [ + "▁Maharishi", + -14.954751014709473 + ], + [ + "▁Paltrow", + -14.954751014709473 + ], + [ + "▁Philistines", + -14.954751014709473 + ], + [ + "▁Proprietor", + -14.954751014709473 + ], + [ + "▁Quixote", + -14.954751014709473 + ], + [ + "▁Trumbull", + -14.954751014709473 + ], + [ + "▁Zithromax", + -14.954751014709473 + ], + [ + "▁autosomal", + -14.954751014709473 + ], + [ + "▁unencumbered", + -14.954751014709473 + ], + [ + "▁unscripted", + -14.954751014709473 + ], + [ + "JANUARY", + -14.954751968383787 + ], + [ + "▁Aeronautical", + -14.954751968383787 + ], + [ + "▁Descendants", + -14.954751968383787 + ], + [ + "▁Gatineau", + -14.954751968383787 + ], + [ + "▁Haverhill", + -14.954751968383787 + ], + [ + "▁Marylebone", + -14.954751968383787 + ], + [ + "▁Podiatry", + -14.954751968383787 + ], + [ + "▁RESPONSIBILITY", + -14.954751968383787 + ], + [ + "▁Recherche", + -14.954751968383787 + ], + [ + "▁Seminyak", + -14.954751968383787 + ], + [ + "▁aquaponic", + -14.954751968383787 + ], + [ + "▁beautician", + -14.954751968383787 + ], + [ + "▁binaural", + -14.954751968383787 + ], + [ + "▁bounties", + -14.954751968383787 + ], + [ + "▁epithelium", + -14.954751968383787 + ], + [ + "▁fenugreek", + -14.954751968383787 + ], + [ + "▁frazzled", + -14.954751968383787 + ], + [ + "▁repertory", + -14.954751968383787 + ], + [ + "▁stockpiling", + -14.954751968383787 + ], + [ + "▁synchronizing", + -14.954751968383787 + ], + [ + "▁tamoxifen", + -14.954751968383787 + ], + [ + "▁underwhelmed", + -14.954751968383787 + ], + [ + "▁uninvited", + -14.954751968383787 + ], + [ + "▁Algiers", + -14.954752922058104 + ], + [ + "▁Barnaby", + -14.954752922058104 + ], + [ + "▁einfach", + -14.954752922058104 + ], + [ + "▁glycerol", + -14.954752922058104 + ], + [ + "▁Guerrilla", + -14.954753875732422 + ], + [ + "▁Keepsake", + -14.954753875732422 + ], + [ + "▁Segundo", + -14.954753875732422 + ], + [ + "▁insinuate", + -14.954753875732422 + ], + [ + "▁tamales", + -14.954753875732422 + ], + [ + "▁Culpepper", + -14.954754829406738 + ], + [ + "▁Fibrosis", + -14.954755783081056 + ], + [ + "▁archeologist", + -14.954755783081056 + ], + [ + "▁Yoast", + -14.954756736755373 + ], + [ + "▁Ziggler", + -14.954757690429688 + ], + [ + "▁doomsday", + -14.954757690429688 + ], + [ + "▁patisserie", + -14.954757690429688 + ], + [ + "▁Lagerfeld", + -14.954758644104004 + ], + [ + "▁gaudy", + -14.954758644104004 + ], + [ + "Kenny", + -14.95475959777832 + ], + [ + "▁Antilles", + -14.95475959777832 + ], + [ + "▁plyometric", + -14.95475959777832 + ], + [ + "▁FALSE", + -14.954760551452637 + ], + [ + "▁Adelphi", + -14.954761505126951 + ], + [ + "▁Infusionsoft", + -14.954763412475586 + ], + [ + "▁Kettlebell", + -14.954763412475586 + ], + [ + "▁colchicine", + -14.954763412475586 + ], + [ + "▁Godrej", + -14.95476531982422 + ], + [ + "▁NordVPN", + -14.954767227172852 + ], + [ + "▁REPLACE", + -14.954767227172852 + ], + [ + "▁Rajkot", + -14.954769134521484 + ], + [ + "▁polyvinyl", + -14.954769134521484 + ], + [ + "▁Karolina", + -14.954784393310549 + ], + [ + "▁Giroud", + -14.95478630065918 + ], + [ + "▁PureVPN", + -14.954792022705078 + ], + [ + "▁Jervis", + -14.954795837402344 + ], + [ + "▁shamrock", + -14.954797744750977 + ], + [ + "▁Xiamen", + -14.95480251312256 + ], + [ + "▁Bunnies", + -14.954806327819824 + ], + [ + "▁KitKat", + -14.954809188842772 + ], + [ + "▁annulment", + -14.95481300354004 + ], + [ + "▁perusal", + -14.954818725585938 + ], + [ + "▁moonshine", + -14.954821586608888 + ], + [ + "▁Batista", + -14.954822540283203 + ], + [ + "GivingTuesday", + -14.954827308654783 + ], + [ + "▁Karlsson", + -14.954829216003418 + ], + [ + "▁valence", + -14.954829216003418 + ], + [ + "▁Jarrod", + -14.954833984375 + ], + [ + "▁Transplantation", + -14.954838752746582 + ], + [ + "▁Maisie", + -14.954840660095217 + ], + [ + "▁Bissell", + -14.954848289489746 + ], + [ + "▁resealable", + -14.954848289489746 + ], + [ + "itudinal", + -14.95485019683838 + ], + [ + "▁Roberson", + -14.954852104187012 + ], + [ + "12.5", + -14.954854011535645 + ], + [ + "Continually", + -14.954854011535645 + ], + [ + "▁Palmerston", + -14.954854011535645 + ], + [ + "▁endangerment", + -14.95485496520996 + ], + [ + "▁Nuffield", + -14.954855918884276 + ], + [ + "cargo", + -14.954856872558594 + ], + [ + "▁bemused", + -14.95486068725586 + ], + [ + "▁rezept", + -14.954864501953123 + ], + [ + "▁acheive", + -14.954869270324709 + ], + [ + "Quercus", + -14.954870223999023 + ], + [ + "▁rancid", + -14.954876899719238 + ], + [ + "▁Gruden", + -14.954877853393556 + ], + [ + "▁radiographs", + -14.954889297485352 + ], + [ + "▁Collette", + -14.95490264892578 + ], + [ + "▁Ambani", + -14.954903602600098 + ], + [ + "▁Harrisonburg", + -14.95490550994873 + ], + [ + "▁unmodified", + -14.954916000366213 + ], + [ + "▁prolapse", + -14.954927444458008 + ], + [ + "▁unholy", + -14.954933166503906 + ], + [ + "▁shirtless", + -14.954940795898438 + ], + [ + "▁Chabad", + -14.954944610595703 + ], + [ + "▁misusing", + -14.954948425292969 + ], + [ + "Nowhere", + -14.95495891571045 + ], + [ + "▁Activism", + -14.954989433288574 + ], + [ + "▁Seaweed", + -14.954997062683104 + ], + [ + "▁sulfuric", + -14.955005645751951 + ], + [ + "spekt", + -14.955020904541016 + ], + [ + "▁0-7", + -14.955039024353027 + ], + [ + "hexyl", + -14.95507526397705 + ], + [ + "▁mercilessly", + -14.955078125 + ], + [ + "▁compartmentaliz", + -14.955086708068848 + ], + [ + "▁unworn", + -14.95509433746338 + ], + [ + "Loneliness", + -14.955108642578123 + ], + [ + "▁CFTC", + -14.955121994018556 + ], + [ + "1:51", + -14.95512580871582 + ], + [ + "Leap", + -14.95513153076172 + ], + [ + "▁customarily", + -14.955160140991213 + ], + [ + "▁snoop", + -14.95516300201416 + ], + [ + "▁Madsen", + -14.955164909362791 + ], + [ + "▁excreted", + -14.955181121826172 + ], + [ + "vile", + -14.95518398284912 + ], + [ + "2:36", + -14.955187797546388 + ], + [ + "▁rationalization", + -14.955190658569336 + ], + [ + "10-30", + -14.955195426940918 + ], + [ + "▁Grassley", + -14.95520305633545 + ], + [ + "▁mourners", + -14.95520305633545 + ], + [ + "▁Fedex", + -14.955209732055664 + ], + [ + "▁unmanaged", + -14.955209732055664 + ], + [ + "▁Shootout", + -14.955215454101562 + ], + [ + "icci", + -14.955219268798828 + ], + [ + "▁solidifies", + -14.955244064331056 + ], + [ + "ruba", + -14.955249786376951 + ], + [ + "▁Appetite", + -14.955270767211914 + ], + [ + "▁legislated", + -14.955270767211914 + ], + [ + "▁propping", + -14.955288887023926 + ], + [ + "▁Huddle", + -14.955300331115724 + ], + [ + "▁Ozil", + -14.955327987670898 + ], + [ + "uffield", + -14.95533275604248 + ], + [ + "▁BMJ", + -14.955387115478516 + ], + [ + "▁Vide", + -14.955410957336426 + ], + [ + "▁Jahangir", + -14.95542812347412 + ], + [ + "Disruptive", + -14.955437660217283 + ], + [ + "mailbox", + -14.955455780029297 + ], + [ + "▁Phon", + -14.955469131469728 + ], + [ + "▁innards", + -14.955480575561523 + ], + [ + "▁plumbed", + -14.955564498901367 + ], + [ + "▁Salina", + -14.95556926727295 + ], + [ + "▁gunning", + -14.9556245803833 + ], + [ + "▁WORDS", + -14.95562744140625 + ], + [ + "▁Namco", + -14.955633163452148 + ], + [ + "▁prefixes", + -14.955693244934082 + ], + [ + "▁Motorbike", + -14.955698013305664 + ], + [ + "▁Varma", + -14.955703735351562 + ], + [ + "▁Smol", + -14.955705642700195 + ], + [ + "gordon", + -14.9557466506958 + ], + [ + "▁Greensburg", + -14.955842971801758 + ], + [ + "▁unfairness", + -14.95586395263672 + ], + [ + "▁safekeeping", + -14.955918312072754 + ], + [ + "▁superfast", + -14.955921173095703 + ], + [ + "▁topiary", + -14.955970764160156 + ], + [ + "Ordered", + -14.955974578857422 + ], + [ + "meda", + -14.955986976623535 + ], + [ + "enten", + -14.955999374389648 + ], + [ + "▁Pronto", + -14.956015586853027 + ], + [ + "▁Scull", + -14.956043243408203 + ], + [ + "PLACE", + -14.956107139587402 + ], + [ + "▁Dinh", + -14.956162452697754 + ], + [ + "▁Usain", + -14.956177711486816 + ], + [ + "▁jetta", + -14.956192016601562 + ], + [ + "▁Samford", + -14.956221580505373 + ], + [ + "▁Hendon", + -14.956266403198242 + ], + [ + "Requiring", + -14.956270217895508 + ], + [ + "▁Summerlin", + -14.956295013427734 + ], + [ + "▁licked", + -14.956422805786133 + ], + [ + "hypno", + -14.956439018249512 + ], + [ + "▁selflessly", + -14.956440925598145 + ], + [ + "haru", + -14.95645809173584 + ], + [ + "▁Kantar", + -14.956482887268066 + ], + [ + "▁Vizio", + -14.95651912689209 + ], + [ + "▁03:5", + -14.956521034240724 + ], + [ + "▁Antler", + -14.95652961730957 + ], + [ + "▁Ashish", + -14.956552505493164 + ], + [ + "▁Reinhardt", + -14.956557273864746 + ], + [ + "ADAS", + -14.956587791442873 + ], + [ + "pock", + -14.956607818603516 + ], + [ + "▁Alissa", + -14.956615447998049 + ], + [ + "Minn", + -14.956668853759766 + ], + [ + "▁scull", + -14.956744194030762 + ], + [ + "▁Cef", + -14.9568452835083 + ], + [ + "▁alarmingly", + -14.956871032714844 + ], + [ + "▁savored", + -14.95693588256836 + ], + [ + "▁Messier", + -14.956995010375977 + ], + [ + "▁humanely", + -14.957022666931152 + ], + [ + "▁VGN", + -14.95708465576172 + ], + [ + "condens", + -14.957115173339844 + ], + [ + "Statistically", + -14.957459449768066 + ], + [ + "0:45", + -14.95750904083252 + ], + [ + "▁lasso", + -14.957510948181152 + ], + [ + "▁16:4", + -14.957755088806152 + ], + [ + "▁Professionalism", + -14.95785140991211 + ], + [ + "▁Rockwood", + -14.957880020141602 + ], + [ + "▁Refresher", + -14.957905769348145 + ], + [ + "▁Fluff", + -14.957942962646484 + ], + [ + "doom", + -14.958043098449709 + ], + [ + "▁unix", + -14.958157539367676 + ], + [ + "1:52", + -14.95816135406494 + ], + [ + "Kala", + -14.95823097229004 + ], + [ + "ponder", + -14.958303451538086 + ], + [ + "▁0.09", + -14.95840072631836 + ], + [ + "▁Interconnect", + -14.958541870117188 + ], + [ + "2:24", + -14.958773612976074 + ], + [ + "▁Freund", + -14.958832740783691 + ], + [ + "▁Stade", + -14.958854675292969 + ], + [ + "▁Nieder", + -14.95887565612793 + ], + [ + "▁Lesnar", + -14.95907497406006 + ], + [ + "gatherer", + -14.959260940551758 + ], + [ + "▁Esqui", + -14.959274291992188 + ], + [ + "AVEN", + -14.959476470947266 + ], + [ + "Trailer", + -14.959514617919922 + ], + [ + "sicht", + -14.959824562072754 + ], + [ + "retailer", + -14.959912300109863 + ], + [ + "moda", + -14.95998764038086 + ], + [ + "▁personification", + -14.960006713867188 + ], + [ + "▁$190", + -14.9600191116333 + ], + [ + "▁Lowland", + -14.960232734680176 + ], + [ + "Brock", + -14.960272789001465 + ], + [ + "employ", + -14.96027946472168 + ], + [ + "▁SSG", + -14.960289001464844 + ], + [ + "rotor", + -14.96035385131836 + ], + [ + "▁Cumb", + -14.96038818359375 + ], + [ + "▁Euph", + -14.960514068603516 + ], + [ + "LOU", + -14.960565567016602 + ], + [ + "рн", + -14.96062469482422 + ], + [ + "allowed", + -14.960658073425291 + ], + [ + "8:50", + -14.960704803466797 + ], + [ + "▁OTR", + -14.960777282714844 + ], + [ + "ichiro", + -14.96093463897705 + ], + [ + "▁Vasili", + -14.960967063903809 + ], + [ + "perception", + -14.960991859436035 + ], + [ + "▁Ocho", + -14.961175918579102 + ], + [ + "CFD", + -14.961176872253418 + ], + [ + "▁17:3", + -14.961249351501465 + ], + [ + "Reid", + -14.961268424987791 + ], + [ + "▁counterweight", + -14.961435317993164 + ], + [ + "▁Sensi", + -14.961525917053224 + ], + [ + "marco", + -14.961604118347168 + ], + [ + "2.25", + -14.961636543273926 + ], + [ + "DPR", + -14.961725234985352 + ], + [ + "doro", + -14.96176815032959 + ], + [ + "8:40", + -14.961936950683594 + ], + [ + "▁hindu", + -14.961990356445312 + ], + [ + "PPG", + -14.962016105651855 + ], + [ + "▁dba", + -14.962041854858398 + ], + [ + "▁guestbook", + -14.962197303771973 + ], + [ + "▁viele", + -14.962200164794922 + ], + [ + "▁impregnat", + -14.962343215942385 + ], + [ + "▁paler", + -14.962359428405762 + ], + [ + "FEL", + -14.962407112121582 + ], + [ + "▁SWAN", + -14.96242618560791 + ], + [ + "carriage", + -14.96242904663086 + ], + [ + "Thorn", + -14.962536811828612 + ], + [ + "▁Categor", + -14.96254825592041 + ], + [ + "NMA", + -14.962629318237305 + ], + [ + "deceased", + -14.962686538696287 + ], + [ + "Supplied", + -14.962740898132324 + ], + [ + "Committed", + -14.962764739990234 + ], + [ + "Qube", + -14.962766647338867 + ], + [ + "refrigerator", + -14.96277904510498 + ], + [ + "Wisdom", + -14.962779998779297 + ], + [ + "Tutorial", + -14.962780952453612 + ], + [ + "vacuum", + -14.96278190612793 + ], + [ + "Spectrum", + -14.96278476715088 + ], + [ + "Henderson", + -14.962786674499512 + ], + [ + "Personnel", + -14.962786674499512 + ], + [ + "Infrastructure", + -14.962787628173828 + ], + [ + "Gartner", + -14.962788581848145 + ], + [ + "representing", + -14.96279239654541 + ], + [ + "Albany", + -14.96280002593994 + ], + [ + "Basketball", + -14.96280002593994 + ], + [ + "fatigue", + -14.962806701660156 + ], + [ + "simulation", + -14.96281623840332 + ], + [ + "sliding", + -14.962850570678713 + ], + [ + "▁Quadri", + -14.962861061096191 + ], + [ + "Hazel", + -14.96286392211914 + ], + [ + "Comparative", + -14.962892532348633 + ], + [ + "mysql", + -14.962894439697266 + ], + [ + "VCL", + -14.962931632995604 + ], + [ + "Assume", + -14.962934494018556 + ], + [ + "Subsequently", + -14.9629487991333 + ], + [ + "▁15:3", + -14.962960243225098 + ], + [ + "1016", + -14.963008880615234 + ], + [ + "Adoption", + -14.9630708694458 + ], + [ + "intentional", + -14.963077545166016 + ], + [ + "zeug", + -14.96308422088623 + ], + [ + "MAKE", + -14.963122367858888 + ], + [ + "boundary", + -14.963140487670898 + ], + [ + "▁McCrea", + -14.963231086730955 + ], + [ + "▁blushing", + -14.963265419006348 + ], + [ + "Sonoma", + -14.963294982910156 + ], + [ + "▁23:1", + -14.963305473327637 + ], + [ + "▁macaron", + -14.96335506439209 + ], + [ + "10000", + -14.963372230529783 + ], + [ + "Bosch", + -14.963420867919922 + ], + [ + "53%", + -14.963448524475098 + ], + [ + "Heidi", + -14.963533401489258 + ], + [ + "Gavin", + -14.96363353729248 + ], + [ + "▁Grote", + -14.963810920715332 + ], + [ + "literal", + -14.963839530944824 + ], + [ + "literate", + -14.963860511779783 + ], + [ + "cuna", + -14.963930130004885 + ], + [ + "FIFA", + -14.96399974822998 + ], + [ + "PETER", + -14.96417236328125 + ], + [ + "Rebel", + -14.96431827545166 + ], + [ + "uccio", + -14.964441299438477 + ], + [ + "ukkah", + -14.96445083618164 + ], + [ + "baca", + -14.9646635055542 + ], + [ + "Smell", + -14.964666366577148 + ], + [ + "Pha", + -14.964813232421877 + ], + [ + "ltimo", + -14.964829444885254 + ], + [ + "Feeding", + -14.964831352233888 + ], + [ + "TSO", + -14.96488094329834 + ], + [ + "▁Handbag", + -14.964885711669922 + ], + [ + "Foul", + -14.96498680114746 + ], + [ + "1021", + -14.965001106262209 + ], + [ + "▁satiate", + -14.9650297164917 + ], + [ + "zyna", + -14.965091705322266 + ], + [ + "▁Kowal", + -14.965147018432615 + ], + [ + "porn", + -14.965182304382324 + ], + [ + "OBO", + -14.965210914611816 + ], + [ + "▁DCU", + -14.965272903442385 + ], + [ + "▁abdomin", + -14.965370178222656 + ], + [ + "Transformational", + -14.965417861938477 + ], + [ + "ANTI", + -14.965441703796388 + ], + [ + "aquet", + -14.965449333190918 + ], + [ + "5:18", + -14.965473175048828 + ], + [ + "▁Janitorial", + -14.965503692626951 + ], + [ + "WEDNESDAY", + -14.96550464630127 + ], + [ + "acyclovir", + -14.96550464630127 + ], + [ + "lakshmi", + -14.96550464630127 + ], + [ + "tocopherol", + -14.96550464630127 + ], + [ + "▁Andrzej", + -14.96550464630127 + ], + [ + "▁Braunfels", + -14.96550464630127 + ], + [ + "▁Catapult", + -14.96550464630127 + ], + [ + "▁Cinematography", + -14.96550464630127 + ], + [ + "▁Crandall", + -14.96550464630127 + ], + [ + "▁Dimethicone", + -14.96550464630127 + ], + [ + "▁Ecstasy", + -14.96550464630127 + ], + [ + "▁Executor", + -14.96550464630127 + ], + [ + "▁Foosball", + -14.96550464630127 + ], + [ + "▁INDUSTRY", + -14.96550464630127 + ], + [ + "▁Stravinsky", + -14.96550464630127 + ], + [ + "▁Volusia", + -14.96550464630127 + ], + [ + "▁Wroclaw", + -14.96550464630127 + ], + [ + "▁archdiocese", + -14.96550464630127 + ], + [ + "▁chuffed", + -14.96550464630127 + ], + [ + "▁ciabatta", + -14.96550464630127 + ], + [ + "▁declarative", + -14.96550464630127 + ], + [ + "▁disloyal", + -14.96550464630127 + ], + [ + "▁divestiture", + -14.96550464630127 + ], + [ + "▁elaborating", + -14.96550464630127 + ], + [ + "▁epitomise", + -14.96550464630127 + ], + [ + "▁exhalation", + -14.96550464630127 + ], + [ + "▁jeopardizing", + -14.96550464630127 + ], + [ + "▁ravishing", + -14.96550464630127 + ], + [ + "▁reconstituted", + -14.96550464630127 + ], + [ + "▁rooibos", + -14.96550464630127 + ], + [ + "▁taxonomies", + -14.96550464630127 + ], + [ + "▁Inhibitor", + -14.965505599975586 + ], + [ + "▁affluence", + -14.965505599975586 + ], + [ + "▁regrettably", + -14.965505599975586 + ], + [ + "▁CRUISE", + -14.965506553649902 + ], + [ + "▁Leggings", + -14.965506553649902 + ], + [ + "▁Meilleur", + -14.965506553649902 + ], + [ + "SPOILER", + -14.96550750732422 + ], + [ + "▁icicles", + -14.965508460998535 + ], + [ + "▁Abidjan", + -14.965509414672852 + ], + [ + "▁charlotte", + -14.965509414672852 + ], + [ + "▁DeSoto", + -14.965510368347168 + ], + [ + "▁Ruislip", + -14.965513229370115 + ], + [ + "▁TREATMENT", + -14.965514183044434 + ], + [ + "undra", + -14.965518951416016 + ], + [ + "▁Bhakti", + -14.965518951416016 + ], + [ + "▁thimble", + -14.965518951416016 + ], + [ + "▁Apartheid", + -14.965519905090332 + ], + [ + "▁Petronas", + -14.96552276611328 + ], + [ + "▁Presario", + -14.96552562713623 + ], + [ + "▁bravado", + -14.96552562713623 + ], + [ + "▁chambre", + -14.96552562713623 + ], + [ + "▁Clomid", + -14.965526580810549 + ], + [ + "▁McNair", + -14.965529441833496 + ], + [ + "▁polypeptide", + -14.965530395507812 + ], + [ + "▁Roscommon", + -14.965534210205078 + ], + [ + "▁clapped", + -14.965535163879396 + ], + [ + "▁disruptors", + -14.965535163879396 + ], + [ + "▁Jonathon", + -14.96553897857666 + ], + [ + "▁Borrowing", + -14.965539932250977 + ], + [ + "▁Bovada", + -14.965542793273926 + ], + [ + "▁MLC", + -14.965551376342772 + ], + [ + "▁Phonics", + -14.96555233001709 + ], + [ + "▁Lycra", + -14.96555519104004 + ], + [ + "▁Rosenfeld", + -14.96555995941162 + ], + [ + "▁peridot", + -14.965560913085938 + ], + [ + "▁Frazer", + -14.965568542480469 + ], + [ + "▁2019/2020", + -14.96557903289795 + ], + [ + "▁thyself", + -14.96557903289795 + ], + [ + "▁calico", + -14.965581893920898 + ], + [ + "▁Netgear", + -14.965583801269531 + ], + [ + "▁unverified", + -14.965583801269531 + ], + [ + "SMTP", + -14.96558666229248 + ], + [ + "888-607-", + -14.965591430664062 + ], + [ + "▁Gunther", + -14.965598106384276 + ], + [ + "▁Applique", + -14.965608596801758 + ], + [ + "▁vivre", + -14.965611457824709 + ], + [ + "▁2008-2009", + -14.965615272521973 + ], + [ + "▁motorcycling", + -14.965620040893556 + ], + [ + "▁Garrick", + -14.965621948242188 + ], + [ + "scottish", + -14.96562671661377 + ], + [ + "▁gaga", + -14.96563720703125 + ], + [ + "▁prenuptial", + -14.965643882751465 + ], + [ + "▁Cheong", + -14.96564483642578 + ], + [ + "▁Blaise", + -14.965646743774414 + ], + [ + "DISNEY", + -14.965653419494627 + ], + [ + "▁Canter", + -14.965670585632324 + ], + [ + "▁unbelief", + -14.965675354003906 + ], + [ + "▁digitised", + -14.96568202972412 + ], + [ + "▁mistaking", + -14.96568202972412 + ], + [ + "▁NEEDED", + -14.965691566467283 + ], + [ + "▁Privat", + -14.965699195861816 + ], + [ + "▁Orbitz", + -14.965703010559082 + ], + [ + "▁sickened", + -14.965704917907717 + ], + [ + "▁SEBI", + -14.96571445465088 + ], + [ + "▁Feeney", + -14.965720176696776 + ], + [ + "▁Coronary", + -14.965728759765623 + ], + [ + "▁enroute", + -14.96573257446289 + ], + [ + "Knopf", + -14.96573543548584 + ], + [ + "▁mumps", + -14.965744018554688 + ], + [ + "▁Argus", + -14.965753555297852 + ], + [ + "Settling", + -14.9657564163208 + ], + [ + "▁Sixties", + -14.965764999389648 + ], + [ + "▁Chipping", + -14.96581745147705 + ], + [ + "▁plasterboard", + -14.965845108032228 + ], + [ + "▁clenching", + -14.96587085723877 + ], + [ + "▁Sendai", + -14.96587371826172 + ], + [ + "▁scurrying", + -14.965882301330566 + ], + [ + "86%", + -14.965900421142578 + ], + [ + "▁intercity", + -14.965901374816896 + ], + [ + "▁Minibus", + -14.96591091156006 + ], + [ + "6:23", + -14.965912818908691 + ], + [ + "▁hemlock", + -14.965936660766602 + ], + [ + "▁Atoll", + -14.965937614440918 + ], + [ + "gazer", + -14.965964317321776 + ], + [ + "▁lameness", + -14.96596622467041 + ], + [ + "▁Backcountry", + -14.965983390808104 + ], + [ + "▁Represents", + -14.96599006652832 + ], + [ + "Homework", + -14.966072082519531 + ], + [ + "▁Monza", + -14.966103553771973 + ], + [ + "▁Slender", + -14.966111183166504 + ], + [ + "Recognised", + -14.966114044189451 + ], + [ + "Chance", + -14.966121673583984 + ], + [ + "▁subtext", + -14.9661226272583 + ], + [ + "▁supplanted", + -14.966126441955566 + ], + [ + "▁Argentinean", + -14.96613883972168 + ], + [ + "Alphons", + -14.96616268157959 + ], + [ + "▁Backstage", + -14.966197967529297 + ], + [ + "▁Candies", + -14.966215133666992 + ], + [ + "▁Gazi", + -14.966238975524902 + ], + [ + "▁dyson", + -14.966248512268066 + ], + [ + "bloc", + -14.96629524230957 + ], + [ + "▁Hasina", + -14.966299057006836 + ], + [ + "▁Viruses", + -14.966320037841797 + ], + [ + "▁anatomically", + -14.96634006500244 + ], + [ + "▁Hartmann", + -14.966368675231934 + ], + [ + "▁chook", + -14.966384887695312 + ], + [ + "▁credo", + -14.966405868530272 + ], + [ + "▁1808", + -14.966418266296388 + ], + [ + "7:14", + -14.96648120880127 + ], + [ + "▁Micronesia", + -14.966537475585938 + ], + [ + "compute", + -14.966557502746582 + ], + [ + "0.40", + -14.966730117797852 + ], + [ + "warmer", + -14.966753959655762 + ], + [ + "Tenn", + -14.966757774353027 + ], + [ + "priest", + -14.966806411743164 + ], + [ + "timing", + -14.966845512390137 + ], + [ + "▁conflate", + -14.96684741973877 + ], + [ + "▁Overture", + -14.966849327087402 + ], + [ + "▁Bile", + -14.966882705688477 + ], + [ + "3–1", + -14.96689510345459 + ], + [ + "▁Jez", + -14.96696662902832 + ], + [ + "▁headwind", + -14.967033386230469 + ], + [ + "vanna", + -14.967052459716797 + ], + [ + "▁Jafar", + -14.967122077941896 + ], + [ + "▁Deux", + -14.96713924407959 + ], + [ + "▁DNN", + -14.967150688171388 + ], + [ + "▁negated", + -14.967199325561523 + ], + [ + "▁mintage", + -14.96721076965332 + ], + [ + "phytic", + -14.967215538024902 + ], + [ + "Caleb", + -14.967238426208496 + ], + [ + "Xtreme", + -14.967259407043455 + ], + [ + "▁Eigen", + -14.967273712158203 + ], + [ + "▁Orang", + -14.967293739318848 + ], + [ + "▁precio", + -14.967294692993164 + ], + [ + "Zap", + -14.967309951782228 + ], + [ + "▁gravitated", + -14.967367172241213 + ], + [ + "▁spanner", + -14.967459678649902 + ], + [ + "bruk", + -14.96746063232422 + ], + [ + "▁Nampa", + -14.9674654006958 + ], + [ + "▁giggled", + -14.967529296875 + ], + [ + "▁Altona", + -14.96755313873291 + ], + [ + "Hou", + -14.967602729797363 + ], + [ + "▁FPV", + -14.96762752532959 + ], + [ + "cido", + -14.96763515472412 + ], + [ + "▁Validat", + -14.96772575378418 + ], + [ + "▁Longford", + -14.967753410339355 + ], + [ + "▁crispness", + -14.967976570129396 + ], + [ + "WTH", + -14.96803379058838 + ], + [ + "▁fermenter", + -14.968132972717283 + ], + [ + "▁heeded", + -14.96817398071289 + ], + [ + "▁Baraka", + -14.968222618103027 + ], + [ + "destine", + -14.96823787689209 + ], + [ + "▁PBR", + -14.968238830566406 + ], + [ + "1880", + -14.968419075012209 + ], + [ + "▁Whisperer", + -14.968453407287598 + ], + [ + "TAK", + -14.968498229980469 + ], + [ + "Acorn", + -14.968705177307127 + ], + [ + "▁slaughtering", + -14.968769073486328 + ], + [ + "▁Roden", + -14.968917846679688 + ], + [ + "▁cumul", + -14.96896266937256 + ], + [ + "Rumour", + -14.968966484069824 + ], + [ + "▁Baca", + -14.969002723693848 + ], + [ + "▁neutralized", + -14.969124794006348 + ], + [ + "▁Kaylee", + -14.96912670135498 + ], + [ + "▁wildland", + -14.96912670135498 + ], + [ + "▁Birchbox", + -14.969154357910156 + ], + [ + "▁WTI", + -14.969193458557127 + ], + [ + "▁Spieler", + -14.969554901123049 + ], + [ + "tsov", + -14.969605445861816 + ], + [ + "WDM", + -14.969663619995115 + ], + [ + "eeee", + -14.969785690307615 + ], + [ + "▁Shahi", + -14.969820022583008 + ], + [ + "2-18", + -14.969823837280272 + ], + [ + "▁Shawl", + -14.969887733459473 + ], + [ + "▁priestly", + -14.970078468322754 + ], + [ + "▁Dredge", + -14.97035026550293 + ], + [ + "▁Gew", + -14.970414161682127 + ], + [ + "Heck", + -14.970643043518066 + ], + [ + "6-48", + -14.970658302307127 + ], + [ + "ENCY", + -14.970662117004396 + ], + [ + "▁Blooming", + -14.970672607421877 + ], + [ + "▁Sportster", + -14.970672607421877 + ], + [ + "5–1", + -14.970791816711426 + ], + [ + "▁Lapp", + -14.970839500427246 + ], + [ + "▁TPG", + -14.970946311950684 + ], + [ + "▁Zug", + -14.970980644226074 + ], + [ + "OIA", + -14.97103786468506 + ], + [ + "Baha", + -14.971096992492676 + ], + [ + "▁Maku", + -14.97110080718994 + ], + [ + "▁Dyk", + -14.971117973327637 + ], + [ + "itsky", + -14.971243858337402 + ], + [ + "advent", + -14.971251487731934 + ], + [ + "$1,000", + -14.971273422241213 + ], + [ + "oyne", + -14.971293449401855 + ], + [ + "SLV", + -14.971345901489258 + ], + [ + "Kari", + -14.97135066986084 + ], + [ + "dominantly", + -14.971369743347168 + ], + [ + "▁Commandant", + -14.97138214111328 + ], + [ + "QUIT", + -14.97145175933838 + ], + [ + "▁$18,000", + -14.971516609191896 + ], + [ + "8.7%", + -14.971558570861816 + ], + [ + "Luxe", + -14.971723556518556 + ], + [ + "fferent", + -14.971779823303224 + ], + [ + "ynn", + -14.971860885620115 + ], + [ + "▁09:4", + -14.971993446350098 + ], + [ + "▁Identi", + -14.972110748291016 + ], + [ + "▁Edie", + -14.972113609313965 + ], + [ + "toast", + -14.972146034240724 + ], + [ + "▁Netbook", + -14.972230911254885 + ], + [ + "ovian", + -14.972234725952148 + ], + [ + "▁PGP", + -14.972243309020996 + ], + [ + "pecializing", + -14.972379684448242 + ], + [ + "Pole", + -14.972405433654783 + ], + [ + "NSO", + -14.972410202026367 + ], + [ + "▁Abdi", + -14.972420692443848 + ], + [ + "▁BEAR", + -14.972529411315918 + ], + [ + "MOTO", + -14.972612380981444 + ], + [ + "FORMAT", + -14.972745895385742 + ], + [ + "??!!", + -14.973064422607422 + ], + [ + "DISC", + -14.973084449768066 + ], + [ + "EVAN", + -14.973134994506836 + ], + [ + "▁Vise", + -14.97321891784668 + ], + [ + "▁philo", + -14.973280906677246 + ], + [ + "ECU", + -14.973390579223633 + ], + [ + "abou", + -14.97348976135254 + ], + [ + "considering", + -14.973550796508787 + ], + [ + "avatar", + -14.973557472229004 + ], + [ + "▁Lpn", + -14.973600387573242 + ], + [ + "▁laze", + -14.973688125610352 + ], + [ + "▁Neale", + -14.97369384765625 + ], + [ + "▁Pelo", + -14.973730087280272 + ], + [ + "Unsurprisingly", + -14.973835945129396 + ], + [ + "▁SNR", + -14.973855018615724 + ], + [ + "Spouse", + -14.97385597229004 + ], + [ + "0.3%", + -14.973856925964355 + ], + [ + "Avocado", + -14.973872184753418 + ], + [ + "▁Capra", + -14.973885536193848 + ], + [ + "Judith", + -14.973889350891112 + ], + [ + "Survival", + -14.97389030456543 + ], + [ + "Navigation", + -14.97389316558838 + ], + [ + "Webinar", + -14.97389316558838 + ], + [ + "Chapman", + -14.973895072937012 + ], + [ + "diagnosis", + -14.973896026611328 + ], + [ + "Economy", + -14.973899841308594 + ], + [ + "arguably", + -14.97390079498291 + ], + [ + "algebra", + -14.97390365600586 + ], + [ + "challenging", + -14.973906517028809 + ], + [ + "northern", + -14.973922729492188 + ], + [ + "Squeeze", + -14.973939895629885 + ], + [ + "Montreal", + -14.97395133972168 + ], + [ + "audience", + -14.973953247070312 + ], + [ + "greasy", + -14.973955154418944 + ], + [ + "wizard", + -14.973956108093262 + ], + [ + "bandwidth", + -14.973958969116213 + ], + [ + "splitting", + -14.97396755218506 + ], + [ + "Angry", + -14.973968505859377 + ], + [ + "subtle", + -14.973971366882324 + ], + [ + "Freelance", + -14.973973274230955 + ], + [ + "▁Rebbe", + -14.974004745483398 + ], + [ + "ventricular", + -14.974027633666992 + ], + [ + "manifest", + -14.974047660827637 + ], + [ + "Apollo", + -14.974084854125977 + ], + [ + "10-7", + -14.974087715148926 + ], + [ + "▁sunlit", + -14.974102973937988 + ], + [ + "▁DSG", + -14.974115371704102 + ], + [ + "7.7%", + -14.974164962768556 + ], + [ + "Sweeney", + -14.974251747131348 + ], + [ + "Furness", + -14.97428035736084 + ], + [ + "Fiona", + -14.974349975585938 + ], + [ + "selfie", + -14.974350929260254 + ], + [ + "showroom", + -14.974363327026367 + ], + [ + "2.75", + -14.97438907623291 + ], + [ + "Kitty", + -14.974390029907228 + ], + [ + "Bennett", + -14.974410057067873 + ], + [ + "▁Vina", + -14.974454879760742 + ], + [ + "Grady", + -14.974465370178224 + ], + [ + "bringing", + -14.974599838256836 + ], + [ + "vaulted", + -14.974610328674316 + ], + [ + "▁Lauer", + -14.974611282348633 + ], + [ + "André", + -14.974690437316896 + ], + [ + "outlook", + -14.974691390991213 + ], + [ + "Stru", + -14.974736213684082 + ], + [ + "boni", + -14.974773406982422 + ], + [ + "▁Carpal", + -14.974807739257812 + ], + [ + "bladder", + -14.974843978881836 + ], + [ + "▁CAREER", + -14.974987983703612 + ], + [ + "backyard", + -14.975015640258787 + ], + [ + "▁Fira", + -14.97503662109375 + ], + [ + "▁semicolon", + -14.975168228149414 + ], + [ + "▁Bertie", + -14.975212097167969 + ], + [ + "Confess", + -14.975336074829102 + ], + [ + "Evangeli", + -14.97534465789795 + ], + [ + "▁scorch", + -14.975468635559082 + ], + [ + "Cabin", + -14.975469589233398 + ], + [ + "3-33", + -14.97555923461914 + ], + [ + "3:22", + -14.975564002990724 + ], + [ + "swinging", + -14.975598335266112 + ], + [ + "UBA", + -14.975605010986328 + ], + [ + "hoven", + -14.975618362426758 + ], + [ + "▁emirate", + -14.9757080078125 + ], + [ + "▁tribulation", + -14.975712776184082 + ], + [ + "▁upholster", + -14.975714683532717 + ], + [ + "mbros", + -14.975767135620115 + ], + [ + "▁coerce", + -14.975774765014648 + ], + [ + "▁obliterate", + -14.975775718688965 + ], + [ + "▁Landau", + -14.975802421569824 + ], + [ + "▁portage", + -14.975834846496582 + ], + [ + "▁Neutron", + -14.975835800170898 + ], + [ + "▁neutralise", + -14.97587776184082 + ], + [ + "▁bequeath", + -14.975975036621094 + ], + [ + "glazing", + -14.97598361968994 + ], + [ + "▁Blox", + -14.976059913635254 + ], + [ + "3700", + -14.97607421875 + ], + [ + "Superman", + -14.976115226745604 + ], + [ + "▁Iberia", + -14.976120948791504 + ], + [ + "ANDO", + -14.976151466369627 + ], + [ + "▁Pendle", + -14.976202011108398 + ], + [ + "kira", + -14.97621250152588 + ], + [ + "issile", + -14.976226806640623 + ], + [ + "prehensive", + -14.976344108581545 + ], + [ + "DePauw", + -14.976373672485352 + ], + [ + "Efficacy", + -14.976373672485352 + ], + [ + "Schizophrenia", + -14.976373672485352 + ], + [ + "▁Ambedkar", + -14.976373672485352 + ], + [ + "▁Chewbacca", + -14.976373672485352 + ], + [ + "▁Daenerys", + -14.976373672485352 + ], + [ + "▁Grindelwald", + -14.976373672485352 + ], + [ + "▁Hackensack", + -14.976373672485352 + ], + [ + "▁Hydrangea", + -14.976373672485352 + ], + [ + "▁Kolhapur", + -14.976373672485352 + ], + [ + "▁Kurosawa", + -14.976373672485352 + ], + [ + "▁Languedoc", + -14.976373672485352 + ], + [ + "▁Manitowoc", + -14.976373672485352 + ], + [ + "▁Marrakesh", + -14.976373672485352 + ], + [ + "▁Minnetonka", + -14.976373672485352 + ], + [ + "▁Narcissist", + -14.976373672485352 + ], + [ + "▁SAMSUNG", + -14.976373672485352 + ], + [ + "▁Transcendental", + -14.976373672485352 + ], + [ + "▁antagonism", + -14.976373672485352 + ], + [ + "▁belligerent", + -14.976373672485352 + ], + [ + "▁boudoir", + -14.976373672485352 + ], + [ + "▁cardiomyopathy", + -14.976373672485352 + ], + [ + "▁diluting", + -14.976373672485352 + ], + [ + "▁enchancment", + -14.976373672485352 + ], + [ + "▁epistemology", + -14.976373672485352 + ], + [ + "▁glazier", + -14.976373672485352 + ], + [ + "▁homogeneity", + -14.976373672485352 + ], + [ + "▁immeasurably", + -14.976373672485352 + ], + [ + "▁interferon", + -14.976373672485352 + ], + [ + "▁quandary", + -14.976373672485352 + ], + [ + "▁roaches", + -14.976373672485352 + ], + [ + "▁smorgasbord", + -14.976373672485352 + ], + [ + "▁unsavory", + -14.976373672485352 + ], + [ + "▁Invesco", + -14.976374626159668 + ], + [ + "▁dailies", + -14.976374626159668 + ], + [ + "▁jaggery", + -14.976374626159668 + ], + [ + "carnitine", + -14.976375579833984 + ], + [ + "▁Aitken", + -14.976375579833984 + ], + [ + "▁Hmong", + -14.976375579833984 + ], + [ + "▁IMPROVE", + -14.976375579833984 + ], + [ + "▁Esperanto", + -14.9763765335083 + ], + [ + "▁Malwarebytes", + -14.9763765335083 + ], + [ + "▁Narcotics", + -14.9763765335083 + ], + [ + "▁caesarean", + -14.9763765335083 + ], + [ + "▁crucible", + -14.976377487182615 + ], + [ + "▁Chiltern", + -14.976378440856934 + ], + [ + "▁Westinghouse", + -14.97637939453125 + ], + [ + "▁decried", + -14.97637939453125 + ], + [ + "▁venerated", + -14.97637939453125 + ], + [ + "▁Gallardo", + -14.976381301879885 + ], + [ + "▁LOVING", + -14.976381301879885 + ], + [ + "▁Limbaugh", + -14.976384162902832 + ], + [ + "▁Smashwords", + -14.976386070251465 + ], + [ + "▁topamax", + -14.976386070251465 + ], + [ + "▁infertile", + -14.976387977600098 + ], + [ + "▁Estrada", + -14.976388931274414 + ], + [ + "▁Roderick", + -14.976388931274414 + ], + [ + "▁Raheem", + -14.97638988494873 + ], + [ + "Seemingly", + -14.976390838623049 + ], + [ + "▁moorland", + -14.976391792297363 + ], + [ + "▁Yamuna", + -14.97639274597168 + ], + [ + "▁dragonflies", + -14.976393699645996 + ], + [ + "ufu", + -14.976394653320312 + ], + [ + "▁destinies", + -14.976394653320312 + ], + [ + "▁marimba", + -14.976394653320312 + ], + [ + "▁Happier", + -14.976398468017578 + ], + [ + "▁Métis", + -14.976399421691896 + ], + [ + "▁economize", + -14.976400375366213 + ], + [ + "▁tolerating", + -14.976405143737791 + ], + [ + "▁Nimbus", + -14.97640609741211 + ], + [ + "▁Cobham", + -14.976407051086426 + ], + [ + "piston", + -14.976410865783691 + ], + [ + "▁McDougall", + -14.976411819458008 + ], + [ + "▁trekked", + -14.976411819458008 + ], + [ + "saponin", + -14.976420402526855 + ], + [ + "▁Moseley", + -14.976421356201172 + ], + [ + "Archaeologists", + -14.97642993927002 + ], + [ + "▁WPMU", + -14.97642993927002 + ], + [ + "▁Pershing", + -14.976432800292969 + ], + [ + "▁BSOD", + -14.976439476013184 + ], + [ + "▁Hideaway", + -14.976439476013184 + ], + [ + "▁spunky", + -14.976439476013184 + ], + [ + "lanceolate", + -14.976442337036133 + ], + [ + "▁Novomatic", + -14.976449012756348 + ], + [ + "▁biweekly", + -14.976449012756348 + ], + [ + "▁godmother", + -14.976449012756348 + ], + [ + "▁stirrup", + -14.976451873779297 + ], + [ + "▁13.4", + -14.976454734802246 + ], + [ + "▁hydronic", + -14.976458549499512 + ], + [ + "▁Shutdown", + -14.976460456848145 + ], + [ + "▁unfurnished", + -14.976466178894045 + ], + [ + "▁Scotiabank", + -14.97646713256836 + ], + [ + "▁FIGHT", + -14.976468086242676 + ], + [ + "▁immorality", + -14.97647190093994 + ], + [ + "▁Wickham", + -14.976480484008787 + ], + [ + "▁(20%)", + -14.976481437683104 + ], + [ + "▁Sunroof", + -14.976485252380373 + ], + [ + "▁RingCentral", + -14.976491928100586 + ], + [ + "▁Castilla", + -14.97649383544922 + ], + [ + "▁murine", + -14.97651195526123 + ], + [ + "▁Marston", + -14.976524353027344 + ], + [ + "▁Parsley", + -14.976540565490724 + ], + [ + "▁Adkins", + -14.976543426513672 + ], + [ + "▁blindsided", + -14.976577758789062 + ], + [ + "nashi", + -14.976588249206545 + ], + [ + "▁Multinational", + -14.976592063903809 + ], + [ + "▁Helsing", + -14.976593017578123 + ], + [ + "▁switchgear", + -14.976598739624023 + ], + [ + "▁reverie", + -14.976629257202148 + ], + [ + "▁subsume", + -14.976637840270996 + ], + [ + "▁herniation", + -14.976638793945312 + ], + [ + "▁Rennes", + -14.976644515991213 + ], + [ + "▁Ballpark", + -14.976646423339844 + ], + [ + "▁Kutcher", + -14.976661682128906 + ], + [ + "▁stymied", + -14.976667404174805 + ], + [ + "▁Esprit", + -14.976701736450195 + ], + [ + "▁$4.4", + -14.976703643798828 + ], + [ + "▁Antibody", + -14.976709365844728 + ], + [ + "▁grippy", + -14.976713180541992 + ], + [ + "▁Parris", + -14.976737022399902 + ], + [ + "▁Supa", + -14.976737022399902 + ], + [ + "▁Goyal", + -14.976770401000977 + ], + [ + "▁caucuses", + -14.976773262023926 + ], + [ + "Pause", + -14.976836204528809 + ], + [ + "▁Qld", + -14.976869583129885 + ], + [ + "▁teetering", + -14.976885795593262 + ], + [ + "▁Dryden", + -14.976888656616213 + ], + [ + "▁Handball", + -14.97690200805664 + ], + [ + "Screening", + -14.976921081542969 + ], + [ + "▁Swartz", + -14.97692584991455 + ], + [ + "▁Lashes", + -14.97696018218994 + ], + [ + "1101", + -14.97699737548828 + ], + [ + "▁polity", + -14.977008819580078 + ], + [ + "▁demoted", + -14.977038383483888 + ], + [ + "CLASSES", + -14.977043151855469 + ], + [ + "▁Tapered", + -14.97704792022705 + ], + [ + "▁PLOS", + -14.977051734924316 + ], + [ + "alanine", + -14.977060317993164 + ], + [ + "RECOMMENDED", + -14.97706127166748 + ], + [ + "▁emote", + -14.977065086364746 + ], + [ + "▁sleeplessness", + -14.977083206176758 + ], + [ + "▁VEHICLES", + -14.977096557617188 + ], + [ + "▁underperformed", + -14.977112770080566 + ], + [ + "▁confided", + -14.977148056030272 + ], + [ + "▁Scrambler", + -14.977161407470703 + ], + [ + "▁alibi", + -14.977170944213867 + ], + [ + "▁duplexes", + -14.977201461791992 + ], + [ + "▁Snapback", + -14.977225303649902 + ], + [ + "▁impressionist", + -14.977252006530762 + ], + [ + "'10\"", + -14.977298736572266 + ], + [ + "▁Moyes", + -14.977300643920898 + ], + [ + "LIPS", + -14.977306365966797 + ], + [ + "▁serialization", + -14.97732925415039 + ], + [ + "▁postulate", + -14.977370262145996 + ], + [ + "haem", + -14.97741413116455 + ], + [ + "▁steamboat", + -14.977416038513184 + ], + [ + "▁suspenders", + -14.977422714233398 + ], + [ + "craftsman", + -14.977447509765623 + ], + [ + "▁Outpost", + -14.977471351623535 + ], + [ + "▁Cinta", + -14.977533340454102 + ], + [ + "▁Roshan", + -14.97757339477539 + ], + [ + "▁Kutch", + -14.977577209472656 + ], + [ + "▁reentry", + -14.977690696716309 + ], + [ + "▁QUEEN", + -14.977743148803713 + ], + [ + "▁Stargate", + -14.977859497070312 + ], + [ + "▁unfocused", + -14.977867126464844 + ], + [ + "▁anxiousness", + -14.97788143157959 + ], + [ + "▁sceneries", + -14.977887153625488 + ], + [ + "▁countywide", + -14.977901458740234 + ], + [ + "GBR", + -14.977917671203612 + ], + [ + "▁leatherette", + -14.977952003479004 + ], + [ + "▁parallelism", + -14.978026390075684 + ], + [ + "▁burrowing", + -14.978045463562012 + ], + [ + "▁beeping", + -14.978056907653809 + ], + [ + "ergic", + -14.978066444396973 + ], + [ + "▁Graphical", + -14.978097915649414 + ], + [ + "Xpert", + -14.978110313415527 + ], + [ + "▁Shima", + -14.978142738342283 + ], + [ + "Grandma", + -14.978143692016602 + ], + [ + "▁ODD", + -14.978188514709473 + ], + [ + "ndrogenic", + -14.978263854980469 + ], + [ + "zina", + -14.97828197479248 + ], + [ + "▁overvalued", + -14.978288650512695 + ], + [ + "▁bouldering", + -14.978338241577148 + ], + [ + "performer", + -14.978350639343262 + ], + [ + "▁shied", + -14.978589057922363 + ], + [ + "indiscriminately", + -14.978620529174805 + ], + [ + "▁XSM", + -14.978697776794434 + ], + [ + "▁tallies", + -14.978866577148438 + ], + [ + "Burger", + -14.978951454162598 + ], + [ + "▁foodborne", + -14.97909450531006 + ], + [ + "▁Restored", + -14.97913932800293 + ], + [ + "▁STAFF", + -14.97914218902588 + ], + [ + "interpretation", + -14.97916316986084 + ], + [ + "▁EFTA", + -14.979193687438965 + ], + [ + "▁applauding", + -14.979222297668455 + ], + [ + "▁cruelly", + -14.97923183441162 + ], + [ + "Matti", + -14.97927951812744 + ], + [ + "▁Hakim", + -14.979291915893556 + ], + [ + "▁feathery", + -14.979307174682615 + ], + [ + "1:41", + -14.979403495788574 + ], + [ + "▁Hainan", + -14.979411125183104 + ], + [ + "▁Zuk", + -14.979425430297852 + ], + [ + "▁fairest", + -14.979454040527344 + ], + [ + "▁$155", + -14.979467391967772 + ], + [ + "▁Fredrik", + -14.979476928710938 + ], + [ + "▁Sauk", + -14.979689598083496 + ], + [ + "▁frictionless", + -14.97971534729004 + ], + [ + "▁Trotter", + -14.979723930358888 + ], + [ + "▁offloading", + -14.979732513427734 + ], + [ + "▁bravest", + -14.979785919189451 + ], + [ + "HEP", + -14.979843139648438 + ], + [ + "Oooo", + -14.98006534576416 + ], + [ + "▁MEK", + -14.980074882507324 + ], + [ + "▁Asics", + -14.980111122131348 + ], + [ + "▁Mannheim", + -14.98013687133789 + ], + [ + "▁lacto", + -14.980154037475586 + ], + [ + "▁WET", + -14.980169296264648 + ], + [ + "▁Kyi", + -14.980223655700684 + ], + [ + "JEE", + -14.980303764343262 + ], + [ + "▁GAIN", + -14.980307579040527 + ], + [ + "▁AKG", + -14.980443954467772 + ], + [ + "▁Pyle", + -14.980483055114746 + ], + [ + "▁Assemblyman", + -14.980506896972656 + ], + [ + "▁Northgate", + -14.980511665344238 + ], + [ + "EFER", + -14.980531692504885 + ], + [ + "▁01:0", + -14.980664253234863 + ], + [ + "▁resuscitate", + -14.98068904876709 + ], + [ + "▁handstand", + -14.98078441619873 + ], + [ + "▁punchline", + -14.980846405029297 + ], + [ + "▁counterparty", + -14.980947494506836 + ], + [ + "▁10:10", + -14.98109245300293 + ], + [ + "▁CREAM", + -14.981119155883787 + ], + [ + "▁rnd", + -14.98121166229248 + ], + [ + "▁LUC", + -14.981279373168944 + ], + [ + "▁Fitter", + -14.981367111206056 + ], + [ + "▁Kemper", + -14.981371879577637 + ], + [ + "▁Pilar", + -14.9814453125 + ], + [ + "▁Trois", + -14.981647491455078 + ], + [ + "katu", + -14.981684684753418 + ], + [ + "1:42", + -14.98178005218506 + ], + [ + "▁Bartel", + -14.981877326965332 + ], + [ + "▁Mirai", + -14.981884002685549 + ], + [ + "AFE", + -14.981989860534668 + ], + [ + "▁Tiff", + -14.982003211975098 + ], + [ + "NCAP", + -14.982012748718262 + ], + [ + "▁Takeover", + -14.982073783874512 + ], + [ + "19%", + -14.9821138381958 + ], + [ + "hleb", + -14.982148170471191 + ], + [ + "▁PLT", + -14.982175827026367 + ], + [ + "analytical", + -14.982461929321287 + ], + [ + "▁Linder", + -14.982479095458984 + ], + [ + "▁Libri", + -14.982582092285156 + ], + [ + "▁Auch", + -14.982635498046877 + ], + [ + "GSC", + -14.982745170593262 + ], + [ + "▁sprinted", + -14.982763290405272 + ], + [ + "▁541-", + -14.98292636871338 + ], + [ + "▁LBJ", + -14.983134269714355 + ], + [ + "esqui", + -14.983158111572266 + ], + [ + "▁Asiatic", + -14.983181953430176 + ], + [ + "▁ESV", + -14.983259201049805 + ], + [ + "ENNE", + -14.983325004577637 + ], + [ + "▁Allende", + -14.983360290527344 + ], + [ + "▁Studi", + -14.98344898223877 + ], + [ + "▁sumac", + -14.983562469482422 + ], + [ + "proving", + -14.983612060546877 + ], + [ + "protest", + -14.983708381652832 + ], + [ + "▁GAF", + -14.983859062194824 + ], + [ + "▁prepay", + -14.983869552612305 + ], + [ + "▁sharpie", + -14.983928680419922 + ], + [ + "maple", + -14.984190940856934 + ], + [ + "mputation", + -14.98421859741211 + ], + [ + "▁Brough", + -14.98427677154541 + ], + [ + "▁Omani", + -14.984280586242676 + ], + [ + "▁Suda", + -14.984328269958496 + ], + [ + "▁Neverland", + -14.984456062316896 + ], + [ + "▁03:0", + -14.984603881835938 + ], + [ + "destroy", + -14.984606742858888 + ], + [ + "▁Mellow", + -14.98460865020752 + ], + [ + "▁07:1", + -14.984728813171388 + ], + [ + "▁Amaze", + -14.984728813171388 + ], + [ + "Lava", + -14.984822273254396 + ], + [ + "Brenda", + -14.984902381896973 + ], + [ + "▁Welder", + -14.985017776489258 + ], + [ + "▁BTEC", + -14.985036849975586 + ], + [ + "Enabling", + -14.985069274902344 + ], + [ + "Conscious", + -14.98509407043457 + ], + [ + "cursor", + -14.985095977783203 + ], + [ + "Ignore", + -14.985103607177734 + ], + [ + "Shandong", + -14.985106468200684 + ], + [ + "infested", + -14.985108375549316 + ], + [ + "Promise", + -14.985118865966797 + ], + [ + "symptom", + -14.98512077331543 + ], + [ + "Citrus", + -14.985126495361328 + ], + [ + "Kathleen", + -14.985127449035645 + ], + [ + "Supervisor", + -14.985127449035645 + ], + [ + "restoration", + -14.98512840270996 + ], + [ + "Cuisine", + -14.985129356384276 + ], + [ + "Carnival", + -14.985133171081545 + ], + [ + "Warranty", + -14.985133171081545 + ], + [ + "Montgomery", + -14.985135078430176 + ], + [ + "stimulating", + -14.985136032104492 + ], + [ + "Vanessa", + -14.985137939453123 + ], + [ + "Jews", + -14.98517608642578 + ], + [ + "Donovan", + -14.98519229888916 + ], + [ + "▁gaffe", + -14.985209465026855 + ], + [ + "Vermont", + -14.985215187072754 + ], + [ + "Editorial", + -14.985223770141602 + ], + [ + "Nexus", + -14.985258102416992 + ], + [ + "duplication", + -14.985269546508787 + ], + [ + "summit", + -14.985280990600586 + ], + [ + "diploma", + -14.985295295715332 + ], + [ + "igraphy", + -14.985302925109863 + ], + [ + "Afternoon", + -14.985311508178713 + ], + [ + "Commit", + -14.985323905944824 + ], + [ + "racism", + -14.985555648803713 + ], + [ + "poison", + -14.985640525817873 + ], + [ + "▁microbe", + -14.985648155212402 + ], + [ + "COLOR", + -14.985713005065918 + ], + [ + "OSTER", + -14.985963821411133 + ], + [ + "6:14", + -14.986123085021973 + ], + [ + "viola", + -14.986124038696287 + ], + [ + "▁Bode", + -14.986130714416504 + ], + [ + "vip", + -14.986146926879885 + ], + [ + "▁AQA", + -14.986167907714844 + ], + [ + "jitsu", + -14.986266136169434 + ], + [ + "▁decant", + -14.986273765563965 + ], + [ + "▁Sonu", + -14.98637580871582 + ], + [ + "streak", + -14.986404418945312 + ], + [ + "▁Birdie", + -14.986432075500488 + ], + [ + "installer", + -14.986486434936523 + ], + [ + "ideally", + -14.986516952514648 + ], + [ + "BTL", + -14.98660373687744 + ], + [ + "cracking", + -14.98668384552002 + ], + [ + "▁immigrate", + -14.986762046813965 + ], + [ + "▁Tasha", + -14.98696517944336 + ], + [ + "▁Organo", + -14.987058639526367 + ], + [ + "stoke", + -14.987064361572266 + ], + [ + "7.30", + -14.987066268920898 + ], + [ + "▁painkiller", + -14.987070083618164 + ], + [ + "warehouse", + -14.987077713012695 + ], + [ + "HDR", + -14.987099647521973 + ], + [ + "DEPOSIT", + -14.987302780151367 + ], + [ + "framework", + -14.987312316894531 + ], + [ + "heumatoid", + -14.987342834472656 + ], + [ + "▁misogynist", + -14.987361907958984 + ], + [ + "Cyclists", + -14.9873628616333 + ], + [ + "Negligence", + -14.9873628616333 + ], + [ + "bulwark", + -14.9873628616333 + ], + [ + "▁Ahmadinejad", + -14.9873628616333 + ], + [ + "▁Alkaline", + -14.9873628616333 + ], + [ + "▁Aotearoa", + -14.9873628616333 + ], + [ + "▁Colloquium", + -14.9873628616333 + ], + [ + "▁Crosstrek", + -14.9873628616333 + ], + [ + "▁Dordogne", + -14.9873628616333 + ], + [ + "▁Embiid", + -14.9873628616333 + ], + [ + "▁LaGuardia", + -14.9873628616333 + ], + [ + "▁Maldonado", + -14.9873628616333 + ], + [ + "▁Marmalade", + -14.9873628616333 + ], + [ + "▁Montpelier", + -14.9873628616333 + ], + [ + "▁Mpumalanga", + -14.9873628616333 + ], + [ + "▁OCTOBER", + -14.9873628616333 + ], + [ + "▁Poroshenko", + -14.9873628616333 + ], + [ + "▁Rheumatology", + -14.9873628616333 + ], + [ + "▁Tahrir", + -14.9873628616333 + ], + [ + "▁Tavares", + -14.9873628616333 + ], + [ + "▁VALLEY", + -14.9873628616333 + ], + [ + "▁Waddesdon", + -14.9873628616333 + ], + [ + "▁dachshund", + -14.9873628616333 + ], + [ + "▁dastardly", + -14.9873628616333 + ], + [ + "▁dendritic", + -14.9873628616333 + ], + [ + "▁desirous", + -14.9873628616333 + ], + [ + "▁exorcism", + -14.9873628616333 + ], + [ + "▁frittata", + -14.9873628616333 + ], + [ + "▁furosemide", + -14.9873628616333 + ], + [ + "▁geocaching", + -14.9873628616333 + ], + [ + "▁indignant", + -14.9873628616333 + ], + [ + "▁intramural", + -14.9873628616333 + ], + [ + "▁leniency", + -14.9873628616333 + ], + [ + "▁microfluidic", + -14.9873628616333 + ], + [ + "▁naloxone", + -14.9873628616333 + ], + [ + "▁obfuscation", + -14.9873628616333 + ], + [ + "▁reforestation", + -14.9873628616333 + ], + [ + "▁silagra", + -14.9873628616333 + ], + [ + "▁uneasiness", + -14.9873628616333 + ], + [ + "▁wrinkling", + -14.9873628616333 + ], + [ + "▁TELEVISION", + -14.987363815307615 + ], + [ + "▁VOLUME", + -14.987363815307615 + ], + [ + "▁innuendo", + -14.987363815307615 + ], + [ + "▁vestiges", + -14.987363815307615 + ], + [ + "Applause", + -14.987364768981934 + ], + [ + "▁Brabant", + -14.987364768981934 + ], + [ + "▁Maximilian", + -14.98736572265625 + ], + [ + "▁Schweitzer", + -14.98736572265625 + ], + [ + "▁clinker", + -14.987366676330566 + ], + [ + "▁Elohim", + -14.9873685836792 + ], + [ + "▁Pitchfork", + -14.9873685836792 + ], + [ + "▁Warehousing", + -14.9873685836792 + ], + [ + "▁Chekhov", + -14.987369537353516 + ], + [ + "▁kitesurfing", + -14.987369537353516 + ], + [ + "▁IMMEDIATELY", + -14.987370491027832 + ], + [ + "▁Cockpit", + -14.987371444702148 + ], + [ + "▁Paphos", + -14.98737335205078 + ], + [ + "▁Connaught", + -14.987374305725098 + ], + [ + "▁congratulatory", + -14.98737621307373 + ], + [ + "YEAH", + -14.987378120422363 + ], + [ + "▁LVMH", + -14.987378120422363 + ], + [ + "▁disillusionment", + -14.987378120422363 + ], + [ + "▁Solapur", + -14.98737907409668 + ], + [ + "▁Laramie", + -14.987380981445312 + ], + [ + "Microelectronics", + -14.987381935119627 + ], + [ + "▁sexiest", + -14.987384796142578 + ], + [ + "▁McHugh", + -14.987385749816896 + ], + [ + "▁BECOME", + -14.987386703491213 + ], + [ + "▁Trellis", + -14.987388610839844 + ], + [ + "▁Pitbull", + -14.987394332885742 + ], + [ + "▁peplum", + -14.987394332885742 + ], + [ + "▁EBSCO", + -14.987396240234377 + ], + [ + "▁scapula", + -14.987396240234377 + ], + [ + "▁NJCAA", + -14.987397193908691 + ], + [ + "▁steadiness", + -14.987398147583008 + ], + [ + "▁tuscan", + -14.987399101257324 + ], + [ + "▁Annuity", + -14.98740005493164 + ], + [ + "▁Farnham", + -14.987401008605955 + ], + [ + "▁Manifold", + -14.987403869628906 + ], + [ + "▁grimace", + -14.987417221069336 + ], + [ + "▁brawn", + -14.987421989440918 + ], + [ + "▁masseuse", + -14.987421989440918 + ], + [ + "▁dubstep", + -14.98742389678955 + ], + [ + "▁Jefferies", + -14.987435340881348 + ], + [ + "▁Cretan", + -14.987448692321776 + ], + [ + "▁£150,000", + -14.987459182739258 + ], + [ + "▁jotting", + -14.987462997436523 + ], + [ + "emus", + -14.987476348876951 + ], + [ + "▁Rincon", + -14.987481117248535 + ], + [ + "ococcal", + -14.987503051757812 + ], + [ + "▁Monahan", + -14.987504005432127 + ], + [ + "▁Shipbuilding", + -14.987504959106444 + ], + [ + "▁LINQ", + -14.987506866455078 + ], + [ + "▁Krugman", + -14.987510681152344 + ], + [ + "▁COUNTER", + -14.987513542175291 + ], + [ + "▁UAH", + -14.98751735687256 + ], + [ + "▁reorganizing", + -14.98751735687256 + ], + [ + "▁Shafer", + -14.987521171569824 + ], + [ + "▁DeMarco", + -14.98752498626709 + ], + [ + "▁Whitmore", + -14.987533569335938 + ], + [ + "TEXT", + -14.98753547668457 + ], + [ + "▁recombination", + -14.987541198730469 + ], + [ + "▁Cern", + -14.987550735473633 + ], + [ + "▁counterattack", + -14.987550735473633 + ], + [ + "▁Vieux", + -14.987561225891112 + ], + [ + "▁Seacrest", + -14.98756217956543 + ], + [ + "▁Fungus", + -14.987616539001465 + ], + [ + "▁Wonka", + -14.98761749267578 + ], + [ + "▁Alexei", + -14.987642288208008 + ], + [ + "▁canvassing", + -14.98764419555664 + ], + [ + "▁BRIGHT", + -14.987666130065918 + ], + [ + "▁stockbroker", + -14.98767375946045 + ], + [ + "▁reflectivity", + -14.987676620483398 + ], + [ + "▁disoriented", + -14.98768424987793 + ], + [ + "▁Plen", + -14.98770236968994 + ], + [ + "▁Murph", + -14.987735748291016 + ], + [ + "▁Mittel", + -14.987784385681152 + ], + [ + "▁repackaged", + -14.98779010772705 + ], + [ + "bonding", + -14.987791061401367 + ], + [ + "▁Thales", + -14.987793922424316 + ], + [ + "▁Burnside", + -14.987812042236328 + ], + [ + "WOLF", + -14.987818717956545 + ], + [ + "▁Robben", + -14.987875938415527 + ], + [ + "▁Karak", + -14.987881660461426 + ], + [ + "▁Brier", + -14.987907409667969 + ], + [ + "▁Gangster", + -14.987916946411133 + ], + [ + "▁Monroeville", + -14.987918853759766 + ], + [ + "Burning", + -14.987927436828612 + ], + [ + "▁Saltwater", + -14.987937927246094 + ], + [ + "▁$5.2", + -14.987957000732422 + ], + [ + "▁understudies", + -14.987959861755373 + ], + [ + "▁Volcanoes", + -14.987966537475586 + ], + [ + "▁chiral", + -14.987967491149902 + ], + [ + "▁raptors", + -14.987998008728027 + ], + [ + "glandular", + -14.988011360168455 + ], + [ + "▁Ansible", + -14.988041877746582 + ], + [ + "▁Lipton", + -14.988082885742188 + ], + [ + "▁Heywood", + -14.988085746765137 + ], + [ + "1(1):", + -14.98808765411377 + ], + [ + "▁Armitage", + -14.988109588623049 + ], + [ + "▁undated", + -14.98813819885254 + ], + [ + "▁FIU", + -14.988204002380373 + ], + [ + "▁Barbra", + -14.9882173538208 + ], + [ + "▁ihre", + -14.988225936889648 + ], + [ + "▁praline", + -14.988225936889648 + ], + [ + "Wie", + -14.98826789855957 + ], + [ + "▁Vermeer", + -14.98829174041748 + ], + [ + "▁reassessment", + -14.988295555114746 + ], + [ + "▁Diversion", + -14.988308906555176 + ], + [ + "▁knockdown", + -14.988317489624023 + ], + [ + "publ", + -14.988322257995604 + ], + [ + "▁Hoard", + -14.988340377807615 + ], + [ + "▁Ringling", + -14.988418579101562 + ], + [ + "▁tramway", + -14.988524436950684 + ], + [ + "▁demeaning", + -14.98853874206543 + ], + [ + "▁dialling", + -14.988577842712402 + ], + [ + "▁Barolo", + -14.988587379455566 + ], + [ + "▁Bakr", + -14.988664627075195 + ], + [ + "Booth", + -14.988691329956056 + ], + [ + "▁mult", + -14.98872184753418 + ], + [ + "▁crosswise", + -14.988734245300291 + ], + [ + "▁Canned", + -14.988743782043455 + ], + [ + "▁Rizal", + -14.988837242126465 + ], + [ + "▁hacer", + -14.988847732543944 + ], + [ + "fist", + -14.98887538909912 + ], + [ + "▁Underworld", + -14.98888874053955 + ], + [ + "▁Screaming", + -14.988926887512209 + ], + [ + "▁Whispering", + -14.988927841186523 + ], + [ + "▁necessitat", + -14.988935470581056 + ], + [ + "▁cutlets", + -14.988944053649902 + ], + [ + "▁Loudon", + -14.9889497756958 + ], + [ + "▁esl", + -14.988961219787598 + ], + [ + "4:19", + -14.98902702331543 + ], + [ + "5:21", + -14.98910427093506 + ], + [ + "▁Dorman", + -14.989139556884766 + ], + [ + "soundcloud", + -14.98914623260498 + ], + [ + "▁riverboat", + -14.989203453063965 + ], + [ + "Malik", + -14.989233016967772 + ], + [ + "loka", + -14.989243507385254 + ], + [ + "▁cloaked", + -14.98940658569336 + ], + [ + "▁hauntingly", + -14.98947525024414 + ], + [ + "gaku", + -14.989519119262695 + ], + [ + "▁postulated", + -14.98952865600586 + ], + [ + "▁UHC", + -14.989568710327148 + ], + [ + "▁LASER", + -14.989606857299805 + ], + [ + "▁Ophthalmol", + -14.989633560180664 + ], + [ + "odin", + -14.989726066589355 + ], + [ + "Naturopath", + -14.989768028259276 + ], + [ + "mundi", + -14.9898042678833 + ], + [ + "▁horsemen", + -14.989886283874512 + ], + [ + "▁MINT", + -14.989933967590332 + ], + [ + "1865", + -14.98995590209961 + ], + [ + "hunk", + -14.99010181427002 + ], + [ + "1-800-", + -14.99025058746338 + ], + [ + "TPP", + -14.99026870727539 + ], + [ + "DIRECT", + -14.99028205871582 + ], + [ + "FOC", + -14.990317344665527 + ], + [ + "begin", + -14.990364074707031 + ], + [ + "Pip", + -14.990375518798828 + ], + [ + "▁jap", + -14.990375518798828 + ], + [ + "▁BLAST", + -14.990455627441406 + ], + [ + "▁veering", + -14.990466117858888 + ], + [ + "Incremental", + -14.99046802520752 + ], + [ + "63%", + -14.990470886230469 + ], + [ + "2:25", + -14.990473747253418 + ], + [ + "▁Negra", + -14.99049186706543 + ], + [ + "ACTIVE", + -14.99050521850586 + ], + [ + "▁Benefic", + -14.99053192138672 + ], + [ + "GRP", + -14.99062156677246 + ], + [ + "ceta", + -14.99064826965332 + ], + [ + "urry", + -14.99079704284668 + ], + [ + "▁midlife", + -14.990821838378906 + ], + [ + "ASSC", + -14.991153717041016 + ], + [ + "▁Miki", + -14.991241455078123 + ], + [ + "Whose", + -14.991302490234377 + ], + [ + "▁Bhawan", + -14.991303443908691 + ], + [ + "▁Ruger", + -14.991363525390623 + ], + [ + "wagen", + -14.991415977478027 + ], + [ + "descend", + -14.991425514221191 + ], + [ + "0-002", + -14.991506576538086 + ], + [ + "james", + -14.99161148071289 + ], + [ + "▁Alvi", + -14.991646766662598 + ], + [ + "Careful", + -14.99180793762207 + ], + [ + "1,2,3", + -14.99192237854004 + ], + [ + "furlong", + -14.991943359375 + ], + [ + "6/7", + -14.991963386535645 + ], + [ + "alayan", + -14.992090225219728 + ], + [ + "▁visage", + -14.9921293258667 + ], + [ + "▁Biologist", + -14.992154121398926 + ], + [ + "schlag", + -14.992159843444824 + ], + [ + "▁$86", + -14.992199897766112 + ], + [ + "Squee", + -14.992441177368164 + ], + [ + "▁limber", + -14.992593765258787 + ], + [ + "▁codify", + -14.992698669433594 + ], + [ + "▁KOH", + -14.99272632598877 + ], + [ + "Hydrate", + -14.992730140686035 + ], + [ + "2:17", + -14.992842674255373 + ], + [ + "▁CREA", + -14.992887496948242 + ], + [ + "▁Ferenc", + -14.99292278289795 + ], + [ + "▁Stringer", + -14.993185997009276 + ], + [ + "CSM", + -14.993197441101074 + ], + [ + "▁Surah", + -14.993200302124023 + ], + [ + "▁LBD", + -14.993270874023438 + ], + [ + "Abba", + -14.993332862854004 + ], + [ + "stripping", + -14.993365287780762 + ], + [ + "spiral", + -14.993420600891112 + ], + [ + "▁Sergi", + -14.99354076385498 + ], + [ + "Hog", + -14.993576049804688 + ], + [ + "omorphic", + -14.993674278259276 + ], + [ + "▁781-", + -14.993733406066896 + ], + [ + "▁Warlock", + -14.99378776550293 + ], + [ + "▁1095", + -14.993796348571776 + ], + [ + "URED", + -14.993922233581545 + ], + [ + "isko", + -14.993967056274414 + ], + [ + "▁SBD", + -14.994049072265623 + ], + [ + "OXY", + -14.994165420532228 + ], + [ + "TiO", + -14.99426555633545 + ], + [ + "▁04:3", + -14.994277000427246 + ], + [ + "ISER", + -14.994338989257812 + ], + [ + "2:23", + -14.99440860748291 + ], + [ + "▁macula", + -14.994491577148438 + ], + [ + "▁ALK", + -14.994515419006348 + ], + [ + "▁Montero", + -14.994728088378906 + ], + [ + "▁09:2", + -14.994735717773438 + ], + [ + "▁Salud", + -14.99477481842041 + ], + [ + "▁ITSM", + -14.995014190673828 + ], + [ + "▁BNC", + -14.995160102844238 + ], + [ + "niece", + -14.995162010192873 + ], + [ + "eichen", + -14.995197296142578 + ], + [ + "▁Achiever", + -14.99545955657959 + ], + [ + "LIO", + -14.99548053741455 + ], + [ + "▁parson", + -14.99548625946045 + ], + [ + "5:22", + -14.99551773071289 + ], + [ + "associate", + -14.99588108062744 + ], + [ + "▁Blume", + -14.995884895324709 + ], + [ + "9:40", + -14.995923042297363 + ], + [ + "Subtract", + -14.99594783782959 + ], + [ + "Christoph", + -14.995990753173828 + ], + [ + "▁$325", + -14.996058464050291 + ], + [ + "▁$8.5", + -14.996097564697266 + ], + [ + "▁CRD", + -14.996235847473145 + ], + [ + "▁recalculate", + -14.996308326721191 + ], + [ + "▁0.99", + -14.996315956115724 + ], + [ + "solicitation", + -14.996318817138672 + ], + [ + "Afghan", + -14.99642276763916 + ], + [ + "satisfied", + -14.996424674987791 + ], + [ + "scholastic", + -14.996460914611816 + ], + [ + "Obesity", + -14.996468544006348 + ], + [ + "Vegetarian", + -14.99647617340088 + ], + [ + "membrane", + -14.996478080749512 + ], + [ + "Varsity", + -14.99648094177246 + ], + [ + "indulgent", + -14.996488571166992 + ], + [ + "survival", + -14.996496200561523 + ], + [ + "stimulation", + -14.99649715423584 + ], + [ + "Arkansas", + -14.996501922607422 + ], + [ + "vibration", + -14.996501922607422 + ], + [ + "UNESCO", + -14.996505737304688 + ], + [ + "Nevada", + -14.996519088745115 + ], + [ + "theoretical", + -14.996520042419434 + ], + [ + "Philippe", + -14.996521949768066 + ], + [ + "Firefox", + -14.996525764465332 + ], + [ + "▁Repeater", + -14.996541023254396 + ], + [ + "Vanilla", + -14.996542930603027 + ], + [ + "fabrication", + -14.996577262878418 + ], + [ + "Armenia", + -14.996578216552734 + ], + [ + "Uganda", + -14.996591567993164 + ], + [ + "Friendship", + -14.996596336364746 + ], + [ + "encourage", + -14.996601104736328 + ], + [ + "Graduat", + -14.996617317199709 + ], + [ + "Utility", + -14.996624946594238 + ], + [ + "exhibition", + -14.99665355682373 + ], + [ + "chinese", + -14.996657371520996 + ], + [ + "MADE", + -14.99680233001709 + ], + [ + "▁Hoof", + -14.996854782104492 + ], + [ + "Patron", + -14.996867179870604 + ], + [ + "▁beckon", + -14.997023582458496 + ], + [ + "potent", + -14.997039794921877 + ], + [ + "coordinated", + -14.997060775756836 + ], + [ + "LOOM", + -14.99706745147705 + ], + [ + "Ferrari", + -14.997114181518556 + ], + [ + "Invalid", + -14.99714469909668 + ], + [ + "delicious", + -14.997197151184082 + ], + [ + "italian", + -14.997227668762209 + ], + [ + "▁Amphi", + -14.997269630432127 + ], + [ + "typic", + -14.997354507446287 + ], + [ + "Packers", + -14.99746036529541 + ], + [ + "▁inaugurate", + -14.997873306274414 + ], + [ + "▁PREP", + -14.997923851013184 + ], + [ + "mayer", + -14.997940063476562 + ], + [ + "▁Randle", + -14.99832534790039 + ], + [ + "copa", + -14.998435974121094 + ], + [ + "▁WARRANT", + -14.998437881469728 + ], + [ + "▁Reykjav", + -14.99846076965332 + ], + [ + "Curcumin", + -14.99847412109375 + ], + [ + "Perseverance", + -14.99847412109375 + ], + [ + "Residual", + -14.99847412109375 + ], + [ + "phosphatase", + -14.99847412109375 + ], + [ + "wisconsin", + -14.99847412109375 + ], + [ + "▁888-320-4449", + -14.99847412109375 + ], + [ + "▁Bitdefender", + -14.99847412109375 + ], + [ + "▁Camtasia", + -14.99847412109375 + ], + [ + "▁DeSantis", + -14.99847412109375 + ], + [ + "▁ESSENTIAL", + -14.99847412109375 + ], + [ + "▁Enclave", + -14.99847412109375 + ], + [ + "▁Hargreaves", + -14.99847412109375 + ], + [ + "▁Hellenistic", + -14.99847412109375 + ], + [ + "▁LaGrange", + -14.99847412109375 + ], + [ + "▁McMullen", + -14.99847412109375 + ], + [ + "▁Mendelssohn", + -14.99847412109375 + ], + [ + "▁Skechers", + -14.99847412109375 + ], + [ + "▁Tecumseh", + -14.99847412109375 + ], + [ + "▁Uxbridge", + -14.99847412109375 + ], + [ + "▁bridegroom", + -14.99847412109375 + ], + [ + "▁crematorium", + -14.99847412109375 + ], + [ + "▁decrepit", + -14.99847412109375 + ], + [ + "▁dejected", + -14.99847412109375 + ], + [ + "▁demonstrative", + -14.99847412109375 + ], + [ + "▁ensconced", + -14.99847412109375 + ], + [ + "▁epinephrine", + -14.99847412109375 + ], + [ + "▁escorting", + -14.99847412109375 + ], + [ + "▁flustered", + -14.99847412109375 + ], + [ + "▁malignancies", + -14.99847412109375 + ], + [ + "▁maturities", + -14.99847412109375 + ], + [ + "▁observatories", + -14.99847412109375 + ], + [ + "▁odkaz", + -14.99847412109375 + ], + [ + "▁pacifist", + -14.99847412109375 + ], + [ + "▁recuperating", + -14.99847412109375 + ], + [ + "▁stalagmite", + -14.99847412109375 + ], + [ + "▁symbiosis", + -14.99847412109375 + ], + [ + "▁tilapia", + -14.99847412109375 + ], + [ + "▁xylitol", + -14.99847412109375 + ], + [ + "▁Incoloy", + -14.998475074768066 + ], + [ + "▁biliary", + -14.998475074768066 + ], + [ + "consensual", + -14.998476028442385 + ], + [ + "▁10.1007/", + -14.998476028442385 + ], + [ + "▁Euphrates", + -14.998476028442385 + ], + [ + "▁[+]", + -14.998476028442385 + ], + [ + "▁merrily", + -14.998476028442385 + ], + [ + "▁Leavitt", + -14.9984769821167 + ], + [ + "▁goalscorer", + -14.998477935791016 + ], + [ + "▁spokespeople", + -14.998478889465332 + ], + [ + "▁Adreno", + -14.998479843139648 + ], + [ + "▁EXTENT", + -14.998479843139648 + ], + [ + "▁Mehndi", + -14.998479843139648 + ], + [ + "▁wobbling", + -14.998479843139648 + ], + [ + "▁Binocular", + -14.99848175048828 + ], + [ + "▁Enquirer", + -14.99848175048828 + ], + [ + "▁hitchhike", + -14.998482704162598 + ], + [ + "▁WGBH", + -14.998483657836914 + ], + [ + "▁dowry", + -14.998483657836914 + ], + [ + "▁adroit", + -14.99848461151123 + ], + [ + "▁imprecise", + -14.99848461151123 + ], + [ + "▁Antiquities", + -14.998485565185549 + ], + [ + "▁impotent", + -14.998485565185549 + ], + [ + "▁Freightliner", + -14.99848747253418 + ], + [ + "▁Gesture", + -14.998488426208496 + ], + [ + "▁Hendrik", + -14.998489379882812 + ], + [ + "▁climes", + -14.998489379882812 + ], + [ + "▁phagocyt", + -14.998490333557127 + ], + [ + "emporomandibu", + -14.998491287231444 + ], + [ + "Albeit", + -14.998495101928713 + ], + [ + "▁Shiatsu", + -14.998495101928713 + ], + [ + "▁Fairytale", + -14.998496055603027 + ], + [ + "▁Pradhan", + -14.998496055603027 + ], + [ + "▁siRNA", + -14.998498916625977 + ], + [ + "▁myeloid", + -14.99850368499756 + ], + [ + "▁Lusaka", + -14.998506546020508 + ], + [ + "▁Wegmans", + -14.998506546020508 + ], + [ + "▁sacral", + -14.998509407043455 + ], + [ + "▁botox", + -14.998513221740724 + ], + [ + "▁Pajama", + -14.998517036437988 + ], + [ + "▁mesquite", + -14.998517036437988 + ], + [ + "▁Lemongrass", + -14.998519897460938 + ], + [ + "▁TransUnion", + -14.998520851135254 + ], + [ + "▁produit", + -14.998525619506836 + ], + [ + "▁Motocross", + -14.998530387878418 + ], + [ + "Albatros", + -14.998533248901367 + ], + [ + "▁Aficio", + -14.998542785644531 + ], + [ + "▁leukocyte", + -14.99854850769043 + ], + [ + "▁brining", + -14.998550415039062 + ], + [ + "▁Raipur", + -14.998565673828123 + ], + [ + "▁AICPA", + -14.998567581176758 + ], + [ + "▁subgenre", + -14.998575210571287 + ], + [ + "▁gambit", + -14.998578071594238 + ], + [ + "▁Knightsbridge", + -14.998581886291504 + ], + [ + "▁Consort", + -14.998600006103516 + ], + [ + "▁Nanak", + -14.998605728149414 + ], + [ + "harvard", + -14.998617172241213 + ], + [ + "▁$6.99", + -14.998627662658691 + ], + [ + "▁MARTIN", + -14.998627662658691 + ], + [ + "▁proteomics", + -14.99863052368164 + ], + [ + "▁Movable", + -14.998631477355955 + ], + [ + "▁Makita", + -14.998634338378906 + ], + [ + "▁Technion", + -14.998638153076172 + ], + [ + "▁deviating", + -14.998644828796388 + ], + [ + "abroad", + -14.998658180236816 + ], + [ + "▁pixelated", + -14.998661994934082 + ], + [ + "▁Visalia", + -14.998669624328612 + ], + [ + "4:50", + -14.998679161071776 + ], + [ + "▁CPG", + -14.998684883117676 + ], + [ + "▁Renoir", + -14.998692512512209 + ], + [ + "▁Agora", + -14.998700141906738 + ], + [ + "▁photobooth", + -14.998720169067385 + ], + [ + "▁Luminous", + -14.99875259399414 + ], + [ + "▁pathfinder", + -14.998767852783203 + ], + [ + "impson", + -14.998802185058594 + ], + [ + "▁Barometer", + -14.998811721801758 + ], + [ + "▁Rosales", + -14.99881649017334 + ], + [ + "▁acidosis", + -14.998846054077148 + ], + [ + "▁radiocarbon", + -14.998855590820312 + ], + [ + "▁Krieger", + -14.998881340026855 + ], + [ + "▁zippy", + -14.998909950256348 + ], + [ + "Flora", + -14.998937606811523 + ], + [ + "▁woollen", + -14.9989652633667 + ], + [ + "▁Sequin", + -14.998976707458496 + ], + [ + "▁Elkins", + -14.999005317687988 + ], + [ + "▁depreciated", + -14.999016761779783 + ], + [ + "7010", + -14.999019622802734 + ], + [ + "glomerat", + -14.999021530151367 + ], + [ + "▁Kogan", + -14.999052047729492 + ], + [ + "▁travelogue", + -14.999055862426758 + ], + [ + "▁Styx", + -14.999059677124023 + ], + [ + "Swimmers", + -14.999094009399414 + ], + [ + "▁Bowel", + -14.99911117553711 + ], + [ + "▁whittled", + -14.99912452697754 + ], + [ + "Outline", + -14.999133110046388 + ], + [ + "uyo", + -14.999133110046388 + ], + [ + "▁Lyra", + -14.99913501739502 + ], + [ + "Directly", + -14.999147415161133 + ], + [ + "▁rootstock", + -14.999156951904297 + ], + [ + "▁pistes", + -14.999168395996094 + ], + [ + "▁foreshadowing", + -14.999222755432127 + ], + [ + "zynski", + -14.999266624450684 + ], + [ + "▁ActiveX", + -14.999320030212402 + ], + [ + "▁Ombre", + -14.999321937561035 + ], + [ + "5700", + -14.999347686767578 + ], + [ + "▁lookalike", + -14.999353408813477 + ], + [ + "▁Killian", + -14.99935531616211 + ], + [ + "▁DMZ", + -14.99936294555664 + ], + [ + "▁Hamster", + -14.999396324157717 + ], + [ + "▁unapproved", + -14.999415397644045 + ], + [ + "▁reinvigorated", + -14.999427795410156 + ], + [ + "PSP", + -14.99943733215332 + ], + [ + "▁cocker", + -14.999444961547852 + ], + [ + "▁Lasik", + -14.999464988708496 + ], + [ + "▁unfunded", + -14.999471664428713 + ], + [ + "▁Edging", + -14.999488830566406 + ], + [ + "▁JAVA", + -14.99951171875 + ], + [ + "▁Pittman", + -14.999547004699709 + ], + [ + "▁waterlogged", + -14.999561309814451 + ], + [ + "▁immobilize", + -14.999590873718262 + ], + [ + "▁photocopying", + -14.999593734741213 + ], + [ + "▁dermatological", + -14.999597549438477 + ], + [ + "▁shoebox", + -14.999611854553224 + ], + [ + "▁ADAPT", + -14.999683380126951 + ], + [ + "matism", + -14.999685287475586 + ], + [ + "▁HGV", + -14.999717712402344 + ], + [ + "▁Zimmermann", + -14.999747276306152 + ], + [ + "▁CHANGES", + -14.999799728393556 + ], + [ + "▁Cheeky", + -14.999800682067873 + ], + [ + "lisp", + -14.999895095825195 + ], + [ + "▁Balcon", + -14.999934196472168 + ], + [ + "Woodland", + -14.99993896484375 + ], + [ + "arvin", + -14.999994277954102 + ], + [ + "▁Lanai", + -14.999996185302734 + ], + [ + "▁Ruston", + -15.000028610229492 + ], + [ + "▁Hebei", + -15.000097274780272 + ], + [ + "▁WEEKEND", + -15.000102043151855 + ], + [ + "▁Chapin", + -15.000146865844728 + ], + [ + "GIB", + -15.000168800354004 + ], + [ + "▁reheated", + -15.000168800354004 + ], + [ + "▁Parra", + -15.0001859664917 + ], + [ + "▁Adept", + -15.00019359588623 + ], + [ + "▁Egret", + -15.000222206115724 + ], + [ + "VLP", + -15.000224113464355 + ], + [ + "▁Harald", + -15.00024127960205 + ], + [ + "anyway", + -15.000435829162598 + ], + [ + "▁Diplomate", + -15.000487327575684 + ], + [ + "▁Paulette", + -15.000534057617188 + ], + [ + "▁Giggle", + -15.000558853149414 + ], + [ + "▁Hino", + -15.000572204589844 + ], + [ + "NEED", + -15.000624656677246 + ], + [ + "▁$35.00", + -15.000646591186523 + ], + [ + "▁shoutout", + -15.000652313232422 + ], + [ + "▁VIBE", + -15.000709533691406 + ], + [ + "▁Strick", + -15.000738143920898 + ], + [ + "STATE", + -15.000794410705566 + ], + [ + "bmw", + -15.00080108642578 + ], + [ + "oub", + -15.000813484191896 + ], + [ + "▁swarmed", + -15.000847816467283 + ], + [ + "▁17-18", + -15.000852584838867 + ], + [ + "▁Glaser", + -15.000866889953612 + ], + [ + "▁Vibram", + -15.000882148742676 + ], + [ + "5:13", + -15.000892639160156 + ], + [ + "▁watchlist", + -15.000956535339355 + ], + [ + "▁Makin", + -15.00102996826172 + ], + [ + "▁smearing", + -15.001049041748049 + ], + [ + "RFP", + -15.001104354858398 + ], + [ + "▁10/1", + -15.001126289367676 + ], + [ + "▁madman", + -15.001126289367676 + ], + [ + "▁channelled", + -15.001260757446287 + ], + [ + "▁booed", + -15.00127410888672 + ], + [ + "▁scold", + -15.00127410888672 + ], + [ + "0:47", + -15.001282691955566 + ], + [ + "▁provisionally", + -15.001288414001465 + ], + [ + "8:35", + -15.001490592956545 + ], + [ + "▁Tatsu", + -15.001567840576172 + ], + [ + "accord", + -15.001611709594728 + ], + [ + "▁Mehra", + -15.001625061035156 + ], + [ + "▁1-1/2\"", + -15.001633644104004 + ], + [ + "▁parkour", + -15.001664161682127 + ], + [ + "▁Asgard", + -15.001667976379396 + ], + [ + "ALB", + -15.001684188842772 + ], + [ + "▁Brind", + -15.001712799072266 + ], + [ + "▁customising", + -15.001721382141112 + ], + [ + "BURY", + -15.001794815063477 + ], + [ + "▁Summerville", + -15.001821517944336 + ], + [ + "▁Valk", + -15.001825332641602 + ], + [ + "Darling", + -15.001874923706056 + ], + [ + "Mock", + -15.002071380615234 + ], + [ + "7:27", + -15.002297401428224 + ], + [ + "ysse", + -15.00235652923584 + ], + [ + "Transitioning", + -15.002659797668455 + ], + [ + "▁0-10", + -15.002723693847656 + ], + [ + "▁denounc", + -15.002744674682615 + ], + [ + "▁Haier", + -15.002766609191896 + ], + [ + "▁Beli", + -15.002925872802734 + ], + [ + "▁lovin", + -15.00292682647705 + ], + [ + "Basil", + -15.002944946289062 + ], + [ + "HAVE", + -15.002969741821287 + ], + [ + "MOU", + -15.003080368041992 + ], + [ + "▁Zaman", + -15.00308322906494 + ], + [ + "▁Briton", + -15.003118515014648 + ], + [ + "▁taw", + -15.003127098083496 + ], + [ + "▁RSL", + -15.00322723388672 + ], + [ + "combine", + -15.003276824951172 + ], + [ + "▁McCull", + -15.003398895263672 + ], + [ + "99.00", + -15.003485679626465 + ], + [ + "▁AVP", + -15.003625869750977 + ], + [ + "Rita", + -15.003686904907228 + ], + [ + "▁OHV", + -15.003692626953123 + ], + [ + "DOF", + -15.003710746765137 + ], + [ + "▁Crowder", + -15.003718376159668 + ], + [ + "ASTA", + -15.003721237182615 + ], + [ + "GMC", + -15.003889083862305 + ], + [ + "▁replayed", + -15.004019737243652 + ], + [ + "Basler", + -15.004021644592283 + ], + [ + "▁Garber", + -15.00418186187744 + ], + [ + "▁winches", + -15.00418472290039 + ], + [ + "shaker", + -15.004290580749512 + ], + [ + "novi", + -15.004388809204102 + ], + [ + "▁Weldon", + -15.00441551208496 + ], + [ + "▁1797", + -15.00454807281494 + ], + [ + "▁Huma", + -15.004621505737305 + ], + [ + "Institut", + -15.00465488433838 + ], + [ + "▁DEALER", + -15.004815101623535 + ], + [ + "▁korea", + -15.005355834960938 + ], + [ + "▁Dingo", + -15.005396842956545 + ], + [ + "UNITY", + -15.005411148071287 + ], + [ + "grande", + -15.005579948425291 + ], + [ + "uranga", + -15.005630493164062 + ], + [ + "dictionary", + -15.005638122558594 + ], + [ + "▁Shish", + -15.005704879760742 + ], + [ + "▁airdrop", + -15.005802154541016 + ], + [ + "ocytosis", + -15.005806922912598 + ], + [ + "ATTLE", + -15.005833625793455 + ], + [ + "▁Davin", + -15.00596809387207 + ], + [ + "▁Quince", + -15.005971908569336 + ], + [ + "▁Kenan", + -15.006243705749512 + ], + [ + "▁trouv", + -15.006387710571287 + ], + [ + "zug", + -15.006400108337402 + ], + [ + "0-255", + -15.00644588470459 + ], + [ + "TDS", + -15.006542205810549 + ], + [ + "6:22", + -15.006706237792969 + ], + [ + "▁Mime", + -15.0067138671875 + ], + [ + "pach", + -15.00678253173828 + ], + [ + "Salvo", + -15.007006645202637 + ], + [ + "▁Novella", + -15.007017135620115 + ], + [ + "▁Talia", + -15.007143020629885 + ], + [ + "▁Tamer", + -15.00723361968994 + ], + [ + "▁Vlog", + -15.007431030273438 + ], + [ + "▁perfumer", + -15.00750732421875 + ], + [ + "PLUG", + -15.007652282714844 + ], + [ + "curator", + -15.007736206054688 + ], + [ + "Economist", + -15.00778865814209 + ], + [ + "Encouraging", + -15.00792407989502 + ], + [ + "Fascinating", + -15.00795078277588 + ], + [ + "subsidized", + -15.007972717285156 + ], + [ + "Jaguar", + -15.007977485656738 + ], + [ + "Infinite", + -15.007979393005373 + ], + [ + "Kimberly", + -15.007981300354004 + ], + [ + "Intellectual", + -15.00798225402832 + ], + [ + "Attractive", + -15.00798511505127 + ], + [ + "proliferation", + -15.007987022399902 + ], + [ + "Amenities", + -15.007990837097168 + ], + [ + "Census", + -15.007993698120115 + ], + [ + "Literature", + -15.007993698120115 + ], + [ + "Portuguese", + -15.007994651794434 + ], + [ + "opportunity", + -15.008002281188965 + ], + [ + "Disease", + -15.00800609588623 + ], + [ + "▁Pili", + -15.00800609588623 + ], + [ + "Microwave", + -15.008021354675291 + ], + [ + "WhatsApp", + -15.00802516937256 + ], + [ + "Mobility", + -15.00802993774414 + ], + [ + "Capric", + -15.008041381835938 + ], + [ + "quarry", + -15.008044242858888 + ], + [ + "Err", + -15.008052825927734 + ], + [ + "telephone", + -15.008054733276367 + ], + [ + "Palace", + -15.00806713104248 + ], + [ + "▁05:0", + -15.00810432434082 + ], + [ + "Honour", + -15.008106231689451 + ], + [ + "essence", + -15.00810718536377 + ], + [ + "Mapping", + -15.0081787109375 + ], + [ + "asek", + -15.008204460144045 + ], + [ + "WEEK", + -15.008224487304688 + ], + [ + "Hilton", + -15.008231163024902 + ], + [ + "NIP", + -15.008234024047852 + ], + [ + "SAE", + -15.008277893066406 + ], + [ + "immediately", + -15.008298873901367 + ], + [ + "coverage", + -15.008307456970217 + ], + [ + "collector", + -15.00831699371338 + ], + [ + "▁MCB", + -15.008407592773438 + ], + [ + "Floating", + -15.008464813232422 + ], + [ + "▁Entertain", + -15.008474349975586 + ], + [ + "niche", + -15.008478164672852 + ], + [ + "SYSTEM", + -15.008489608764648 + ], + [ + "▁victoria", + -15.00854206085205 + ], + [ + "Robertson", + -15.00857162475586 + ], + [ + "rogue", + -15.0086030960083 + ], + [ + "MOE", + -15.00860595703125 + ], + [ + "▁Champa", + -15.008634567260742 + ], + [ + "▁nationalistic", + -15.008642196655272 + ], + [ + "umenta", + -15.008666038513184 + ], + [ + "aktiv", + -15.008696556091309 + ], + [ + "composed", + -15.008745193481444 + ], + [ + "Jag", + -15.008753776550291 + ], + [ + "Skilled", + -15.008769035339355 + ], + [ + "CYL", + -15.008773803710938 + ], + [ + "Patio", + -15.008782386779783 + ], + [ + "▁$230", + -15.008814811706545 + ], + [ + "▁registr", + -15.008955955505373 + ], + [ + "▁$185", + -15.009191513061523 + ], + [ + "umph", + -15.00919246673584 + ], + [ + "▁RYA", + -15.009233474731444 + ], + [ + "▁bicyclist", + -15.009434700012209 + ], + [ + "xpedition", + -15.00943660736084 + ], + [ + "▁detainee", + -15.009467124938965 + ], + [ + "CHANGE", + -15.009520530700684 + ], + [ + "▁Solu", + -15.009568214416504 + ], + [ + "▁physiologic", + -15.00959300994873 + ], + [ + "Mood", + -15.00968074798584 + ], + [ + "▁apportion", + -15.009685516357422 + ], + [ + "▁STUNNING", + -15.009709358215332 + ], + [ + "▁Tennyson", + -15.009709358215332 + ], + [ + "▁baboon", + -15.009709358215332 + ], + [ + "▁emphysema", + -15.009709358215332 + ], + [ + "Configurable", + -15.009710311889648 + ], + [ + "Cumulative", + -15.009710311889648 + ], + [ + "iruvananthapuram", + -15.009710311889648 + ], + [ + "montgomery", + -15.009710311889648 + ], + [ + "sebaceous", + -15.009710311889648 + ], + [ + "▁ADVISED", + -15.009710311889648 + ], + [ + "▁ALBUM", + -15.009710311889648 + ], + [ + "▁Chillicothe", + -15.009710311889648 + ], + [ + "▁Chippendale", + -15.009710311889648 + ], + [ + "▁Constituency", + -15.009710311889648 + ], + [ + "▁Depakote", + -15.009710311889648 + ], + [ + "▁GALLERY", + -15.009710311889648 + ], + [ + "▁Gaithersburg", + -15.009710311889648 + ], + [ + "▁Gyllenhaal", + -15.009710311889648 + ], + [ + "▁Huckleberry", + -15.009710311889648 + ], + [ + "▁Instructable", + -15.009710311889648 + ], + [ + "▁Liebherr", + -15.009710311889648 + ], + [ + "▁MOUNTAIN", + -15.009710311889648 + ], + [ + "▁Occupied", + -15.009710311889648 + ], + [ + "▁Pompidou", + -15.009710311889648 + ], + [ + "▁Rajapaksa", + -15.009710311889648 + ], + [ + "▁Swinburne", + -15.009710311889648 + ], + [ + "▁Tendulkar", + -15.009710311889648 + ], + [ + "▁WORLDWIDE", + -15.009710311889648 + ], + [ + "▁countermeasures", + -15.009710311889648 + ], + [ + "▁escapism", + -15.009710311889648 + ], + [ + "▁gratified", + -15.009710311889648 + ], + [ + "▁guillotine", + -15.009710311889648 + ], + [ + "▁kaleidoscopic", + -15.009710311889648 + ], + [ + "▁memorably", + -15.009710311889648 + ], + [ + "▁misdeeds", + -15.009710311889648 + ], + [ + "▁nystagmus", + -15.009710311889648 + ], + [ + "▁ordnance", + -15.009710311889648 + ], + [ + "▁porcupine", + -15.009710311889648 + ], + [ + "▁stratospheric", + -15.009710311889648 + ], + [ + "▁trigonometry", + -15.009710311889648 + ], + [ + "▁unbeknownst", + -15.009710311889648 + ], + [ + "▁Dominguez", + -15.009711265563965 + ], + [ + "▁aqueduct", + -15.009711265563965 + ], + [ + "▁mehndi", + -15.009711265563965 + ], + [ + "▁diastolic", + -15.009713172912598 + ], + [ + "▁palatial", + -15.009713172912598 + ], + [ + "▁tufts", + -15.009714126586914 + ], + [ + "▁Cobain", + -15.00971508026123 + ], + [ + "▁Hattiesburg", + -15.00971508026123 + ], + [ + "▁resurgent", + -15.00971508026123 + ], + [ + "verizon", + -15.009716033935549 + ], + [ + "▁Matsumoto", + -15.009716033935549 + ], + [ + "▁Niseko", + -15.009716033935549 + ], + [ + "▁Hebdo", + -15.009716987609863 + ], + [ + "▁francisco", + -15.009716987609863 + ], + [ + "▁Skagit", + -15.00971794128418 + ], + [ + "▁Adonis", + -15.009719848632812 + ], + [ + "▁misdiagnosed", + -15.009719848632812 + ], + [ + "▁ensnare", + -15.009721755981444 + ], + [ + "▁styrene", + -15.009723663330078 + ], + [ + "▁Soothing", + -15.009725570678713 + ], + [ + "▁Werewolf", + -15.009726524353027 + ], + [ + "▁Cheerios", + -15.009730339050291 + ], + [ + "▁subsidence", + -15.00973129272461 + ], + [ + "▁morgue", + -15.009739875793455 + ], + [ + "▁(1957)", + -15.00974178314209 + ], + [ + "▁Filipina", + -15.00974178314209 + ], + [ + "▁Liszt", + -15.00974464416504 + ], + [ + "▁goldmine", + -15.00975227355957 + ], + [ + "▁COMPASS", + -15.009753227233888 + ], + [ + "▁$$$[", + -15.009757041931152 + ], + [ + "▁Mackintosh", + -15.009764671325684 + ], + [ + "▁Macromedia", + -15.00976848602295 + ], + [ + "▁POF", + -15.00976848602295 + ], + [ + "▁sanitise", + -15.009775161743164 + ], + [ + "▁TITAN", + -15.009778022766112 + ], + [ + "▁burnished", + -15.009778022766112 + ], + [ + "▁Piedra", + -15.00978183746338 + ], + [ + "▁Teesside", + -15.009784698486328 + ], + [ + "▁blimp", + -15.00978946685791 + ], + [ + "▁tightrope", + -15.009790420532228 + ], + [ + "▁Bodrum", + -15.009794235229492 + ], + [ + "▁jowl", + -15.009798049926758 + ], + [ + "▁Expeditionary", + -15.009805679321287 + ], + [ + "▁Childress", + -15.009806632995604 + ], + [ + "▁Handmaid", + -15.009812355041504 + ], + [ + "cense", + -15.009815216064451 + ], + [ + "▁Settlers", + -15.009815216064451 + ], + [ + "▁Gleeson", + -15.009819984436035 + ], + [ + "▁Shanta", + -15.009825706481934 + ], + [ + "▁Nymph", + -15.00982666015625 + ], + [ + "▁Bakker", + -15.009838104248049 + ], + [ + "▁RAPID", + -15.00986099243164 + ], + [ + "▁underlayment", + -15.009861946105955 + ], + [ + "▁scruffy", + -15.00986671447754 + ], + [ + "▁Fenty", + -15.009881973266602 + ], + [ + "▁telepathy", + -15.009882926940918 + ], + [ + "▁Viceroy", + -15.009891510009766 + ], + [ + "▁Ashanti", + -15.009892463684082 + ], + [ + "▁Laravel", + -15.009893417358398 + ], + [ + "▁Tamiya", + -15.00989818572998 + ], + [ + "▁survivorship", + -15.009899139404297 + ], + [ + "▁epicentre", + -15.009906768798828 + ], + [ + "▁hdmi", + -15.009912490844728 + ], + [ + "▁paragon", + -15.009913444519045 + ], + [ + "▁patella", + -15.009921073913574 + ], + [ + "removed", + -15.009922981262209 + ], + [ + "▁pithy", + -15.009922981262209 + ], + [ + "PRICE", + -15.00993824005127 + ], + [ + "▁prodding", + -15.009939193725586 + ], + [ + "▁Jakub", + -15.009943008422852 + ], + [ + "▁racy", + -15.009952545166016 + ], + [ + "▁0.25%", + -15.00995922088623 + ], + [ + "Anxious", + -15.009967803955078 + ], + [ + "▁cranio", + -15.00997257232666 + ], + [ + "▁Primus", + -15.009976387023926 + ], + [ + "▁ORANGE", + -15.009979248046877 + ], + [ + "▁Enduring", + -15.009984016418455 + ], + [ + "▁Goodluck", + -15.009992599487305 + ], + [ + "▁CHEAP", + -15.009997367858888 + ], + [ + "▁Maslow", + -15.010004043579102 + ], + [ + "▁MicroSD", + -15.010007858276367 + ], + [ + "▁pretension", + -15.010014533996582 + ], + [ + "▁100-105", + -15.010034561157228 + ], + [ + "▁Veterinarians", + -15.010068893432615 + ], + [ + "▁enlistment", + -15.010091781616213 + ], + [ + "▁trickiest", + -15.010096549987791 + ], + [ + "▁Arnaud", + -15.010130882263184 + ], + [ + "gement", + -15.010181427001951 + ], + [ + "▁resolutely", + -15.010193824768066 + ], + [ + "▁Pulley", + -15.0101957321167 + ], + [ + "▁Nortel", + -15.010198593139648 + ], + [ + "▁pinwheel", + -15.010207176208496 + ], + [ + "▁Joyful", + -15.010226249694824 + ], + [ + "▁MSDN", + -15.010238647460938 + ], + [ + "▁Lombardy", + -15.010255813598633 + ], + [ + "▁Siesta", + -15.010260581970217 + ], + [ + "▁reprimanded", + -15.010261535644531 + ], + [ + "▁distillate", + -15.010263442993164 + ], + [ + "geki", + -15.010272026062012 + ], + [ + "▁Appears", + -15.010290145874023 + ], + [ + "▁Homebrew", + -15.010296821594238 + ], + [ + "▁multibillion", + -15.010296821594238 + ], + [ + "▁Lune", + -15.010302543640137 + ], + [ + "▁Katana", + -15.01030445098877 + ], + [ + "jala", + -15.010319709777832 + ], + [ + "▁Brookside", + -15.010323524475098 + ], + [ + "▁unifies", + -15.01033878326416 + ], + [ + "▁Dulce", + -15.010353088378906 + ], + [ + "▁Fenner", + -15.010357856750488 + ], + [ + "▁unloved", + -15.01040267944336 + ], + [ + "▁Councilwoman", + -15.010408401489258 + ], + [ + "▁Charlottetown", + -15.010420799255373 + ], + [ + "▁Kirsch", + -15.010428428649902 + ], + [ + "▁floatation", + -15.010431289672852 + ], + [ + "▁Unused", + -15.01044750213623 + ], + [ + "▁Brightening", + -15.01045036315918 + ], + [ + "EDITOR", + -15.010462760925291 + ], + [ + "▁constricted", + -15.010504722595217 + ], + [ + "▁Rutter", + -15.010539054870604 + ], + [ + "MEF", + -15.010540008544922 + ], + [ + "▁Jamieson", + -15.010540962219238 + ], + [ + "▁PLANET", + -15.010541915893556 + ], + [ + "▁Cyndi", + -15.010615348815918 + ], + [ + "▁PSTN", + -15.01061725616455 + ], + [ + "▁honking", + -15.01062297821045 + ], + [ + "▁Specter", + -15.010634422302246 + ], + [ + "▁iShares", + -15.010642051696776 + ], + [ + "▁Haunting", + -15.010663032531738 + ], + [ + "▁cosmetically", + -15.010663986206056 + ], + [ + "▁damnation", + -15.01071071624756 + ], + [ + "▁palaeo", + -15.010747909545898 + ], + [ + "▁squealing", + -15.010750770568848 + ], + [ + "▁hardwearing", + -15.01077938079834 + ], + [ + "▁plunk", + -15.010801315307615 + ], + [ + "▁interceptor", + -15.010870933532717 + ], + [ + "Jaume", + -15.010891914367676 + ], + [ + "▁haywire", + -15.010910987854004 + ], + [ + "▁Alexey", + -15.01091766357422 + ], + [ + "awful", + -15.010920524597168 + ], + [ + "▁Tricky", + -15.011009216308594 + ], + [ + "▁VNC", + -15.011031150817873 + ], + [ + "hdrs", + -15.011066436767578 + ], + [ + "▁UMW", + -15.011070251464844 + ], + [ + "▁Rouen", + -15.011088371276855 + ], + [ + "NEVER", + -15.01113224029541 + ], + [ + "▁Commune", + -15.011144638061523 + ], + [ + "▁wavered", + -15.011194229125977 + ], + [ + "▁Goldfish", + -15.011204719543455 + ], + [ + "▁Mandr", + -15.011208534240724 + ], + [ + "▁cycl", + -15.011235237121582 + ], + [ + "▁17:4", + -15.011322975158691 + ], + [ + "▁LATER", + -15.01133918762207 + ], + [ + "▁Turnover", + -15.011383056640623 + ], + [ + "▁trumped", + -15.011408805847168 + ], + [ + "▁Smoo", + -15.011422157287598 + ], + [ + "▁10.000", + -15.01148796081543 + ], + [ + "▁oddity", + -15.01148796081543 + ], + [ + "▁Carmelo", + -15.011502265930176 + ], + [ + "▁Nitin", + -15.011518478393556 + ], + [ + "▁crooner", + -15.01158046722412 + ], + [ + "blanca", + -15.01163101196289 + ], + [ + "▁remodelers", + -15.011763572692873 + ], + [ + "▁ORDERS", + -15.011804580688477 + ], + [ + "CPP", + -15.011817932128906 + ], + [ + "▁hoisting", + -15.011860847473145 + ], + [ + "▁defrag", + -15.011897087097168 + ], + [ + "nehmen", + -15.011917114257812 + ], + [ + "▁encase", + -15.011942863464355 + ], + [ + "FMG", + -15.011956214904783 + ], + [ + "▁courageously", + -15.01196002960205 + ], + [ + "▁Jayson", + -15.011996269226074 + ], + [ + "JUNK", + -15.012052536010742 + ], + [ + "▁warez", + -15.01208782196045 + ], + [ + "▁Rodan", + -15.012160301208496 + ], + [ + "ostasis", + -15.012256622314451 + ], + [ + "▁hearken", + -15.012272834777832 + ], + [ + "▁manila", + -15.01230525970459 + ], + [ + "Vicki", + -15.012336730957031 + ], + [ + "▁sunning", + -15.012362480163574 + ], + [ + "▁$1,9", + -15.012372970581056 + ], + [ + "▁vce", + -15.01238250732422 + ], + [ + "lomo", + -15.012447357177734 + ], + [ + "UNEP", + -15.012451171875 + ], + [ + "prefix", + -15.012451171875 + ], + [ + "▁SAID", + -15.012484550476074 + ], + [ + "▁Cromer", + -15.012584686279297 + ], + [ + "kenmore", + -15.012617111206056 + ], + [ + "▁availabe", + -15.012646675109863 + ], + [ + "immuno", + -15.012652397155762 + ], + [ + "lantis", + -15.012691497802734 + ], + [ + "YON", + -15.012694358825684 + ], + [ + "▁Shaolin", + -15.012701988220217 + ], + [ + "▁Summerfield", + -15.0128173828125 + ], + [ + "▁Nira", + -15.012866020202637 + ], + [ + "▁Bosh", + -15.012868881225586 + ], + [ + "Wick", + -15.012869834899902 + ], + [ + "transcript", + -15.012882232666016 + ], + [ + "▁Archae", + -15.012883186340332 + ], + [ + "▁Paley", + -15.012951850891112 + ], + [ + "MAKER", + -15.012986183166504 + ], + [ + "▁autoclave", + -15.013021469116213 + ], + [ + "ooey", + -15.01304531097412 + ], + [ + "▁motorboat", + -15.013068199157717 + ], + [ + "▁Osun", + -15.013283729553224 + ], + [ + "mittance", + -15.013331413269045 + ], + [ + "▁Nadd", + -15.013387680053713 + ], + [ + "Yong", + -15.013401985168455 + ], + [ + "2:02", + -15.013625144958496 + ], + [ + "Leftover", + -15.013683319091797 + ], + [ + "COVER", + -15.013786315917969 + ], + [ + "▁Ovid", + -15.013813972473145 + ], + [ + "▁Fuqua", + -15.013826370239258 + ], + [ + "▁Dataset", + -15.013846397399902 + ], + [ + "▁Shiba", + -15.014141082763672 + ], + [ + "00:4", + -15.014492988586426 + ], + [ + "idence", + -15.014544486999512 + ], + [ + "▁PKK", + -15.014549255371094 + ], + [ + "▁framerate", + -15.014695167541504 + ], + [ + "adjusting", + -15.014715194702148 + ], + [ + "terrestrial", + -15.014970779418944 + ], + [ + "▁23:2", + -15.015031814575195 + ], + [ + "ocative", + -15.015331268310549 + ], + [ + "voter", + -15.015348434448242 + ], + [ + "france", + -15.015433311462402 + ], + [ + "▁shuck", + -15.01545524597168 + ], + [ + "vlad", + -15.015497207641602 + ], + [ + "CHIP", + -15.015524864196776 + ], + [ + "▁SHAPE", + -15.015573501586914 + ], + [ + "рат", + -15.015578269958496 + ], + [ + "▁Renn", + -15.01558780670166 + ], + [ + "▁SRX", + -15.01583766937256 + ], + [ + "kush", + -15.015945434570312 + ], + [ + "HOOD", + -15.01595973968506 + ], + [ + "▁Arra", + -15.016142845153809 + ], + [ + "▁Majorca", + -15.016160011291504 + ], + [ + "RGC", + -15.016282081604004 + ], + [ + "haji", + -15.016307830810549 + ], + [ + "25.00", + -15.016332626342772 + ], + [ + "▁Valu", + -15.016397476196287 + ], + [ + "▁Kanter", + -15.01650047302246 + ], + [ + "Tub", + -15.016529083251951 + ], + [ + "▁Spei", + -15.01658821105957 + ], + [ + "▁FIDE", + -15.016592979431152 + ], + [ + "0008", + -15.016643524169922 + ], + [ + "1.0%", + -15.016732215881348 + ], + [ + "ILLE", + -15.016740798950195 + ], + [ + "cached", + -15.016776084899902 + ], + [ + "▁snipe", + -15.016858100891112 + ], + [ + "0.19", + -15.017125129699709 + ], + [ + "▁Crumble", + -15.017168045043944 + ], + [ + "▁brownfield", + -15.01724910736084 + ], + [ + "Cheng", + -15.01731014251709 + ], + [ + "Objection", + -15.017341613769531 + ], + [ + "▁Clavi", + -15.017440795898438 + ], + [ + "aunch", + -15.017462730407717 + ], + [ + "bsp", + -15.017485618591309 + ], + [ + "▁Merk", + -15.017534255981444 + ], + [ + "▁Mosco", + -15.017539024353027 + ], + [ + "ridgid", + -15.017569541931152 + ], + [ + "▁20:3", + -15.01760196685791 + ], + [ + "hadoop", + -15.017662048339844 + ], + [ + "laura", + -15.017740249633787 + ], + [ + "▁disempower", + -15.017791748046877 + ], + [ + "▁Argon", + -15.017857551574709 + ], + [ + "shwar", + -15.017892837524414 + ], + [ + "foto", + -15.017977714538574 + ], + [ + "contributory", + -15.018083572387695 + ], + [ + "▁Woodburn", + -15.01810073852539 + ], + [ + "▁1774", + -15.01812744140625 + ], + [ + "HOLD", + -15.018207550048828 + ], + [ + "hori", + -15.018312454223633 + ], + [ + "ANTIC", + -15.018414497375488 + ], + [ + "usser", + -15.018500328063965 + ], + [ + "pierre", + -15.018594741821287 + ], + [ + "inska", + -15.018627166748049 + ], + [ + "▁$450,000", + -15.018635749816896 + ], + [ + "▁Lira", + -15.018671035766602 + ], + [ + "▁REDD", + -15.018733024597168 + ], + [ + "▁14.8", + -15.01889991760254 + ], + [ + "0101", + -15.018916130065918 + ], + [ + "gamma", + -15.01904296875 + ], + [ + "▁WSP", + -15.019064903259276 + ], + [ + "▁$1,600", + -15.019094467163086 + ], + [ + "apse", + -15.0191011428833 + ], + [ + "▁973-", + -15.019227027893066 + ], + [ + "Prospect", + -15.0194673538208 + ], + [ + "Meadow", + -15.019546508789062 + ], + [ + "ESCO", + -15.019559860229492 + ], + [ + "Elevate", + -15.019571304321287 + ], + [ + "corrupt", + -15.019572257995604 + ], + [ + "Horizon", + -15.019583702087402 + ], + [ + "Worry", + -15.0195894241333 + ], + [ + "Dolphin", + -15.019590377807615 + ], + [ + "Favourite", + -15.01959228515625 + ], + [ + "Criteria", + -15.019597053527832 + ], + [ + "▁SPH", + -15.01959991455078 + ], + [ + "Welsh", + -15.019604682922363 + ], + [ + "intrusive", + -15.019604682922363 + ], + [ + "collision", + -15.019617080688477 + ], + [ + "Essex", + -15.019619941711426 + ], + [ + "Lindsey", + -15.019619941711426 + ], + [ + "Pilates", + -15.019619941711426 + ], + [ + "registry", + -15.01962184906006 + ], + [ + "squeeze", + -15.019623756408691 + ], + [ + "innovative", + -15.019628524780272 + ], + [ + "Limestone", + -15.019630432128906 + ], + [ + "Stroke", + -15.019630432128906 + ], + [ + "Valerie", + -15.019631385803224 + ], + [ + "defeating", + -15.019636154174805 + ], + [ + "abrasive", + -15.019640922546388 + ], + [ + "Gilbert", + -15.019644737243652 + ], + [ + "Pension", + -15.019646644592283 + ], + [ + "Cannon", + -15.0196533203125 + ], + [ + "harmony", + -15.019654273986816 + ], + [ + "Rochester", + -15.01965618133545 + ], + [ + "quity", + -15.019737243652344 + ], + [ + "grandson", + -15.019750595092772 + ], + [ + "strung", + -15.019801139831545 + ], + [ + "▁05:5", + -15.019816398620604 + ], + [ + "Greet", + -15.019818305969238 + ], + [ + "Steward", + -15.019822120666504 + ], + [ + "Fitted", + -15.019834518432615 + ], + [ + "Passionate", + -15.019951820373535 + ], + [ + "easier", + -15.019973754882812 + ], + [ + "greatest", + -15.019974708557127 + ], + [ + "Blair", + -15.019976615905762 + ], + [ + "▁Kruse", + -15.01999855041504 + ], + [ + "▁13:4", + -15.02013874053955 + ], + [ + "Gutter", + -15.020163536071776 + ], + [ + "membership", + -15.020163536071776 + ], + [ + "controlling", + -15.02019500732422 + ], + [ + "Landmark", + -15.020225524902344 + ], + [ + "▁parasit", + -15.020288467407228 + ], + [ + "Basement", + -15.020301818847656 + ], + [ + "osum", + -15.020319938659668 + ], + [ + "▁Sickle", + -15.020380973815918 + ], + [ + "▁Colonia", + -15.02038288116455 + ], + [ + "▁baptize", + -15.02047348022461 + ], + [ + "▁mutate", + -15.020505905151367 + ], + [ + "▁Qiu", + -15.020516395568848 + ], + [ + "▁Symbolic", + -15.020553588867188 + ], + [ + "Cargo", + -15.02057933807373 + ], + [ + "Mandy", + -15.02061367034912 + ], + [ + "▁Antiqu", + -15.020770072937012 + ], + [ + "Cheek", + -15.02077865600586 + ], + [ + "▁ORGAN", + -15.02089786529541 + ], + [ + "Reluctant", + -15.021073341369627 + ], + [ + "▁Altrincham", + -15.021073341369627 + ], + [ + "▁BOTOX", + -15.021073341369627 + ], + [ + "▁Commemorative", + -15.021073341369627 + ], + [ + "▁DISTRICT", + -15.021073341369627 + ], + [ + "▁DaVinci", + -15.021073341369627 + ], + [ + "▁Ecumenical", + -15.021073341369627 + ], + [ + "▁Gilmour", + -15.021073341369627 + ], + [ + "▁Hounslow", + -15.021073341369627 + ], + [ + "▁INCREDIBLE", + -15.021073341369627 + ], + [ + "▁Invictus", + -15.021073341369627 + ], + [ + "▁Rapporteur", + -15.021073341369627 + ], + [ + "▁Skopje", + -15.021073341369627 + ], + [ + "▁Svetlana", + -15.021073341369627 + ], + [ + "▁Symfony", + -15.021073341369627 + ], + [ + "▁Vittorio", + -15.021073341369627 + ], + [ + "▁Vonnegut", + -15.021073341369627 + ], + [ + "▁Wisbech", + -15.021073341369627 + ], + [ + "▁chipmunk", + -15.021073341369627 + ], + [ + "▁constitutive", + -15.021073341369627 + ], + [ + "▁equitably", + -15.021073341369627 + ], + [ + "▁escarpment", + -15.021073341369627 + ], + [ + "▁febrile", + -15.021073341369627 + ], + [ + "▁forewarned", + -15.021073341369627 + ], + [ + "▁harmonization", + -15.021073341369627 + ], + [ + "▁illegible", + -15.021073341369627 + ], + [ + "▁incriminating", + -15.021073341369627 + ], + [ + "▁infomercial", + -15.021073341369627 + ], + [ + "▁intergalactic", + -15.021073341369627 + ], + [ + "▁irrepressible", + -15.021073341369627 + ], + [ + "▁menagerie", + -15.021073341369627 + ], + [ + "▁obscuring", + -15.021073341369627 + ], + [ + "▁peloton", + -15.021073341369627 + ], + [ + "▁pornographic", + -15.021073341369627 + ], + [ + "▁quadriceps", + -15.021073341369627 + ], + [ + "▁rhinoceros", + -15.021073341369627 + ], + [ + "▁stabilising", + -15.021073341369627 + ], + [ + "▁summarily", + -15.021073341369627 + ], + [ + "▁unafraid", + -15.021073341369627 + ], + [ + "rttemberg", + -15.021074295043944 + ], + [ + "▁CheapOair", + -15.021074295043944 + ], + [ + "▁Franchising", + -15.021074295043944 + ], + [ + "▁Hierarchy", + -15.021074295043944 + ], + [ + "▁Johnathan", + -15.021074295043944 + ], + [ + "▁SUBJECT", + -15.021074295043944 + ], + [ + "▁TEXAS", + -15.021074295043944 + ], + [ + "▁elegans", + -15.021074295043944 + ], + [ + "▁hypnotize", + -15.021074295043944 + ], + [ + "▁Juvederm", + -15.021075248718262 + ], + [ + "▁minaret", + -15.021075248718262 + ], + [ + "▁wriggle", + -15.021075248718262 + ], + [ + "▁Competencies", + -15.021076202392578 + ], + [ + "▁Easley", + -15.021076202392578 + ], + [ + "▁Pilsner", + -15.021076202392578 + ], + [ + "▁fattening", + -15.021076202392578 + ], + [ + "▁Beveled", + -15.021077156066896 + ], + [ + "▁Cohort", + -15.021077156066896 + ], + [ + "▁SHOPPING", + -15.021077156066896 + ], + [ + "Feldspar", + -15.021079063415527 + ], + [ + "▁Cristobal", + -15.021079063415527 + ], + [ + "▁nonresident", + -15.021079063415527 + ], + [ + "▁sanctify", + -15.021079063415527 + ], + [ + "▁levity", + -15.021080017089844 + ], + [ + "Physicist", + -15.02108097076416 + ], + [ + "▁Quigley", + -15.02108097076416 + ], + [ + "▁impermeable", + -15.02108097076416 + ], + [ + "▁languid", + -15.02108097076416 + ], + [ + "▁Vazquez", + -15.021082878112791 + ], + [ + "▁anonymized", + -15.02108383178711 + ], + [ + "▁Spartacus", + -15.021084785461426 + ], + [ + "▁condi", + -15.021084785461426 + ], + [ + "▁ziploc", + -15.021084785461426 + ], + [ + "▁RULES", + -15.02108669281006 + ], + [ + "▁Bentleigh", + -15.021087646484377 + ], + [ + "▁Snowdonia", + -15.021088600158691 + ], + [ + "▁Violations", + -15.021089553833008 + ], + [ + "▁Windhoek", + -15.021090507507324 + ], + [ + "▁Maddox", + -15.021093368530272 + ], + [ + "▁ANSYS", + -15.021096229553224 + ], + [ + "▁Beanstalk", + -15.021096229553224 + ], + [ + "▁Karzai", + -15.021096229553224 + ], + [ + "▁NBCUniversal", + -15.021096229553224 + ], + [ + "▁contrarian", + -15.021096229553224 + ], + [ + "▁Wolters", + -15.021100997924805 + ], + [ + "▁Compiler", + -15.02110195159912 + ], + [ + "▁gooseneck", + -15.02110767364502 + ], + [ + "▁Dialysis", + -15.021111488342283 + ], + [ + "▁electrolytic", + -15.021111488342283 + ], + [ + "▁Tunbridge", + -15.021113395690918 + ], + [ + "Eazy", + -15.021117210388184 + ], + [ + "▁Segura", + -15.0211181640625 + ], + [ + "▁(1977)", + -15.021124839782717 + ], + [ + "▁bonito", + -15.02113151550293 + ], + [ + "▁geochemical", + -15.021132469177246 + ], + [ + "▁Scrappy", + -15.021133422851562 + ], + [ + "▁SMILE", + -15.02114200592041 + ], + [ + "▁Burleigh", + -15.021143913269045 + ], + [ + "▁Idlib", + -15.021143913269045 + ], + [ + "▁Shaheen", + -15.021150588989258 + ], + [ + "▁accross", + -15.021161079406738 + ], + [ + "▁stratum", + -15.021161079406738 + ], + [ + "▁Ducey", + -15.021169662475586 + ], + [ + "▁autocratic", + -15.021175384521484 + ], + [ + "▁duress", + -15.021175384521484 + ], + [ + "▁Stevia", + -15.02118968963623 + ], + [ + "▁Starfleet", + -15.021211624145508 + ], + [ + "▁Tensor", + -15.02121353149414 + ], + [ + "igkeit", + -15.02121639251709 + ], + [ + "▁Andersson", + -15.021220207214355 + ], + [ + "▁halide", + -15.021222114562988 + ], + [ + "▁Halsey", + -15.021223068237305 + ], + [ + "▁Haymarket", + -15.021225929260254 + ], + [ + "()+", + -15.021228790283203 + ], + [ + "stitching", + -15.021247863769531 + ], + [ + "▁Manicure", + -15.021249771118164 + ], + [ + "▁lyricism", + -15.021252632141112 + ], + [ + "▁laminator", + -15.02125644683838 + ], + [ + "▁duffle", + -15.021257400512695 + ], + [ + "▁Devonport", + -15.021268844604492 + ], + [ + "▁Zarif", + -15.02127170562744 + ], + [ + "Programme", + -15.021280288696287 + ], + [ + "▁Lucite", + -15.021283149719238 + ], + [ + "▁grubby", + -15.021283149719238 + ], + [ + "▁prostrate", + -15.02128791809082 + ], + [ + "▁counterclaim", + -15.02129077911377 + ], + [ + "▁flagpole", + -15.0212984085083 + ], + [ + "▁soundproofing", + -15.021300315856934 + ], + [ + "▁cDNA", + -15.02130126953125 + ], + [ + "▁pronto", + -15.021310806274414 + ], + [ + "Defined", + -15.02131175994873 + ], + [ + "▁Oceanography", + -15.02131175994873 + ], + [ + "Corona", + -15.021334648132324 + ], + [ + "Experimental", + -15.021345138549805 + ], + [ + "▁Buckhead", + -15.021347999572754 + ], + [ + "▁Brooch", + -15.021361351013184 + ], + [ + "Rory", + -15.021382331848145 + ], + [ + "▁prepackaged", + -15.021388053894045 + ], + [ + "▁PostScript", + -15.021390914916992 + ], + [ + "▁quince", + -15.021406173706056 + ], + [ + "missible", + -15.021411895751951 + ], + [ + "▁picnicking", + -15.021414756774902 + ], + [ + "▁Dizzy", + -15.021419525146484 + ], + [ + "▁CIBC", + -15.021458625793455 + ], + [ + "▁Kinne", + -15.021462440490724 + ], + [ + "drupal", + -15.021472930908203 + ], + [ + "▁internment", + -15.02147388458252 + ], + [ + "▁Dailey", + -15.021485328674316 + ], + [ + "▁vlogger", + -15.021503448486328 + ], + [ + "▁Stormwater", + -15.02150535583496 + ], + [ + "▁vapers", + -15.021514892578123 + ], + [ + "▁Bream", + -15.021544456481934 + ], + [ + "▁NHRA", + -15.021560668945312 + ], + [ + "GbE", + -15.021613121032717 + ], + [ + "▁Iceberg", + -15.021613121032717 + ], + [ + "▁wormhole", + -15.02161979675293 + ], + [ + "▁Hemming", + -15.02163791656494 + ], + [ + "galley", + -15.021647453308104 + ], + [ + "bilify", + -15.021649360656738 + ], + [ + "▁$165", + -15.021650314331056 + ], + [ + "▁Broadcasters", + -15.021662712097168 + ], + [ + "▁ENOUGH", + -15.021666526794434 + ], + [ + "▁Bayshore", + -15.021672248840332 + ], + [ + "▁squished", + -15.021738052368164 + ], + [ + "Clarification", + -15.021746635437012 + ], + [ + "▁refiners", + -15.021767616271973 + ], + [ + "▁datum", + -15.02179718017578 + ], + [ + "▁tomboy", + -15.021821975708008 + ], + [ + "ulence", + -15.02182388305664 + ], + [ + "▁Nineteenth", + -15.021833419799805 + ], + [ + "smoked", + -15.021860122680664 + ], + [ + "realestate", + -15.021876335144045 + ], + [ + "▁martyred", + -15.021878242492676 + ], + [ + "Fairy", + -15.02188491821289 + ], + [ + "▁ziplock", + -15.021915435791016 + ], + [ + "▁scuffed", + -15.02193546295166 + ], + [ + "▁gimmicky", + -15.02198314666748 + ], + [ + "▁Reflector", + -15.02198600769043 + ], + [ + "Romagna", + -15.02198886871338 + ], + [ + "▁Ewald", + -15.022024154663086 + ], + [ + "▁Cronin", + -15.022031784057615 + ], + [ + "▁Mendi", + -15.0220365524292 + ], + [ + "12-4", + -15.022046089172363 + ], + [ + "▁Vigne", + -15.022100448608398 + ], + [ + "Offered", + -15.022127151489258 + ], + [ + "▁Stopped", + -15.022157669067385 + ], + [ + "▁corroborated", + -15.022159576416016 + ], + [ + "▁Homeschooling", + -15.022187232971191 + ], + [ + "▁relishes", + -15.02220058441162 + ], + [ + "villi", + -15.022252082824709 + ], + [ + "▁Mountaineering", + -15.022292137145996 + ], + [ + "▁Motive", + -15.022368431091309 + ], + [ + "▁kayakers", + -15.022446632385254 + ], + [ + "ektor", + -15.022509574890137 + ], + [ + "Oriental", + -15.0225191116333 + ], + [ + "▁homeschoolers", + -15.02254867553711 + ], + [ + "▁victimization", + -15.022562980651855 + ], + [ + "▁flattery", + -15.022568702697754 + ], + [ + "▁apparatuses", + -15.022624015808104 + ], + [ + "▁HCl", + -15.022629737854004 + ], + [ + "▁Scented", + -15.022649765014648 + ], + [ + "▁$145", + -15.022666931152344 + ], + [ + "▁Leif", + -15.022713661193848 + ], + [ + "1905", + -15.022717475891112 + ], + [ + "▁handymen", + -15.022740364074709 + ], + [ + "ERIAL", + -15.022801399230955 + ], + [ + "▁implantable", + -15.022833824157717 + ], + [ + "▁tux", + -15.022871017456056 + ], + [ + "ARCO", + -15.022921562194824 + ], + [ + "eshwari", + -15.022997856140137 + ], + [ + "SNAP", + -15.023032188415527 + ], + [ + "▁jeopardized", + -15.023043632507324 + ], + [ + "▁TDR", + -15.02306079864502 + ], + [ + "Relocating", + -15.023104667663574 + ], + [ + "▁Fairies", + -15.023163795471191 + ], + [ + "▁manhunt", + -15.02326488494873 + ], + [ + "▁Krause", + -15.023319244384766 + ], + [ + "▁Lorne", + -15.023361206054688 + ], + [ + "▁Miko", + -15.02337646484375 + ], + [ + "▁Rajasthani", + -15.023426055908203 + ], + [ + "▁MCX", + -15.023438453674316 + ], + [ + "▁Scholarly", + -15.023500442504885 + ], + [ + "▁discretely", + -15.023504257202148 + ], + [ + "9:23", + -15.023505210876465 + ], + [ + "1.17", + -15.023536682128906 + ], + [ + "▁SRO", + -15.023555755615234 + ], + [ + "▁16-17", + -15.02358341217041 + ], + [ + "▁Sibi", + -15.02358341217041 + ], + [ + "Europa", + -15.02366065979004 + ], + [ + "▁matron", + -15.023917198181152 + ], + [ + "▁defensemen", + -15.023969650268556 + ], + [ + "Vari", + -15.024051666259766 + ], + [ + "▁latching", + -15.02424144744873 + ], + [ + "ESTER", + -15.024258613586426 + ], + [ + "THAT", + -15.024303436279297 + ], + [ + "▁maar", + -15.024319648742676 + ], + [ + "▁deductive", + -15.02437686920166 + ], + [ + "ttingen", + -15.024510383605955 + ], + [ + "GAD", + -15.024550437927246 + ], + [ + "▁alexa", + -15.024584770202637 + ], + [ + "eventbrite", + -15.024703025817873 + ], + [ + "▁spatter", + -15.024839401245115 + ], + [ + "ANDOM", + -15.024942398071287 + ], + [ + "Carroll", + -15.02517318725586 + ], + [ + "▁tater", + -15.02521514892578 + ], + [ + "plenty", + -15.025301933288574 + ], + [ + "symmetry", + -15.025309562683104 + ], + [ + "hyun", + -15.025313377380373 + ], + [ + "▁Spool", + -15.025348663330078 + ], + [ + "leisch", + -15.025350570678713 + ], + [ + "tinyurl", + -15.025383949279783 + ], + [ + "smtp", + -15.025602340698242 + ], + [ + "Endorse", + -15.02570915222168 + ], + [ + "▁Coursera", + -15.02576732635498 + ], + [ + "1892", + -15.02592658996582 + ], + [ + "jaz", + -15.026164054870604 + ], + [ + "▁Glyco", + -15.0263032913208 + ], + [ + "Mitch", + -15.026325225830078 + ], + [ + "guang", + -15.026585578918455 + ], + [ + "Babe", + -15.026992797851562 + ], + [ + "▁Shige", + -15.027064323425291 + ], + [ + "▁Karoo", + -15.027109146118164 + ], + [ + "▁trach", + -15.027125358581545 + ], + [ + "▁(£3", + -15.027406692504885 + ], + [ + "▁Nihon", + -15.027416229248049 + ], + [ + "▁Kaine", + -15.027474403381348 + ], + [ + "▁assistantship", + -15.027507781982422 + ], + [ + "▁Leder", + -15.027676582336426 + ], + [ + "warp", + -15.027750015258787 + ], + [ + "medal", + -15.02784252166748 + ], + [ + ".6%)", + -15.027960777282717 + ], + [ + "▁Mutation", + -15.027971267700195 + ], + [ + "qualifying", + -15.028100967407228 + ], + [ + "▁Climber", + -15.02812385559082 + ], + [ + "▁Salk", + -15.02827262878418 + ], + [ + "8:18", + -15.028340339660645 + ], + [ + "▁tracksuit", + -15.028369903564451 + ], + [ + "TUM", + -15.028386116027832 + ], + [ + "▁Quadro", + -15.028414726257324 + ], + [ + "zhong", + -15.028521537780762 + ], + [ + "Allergic", + -15.028553009033203 + ], + [ + "▁Dysfunction", + -15.028573036193848 + ], + [ + "CAB", + -15.028590202331545 + ], + [ + "beng", + -15.028620719909668 + ], + [ + "1957", + -15.028675079345703 + ], + [ + "merger", + -15.028676986694336 + ], + [ + "▁suburbia", + -15.028786659240724 + ], + [ + "OUGHT", + -15.028852462768556 + ], + [ + "Cyclo", + -15.028868675231934 + ], + [ + "▁$119", + -15.028889656066896 + ], + [ + "Chau", + -15.028895378112791 + ], + [ + "Thon", + -15.029129981994627 + ], + [ + "▁Zola", + -15.029136657714844 + ], + [ + "Hike", + -15.029304504394531 + ], + [ + "▁Cowes", + -15.029314994812012 + ], + [ + "▁asthmatic", + -15.029391288757324 + ], + [ + "debate", + -15.029481887817385 + ], + [ + "▁Leger", + -15.02967929840088 + ], + [ + "▁Valli", + -15.02973747253418 + ], + [ + "▁BSB", + -15.029738426208496 + ], + [ + "STACK", + -15.029805183410645 + ], + [ + "entrusting", + -15.029820442199709 + ], + [ + "▁Chiba", + -15.029901504516602 + ], + [ + "iaceae", + -15.030052185058594 + ], + [ + "dropped", + -15.03007984161377 + ], + [ + "▁Chiara", + -15.03011703491211 + ], + [ + "MGP", + -15.030153274536133 + ], + [ + "NUR", + -15.030213356018066 + ], + [ + "correctly", + -15.030255317687988 + ], + [ + "Robo", + -15.030267715454102 + ], + [ + ".08.201", + -15.030314445495604 + ], + [ + "lieu", + -15.03037452697754 + ], + [ + "ouette", + -15.030472755432127 + ], + [ + "LTS", + -15.030668258666992 + ], + [ + "39%", + -15.030861854553224 + ], + [ + "▁Skylar", + -15.030872344970703 + ], + [ + "MIME", + -15.030882835388184 + ], + [ + "disrupt", + -15.031007766723633 + ], + [ + "▁Speer", + -15.031112670898438 + ], + [ + "utilized", + -15.031267166137695 + ], + [ + "CHICAGO", + -15.031316757202148 + ], + [ + "▁0345", + -15.031343460083008 + ], + [ + "Relevant", + -15.031349182128906 + ], + [ + "Garbage", + -15.031354904174805 + ], + [ + "itou", + -15.031356811523438 + ], + [ + "glacial", + -15.031359672546388 + ], + [ + "▁Jesper", + -15.031359672546388 + ], + [ + "Sexual", + -15.0313720703125 + ], + [ + "Brittany", + -15.03137493133545 + ], + [ + "Scratch", + -15.03137493133545 + ], + [ + "Migration", + -15.031375885009766 + ], + [ + "Schmidt", + -15.031378746032717 + ], + [ + "Bamboo", + -15.031379699707031 + ], + [ + "occupancy", + -15.031381607055664 + ], + [ + "Lancaster", + -15.03138828277588 + ], + [ + "governing", + -15.031391143798828 + ], + [ + "mystery", + -15.031391143798828 + ], + [ + "Pokemon", + -15.031401634216309 + ], + [ + "polyester", + -15.031402587890623 + ], + [ + "Kidney", + -15.031413078308104 + ], + [ + "basketball", + -15.031414031982422 + ], + [ + "Naomi", + -15.031414985656738 + ], + [ + "Drizzle", + -15.031428337097168 + ], + [ + "▁Puy", + -15.0314302444458 + ], + [ + "VoIP", + -15.031431198120115 + ], + [ + "Pvt", + -15.03143310546875 + ], + [ + "▁Layne", + -15.031434059143066 + ], + [ + "intense", + -15.031449317932127 + ], + [ + "Harmon", + -15.03146266937256 + ], + [ + "pertaining", + -15.031471252441406 + ], + [ + "spanning", + -15.031476020812988 + ], + [ + "transformation", + -15.031506538391112 + ], + [ + "Ellie", + -15.031527519226074 + ], + [ + "Toddler", + -15.03153133392334 + ], + [ + "Disability", + -15.031577110290527 + ], + [ + "Glide", + -15.031586647033691 + ], + [ + "cheapest", + -15.031594276428224 + ], + [ + "Diego", + -15.031609535217283 + ], + [ + "Applicant", + -15.031623840332031 + ], + [ + "breeze", + -15.03165340423584 + ], + [ + "Sunflower", + -15.031718254089355 + ], + [ + "countertop", + -15.031744003295898 + ], + [ + "Climb", + -15.031807899475098 + ], + [ + "Burton", + -15.031864166259766 + ], + [ + "▁emigrate", + -15.03196620941162 + ], + [ + "▁vaccinate", + -15.031967163085938 + ], + [ + "▁Bulgari", + -15.032014846801758 + ], + [ + "Wellington", + -15.032036781311035 + ], + [ + "CEPT", + -15.032037734985352 + ], + [ + "▁Coyne", + -15.032060623168944 + ], + [ + "0-001", + -15.032160758972168 + ], + [ + "Recognized", + -15.032207489013672 + ], + [ + "▁Daria", + -15.032245635986328 + ], + [ + "▁twinge", + -15.03227710723877 + ], + [ + "▁unwitting", + -15.03232479095459 + ], + [ + "GPC", + -15.032337188720703 + ], + [ + "▁pensive", + -15.032377243041992 + ], + [ + "Taxes", + -15.032456398010254 + ], + [ + "▁Fontan", + -15.03245735168457 + ], + [ + "Distributed", + -15.032465934753418 + ], + [ + "Delivered", + -15.032485008239746 + ], + [ + "Romantic", + -15.032492637634276 + ], + [ + "ceres", + -15.032526016235352 + ], + [ + "▁DTE", + -15.032541275024414 + ], + [ + "Controversy", + -15.032567024230955 + ], + [ + "▁844-329-5869", + -15.032567977905272 + ], + [ + "▁BIGGEST", + -15.032567977905272 + ], + [ + "▁Broyhill", + -15.032567977905272 + ], + [ + "▁CENTURY", + -15.032567977905272 + ], + [ + "▁Carpathian", + -15.032567977905272 + ], + [ + "▁Cuthbert", + -15.032567977905272 + ], + [ + "▁DEPARTMENT", + -15.032567977905272 + ], + [ + "▁DIESEL", + -15.032567977905272 + ], + [ + "▁DuBois", + -15.032567977905272 + ], + [ + "▁Emulsion", + -15.032567977905272 + ], + [ + "▁Excalibur", + -15.032567977905272 + ], + [ + "▁FOOTBALL", + -15.032567977905272 + ], + [ + "▁Hinkley", + -15.032567977905272 + ], + [ + "▁Invincible", + -15.032567977905272 + ], + [ + "▁Ishmael", + -15.032567977905272 + ], + [ + "▁JCPenney", + -15.032567977905272 + ], + [ + "▁Niantic", + -15.032567977905272 + ], + [ + "▁Smokies", + -15.032567977905272 + ], + [ + "▁armadillo", + -15.032567977905272 + ], + [ + "▁disintegrating", + -15.032567977905272 + ], + [ + "▁dyspepsia", + -15.032567977905272 + ], + [ + "▁equanimity", + -15.032567977905272 + ], + [ + "▁giclee", + -15.032567977905272 + ], + [ + "▁hypnotherapist", + -15.032567977905272 + ], + [ + "▁obelisk", + -15.032567977905272 + ], + [ + "▁overzealous", + -15.032567977905272 + ], + [ + "▁periodontitis", + -15.032567977905272 + ], + [ + "▁petticoat", + -15.032567977905272 + ], + [ + "▁prophylactic", + -15.032567977905272 + ], + [ + "▁rebuffed", + -15.032567977905272 + ], + [ + "▁recidivism", + -15.032567977905272 + ], + [ + "▁rummaging", + -15.032567977905272 + ], + [ + "▁uninhibited", + -15.032567977905272 + ], + [ + "▁unseasonably", + -15.032567977905272 + ], + [ + "▁14891718502", + -15.03256893157959 + ], + [ + "▁14891718529", + -15.03256893157959 + ], + [ + "▁48315449180", + -15.03256893157959 + ], + [ + "▁Bixby", + -15.03256893157959 + ], + [ + "▁Donahue", + -15.03256893157959 + ], + [ + "▁homocysteine", + -15.032569885253906 + ], + [ + "▁virulence", + -15.032569885253906 + ], + [ + "▁Abdallah", + -15.032570838928224 + ], + [ + "▁Battlegrounds", + -15.032570838928224 + ], + [ + "▁Coffman", + -15.032570838928224 + ], + [ + "▁Offenders", + -15.032570838928224 + ], + [ + "▁Swoosh", + -15.032570838928224 + ], + [ + "▁itinerant", + -15.032570838928224 + ], + [ + "▁Dagenham", + -15.03257179260254 + ], + [ + "▁Schuyler", + -15.03257179260254 + ], + [ + "▁RUNNING", + -15.032572746276855 + ], + [ + "▁abhorrent", + -15.032572746276855 + ], + [ + "▁Uhuru", + -15.032573699951172 + ], + [ + "▁Annoying", + -15.032574653625488 + ], + [ + "▁Rialto", + -15.032575607299805 + ], + [ + "▁electrocution", + -15.032575607299805 + ], + [ + "▁Marauder", + -15.03257656097412 + ], + [ + "▁Propylene", + -15.03257656097412 + ], + [ + "▁Piccolo", + -15.032577514648438 + ], + [ + "▁Bioethics", + -15.032578468322754 + ], + [ + "▁hypertrophy", + -15.03257942199707 + ], + [ + "▁(847)", + -15.03258228302002 + ], + [ + "▁Dartmoor", + -15.03258228302002 + ], + [ + "▁cushy", + -15.03258228302002 + ], + [ + "Southeast", + -15.032583236694336 + ], + [ + "▁Diageo", + -15.032583236694336 + ], + [ + "▁abacus", + -15.032583236694336 + ], + [ + "▁chalice", + -15.032584190368652 + ], + [ + "▁stammer", + -15.032584190368652 + ], + [ + "▁sagebrush", + -15.032591819763184 + ], + [ + "▁Baggage", + -15.032596588134766 + ], + [ + "▁Vitamix", + -15.032600402832031 + ], + [ + "▁bombastic", + -15.032601356506348 + ], + [ + "▁Piaget", + -15.03260326385498 + ], + [ + "▁karmic", + -15.03260326385498 + ], + [ + "▁DUTY", + -15.032604217529297 + ], + [ + "▁Emacs", + -15.03260612487793 + ], + [ + "▁INNOVAT", + -15.032608032226562 + ], + [ + "▁Emirate", + -15.032609939575195 + ], + [ + "▁Bowflex", + -15.03261375427246 + ], + [ + "▁Lanark", + -15.03261375427246 + ], + [ + "▁geisha", + -15.032617568969728 + ], + [ + "▁THOUGHT", + -15.032621383666992 + ], + [ + "▁Matterhorn", + -15.032623291015623 + ], + [ + "▁Phelan", + -15.032625198364258 + ], + [ + "▁meteorology", + -15.032631874084473 + ], + [ + "▁braille", + -15.032633781433104 + ], + [ + "▁Bertram", + -15.032637596130373 + ], + [ + "▁quartile", + -15.032637596130373 + ], + [ + "▁MYOB", + -15.032639503479004 + ], + [ + "▁chugging", + -15.032639503479004 + ], + [ + "▁COBIT", + -15.032645225524902 + ], + [ + "curbless", + -15.032647132873535 + ], + [ + "▁retold", + -15.032648086547852 + ], + [ + "▁bailiff", + -15.032649993896484 + ], + [ + "▁grapeseed", + -15.032649993896484 + ], + [ + "▁misdirected", + -15.032652854919434 + ], + [ + "▁Grisham", + -15.032657623291016 + ], + [ + "▁strove", + -15.032657623291016 + ], + [ + "▁democratization", + -15.032660484313965 + ], + [ + "▁raglan", + -15.032679557800291 + ], + [ + "▁conferring", + -15.032691955566406 + ], + [ + "RUNNER", + -15.032696723937988 + ], + [ + "▁Wanaka", + -15.032703399658203 + ], + [ + "▁crowdsourced", + -15.032723426818848 + ], + [ + "Newport", + -15.03272819519043 + ], + [ + "▁brainwashed", + -15.03274917602539 + ], + [ + "Archived", + -15.032750129699709 + ], + [ + "▁Symptom", + -15.032751083374023 + ], + [ + "pnoea", + -15.03275203704834 + ], + [ + "▁shinier", + -15.032763481140137 + ], + [ + "▁breadwinner", + -15.032767295837402 + ], + [ + "1.19", + -15.032773971557615 + ], + [ + "▁radioactivity", + -15.032784461975098 + ], + [ + "▁stupa", + -15.03279972076416 + ], + [ + "*******", + -15.032814025878906 + ], + [ + "▁radiofrequency", + -15.032814025878906 + ], + [ + "▁stirrer", + -15.032814025878906 + ], + [ + "▁lemur", + -15.032830238342283 + ], + [ + "▁Gentoo", + -15.032846450805664 + ], + [ + "▁EGFR", + -15.032848358154297 + ], + [ + "▁homewares", + -15.032856941223145 + ], + [ + "moncler", + -15.032862663269045 + ], + [ + "▁Geisha", + -15.032864570617676 + ], + [ + "arek", + -15.032876014709473 + ], + [ + "▁Premises", + -15.032883644104004 + ], + [ + "Spangled", + -15.03289031982422 + ], + [ + "▁Arapahoe", + -15.032892227172852 + ], + [ + "Callback", + -15.032894134521484 + ], + [ + "▁thailand", + -15.032917976379396 + ], + [ + "▁ralph", + -15.03292751312256 + ], + [ + "▁Chancery", + -15.032941818237305 + ], + [ + "▁jittery", + -15.032941818237305 + ], + [ + "▁Esau", + -15.03300666809082 + ], + [ + "Michele", + -15.033008575439451 + ], + [ + "▁Blowout", + -15.033011436462402 + ], + [ + "▁Powertrain", + -15.033045768737791 + ], + [ + "▁privatized", + -15.033066749572754 + ], + [ + "▁Ochs", + -15.033082962036133 + ], + [ + "▁submitter", + -15.033085823059082 + ], + [ + "▁fossilized", + -15.033099174499512 + ], + [ + "▁Midget", + -15.033123970031738 + ], + [ + "▁alumnae", + -15.033143997192385 + ], + [ + "▁NVMe", + -15.033150672912598 + ], + [ + "▁UCSD", + -15.03318214416504 + ], + [ + "Launching", + -15.033204078674316 + ], + [ + "▁Rainey", + -15.033205032348633 + ], + [ + "▁CONTINUE", + -15.033246994018556 + ], + [ + "▁landmass", + -15.033260345458984 + ], + [ + "▁Supergirl", + -15.033270835876465 + ], + [ + "2019-04-0", + -15.033288955688477 + ], + [ + "▁demonize", + -15.033300399780272 + ], + [ + "▁strangled", + -15.03331470489502 + ], + [ + "▁Chatting", + -15.033329010009766 + ], + [ + "▁Coolest", + -15.033339500427246 + ], + [ + "▁COAST", + -15.03335666656494 + ], + [ + "▁Saipan", + -15.033381462097168 + ], + [ + "▁swordfish", + -15.03339672088623 + ], + [ + "▁Marist", + -15.033404350280762 + ], + [ + "▁unlined", + -15.033413887023926 + ], + [ + "▁boatload", + -15.033417701721191 + ], + [ + "▁Suga", + -15.033418655395508 + ], + [ + "▁DOOM", + -15.033435821533203 + ], + [ + "▁Mittal", + -15.03343677520752 + ], + [ + "▁Pascoe", + -15.033469200134276 + ], + [ + "▁disinfected", + -15.033474922180176 + ], + [ + "▁Intuition", + -15.03360652923584 + ], + [ + "▁McClelland", + -15.033617973327637 + ], + [ + "ROME", + -15.033629417419434 + ], + [ + "▁Margate", + -15.033656120300291 + ], + [ + "▁PNW", + -15.033747673034668 + ], + [ + "▁Nighthawk", + -15.033753395080566 + ], + [ + "▁Snowboarding", + -15.033770561218262 + ], + [ + "▁Portability", + -15.033803939819336 + ], + [ + "▁carpooling", + -15.03384494781494 + ], + [ + "▁midseason", + -15.033950805664062 + ], + [ + "RIK", + -15.033964157104492 + ], + [ + "▁Murcia", + -15.034003257751465 + ], + [ + "▁Patra", + -15.034040451049805 + ], + [ + "michel", + -15.034114837646484 + ], + [ + "▁NAMM", + -15.034128189086914 + ], + [ + "▁Sanrio", + -15.034157752990724 + ], + [ + "▁$90,000", + -15.03421115875244 + ], + [ + "▁Tosca", + -15.034235000610352 + ], + [ + "▁reflectance", + -15.034239768981934 + ], + [ + "▁costumers", + -15.034249305725098 + ], + [ + "▁TELE", + -15.034256935119627 + ], + [ + "▁Empowered", + -15.03428554534912 + ], + [ + "▁Bloch", + -15.03439998626709 + ], + [ + "collecting", + -15.034485816955566 + ], + [ + "Kohl", + -15.034575462341309 + ], + [ + "Jacket", + -15.034632682800291 + ], + [ + "▁Amway", + -15.034646034240724 + ], + [ + "▁undercooked", + -15.034676551818848 + ], + [ + "▁tostada", + -15.0347318649292 + ], + [ + "▁Nucl", + -15.03478717803955 + ], + [ + "▁forceps", + -15.034805297851562 + ], + [ + "▁redox", + -15.034809112548828 + ], + [ + "▁Produkt", + -15.034900665283203 + ], + [ + "▁transcending", + -15.034934043884276 + ], + [ + "▁GIANT", + -15.035006523132324 + ], + [ + "Bog", + -15.035032272338867 + ], + [ + "ckmann", + -15.035035133361816 + ], + [ + "▁recuse", + -15.035148620605469 + ], + [ + "▁Italianate", + -15.03515338897705 + ], + [ + "▁06:1", + -15.035274505615234 + ], + [ + "▁Tetsu", + -15.035284996032717 + ], + [ + "▁Geode", + -15.035310745239258 + ], + [ + "3.0%", + -15.035329818725586 + ], + [ + "▁Dumbo", + -15.035402297973633 + ], + [ + "▁cartwheel", + -15.035493850708008 + ], + [ + "▁Pennine", + -15.035524368286133 + ], + [ + "▁SSIS", + -15.035581588745115 + ], + [ + "Bonnie", + -15.035810470581056 + ], + [ + "2–1", + -15.035919189453123 + ], + [ + "petrol", + -15.036035537719728 + ], + [ + "▁Hyland", + -15.036140441894531 + ], + [ + "▁Mulla", + -15.036237716674805 + ], + [ + "perience", + -15.036385536193848 + ], + [ + "Converter", + -15.036389350891112 + ], + [ + "formula", + -15.036413192749023 + ], + [ + "Ohhh", + -15.036493301391602 + ], + [ + "0.90", + -15.036578178405762 + ], + [ + "donate", + -15.03659725189209 + ], + [ + "▁transect", + -15.036629676818848 + ], + [ + "leverage", + -15.036643981933594 + ], + [ + "7:1", + -15.036724090576172 + ], + [ + "▁Shania", + -15.036894798278809 + ], + [ + "blah", + -15.036907196044922 + ], + [ + "sheep", + -15.03701400756836 + ], + [ + "faz", + -15.03703498840332 + ], + [ + "1934", + -15.037036895751951 + ], + [ + "ramming", + -15.037360191345217 + ], + [ + "arctic", + -15.037511825561523 + ], + [ + "mistress", + -15.037548065185549 + ], + [ + "2:42", + -15.037569999694824 + ], + [ + "▁1,250", + -15.037578582763672 + ], + [ + "CHM", + -15.037641525268556 + ], + [ + "▁Shuk", + -15.037739753723145 + ], + [ + "kmph", + -15.037749290466309 + ], + [ + "▁Balk", + -15.037888526916504 + ], + [ + "HSAA", + -15.037919998168944 + ], + [ + "▁Ecco", + -15.037944793701172 + ], + [ + "▁Trab", + -15.037965774536133 + ], + [ + "▁Afrika", + -15.038107872009276 + ], + [ + "Interpersonal", + -15.038166999816896 + ], + [ + "▁13.7", + -15.03859806060791 + ], + [ + "▁democratize", + -15.038810729980469 + ], + [ + "▁Gigg", + -15.038857460021973 + ], + [ + "▁proximate", + -15.038902282714844 + ], + [ + "ALLER", + -15.038915634155272 + ], + [ + "▁Sasa", + -15.039087295532228 + ], + [ + "▁SCCA", + -15.039173126220703 + ], + [ + "▁gris", + -15.039191246032717 + ], + [ + "▁$1,300", + -15.03957748413086 + ], + [ + "0.55", + -15.039580345153809 + ], + [ + "Felt", + -15.039586067199709 + ], + [ + "2:31", + -15.039647102355955 + ], + [ + "▁Safi", + -15.039680480957031 + ], + [ + "▁Rabo", + -15.03969669342041 + ], + [ + "PIO", + -15.039729118347168 + ], + [ + "ardini", + -15.03982925415039 + ], + [ + "▁Logistic", + -15.039887428283691 + ], + [ + "rinse", + -15.04011058807373 + ], + [ + "▁Govinda", + -15.040149688720703 + ], + [ + "▁Housekeeper", + -15.0401611328125 + ], + [ + "▁precipitat", + -15.040504455566406 + ], + [ + "crab", + -15.040643692016602 + ], + [ + "Fail", + -15.0406494140625 + ], + [ + "imple", + -15.04065990447998 + ], + [ + "Dunn", + -15.04082489013672 + ], + [ + "▁kenn", + -15.040884971618652 + ], + [ + "SCHE", + -15.04092502593994 + ], + [ + "Alba", + -15.040928840637209 + ], + [ + "APPS", + -15.040931701660156 + ], + [ + "bagger", + -15.041030883789062 + ], + [ + "VLT", + -15.041075706481934 + ], + [ + "▁Suzi", + -15.041160583496094 + ], + [ + "Panic", + -15.041318893432615 + ], + [ + "▁06:0", + -15.041318893432615 + ], + [ + "▁Basie", + -15.041318893432615 + ], + [ + "▁Volga", + -15.041414260864258 + ], + [ + "▁CHART", + -15.0414457321167 + ], + [ + "cadia", + -15.04156494140625 + ], + [ + "▁SAIL", + -15.041693687438965 + ], + [ + "ydd", + -15.041698455810549 + ], + [ + "▁Palomar", + -15.041705131530762 + ], + [ + "organize", + -15.041749000549316 + ], + [ + "ilani", + -15.041804313659668 + ], + [ + "0.98", + -15.04230499267578 + ], + [ + "fren", + -15.042327880859377 + ], + [ + "▁Flicker", + -15.042402267456056 + ], + [ + "avian", + -15.042572021484377 + ], + [ + "▁Magda", + -15.042624473571776 + ], + [ + "Gregory", + -15.042656898498535 + ], + [ + "▁bacteri", + -15.042670249938965 + ], + [ + "Doping", + -15.042776107788086 + ], + [ + "▁Glor", + -15.042797088623049 + ], + [ + "▁Volpe", + -15.04287338256836 + ], + [ + "▁FSF", + -15.04323387145996 + ], + [ + "Convenience", + -15.04326343536377 + ], + [ + "Fragrance", + -15.043264389038086 + ], + [ + "flammable", + -15.043265342712402 + ], + [ + "Cylinder", + -15.04327392578125 + ], + [ + "Reynolds", + -15.04328727722168 + ], + [ + "Algeria", + -15.043288230895996 + ], + [ + "feasible", + -15.043292999267578 + ], + [ + "happily", + -15.043293952941896 + ], + [ + "Automotive", + -15.043295860290527 + ], + [ + "suspended", + -15.043295860290527 + ], + [ + "Persian", + -15.04330062866211 + ], + [ + "Disaster", + -15.043302536010742 + ], + [ + "tutorial", + -15.043309211730955 + ], + [ + "Marathon", + -15.043320655822754 + ], + [ + "Commitment", + -15.04332447052002 + ], + [ + "Organizing", + -15.043325424194336 + ], + [ + "enabling", + -15.043331146240234 + ], + [ + "Kraft", + -15.043347358703612 + ], + [ + "thankfully", + -15.04334831237793 + ], + [ + "▁Semifinal", + -15.043353080749512 + ], + [ + "scholarship", + -15.043364524841309 + ], + [ + "fermented", + -15.043374061584473 + ], + [ + "MBT", + -15.043381690979004 + ], + [ + "slavery", + -15.043391227722168 + ], + [ + "wildlife", + -15.043417930603027 + ], + [ + "▁09:1", + -15.04344654083252 + ], + [ + "literary", + -15.04349422454834 + ], + [ + "Riverside", + -15.043512344360352 + ], + [ + "Cozy", + -15.043537139892578 + ], + [ + "▁ventilate", + -15.043596267700195 + ], + [ + "▁distaste", + -15.043599128723145 + ], + [ + "Zhou", + -15.043603897094728 + ], + [ + "Passenger", + -15.04367446899414 + ], + [ + "bono", + -15.043712615966797 + ], + [ + "▁Haan", + -15.04373550415039 + ], + [ + "Failing", + -15.04378604888916 + ], + [ + "Chalk", + -15.043792724609377 + ], + [ + "destroying", + -15.04383373260498 + ], + [ + "Curator", + -15.043885231018066 + ], + [ + "▁unabashed", + -15.043951988220217 + ], + [ + "EASY", + -15.043984413146973 + ], + [ + "LPT", + -15.043989181518556 + ], + [ + "heritage", + -15.044074058532717 + ], + [ + "instance", + -15.044079780578612 + ], + [ + "SPAM", + -15.044096946716309 + ], + [ + "▁Tranquil", + -15.04417610168457 + ], + [ + "Denise", + -15.044177055358888 + ], + [ + "▁TOYOTA", + -15.044195175170898 + ], + [ + "CONGRATULATIONS", + -15.044196128845217 + ], + [ + "▁CloudFlare", + -15.044196128845217 + ], + [ + "▁Farnborough", + -15.044196128845217 + ], + [ + "▁Mackerel", + -15.044196128845217 + ], + [ + "▁Mahathir", + -15.044196128845217 + ], + [ + "▁Oconee", + -15.044196128845217 + ], + [ + "▁Poughkeepsie", + -15.044196128845217 + ], + [ + "▁Schiphol", + -15.044196128845217 + ], + [ + "▁SmackDown", + -15.044196128845217 + ], + [ + "▁Trundle", + -15.044196128845217 + ], + [ + "▁Vajpayee", + -15.044196128845217 + ], + [ + "▁aphrodisiac", + -15.044196128845217 + ], + [ + "▁arthroscopic", + -15.044196128845217 + ], + [ + "▁attenuator", + -15.044196128845217 + ], + [ + "▁benzodiazepines", + -15.044196128845217 + ], + [ + "▁edamame", + -15.044196128845217 + ], + [ + "▁equivalency", + -15.044196128845217 + ], + [ + "▁housewives", + -15.044196128845217 + ], + [ + "▁intricacy", + -15.044196128845217 + ], + [ + "▁knelt", + -15.044196128845217 + ], + [ + "▁lacklustre", + -15.044196128845217 + ], + [ + "▁lectern", + -15.044196128845217 + ], + [ + "▁osprey", + -15.044196128845217 + ], + [ + "▁permafrost", + -15.044196128845217 + ], + [ + "▁perovskite", + -15.044196128845217 + ], + [ + "▁photocopier", + -15.044196128845217 + ], + [ + "▁recluse", + -15.044196128845217 + ], + [ + "▁repossessed", + -15.044196128845217 + ], + [ + "▁DEMAND", + -15.044197082519531 + ], + [ + "▁Naxos", + -15.044197082519531 + ], + [ + "▁Zambezi", + -15.044197082519531 + ], + [ + "▁parenthesis", + -15.044197082519531 + ], + [ + "▁Adoration", + -15.044198036193848 + ], + [ + "▁Atonement", + -15.044198036193848 + ], + [ + "▁Disqus", + -15.044198036193848 + ], + [ + "▁TRANSACTION", + -15.044198036193848 + ], + [ + "▁azithromycin", + -15.044198036193848 + ], + [ + "▁scabbard", + -15.044198036193848 + ], + [ + "Seizure", + -15.044198989868164 + ], + [ + "▁transcribing", + -15.044198989868164 + ], + [ + "▁Shreya", + -15.04419994354248 + ], + [ + "▁Bessemer", + -15.044200897216797 + ], + [ + "▁Sascha", + -15.044200897216797 + ], + [ + "▁TRANSPORT", + -15.044200897216797 + ], + [ + "▁Hernando", + -15.044201850891112 + ], + [ + "▁MQTT", + -15.044201850891112 + ], + [ + "▁Sugarloaf", + -15.044201850891112 + ], + [ + "Genpact", + -15.04420280456543 + ], + [ + "▁Hartsfield", + -15.04420280456543 + ], + [ + "▁durango", + -15.04420280456543 + ], + [ + "▁smudging", + -15.04420280456543 + ], + [ + "▁Anurag", + -15.044203758239746 + ], + [ + "▁injurious", + -15.044203758239746 + ], + [ + "▁locomotion", + -15.044203758239746 + ], + [ + "▁urinating", + -15.044207572937012 + ], + [ + "▁embezzl", + -15.044209480285645 + ], + [ + "▁Custard", + -15.044211387634276 + ], + [ + "▁Mourning", + -15.044212341308594 + ], + [ + "▁Ramayana", + -15.04421329498291 + ], + [ + "▁pretence", + -15.044214248657228 + ], + [ + "▁blanco", + -15.04421615600586 + ], + [ + "▁Inoue", + -15.044219017028809 + ], + [ + "▁Sculptor", + -15.044219017028809 + ], + [ + "▁cherub", + -15.044222831726074 + ], + [ + "▁RETAIL", + -15.044224739074709 + ], + [ + "▁bragged", + -15.04422664642334 + ], + [ + "▁brewpub", + -15.044233322143556 + ], + [ + "▁intermingle", + -15.044235229492188 + ], + [ + "▁Javanese", + -15.044236183166504 + ], + [ + "tisserie", + -15.044238090515137 + ], + [ + "▁Phosphorus", + -15.044243812561035 + ], + [ + "▁FREAK", + -15.044244766235352 + ], + [ + "▁diwali", + -15.0442476272583 + ], + [ + "▁ataxia", + -15.044248580932615 + ], + [ + "replacing", + -15.044249534606934 + ], + [ + "▁abutting", + -15.044251441955566 + ], + [ + "▁Walcott", + -15.044254302978516 + ], + [ + "▁brazing", + -15.044255256652832 + ], + [ + "▁itchiness", + -15.044264793395996 + ], + [ + "▁ramparts", + -15.044266700744627 + ], + [ + "▁Contender", + -15.044273376464844 + ], + [ + "▁Ghoul", + -15.044275283813477 + ], + [ + "▁Jeannette", + -15.044282913208008 + ], + [ + "▁Pinehurst", + -15.044289588928224 + ], + [ + "▁Zamora", + -15.04429817199707 + ], + [ + "▁zoology", + -15.04430103302002 + ], + [ + "▁Nuys", + -15.04430866241455 + ], + [ + "▁bumbling", + -15.04430866241455 + ], + [ + "dhgate", + -15.044321060180664 + ], + [ + "otak", + -15.04432201385498 + ], + [ + "▁Helpdesk", + -15.04432201385498 + ], + [ + "▁Severity", + -15.044323921203612 + ], + [ + "▁Fenix", + -15.04432487487793 + ], + [ + "▁Abington", + -15.04433250427246 + ], + [ + "▁Kimono", + -15.044333457946776 + ], + [ + "▁Ojai", + -15.04433536529541 + ], + [ + "▁Titusville", + -15.044341087341309 + ], + [ + "▁powerboat", + -15.044342041015623 + ], + [ + "27-29", + -15.044351577758787 + ], + [ + "▁Deptford", + -15.044365882873535 + ], + [ + "▁bicep", + -15.044368743896484 + ], + [ + "▁2010-2011", + -15.044387817382812 + ], + [ + "▁Sexuality", + -15.044392585754396 + ], + [ + "▁tugged", + -15.044392585754396 + ], + [ + "Volunteering", + -15.044398307800291 + ], + [ + "▁tunable", + -15.044404029846191 + ], + [ + "▁Quirky", + -15.04441261291504 + ], + [ + "▁patronizing", + -15.04441261291504 + ], + [ + "▁Beloit", + -15.044413566589355 + ], + [ + "▁Jogger", + -15.044414520263672 + ], + [ + "▁Galvin", + -15.044425964355469 + ], + [ + "▁Beretta", + -15.04444408416748 + ], + [ + "▁reintegration", + -15.04444408416748 + ], + [ + "▁patted", + -15.04445457458496 + ], + [ + "rnstein", + -15.044459342956545 + ], + [ + "▁groundhog", + -15.04449462890625 + ], + [ + "▁Bottas", + -15.044498443603516 + ], + [ + "▁Unwind", + -15.04450225830078 + ], + [ + "Humility", + -15.044503211975098 + ], + [ + "elaar", + -15.04450798034668 + ], + [ + "▁Inspectorate", + -15.044508934020996 + ], + [ + "▁Swank", + -15.044510841369627 + ], + [ + "▁patrolled", + -15.04452896118164 + ], + [ + "▁audiology", + -15.044550895690918 + ], + [ + "▁Mooresville", + -15.044554710388184 + ], + [ + "projekt", + -15.044561386108398 + ], + [ + "▁ORGANIC", + -15.044561386108398 + ], + [ + "Msg", + -15.044575691223145 + ], + [ + "Partnering", + -15.044575691223145 + ], + [ + "▁Micra", + -15.044575691223145 + ], + [ + "▁rfg", + -15.044598579406738 + ], + [ + "2150-", + -15.04460906982422 + ], + [ + "▁beckoned", + -15.044612884521484 + ], + [ + "▁scolded", + -15.044612884521484 + ], + [ + "▁2013/14", + -15.04461669921875 + ], + [ + "▁LastPass", + -15.044644355773926 + ], + [ + "▁Heartburn", + -15.04464626312256 + ], + [ + "▁Diode", + -15.044669151306152 + ], + [ + "▁Cristal", + -15.044707298278809 + ], + [ + "patterned", + -15.044724464416504 + ], + [ + "▁Hawes", + -15.044724464416504 + ], + [ + "▁Israelite", + -15.044734001159668 + ], + [ + "▁jobseekers", + -15.044825553894045 + ], + [ + "▁Ramones", + -15.044829368591309 + ], + [ + "▁Sativa", + -15.04483413696289 + ], + [ + "▁urologist", + -15.044842720031738 + ], + [ + "Consulting", + -15.04486083984375 + ], + [ + "▁intentionality", + -15.044861793518066 + ], + [ + "▁FIBA", + -15.04488468170166 + ], + [ + "▁spiralling", + -15.044897079467772 + ], + [ + "▁liberalization", + -15.044915199279783 + ], + [ + "orbital", + -15.045076370239258 + ], + [ + "FMCSA", + -15.04511833190918 + ], + [ + "Sears", + -15.045161247253418 + ], + [ + "challenged", + -15.045164108276367 + ], + [ + "▁scoresheet", + -15.045165061950684 + ], + [ + "▁retaliated", + -15.045173645019531 + ], + [ + "MEE", + -15.045207977294922 + ], + [ + "ozier", + -15.045210838317873 + ], + [ + "terpene", + -15.045255661010742 + ], + [ + "▁Monumental", + -15.045259475708008 + ], + [ + "passionate", + -15.04530143737793 + ], + [ + "▁reignite", + -15.045318603515623 + ], + [ + "▁£350", + -15.04534149169922 + ], + [ + "Hitch", + -15.045376777648926 + ], + [ + "▁Putty", + -15.045425415039062 + ], + [ + "▁retweeted", + -15.045429229736328 + ], + [ + "▁Keita", + -15.04543399810791 + ], + [ + "▁marshland", + -15.045482635498049 + ], + [ + "pumping", + -15.045496940612791 + ], + [ + "▁Rusk", + -15.045560836791992 + ], + [ + "▁Rebound", + -15.045561790466309 + ], + [ + "▁Battleship", + -15.045653343200684 + ], + [ + "Stimulate", + -15.045654296875 + ], + [ + "▁redneck", + -15.04568099975586 + ], + [ + "▁wholegrain", + -15.0457181930542 + ], + [ + "▁Yona", + -15.045811653137209 + ], + [ + "▁moonstone", + -15.045811653137209 + ], + [ + "▁embellishing", + -15.045822143554688 + ], + [ + "▁pompous", + -15.045822143554688 + ], + [ + "▁Woodard", + -15.045827865600586 + ], + [ + "▁swampy", + -15.0458402633667 + ], + [ + "▁TWIN", + -15.045848846435549 + ], + [ + "▁btu", + -15.04586696624756 + ], + [ + "▁dullness", + -15.045892715454102 + ], + [ + "▁gutsy", + -15.045893669128418 + ], + [ + "▁reactivated", + -15.045920372009276 + ], + [ + "flix", + -15.045942306518556 + ], + [ + "Elvis", + -15.045995712280272 + ], + [ + "▁WEEKS", + -15.046079635620115 + ], + [ + "eanu", + -15.046095848083496 + ], + [ + "▁Westbury", + -15.046159744262695 + ], + [ + "1:54", + -15.046186447143556 + ], + [ + "Herald", + -15.046241760253906 + ], + [ + "▁Valdes", + -15.04624366760254 + ], + [ + "▁Cré", + -15.04625129699707 + ], + [ + "▁Yuba", + -15.04625415802002 + ], + [ + "hooray", + -15.046262741088867 + ], + [ + "▁Bodhi", + -15.046262741088867 + ], + [ + "▁Haku", + -15.046341896057127 + ], + [ + "▁Localization", + -15.046374320983888 + ], + [ + "▁Riverbed", + -15.046422004699709 + ], + [ + "▁mariners", + -15.04642391204834 + ], + [ + "Overweight", + -15.04645824432373 + ], + [ + "▁Chui", + -15.046506881713867 + ], + [ + "25′′", + -15.046554565429688 + ], + [ + "▁Spritz", + -15.046558380126951 + ], + [ + "▁Imagery", + -15.046697616577148 + ], + [ + "Exact", + -15.046751976013184 + ], + [ + "97-1", + -15.046814918518066 + ], + [ + "▁equalization", + -15.046825408935549 + ], + [ + "▁Gerrit", + -15.046870231628418 + ], + [ + "▁Drom", + -15.046899795532228 + ], + [ + "▁tamb", + -15.04699993133545 + ], + [ + "▁prefixed", + -15.047118186950684 + ], + [ + "Tattoo", + -15.047168731689451 + ], + [ + "▁Refus", + -15.04718017578125 + ], + [ + "ENU", + -15.047231674194336 + ], + [ + "arthro", + -15.047263145446776 + ], + [ + "unicode", + -15.04748821258545 + ], + [ + "▁vocab", + -15.047490119934082 + ], + [ + "Ravi", + -15.047532081604004 + ], + [ + "▁OHL", + -15.047697067260742 + ], + [ + "▁Rocher", + -15.047719955444336 + ], + [ + "hehehe", + -15.047735214233398 + ], + [ + "ENV", + -15.04804801940918 + ], + [ + "therington", + -15.048126220703123 + ], + [ + "diag", + -15.048147201538086 + ], + [ + "▁shutoff", + -15.048155784606934 + ], + [ + "▁instinctual", + -15.048165321350098 + ], + [ + "CYCLE", + -15.048245429992676 + ], + [ + "Biological", + -15.048272132873535 + ], + [ + "▁synod", + -15.048330307006836 + ], + [ + "▁Klay", + -15.048377990722656 + ], + [ + "2:48", + -15.048486709594728 + ], + [ + "mule", + -15.048569679260254 + ], + [ + "brite", + -15.048657417297363 + ], + [ + "ccino", + -15.04868984222412 + ], + [ + "▁Bijou", + -15.048750877380373 + ], + [ + "STOCK", + -15.048752784729004 + ], + [ + "▁Hund", + -15.048842430114746 + ], + [ + "▁Kalk", + -15.049234390258787 + ], + [ + "2:28", + -15.049243927001951 + ], + [ + "▁SBIR", + -15.049355506896973 + ], + [ + "0-162", + -15.049420356750488 + ], + [ + "▁Arthro", + -15.049684524536133 + ], + [ + "▁teeter", + -15.04993724822998 + ], + [ + "cevic", + -15.049957275390623 + ], + [ + "methi", + -15.050045013427734 + ], + [ + "2(3):", + -15.050048828125 + ], + [ + "Delighted", + -15.050050735473633 + ], + [ + "napper", + -15.05009937286377 + ], + [ + "▁Donato", + -15.05013942718506 + ], + [ + "Musk", + -15.05019474029541 + ], + [ + "UWS", + -15.050413131713867 + ], + [ + "CBO", + -15.050525665283203 + ], + [ + "▁panhandle", + -15.05060577392578 + ], + [ + "WWE", + -15.050647735595703 + ], + [ + "RIL", + -15.05076503753662 + ], + [ + "▁Belk", + -15.05088233947754 + ], + [ + "▁Shader", + -15.050965309143066 + ], + [ + "khet", + -15.05098819732666 + ], + [ + "constructing", + -15.050992965698242 + ], + [ + "6-21", + -15.051106452941896 + ], + [ + "specification", + -15.051167488098145 + ], + [ + "▁Hardee", + -15.051186561584473 + ], + [ + "▁SOAR", + -15.051376342773438 + ], + [ + "▁Kosta", + -15.051466941833496 + ], + [ + "5:28", + -15.05160903930664 + ], + [ + "▁14.6", + -15.051722526550291 + ], + [ + "6-13", + -15.051725387573242 + ], + [ + "▁MACH", + -15.051774978637695 + ], + [ + "CADE", + -15.051787376403809 + ], + [ + "▁barrow", + -15.051883697509766 + ], + [ + "▁Carpe", + -15.05198574066162 + ], + [ + "▁jeu", + -15.052066802978516 + ], + [ + "▁Burgh", + -15.052175521850586 + ], + [ + "richmond", + -15.052289009094238 + ], + [ + "▁sniffer", + -15.052810668945312 + ], + [ + "bunk", + -15.053060531616213 + ], + [ + "HCP", + -15.05307960510254 + ], + [ + "wohl", + -15.053264617919922 + ], + [ + "▁Fahr", + -15.0533447265625 + ], + [ + "dihydro", + -15.053441047668455 + ], + [ + "▁Sandia", + -15.053571701049805 + ], + [ + "1936", + -15.053607940673828 + ], + [ + "axter", + -15.053669929504396 + ], + [ + "ufen", + -15.053874969482422 + ], + [ + "Thanx", + -15.053960800170898 + ], + [ + "▁1781", + -15.054015159606934 + ], + [ + "Champ", + -15.05409049987793 + ], + [ + "ANDRE", + -15.05424690246582 + ], + [ + "frequently", + -15.054253578186035 + ], + [ + "HAU", + -15.054312705993652 + ], + [ + "▁TRIO", + -15.054391860961914 + ], + [ + "Poet", + -15.054400444030762 + ], + [ + "▁£120", + -15.054529190063477 + ], + [ + "▁Potent", + -15.05470371246338 + ], + [ + "NINE", + -15.05473518371582 + ], + [ + "wiec", + -15.054827690124512 + ], + [ + "ridium", + -15.054841995239258 + ], + [ + "▁Prick", + -15.055041313171388 + ], + [ + "Meantime", + -15.05506706237793 + ], + [ + "▁GENER", + -15.055086135864258 + ], + [ + "Flavor", + -15.055106163024902 + ], + [ + "▁HEX", + -15.055120468139648 + ], + [ + "indulgence", + -15.055140495300291 + ], + [ + "Yacht", + -15.055264472961426 + ], + [ + "Incorporating", + -15.055274963378906 + ], + [ + "Intuitive", + -15.05528736114502 + ], + [ + "Producing", + -15.055292129516602 + ], + [ + "Circuit", + -15.05529499053955 + ], + [ + "Mushroom", + -15.055296897888184 + ], + [ + "Therapeutic", + -15.055299758911133 + ], + [ + "shrunk", + -15.055303573608398 + ], + [ + "Solving", + -15.055305480957031 + ], + [ + "HEALTH", + -15.055306434631348 + ], + [ + "Illegal", + -15.055306434631348 + ], + [ + "Frequency", + -15.05531883239746 + ], + [ + "numbing", + -15.055322647094728 + ], + [ + "Buffet", + -15.055330276489258 + ], + [ + "Recognition", + -15.055330276489258 + ], + [ + "▁Schro", + -15.055334091186523 + ], + [ + "Swansea", + -15.05533504486084 + ], + [ + "satisfaction", + -15.05533504486084 + ], + [ + "Chiropractic", + -15.055335998535156 + ], + [ + "Chennai", + -15.055339813232422 + ], + [ + "Freight", + -15.055339813232422 + ], + [ + "enriched", + -15.055339813232422 + ], + [ + "Xiaomi", + -15.055340766906738 + ], + [ + "Excellence", + -15.055341720581056 + ], + [ + "Manhattan", + -15.055342674255373 + ], + [ + "Calgary", + -15.055350303649902 + ], + [ + "Reliability", + -15.055350303649902 + ], + [ + "Segment", + -15.055363655090332 + ], + [ + "Queensland", + -15.05536937713623 + ], + [ + "Triangle", + -15.055370330810549 + ], + [ + "Laminate", + -15.05538845062256 + ], + [ + "cancelling", + -15.05538845062256 + ], + [ + "Defence", + -15.055392265319824 + ], + [ + "Catering", + -15.05539894104004 + ], + [ + "Beaver", + -15.055418968200684 + ], + [ + "Sunrise", + -15.055439949035645 + ], + [ + "Joanne", + -15.055484771728516 + ], + [ + "▁03:3", + -15.055500984191896 + ], + [ + "Romance", + -15.055506706237791 + ], + [ + "labelled", + -15.055511474609377 + ], + [ + "Louisville", + -15.055529594421388 + ], + [ + "▁Malek", + -15.055586814880373 + ], + [ + "partnership", + -15.05560302734375 + ], + [ + "Inspector", + -15.055641174316406 + ], + [ + "▁splat", + -15.055648803710938 + ], + [ + "Forbes", + -15.055652618408203 + ], + [ + "Mj", + -15.0556640625 + ], + [ + "Simplify", + -15.055710792541504 + ], + [ + "Hardwood", + -15.05575942993164 + ], + [ + "▁dilate", + -15.055760383605955 + ], + [ + "Whale", + -15.055928230285645 + ], + [ + "▁Buoy", + -15.055950164794922 + ], + [ + "SINGAPORE", + -15.055960655212402 + ], + [ + "VOLUNTEER", + -15.055960655212402 + ], + [ + "▁888-609-", + -15.055960655212402 + ], + [ + "▁BREEAM", + -15.055960655212402 + ], + [ + "▁Bourgeois", + -15.055960655212402 + ], + [ + "▁Camcorder", + -15.055960655212402 + ], + [ + "▁Chechnya", + -15.055960655212402 + ], + [ + "▁Cordillera", + -15.055960655212402 + ], + [ + "▁Donohue", + -15.055960655212402 + ], + [ + "▁Dungannon", + -15.055960655212402 + ], + [ + "▁Embraer", + -15.055960655212402 + ], + [ + "▁Healdsburg", + -15.055960655212402 + ], + [ + "▁Huxley", + -15.055960655212402 + ], + [ + "▁Larnaca", + -15.055960655212402 + ], + [ + "▁Obasanjo", + -15.055960655212402 + ], + [ + "▁STAINLESS", + -15.055960655212402 + ], + [ + "▁Sumitomo", + -15.055960655212402 + ], + [ + "▁Trujillo", + -15.055960655212402 + ], + [ + "▁accretion", + -15.055960655212402 + ], + [ + "▁antisemitism", + -15.055960655212402 + ], + [ + "▁calibrating", + -15.055960655212402 + ], + [ + "▁celsius", + -15.055960655212402 + ], + [ + "▁conciliation", + -15.055960655212402 + ], + [ + "▁flotilla", + -15.055960655212402 + ], + [ + "▁hypothalamus", + -15.055960655212402 + ], + [ + "▁paleontologist", + -15.055960655212402 + ], + [ + "▁parodies", + -15.055960655212402 + ], + [ + "▁safflower", + -15.055960655212402 + ], + [ + "▁schooner", + -15.055960655212402 + ], + [ + "▁tantalum", + -15.055960655212402 + ], + [ + "▁Cormier", + -15.05596160888672 + ], + [ + "▁appartment", + -15.05596160888672 + ], + [ + "▁fission", + -15.05596160888672 + ], + [ + "▁gouache", + -15.05596160888672 + ], + [ + "Volatile", + -15.055962562561035 + ], + [ + "▁Blenheim", + -15.055962562561035 + ], + [ + "▁Lululemon", + -15.055962562561035 + ], + [ + "▁alliteration", + -15.055962562561035 + ], + [ + "▁colonnade", + -15.055962562561035 + ], + [ + "▁derided", + -15.055962562561035 + ], + [ + "JCPOA", + -15.055963516235352 + ], + [ + "▁Miserables", + -15.055963516235352 + ], + [ + "▁punjabi", + -15.055963516235352 + ], + [ + "▁Piraeus", + -15.055964469909668 + ], + [ + "▁DOLLAR", + -15.055965423583984 + ], + [ + "▁ethereum", + -15.0559663772583 + ], + [ + "▁whammy", + -15.0559663772583 + ], + [ + "XBRL", + -15.055968284606934 + ], + [ + "▁glabrous", + -15.055968284606934 + ], + [ + "actuated", + -15.05596923828125 + ], + [ + "▁Catheter", + -15.05596923828125 + ], + [ + "▁delirious", + -15.05596923828125 + ], + [ + "▁Altamonte", + -15.055971145629885 + ], + [ + "▁Waddell", + -15.055971145629885 + ], + [ + "▁latrine", + -15.055973052978516 + ], + [ + "▁squelch", + -15.055973052978516 + ], + [ + "▁Greaves", + -15.055974960327148 + ], + [ + "▁Grigio", + -15.055975914001465 + ], + [ + "▁Wagyu", + -15.055977821350098 + ], + [ + "Shelf", + -15.055978775024414 + ], + [ + "▁Rostov", + -15.05597972869873 + ], + [ + "▁tolerability", + -15.05597972869873 + ], + [ + "▁Confetti", + -15.055980682373049 + ], + [ + "▁Talvik", + -15.055980682373049 + ], + [ + "▁shanty", + -15.055981636047363 + ], + [ + "▁quebec", + -15.055983543395996 + ], + [ + "▁stylised", + -15.055983543395996 + ], + [ + "▁Cyclops", + -15.055984497070312 + ], + [ + "▁Buttermilk", + -15.055987358093262 + ], + [ + "▁illiquid", + -15.055987358093262 + ], + [ + "▁categorizing", + -15.055988311767578 + ], + [ + "▁Mukesh", + -15.055989265441896 + ], + [ + "sylvania", + -15.055990219116213 + ], + [ + "▁Tabasco", + -15.055991172790527 + ], + [ + "▁disquiet", + -15.055991172790527 + ], + [ + "▁perioperative", + -15.055991172790527 + ], + [ + "▁Baikal", + -15.05599308013916 + ], + [ + "▁Kailash", + -15.05599594116211 + ], + [ + "▁evidentiary", + -15.05599594116211 + ], + [ + "navy", + -15.056002616882324 + ], + [ + "▁Kratom", + -15.056002616882324 + ], + [ + "▁LAUNCH", + -15.056004524230955 + ], + [ + "▁Napster", + -15.056004524230955 + ], + [ + "▁microfibre", + -15.05600643157959 + ], + [ + "▁Prabang", + -15.056008338928224 + ], + [ + "▁Antiquity", + -15.056011199951172 + ], + [ + "▁Hendry", + -15.056012153625488 + ], + [ + "▁Merkur", + -15.056012153625488 + ], + [ + "▁ALPHA", + -15.056013107299805 + ], + [ + "ICKER", + -15.05601406097412 + ], + [ + "▁Ultron", + -15.05601406097412 + ], + [ + "▁cryotherapy", + -15.056015968322754 + ], + [ + "▁Whitechapel", + -15.05601692199707 + ], + [ + "▁Peralta", + -15.056021690368652 + ], + [ + "▁COMMON", + -15.05602741241455 + ], + [ + "▁CORNER", + -15.056029319763184 + ], + [ + "▁ducklings", + -15.056031227111816 + ], + [ + "▁flopped", + -15.056032180786133 + ], + [ + "▁Autonomy", + -15.056034088134766 + ], + [ + "▁NTSB", + -15.056036949157717 + ], + [ + "▁Glebe", + -15.05604076385498 + ], + [ + "▁obama", + -15.05604076385498 + ], + [ + "▁EURUSD", + -15.056044578552246 + ], + [ + "▁Bhutto", + -15.056050300598145 + ], + [ + "▁Clarins", + -15.056053161621094 + ], + [ + "▁Haircut", + -15.056055068969728 + ], + [ + "▁Contestants", + -15.056069374084473 + ], + [ + "▁razed", + -15.056070327758787 + ], + [ + "▁Sibley", + -15.056086540222168 + ], + [ + "▁Reserva", + -15.0560884475708 + ], + [ + "divided", + -15.056092262268066 + ], + [ + "▁Nidra", + -15.0560941696167 + ], + [ + "▁ghostwriting", + -15.056096076965332 + ], + [ + "walter", + -15.056099891662598 + ], + [ + "▁Addams", + -15.05610466003418 + ], + [ + "▁motley", + -15.056112289428713 + ], + [ + "▁Surplus", + -15.05611515045166 + ], + [ + "▁Milanese", + -15.056122779846191 + ], + [ + "▁Francine", + -15.056124687194824 + ], + [ + "▁Teague", + -15.056127548217772 + ], + [ + "▁recalibrate", + -15.056129455566406 + ], + [ + "▁passerby", + -15.056130409240724 + ], + [ + "▁Creditors", + -15.05613899230957 + ], + [ + "▁yoyo", + -15.056143760681152 + ], + [ + "▁mignon", + -15.056145668029783 + ], + [ + "▁Camila", + -15.056159019470217 + ], + [ + "▁Saddleback", + -15.056175231933594 + ], + [ + "padded", + -15.056190490722656 + ], + [ + "▁exhortation", + -15.056192398071287 + ], + [ + "▁Naylor", + -15.05620002746582 + ], + [ + "▁GRACE", + -15.056208610534668 + ], + [ + "▁microgrid", + -15.056219100952148 + ], + [ + "▁Imogen", + -15.056222915649414 + ], + [ + "▁Hazelwood", + -15.05622386932373 + ], + [ + "▁untoward", + -15.056231498718262 + ], + [ + "▁nanoparticle", + -15.056232452392578 + ], + [ + "▁Dumont", + -15.05624294281006 + ], + [ + "▁Juul", + -15.05624771118164 + ], + [ + "▁infuriated", + -15.05627155303955 + ], + [ + "▁Listeria", + -15.05628490447998 + ], + [ + "crowned", + -15.05629539489746 + ], + [ + "▁Shopkins", + -15.056306838989258 + ], + [ + "▁relented", + -15.05633544921875 + ], + [ + "▁frilly", + -15.056344032287598 + ], + [ + "▁Stockbridge", + -15.056344985961914 + ], + [ + "▁Purdy", + -15.056364059448242 + ], + [ + "▁Marcello", + -15.056382179260254 + ], + [ + "▁OCLC", + -15.05639362335205 + ], + [ + "▁lazing", + -15.056405067443848 + ], + [ + "Walsh", + -15.056422233581545 + ], + [ + "▁Cambrian", + -15.056426048278809 + ], + [ + "▁Boaz", + -15.056442260742188 + ], + [ + "▁Ochoa", + -15.056446075439451 + ], + [ + "▁LUCK", + -15.056452751159668 + ], + [ + "▁lithography", + -15.05646514892578 + ], + [ + "▁GRASS", + -15.056533813476562 + ], + [ + "▁Grundy", + -15.056562423706056 + ], + [ + "▁Rossini", + -15.056562423706056 + ], + [ + "▁slouchy", + -15.056572914123535 + ], + [ + "fenced", + -15.056598663330078 + ], + [ + "▁Revolt", + -15.056636810302734 + ], + [ + "▁PAWS", + -15.056649208068848 + ], + [ + "▁XPath", + -15.056703567504885 + ], + [ + "▁ELITE", + -15.056747436523438 + ], + [ + "▁Macaw", + -15.05675983428955 + ], + [ + "▁soapstone", + -15.056785583496094 + ], + [ + "ouni", + -15.056791305541992 + ], + [ + "▁Bynum", + -15.056836128234863 + ], + [ + "▁Groton", + -15.05685806274414 + ], + [ + "▁Neilson", + -15.056859970092772 + ], + [ + "▁detangle", + -15.056888580322266 + ], + [ + "Strom", + -15.056891441345217 + ], + [ + "bmp", + -15.05690860748291 + ], + [ + "▁quips", + -15.05691909790039 + ], + [ + "▁Sharepoint", + -15.056943893432615 + ], + [ + "▁squandering", + -15.05703830718994 + ], + [ + "▁Taney", + -15.057066917419434 + ], + [ + "▁speakerphone", + -15.057126998901367 + ], + [ + "▁Somaliland", + -15.057183265686035 + ], + [ + "MOUTH", + -15.057211875915527 + ], + [ + "▁grayish", + -15.057265281677246 + ], + [ + "utty", + -15.057307243347168 + ], + [ + "UnitedHealthcare", + -15.057332992553713 + ], + [ + "▁Bolden", + -15.057348251342772 + ], + [ + "Inspire", + -15.05740451812744 + ], + [ + "▁whizzing", + -15.057405471801758 + ], + [ + "UMC", + -15.057433128356934 + ], + [ + "▁NUC", + -15.057472229003906 + ], + [ + "▁Pippin", + -15.057482719421388 + ], + [ + "▁backsplashes", + -15.05749797821045 + ], + [ + "banana", + -15.057530403137209 + ], + [ + "▁RENTAL", + -15.05753231048584 + ], + [ + "6,800", + -15.057539939880373 + ], + [ + "▁Constructing", + -15.05756950378418 + ], + [ + "▁opine", + -15.05756950378418 + ], + [ + "▁Colter", + -15.057647705078123 + ], + [ + "Bilateral", + -15.057666778564451 + ], + [ + "▁extinguishing", + -15.057666778564451 + ], + [ + "Closer", + -15.057703971862791 + ], + [ + "▁burly", + -15.057859420776367 + ], + [ + "promissory", + -15.057960510253906 + ], + [ + "▁fiercest", + -15.057977676391602 + ], + [ + "implement", + -15.05802059173584 + ], + [ + "Crab", + -15.058035850524902 + ], + [ + "9-16", + -15.058039665222168 + ], + [ + "▁typesetting", + -15.058063507080078 + ], + [ + "▁puppeteer", + -15.058079719543455 + ], + [ + "▁Havelock", + -15.058218002319336 + ], + [ + "▁Hammon", + -15.058218955993652 + ], + [ + "▁keyframe", + -15.058265686035156 + ], + [ + "couldn", + -15.05832862854004 + ], + [ + "▁Seaboard", + -15.058341979980469 + ], + [ + "publik", + -15.058379173278809 + ], + [ + "▁Whitefish", + -15.058428764343262 + ], + [ + "PSYCH", + -15.058444023132324 + ], + [ + "▁OPTIM", + -15.05859661102295 + ], + [ + "▁kry", + -15.05875301361084 + ], + [ + "torch", + -15.058797836303713 + ], + [ + "poem", + -15.05893611907959 + ], + [ + "▁Awful", + -15.058940887451172 + ], + [ + "▁0.17", + -15.059232711791992 + ], + [ + "▁CAPE", + -15.059282302856444 + ], + [ + "▁Liguria", + -15.059293746948242 + ], + [ + "preview", + -15.05930233001709 + ], + [ + "construct", + -15.05937671661377 + ], + [ + "▁Shanna", + -15.059430122375488 + ], + [ + "▁OTG", + -15.059481620788574 + ], + [ + "▁Schoenberg", + -15.059572219848633 + ], + [ + "▁Fib", + -15.059584617614746 + ], + [ + "▁tipper", + -15.05960750579834 + ], + [ + "▁juxtapose", + -15.059609413146973 + ], + [ + "Stuck", + -15.059710502624512 + ], + [ + "zzard", + -15.059718132019045 + ], + [ + "Estonia", + -15.05972385406494 + ], + [ + "ibh", + -15.05984592437744 + ], + [ + "▁dsl", + -15.059900283813477 + ], + [ + "oncology", + -15.059943199157717 + ], + [ + "bail", + -15.059988975524902 + ], + [ + "▁Newsroom", + -15.060028076171877 + ], + [ + "▁Kelso", + -15.060141563415527 + ], + [ + "▁Quang", + -15.06025218963623 + ], + [ + "▁PDM", + -15.06027603149414 + ], + [ + "▁Dinge", + -15.060447692871094 + ], + [ + "utf", + -15.060553550720217 + ], + [ + "▁Seche", + -15.06060791015625 + ], + [ + "▁Pollo", + -15.060905456542969 + ], + [ + "▁lambast", + -15.06093692779541 + ], + [ + "▁Retiree", + -15.06106662750244 + ], + [ + "ynne", + -15.061102867126465 + ], + [ + "▁Jacin", + -15.061144828796388 + ], + [ + "▁convo", + -15.0612211227417 + ], + [ + "tacular", + -15.06126594543457 + ], + [ + "▁lear", + -15.06128215789795 + ], + [ + "▁encontr", + -15.061285972595217 + ], + [ + "▁improviser", + -15.061634063720703 + ], + [ + "1.41", + -15.061798095703123 + ], + [ + "ornament", + -15.061824798583984 + ], + [ + "Remix", + -15.061853408813477 + ], + [ + "preet", + -15.0619535446167 + ], + [ + "▁cartoonish", + -15.062121391296388 + ], + [ + "Knee", + -15.062159538269045 + ], + [ + "idze", + -15.062235832214355 + ], + [ + "▁Chola", + -15.06224536895752 + ], + [ + "1310", + -15.06225872039795 + ], + [ + "▁MetaMod", + -15.062341690063477 + ], + [ + "▁Mitchel", + -15.062403678894045 + ], + [ + "▁Cush", + -15.062467575073242 + ], + [ + "▁Starlet", + -15.0625638961792 + ], + [ + "▁USMC", + -15.062664985656738 + ], + [ + "Router", + -15.062833786010742 + ], + [ + ".08%", + -15.06283473968506 + ], + [ + "▁HALO", + -15.06285285949707 + ], + [ + "▁molto", + -15.062854766845703 + ], + [ + "0-216", + -15.062929153442385 + ], + [ + "1885", + -15.06293487548828 + ], + [ + "▁Flourish", + -15.06297206878662 + ], + [ + "▁CARDS", + -15.06300449371338 + ], + [ + "CBP", + -15.063098907470703 + ], + [ + "Rug", + -15.063104629516602 + ], + [ + "eacock", + -15.063414573669434 + ], + [ + "▁relearn", + -15.06358814239502 + ], + [ + "NRF", + -15.063620567321776 + ], + [ + "▁Neva", + -15.063715934753418 + ], + [ + "▁Aliment", + -15.06398868560791 + ], + [ + "▁0844", + -15.06411361694336 + ], + [ + "▁Alcal", + -15.06412124633789 + ], + [ + "▁Kessel", + -15.06417751312256 + ], + [ + "▁14.3", + -15.064210891723633 + ], + [ + "glorifying", + -15.06426239013672 + ], + [ + "▁$4.7", + -15.06450366973877 + ], + [ + "▁Woof", + -15.06451416015625 + ], + [ + "4:14", + -15.06454372406006 + ], + [ + "▁DESIGNER", + -15.064589500427246 + ], + [ + "▁Filippo", + -15.06478786468506 + ], + [ + "▁Spil", + -15.064857482910156 + ], + [ + "1:57", + -15.064871788024902 + ], + [ + "shree", + -15.065025329589844 + ], + [ + "3-14", + -15.0650634765625 + ], + [ + "gruppe", + -15.065065383911133 + ], + [ + "guay", + -15.065160751342772 + ], + [ + "▁Gruen", + -15.065385818481444 + ], + [ + "▁chug", + -15.065435409545898 + ], + [ + "▁Jiao", + -15.065481185913086 + ], + [ + "PEG", + -15.065529823303224 + ], + [ + "striped", + -15.065559387207031 + ], + [ + "▁mongo", + -15.06557273864746 + ], + [ + "LEMENT", + -15.06562614440918 + ], + [ + "%0", + -15.065897941589355 + ], + [ + "▁Petter", + -15.06598663330078 + ], + [ + "niger", + -15.065998077392578 + ], + [ + "OOPS", + -15.066014289855955 + ], + [ + "MLB", + -15.066067695617676 + ], + [ + "2018-06-", + -15.066282272338867 + ], + [ + "▁7700", + -15.06631851196289 + ], + [ + "leap", + -15.066330909729004 + ], + [ + "Institution", + -15.066376686096191 + ], + [ + "actualization", + -15.066376686096191 + ], + [ + "▁Malan", + -15.06637954711914 + ], + [ + "▁EDP", + -15.066442489624023 + ], + [ + "Fitting", + -15.066485404968262 + ], + [ + "wishers", + -15.066624641418455 + ], + [ + "Morph", + -15.066689491271973 + ], + [ + "▁Rhoda", + -15.06678867340088 + ], + [ + "BDA", + -15.06686305999756 + ], + [ + "▁EGR", + -15.066998481750488 + ], + [ + "▁JAW", + -15.067031860351562 + ], + [ + "MSFT", + -15.067069053649902 + ], + [ + "▁misstep", + -15.067145347595217 + ], + [ + "compulsive", + -15.0673246383667 + ], + [ + "anyang", + -15.067338943481444 + ], + [ + "▁bureaucrat", + -15.067353248596191 + ], + [ + "Hazard", + -15.067365646362305 + ], + [ + "Peanut", + -15.067392349243164 + ], + [ + "▁Varna", + -15.06739616394043 + ], + [ + "Surround", + -15.06740951538086 + ], + [ + "Scholar", + -15.067418098449709 + ], + [ + "▁Henna", + -15.067434310913086 + ], + [ + "Neighbour", + -15.06747055053711 + ], + [ + "Collectibles", + -15.067502975463867 + ], + [ + "Precise", + -15.06750774383545 + ], + [ + "fluence", + -15.06750774383545 + ], + [ + "configurable", + -15.067516326904297 + ], + [ + "Natasha", + -15.067519187927246 + ], + [ + "Sixteen", + -15.067520141601562 + ], + [ + "Visible", + -15.067526817321776 + ], + [ + "Quarry", + -15.067527770996094 + ], + [ + "Beverly", + -15.06753158569336 + ], + [ + "Memphis", + -15.067533493041992 + ], + [ + "Jamaica", + -15.067537307739258 + ], + [ + "Weapon", + -15.067538261413574 + ], + [ + "yesterday", + -15.067540168762209 + ], + [ + "wisdom", + -15.06754207611084 + ], + [ + "incredible", + -15.067543983459473 + ], + [ + "stemmed", + -15.067545890808104 + ], + [ + "Robbie", + -15.06755542755127 + ], + [ + "variety", + -15.067561149597168 + ], + [ + "rotating", + -15.067607879638672 + ], + [ + "Olympus", + -15.06763744354248 + ], + [ + "FPO", + -15.067669868469238 + ], + [ + "▁Lyrical", + -15.067681312561035 + ], + [ + "peanut", + -15.067689895629885 + ], + [ + "Reasonable", + -15.067790031433104 + ], + [ + "diagnosed", + -15.067816734313965 + ], + [ + "Artistic", + -15.067852973937988 + ], + [ + "▁Kalu", + -15.067859649658203 + ], + [ + "▁amputated", + -15.067864418029783 + ], + [ + "Ghirardelli", + -15.067865371704102 + ], + [ + "palooza", + -15.067865371704102 + ], + [ + "▁Abdulaziz", + -15.067865371704102 + ], + [ + "▁Ancelotti", + -15.067865371704102 + ], + [ + "▁Antichrist", + -15.067865371704102 + ], + [ + "▁Ballantyne", + -15.067865371704102 + ], + [ + "▁Bowdoin", + -15.067865371704102 + ], + [ + "▁Comprehension", + -15.067865371704102 + ], + [ + "▁Detergent", + -15.067865371704102 + ], + [ + "▁Eldridge", + -15.067865371704102 + ], + [ + "▁Gorbachev", + -15.067865371704102 + ], + [ + "▁Gwyneth", + -15.067865371704102 + ], + [ + "▁Invigorate", + -15.067865371704102 + ], + [ + "▁JACKSON", + -15.067865371704102 + ], + [ + "▁Jawaharlal", + -15.067865371704102 + ], + [ + "▁Jorgensen", + -15.067865371704102 + ], + [ + "▁Kobayashi", + -15.067865371704102 + ], + [ + "▁Narasimha", + -15.067865371704102 + ], + [ + "▁Pritzker", + -15.067865371704102 + ], + [ + "▁Sheboygan", + -15.067865371704102 + ], + [ + "▁Shinjuku", + -15.067865371704102 + ], + [ + "▁Streisand", + -15.067865371704102 + ], + [ + "▁Thoracic", + -15.067865371704102 + ], + [ + "▁apostrophe", + -15.067865371704102 + ], + [ + "▁dehydrogenase", + -15.067865371704102 + ], + [ + "▁impersonating", + -15.067865371704102 + ], + [ + "▁jubilee", + -15.067865371704102 + ], + [ + "▁mercurial", + -15.067865371704102 + ], + [ + "▁periodontist", + -15.067865371704102 + ], + [ + "▁rhinitis", + -15.067865371704102 + ], + [ + "▁traips", + -15.067865371704102 + ], + [ + "▁transliteration", + -15.067865371704102 + ], + [ + "▁unhurried", + -15.067865371704102 + ], + [ + "▁unleaded", + -15.067865371704102 + ], + [ + "▁Kavanagh", + -15.067866325378418 + ], + [ + "▁Newquay", + -15.067866325378418 + ], + [ + "▁arthropod", + -15.067866325378418 + ], + [ + "▁decoupage", + -15.067866325378418 + ], + [ + "▁vinyasa", + -15.067866325378418 + ], + [ + "▁Banshee", + -15.067867279052734 + ], + [ + "▁Convection", + -15.067867279052734 + ], + [ + "▁Embossing", + -15.067867279052734 + ], + [ + "▁prostheses", + -15.067867279052734 + ], + [ + "▁uncaring", + -15.067867279052734 + ], + [ + "▁Spidey", + -15.06786823272705 + ], + [ + "▁aberrant", + -15.06786823272705 + ], + [ + "▁Schrader", + -15.067869186401367 + ], + [ + "▁foibles", + -15.067869186401367 + ], + [ + "▁Conyers", + -15.067870140075684 + ], + [ + "▁Estancia", + -15.067872047424316 + ], + [ + "▁demented", + -15.067872047424316 + ], + [ + "▁libretto", + -15.067872047424316 + ], + [ + "▁AGENCY", + -15.067873001098633 + ], + [ + "▁Sakthi", + -15.067873001098633 + ], + [ + "▁COLOUR", + -15.06787395477295 + ], + [ + "▁Vendetta", + -15.067874908447266 + ], + [ + "▁VoLTE", + -15.067874908447266 + ], + [ + "▁César", + -15.067875862121582 + ], + [ + "▁Felony", + -15.067875862121582 + ], + [ + "▁Fermentation", + -15.067875862121582 + ], + [ + "▁louvre", + -15.067875862121582 + ], + [ + "▁geophysics", + -15.067878723144531 + ], + [ + "▁Mehmet", + -15.067880630493164 + ], + [ + "▁Ammunition", + -15.06788158416748 + ], + [ + "▁Staats", + -15.06788158416748 + ], + [ + "▁cyclocross", + -15.06788158416748 + ], + [ + "▁Transatlantic", + -15.067882537841797 + ], + [ + "▁Yojana", + -15.067886352539062 + ], + [ + "▁neurosurgery", + -15.067886352539062 + ], + [ + "▁Sperry", + -15.067893028259276 + ], + [ + "▁FAITH", + -15.067895889282228 + ], + [ + "▁Shaggy", + -15.06789779663086 + ], + [ + "▁Malpractice", + -15.067898750305176 + ], + [ + "▁foretold", + -15.067904472351074 + ], + [ + "▁Regulated", + -15.067909240722656 + ], + [ + "▁Yisrael", + -15.067912101745604 + ], + [ + "▁Reconstructive", + -15.067914009094238 + ], + [ + "▁Sistine", + -15.067914009094238 + ], + [ + "▁skatepark", + -15.067916870117188 + ], + [ + "▁godfather", + -15.067919731140137 + ], + [ + "▁jutting", + -15.06792163848877 + ], + [ + "▁CENTRE", + -15.067925453186035 + ], + [ + "▁(1968)", + -15.06793212890625 + ], + [ + "▁Alonzo", + -15.067944526672363 + ], + [ + "▁clamour", + -15.067944526672363 + ], + [ + "▁disengagement", + -15.067955017089844 + ], + [ + "▁radii", + -15.067956924438477 + ], + [ + "▁Akram", + -15.067967414855955 + ], + [ + "▁concord", + -15.06796932220459 + ], + [ + "▁Orphanage", + -15.067992210388184 + ], + [ + "▁Cortina", + -15.06799602508545 + ], + [ + "▁undemocratic", + -15.067999839782717 + ], + [ + "▁Bhadrak", + -15.068000793457031 + ], + [ + "infant", + -15.068008422851562 + ], + [ + "▁stratton", + -15.068023681640623 + ], + [ + "▁Xiaolong", + -15.068025588989258 + ], + [ + "▁Guava", + -15.068026542663574 + ], + [ + "▁Shivaji", + -15.068034172058104 + ], + [ + "▁submenu", + -15.068034172058104 + ], + [ + "▁catheterization", + -15.068039894104004 + ], + [ + "▁début", + -15.068045616149902 + ], + [ + "▁Eloise", + -15.068050384521484 + ], + [ + "▁salivating", + -15.06805419921875 + ], + [ + "▁legibility", + -15.06806468963623 + ], + [ + "▁Shuster", + -15.068070411682127 + ], + [ + "Proposed", + -15.068074226379396 + ], + [ + "▁Chicano", + -15.06808853149414 + ], + [ + "imbi", + -15.06809425354004 + ], + [ + "▁Sultanate", + -15.068095207214355 + ], + [ + "▁puppetry", + -15.068097114562988 + ], + [ + "▁reprogramming", + -15.068102836608888 + ], + [ + "▁Inslee", + -15.068119049072266 + ], + [ + "▁Vassar", + -15.068126678466797 + ], + [ + "▁tangling", + -15.068135261535645 + ], + [ + "▁Spitzer", + -15.068143844604492 + ], + [ + "▁Dominant", + -15.06814670562744 + ], + [ + "▁GetResponse", + -15.068169593811035 + ], + [ + "▁evangelize", + -15.06817626953125 + ], + [ + "▁torpedoes", + -15.068180084228516 + ], + [ + "▁Ravenna", + -15.068209648132324 + ], + [ + "smartphone", + -15.06821346282959 + ], + [ + "▁trinket", + -15.068263053894045 + ], + [ + "CONCLUSIONS", + -15.068265914916992 + ], + [ + "▁Provincetown", + -15.068266868591309 + ], + [ + "▁judiciously", + -15.06829071044922 + ], + [ + "▁Ylang", + -15.068319320678713 + ], + [ + "Prioritize", + -15.068363189697266 + ], + [ + "▁Hirst", + -15.068365097045898 + ], + [ + "9:14", + -15.068403244018556 + ], + [ + "Disabled", + -15.068405151367188 + ], + [ + "▁silversmith", + -15.068405151367188 + ], + [ + "▁Guiana", + -15.068419456481934 + ], + [ + "▁RIPE", + -15.068419456481934 + ], + [ + "▁Marymount", + -15.068424224853516 + ], + [ + "IMPLY", + -15.068432807922363 + ], + [ + "▁impounded", + -15.068456649780272 + ], + [ + "MySQL", + -15.068461418151855 + ], + [ + "▁FRANCE", + -15.068463325500488 + ], + [ + "HND", + -15.068469047546388 + ], + [ + "▁percutaneous", + -15.068538665771484 + ], + [ + "▁EMD", + -15.068564414978027 + ], + [ + "▁CNAME", + -15.068589210510254 + ], + [ + "▁brainwave", + -15.068625450134276 + ], + [ + "5:14", + -15.06864070892334 + ], + [ + "triggered", + -15.068642616271973 + ], + [ + "rugby", + -15.068647384643556 + ], + [ + "▁Vasu", + -15.068649291992188 + ], + [ + "▁Kuching", + -15.068717956542969 + ], + [ + "▁varnishes", + -15.068770408630373 + ], + [ + "▁Chesterton", + -15.068793296813965 + ], + [ + "▁KONG", + -15.068838119506836 + ], + [ + "▁Anakin", + -15.068862915039062 + ], + [ + "▁firestorm", + -15.06886386871338 + ], + [ + "▁pounced", + -15.06889533996582 + ], + [ + "▁faltered", + -15.06890869140625 + ], + [ + "▁Skyler", + -15.068921089172363 + ], + [ + "EFE", + -15.068963050842283 + ], + [ + "▁Poway", + -15.068981170654297 + ], + [ + "▁trawling", + -15.069005012512209 + ], + [ + "▁Renewed", + -15.069031715393066 + ], + [ + "KEEP", + -15.069053649902344 + ], + [ + "▁07:5", + -15.06907844543457 + ], + [ + "▁refried", + -15.069082260131836 + ], + [ + "▁Hoyer", + -15.069092750549316 + ], + [ + "▁Inscription", + -15.069096565246582 + ], + [ + "▁epitomized", + -15.069162368774414 + ], + [ + "▁25-27", + -15.06916332244873 + ], + [ + "▁Sucker", + -15.069178581237791 + ], + [ + "osmos", + -15.069184303283691 + ], + [ + "▁Bargaining", + -15.069242477416992 + ], + [ + "Freebie", + -15.069302558898926 + ], + [ + "▁Leaky", + -15.069327354431152 + ], + [ + "Diseno", + -15.069402694702148 + ], + [ + "▁hoverboard", + -15.069429397583008 + ], + [ + "▁recaptured", + -15.069430351257324 + ], + [ + "Loughlin", + -15.069506645202637 + ], + [ + "▁Cosme", + -15.06953239440918 + ], + [ + "1.0.0", + -15.069554328918455 + ], + [ + "▁Marrow", + -15.069581985473633 + ], + [ + "▁covertly", + -15.069602012634276 + ], + [ + "▁Kyung", + -15.069602966308594 + ], + [ + "negating", + -15.069643020629885 + ], + [ + "Moonlight", + -15.06965446472168 + ], + [ + "Contributed", + -15.069661140441896 + ], + [ + "▁fruitiness", + -15.069690704345703 + ], + [ + "▁Williamstown", + -15.0697660446167 + ], + [ + "▁Solent", + -15.069814682006836 + ], + [ + "anovic", + -15.069995880126951 + ], + [ + "INTEG", + -15.070076942443848 + ], + [ + "▁superficially", + -15.070087432861328 + ], + [ + "▁Payson", + -15.070113182067873 + ], + [ + "▁Eldon", + -15.070161819458008 + ], + [ + "▁Kennett", + -15.07016372680664 + ], + [ + "éré", + -15.070195198059082 + ], + [ + "▁physiologically", + -15.070219039916992 + ], + [ + "▁Doggie", + -15.070300102233888 + ], + [ + "▁Grew", + -15.070466995239258 + ], + [ + "LOM", + -15.070515632629396 + ], + [ + "promo", + -15.070516586303713 + ], + [ + "OLET", + -15.07053565979004 + ], + [ + "▁03:4", + -15.070551872253418 + ], + [ + "haq", + -15.070680618286133 + ], + [ + "▁Ibero", + -15.07069969177246 + ], + [ + "▁priestess", + -15.070708274841309 + ], + [ + "Kernel", + -15.070727348327637 + ], + [ + "contextual", + -15.07077693939209 + ], + [ + "▁Metra", + -15.07082462310791 + ], + [ + "underground", + -15.070923805236816 + ], + [ + "▁Mami", + -15.070945739746094 + ], + [ + "▁Aldrin", + -15.07104778289795 + ], + [ + "▁Deniz", + -15.07107925415039 + ], + [ + "▁DNF", + -15.071080207824709 + ], + [ + "Anita", + -15.071114540100098 + ], + [ + "1122", + -15.071280479431152 + ], + [ + "PMCID", + -15.071463584899902 + ], + [ + "chul", + -15.071475982666016 + ], + [ + "▁Originat", + -15.071535110473633 + ], + [ + "analog", + -15.071568489074709 + ], + [ + "davidson", + -15.071572303771973 + ], + [ + "▁Duda", + -15.071796417236328 + ], + [ + "▁Huay", + -15.07183074951172 + ], + [ + "▁seismo", + -15.0718412399292 + ], + [ + "▁morn", + -15.0719575881958 + ], + [ + "Pharm", + -15.072163581848145 + ], + [ + "0.26", + -15.072183609008787 + ], + [ + "freund", + -15.072274208068848 + ], + [ + "COTS", + -15.07229232788086 + ], + [ + "kriti", + -15.072416305541992 + ], + [ + "epson", + -15.072524070739746 + ], + [ + "▁Culp", + -15.072668075561523 + ], + [ + "1.09", + -15.07273006439209 + ], + [ + "JES", + -15.07282829284668 + ], + [ + "acki", + -15.072864532470703 + ], + [ + "TTT", + -15.072908401489258 + ], + [ + "▁Holling", + -15.073006629943848 + ], + [ + "▁$599", + -15.07302188873291 + ], + [ + "rinda", + -15.073230743408203 + ], + [ + "▁EEO", + -15.073254585266112 + ], + [ + "Disconnect", + -15.073393821716309 + ], + [ + "Connex", + -15.073508262634276 + ], + [ + "raving", + -15.073637962341309 + ], + [ + "serif", + -15.073809623718262 + ], + [ + "phagi", + -15.073841094970703 + ], + [ + "▁groundcover", + -15.073848724365234 + ], + [ + "pocalypse", + -15.0740966796875 + ], + [ + "ELP", + -15.074175834655762 + ], + [ + "POC", + -15.07422924041748 + ], + [ + "Dustin", + -15.074262619018556 + ], + [ + "▁Camus", + -15.074397087097168 + ], + [ + "▁Huan", + -15.074419975280762 + ], + [ + "Retain", + -15.074509620666504 + ], + [ + "ати", + -15.07453155517578 + ], + [ + "она", + -15.07468605041504 + ], + [ + "▁Bhav", + -15.07468605041504 + ], + [ + "phonia", + -15.074714660644531 + ], + [ + "urnal", + -15.074736595153809 + ], + [ + "▁Lingua", + -15.0747652053833 + ], + [ + "▁cré", + -15.07486629486084 + ], + [ + "Manu", + -15.074987411499023 + ], + [ + "▁foretell", + -15.075156211853027 + ], + [ + "11-12", + -15.0753755569458 + ], + [ + "▁Prank", + -15.075443267822266 + ], + [ + "▁Trex", + -15.075474739074709 + ], + [ + "▁Treb", + -15.075526237487791 + ], + [ + "▁Gluco", + -15.075532913208008 + ], + [ + "▁Spud", + -15.075584411621094 + ], + [ + "▁SMF", + -15.075756072998049 + ], + [ + "nication", + -15.07579517364502 + ], + [ + "▁Stamper", + -15.07580280303955 + ], + [ + "Env", + -15.075873374938965 + ], + [ + "Reform", + -15.076047897338867 + ], + [ + "▁deselect", + -15.0760498046875 + ], + [ + "universe", + -15.076090812683104 + ], + [ + "1906", + -15.076165199279783 + ], + [ + "▁Smartwatch", + -15.076228141784668 + ], + [ + "▁Juke", + -15.076229095458984 + ], + [ + "AGED", + -15.076461791992188 + ], + [ + "▁Rausch", + -15.076508522033691 + ], + [ + "larg", + -15.076513290405272 + ], + [ + "judgment", + -15.076621055603027 + ], + [ + "▁17.7", + -15.076848983764648 + ], + [ + "ylparaben", + -15.076956748962402 + ], + [ + "▁Efes", + -15.076961517333984 + ], + [ + "▁Communi", + -15.077049255371094 + ], + [ + "groutable", + -15.077113151550291 + ], + [ + "ixx", + -15.077116012573242 + ], + [ + "▁GSX", + -15.077131271362305 + ], + [ + "▁Solver", + -15.077205657958984 + ], + [ + "▁Womb", + -15.077277183532717 + ], + [ + "▁Tyco", + -15.077391624450684 + ], + [ + "estan", + -15.077454566955566 + ], + [ + "▁Tonka", + -15.077472686767578 + ], + [ + "▁Cosy", + -15.077635765075684 + ], + [ + "dijk", + -15.077704429626465 + ], + [ + "gabe", + -15.077800750732422 + ], + [ + "▁Marjor", + -15.077866554260254 + ], + [ + "mistake", + -15.077899932861328 + ], + [ + "▁Gigant", + -15.077947616577148 + ], + [ + "6,400", + -15.078112602233888 + ], + [ + "HALL", + -15.078176498413086 + ], + [ + "élé", + -15.078282356262209 + ], + [ + "▁Shwe", + -15.078402519226074 + ], + [ + "Porn", + -15.078483581542969 + ], + [ + "entangle", + -15.078487396240234 + ], + [ + "▁mutt", + -15.078594207763672 + ], + [ + "Huang", + -15.078619956970217 + ], + [ + "zane", + -15.078621864318848 + ], + [ + "relaying", + -15.078661918640137 + ], + [ + "cubic", + -15.078670501708984 + ], + [ + "Batch", + -15.079134941101074 + ], + [ + "1928", + -15.079201698303224 + ], + [ + "▁Devan", + -15.079285621643066 + ], + [ + "▁Circul", + -15.079422950744627 + ], + [ + "▁Continua", + -15.079480171203612 + ], + [ + "тан", + -15.079548835754396 + ], + [ + "jordan", + -15.07960319519043 + ], + [ + "Duplicate", + -15.07981300354004 + ], + [ + "Restricted", + -15.079818725585938 + ], + [ + "IMPACT", + -15.079834938049316 + ], + [ + "INCLUDING", + -15.07985496520996 + ], + [ + "Collision", + -15.07985782623291 + ], + [ + "Inspiring", + -15.079863548278809 + ], + [ + "Wolves", + -15.07986545562744 + ], + [ + "mechanics", + -15.07986545562744 + ], + [ + "defendant", + -15.07986831665039 + ], + [ + "sacrifice", + -15.07986831665039 + ], + [ + "Garcinia", + -15.079870223999023 + ], + [ + "Patterson", + -15.07987117767334 + ], + [ + "Worcester", + -15.079872131347656 + ], + [ + "tournament", + -15.079872131347656 + ], + [ + "Raspberry", + -15.079874992370604 + ], + [ + "Compensation", + -15.079875946044922 + ], + [ + "Champagne", + -15.079876899719238 + ], + [ + "Tanzania", + -15.079876899719238 + ], + [ + "Krishna", + -15.079883575439451 + ], + [ + "governance", + -15.079883575439451 + ], + [ + "Belgian", + -15.079886436462402 + ], + [ + "communities", + -15.07988739013672 + ], + [ + "DEE", + -15.079890251159668 + ], + [ + "Mozilla", + -15.07990264892578 + ], + [ + "canadian", + -15.079906463623049 + ], + [ + "Dehydration", + -15.079913139343262 + ], + [ + "Mitochondria", + -15.079913139343262 + ], + [ + "Rejuvenate", + -15.079913139343262 + ], + [ + "Shabaab", + -15.079913139343262 + ], + [ + "elizabeth", + -15.079913139343262 + ], + [ + "ishvili", + -15.079913139343262 + ], + [ + "priligy", + -15.079913139343262 + ], + [ + "schneider", + -15.079913139343262 + ], + [ + "▁888-282-0476", + -15.079913139343262 + ], + [ + "▁ACTUALLY", + -15.079913139343262 + ], + [ + "▁Alnwick", + -15.079913139343262 + ], + [ + "▁Bloglovin", + -15.079913139343262 + ], + [ + "▁EEPROM", + -15.079913139343262 + ], + [ + "▁Jalapeno", + -15.079913139343262 + ], + [ + "▁Kinshasa", + -15.079913139343262 + ], + [ + "▁MAGAZINE", + -15.079913139343262 + ], + [ + "▁Mycobacterium", + -15.079913139343262 + ], + [ + "▁OpenStreetMap", + -15.079913139343262 + ], + [ + "▁Sedgwick", + -15.079913139343262 + ], + [ + "▁Stanislaus", + -15.079913139343262 + ], + [ + "▁Titicaca", + -15.079913139343262 + ], + [ + "▁Travertine", + -15.079913139343262 + ], + [ + "▁Tuskegee", + -15.079913139343262 + ], + [ + "▁Walthamstow", + -15.079913139343262 + ], + [ + "▁Waukegan", + -15.079913139343262 + ], + [ + "▁Ypsilanti", + -15.079913139343262 + ], + [ + "▁constancy", + -15.079913139343262 + ], + [ + "▁displeased", + -15.079913139343262 + ], + [ + "▁drudgery", + -15.079913139343262 + ], + [ + "▁epidemiologist", + -15.079913139343262 + ], + [ + "▁galvanizing", + -15.079913139343262 + ], + [ + "▁ginormous", + -15.079913139343262 + ], + [ + "▁incineration", + -15.079913139343262 + ], + [ + "▁mesenchymal", + -15.079913139343262 + ], + [ + "▁mollusc", + -15.079913139343262 + ], + [ + "▁paucity", + -15.079913139343262 + ], + [ + "▁subsidizing", + -15.079913139343262 + ], + [ + "▁survivability", + -15.079913139343262 + ], + [ + "▁synchronisation", + -15.079913139343262 + ], + [ + "▁tendinitis", + -15.079913139343262 + ], + [ + "▁tripartite", + -15.079913139343262 + ], + [ + "▁unceasing", + -15.079913139343262 + ], + [ + "▁vagaries", + -15.079913139343262 + ], + [ + "▁Catamaran", + -15.079914093017578 + ], + [ + "▁Wausau", + -15.079914093017578 + ], + [ + "▁archeology", + -15.079914093017578 + ], + [ + "▁deluded", + -15.079914093017578 + ], + [ + "▁Jezebel", + -15.079915046691896 + ], + [ + "▁Vandenberg", + -15.079915046691896 + ], + [ + "▁cabriole", + -15.079915046691896 + ], + [ + "▁emigrants", + -15.079915046691896 + ], + [ + "▁leukaemia", + -15.079915046691896 + ], + [ + "▁Andalucia", + -15.079916000366213 + ], + [ + "▁Subramani", + -15.079916000366213 + ], + [ + "▁bracts", + -15.079916000366213 + ], + [ + "▁swoosh", + -15.079916000366213 + ], + [ + "▁Amnesia", + -15.079917907714844 + ], + [ + "▁inoperable", + -15.079917907714844 + ], + [ + "▁straddling", + -15.079917907714844 + ], + [ + "▁Sorento", + -15.07991886138916 + ], + [ + "▁Yeshiva", + -15.079919815063477 + ], + [ + "▁neuroimaging", + -15.079919815063477 + ], + [ + "▁Bottega", + -15.079920768737791 + ], + [ + "▁discontinuing", + -15.079920768737791 + ], + [ + "▁hankering", + -15.079920768737791 + ], + [ + "meditation", + -15.07992172241211 + ], + [ + "▁primrose", + -15.079922676086426 + ], + [ + "jessica", + -15.079923629760742 + ], + [ + "poetry", + -15.079923629760742 + ], + [ + "▁bocce", + -15.079923629760742 + ], + [ + "▁energising", + -15.07992458343506 + ], + [ + "▁plenum", + -15.07992458343506 + ], + [ + "▁Hornsby", + -15.079925537109377 + ], + [ + "▁fluoxetine", + -15.079926490783691 + ], + [ + "▁scrutinizing", + -15.079926490783691 + ], + [ + "▁Scaffolding", + -15.079928398132324 + ], + [ + "▁collating", + -15.079928398132324 + ], + [ + "▁Compostela", + -15.07992935180664 + ], + [ + "▁EXACT", + -15.07992935180664 + ], + [ + "▁Rotunda", + -15.07992935180664 + ], + [ + "▁Annandale", + -15.079930305480955 + ], + [ + "wurst", + -15.07993221282959 + ], + [ + "▁HbA", + -15.07993221282959 + ], + [ + "▁Musgrave", + -15.079934120178224 + ], + [ + "Café", + -15.079936027526855 + ], + [ + "▁Aupair", + -15.079938888549805 + ], + [ + "phpBB", + -15.079941749572754 + ], + [ + "▁toppling", + -15.079941749572754 + ], + [ + "▁ALLOWED", + -15.07994270324707 + ], + [ + "Planned", + -15.07994556427002 + ], + [ + "▁nitride", + -15.07994556427002 + ], + [ + "▁Shockwave", + -15.079950332641602 + ], + [ + "settled", + -15.0799560546875 + ], + [ + "▁foreshore", + -15.0799560546875 + ], + [ + "▁soviet", + -15.0799560546875 + ], + [ + "▁README", + -15.079957008361816 + ], + [ + "▁Rendell", + -15.079957962036133 + ], + [ + "▁hesitating", + -15.07995891571045 + ], + [ + "▁Magyar", + -15.079960823059082 + ], + [ + "▁Duarte", + -15.079963684082031 + ], + [ + "▁ribbing", + -15.07996654510498 + ], + [ + "insulin", + -15.079968452453612 + ], + [ + "▁LEARNING", + -15.07997226715088 + ], + [ + "▁vexing", + -15.079975128173828 + ], + [ + "▁Titanfall", + -15.079976081848145 + ], + [ + "▁Feliz", + -15.07997703552246 + ], + [ + "▁immunoassay", + -15.079983711242676 + ], + [ + "▁bilge", + -15.07999038696289 + ], + [ + "▁Breaux", + -15.079992294311523 + ], + [ + "▁moines", + -15.080002784729004 + ], + [ + "▁Haupt", + -15.080004692077637 + ], + [ + "Evergreen", + -15.080007553100586 + ], + [ + "▁(10%)", + -15.080013275146484 + ], + [ + "▁auburn", + -15.080016136169434 + ], + [ + "martial", + -15.080020904541016 + ], + [ + "LION", + -15.08003044128418 + ], + [ + "▁Nonlinear", + -15.080034255981444 + ], + [ + "▁Antitrust", + -15.080035209655762 + ], + [ + "▁Pippa", + -15.080037117004396 + ], + [ + "▁tuple", + -15.080039024353027 + ], + [ + "Acne", + -15.08004093170166 + ], + [ + "▁Noblesville", + -15.080041885375977 + ], + [ + "▁polluters", + -15.080041885375977 + ], + [ + "▁Harriman", + -15.080056190490724 + ], + [ + "▁resettled", + -15.080056190490724 + ], + [ + "▁Aharon", + -15.080058097839355 + ], + [ + "▁WANTED", + -15.080066680908203 + ], + [ + "▁Candlestick", + -15.080070495605469 + ], + [ + "▁Rightmove", + -15.080071449279783 + ], + [ + "▁Ardmore", + -15.080076217651367 + ], + [ + "▁exploitative", + -15.080080032348633 + ], + [ + "▁lewd", + -15.080089569091797 + ], + [ + "▁HOLY", + -15.08009147644043 + ], + [ + "▁ELEMENT", + -15.08010482788086 + ], + [ + "Egyptian", + -15.080122947692873 + ], + [ + "▁Royston", + -15.08012580871582 + ], + [ + "▁infantile", + -15.080141067504885 + ], + [ + "▁stork", + -15.080142974853516 + ], + [ + "▁datememe", + -15.080150604248049 + ], + [ + "▁Unesco", + -15.080155372619627 + ], + [ + "▁Heyward", + -15.08016300201416 + ], + [ + "lagged", + -15.080164909362791 + ], + [ + "▁Cleland", + -15.08016872406006 + ], + [ + "▁MariaDB", + -15.08017921447754 + ], + [ + "tipping", + -15.080180168151855 + ], + [ + "▁protege", + -15.080193519592283 + ], + [ + "▁ZOOM", + -15.080204010009766 + ], + [ + "cumulative", + -15.080212593078612 + ], + [ + "▁Corby", + -15.080223083496094 + ], + [ + "▁middling", + -15.080239295959473 + ], + [ + "▁buckthorn", + -15.080245018005373 + ], + [ + "▁undeserved", + -15.080252647399902 + ], + [ + "▁DISCLAIMS", + -15.080265998840332 + ], + [ + "▁McComb", + -15.080272674560549 + ], + [ + "▁Leftovers", + -15.080275535583496 + ], + [ + "▁resourcing", + -15.080281257629396 + ], + [ + "Wicked", + -15.080291748046877 + ], + [ + "▁Wilmer", + -15.080310821533203 + ], + [ + "▁Gambit", + -15.080316543579102 + ], + [ + "▁CRV", + -15.080340385437012 + ], + [ + "▁demography", + -15.080366134643556 + ], + [ + "▁Maclean", + -15.080382347106934 + ], + [ + "▁chomping", + -15.080391883850098 + ], + [ + "▁squee", + -15.08039665222168 + ], + [ + "translate", + -15.08041286468506 + ], + [ + "▁unhide", + -15.080438613891602 + ], + [ + "▁breadcrumb", + -15.080467224121094 + ], + [ + "▁Brecht", + -15.080480575561523 + ], + [ + "▁Trough", + -15.080487251281738 + ], + [ + "▁Physiol", + -15.080495834350586 + ], + [ + "rimming", + -15.080503463745115 + ], + [ + "▁Horizonte", + -15.080521583557127 + ], + [ + "▁disinterest", + -15.080527305603027 + ], + [ + "▁incinerate", + -15.08052921295166 + ], + [ + "▁Marconi", + -15.080538749694824 + ], + [ + "NHL", + -15.080540657043455 + ], + [ + "▁Renato", + -15.080552101135254 + ], + [ + "▁Perlman", + -15.080554008483888 + ], + [ + "▁Alcoa", + -15.080559730529783 + ], + [ + "▁Dominik", + -15.080565452575684 + ], + [ + "▁Kenai", + -15.080589294433594 + ], + [ + "▁Sportswear", + -15.080608367919922 + ], + [ + "▁Nautica", + -15.0806303024292 + ], + [ + "▁pickpocket", + -15.080639839172363 + ], + [ + "▁Linwood", + -15.080646514892578 + ], + [ + "▁DKNY", + -15.080649375915527 + ], + [ + "▁legume", + -15.080656051635742 + ], + [ + "▁Yaris", + -15.080680847167969 + ], + [ + "Arrived", + -15.080681800842283 + ], + [ + "leef", + -15.08073902130127 + ], + [ + "▁Lehmann", + -15.080748558044434 + ], + [ + "▁Kaufmann", + -15.080758094787598 + ], + [ + "▁Headband", + -15.080775260925291 + ], + [ + "CHIN", + -15.080791473388672 + ], + [ + "FEMA", + -15.08082389831543 + ], + [ + "receiver", + -15.080832481384276 + ], + [ + "1947", + -15.080841064453123 + ], + [ + "▁Wipro", + -15.080857276916504 + ], + [ + "▁Rhizo", + -15.080877304077148 + ], + [ + "▁bandleader", + -15.080877304077148 + ], + [ + "Collector", + -15.080900192260742 + ], + [ + "▁magpie", + -15.080907821655272 + ], + [ + "WAM", + -15.080921173095703 + ], + [ + "▁Metcalfe", + -15.080938339233398 + ], + [ + "▁Whin", + -15.080968856811523 + ], + [ + "▁physic", + -15.080992698669434 + ], + [ + "aditya", + -15.080998420715332 + ], + [ + "Gathering", + -15.081027030944824 + ], + [ + "▁holdbacks", + -15.081034660339355 + ], + [ + "▁Blackhawk", + -15.08104419708252 + ], + [ + "fencing", + -15.08109188079834 + ], + [ + "▁Symon", + -15.08110809326172 + ], + [ + "▁childbearing", + -15.081134796142578 + ], + [ + "obium", + -15.081154823303224 + ], + [ + "▁Foles", + -15.081218719482422 + ], + [ + "▁Mixture", + -15.081254959106444 + ], + [ + "morbidities", + -15.081258773803713 + ], + [ + "Framework", + -15.08131504058838 + ], + [ + "▁19-21", + -15.08131980895996 + ], + [ + "varying", + -15.08138370513916 + ], + [ + "Awarded", + -15.081408500671388 + ], + [ + "▁reversion", + -15.081438064575195 + ], + [ + "BLOCK", + -15.08145809173584 + ], + [ + "Wilhelmina", + -15.08148956298828 + ], + [ + "▁bodybuilder", + -15.081541061401367 + ], + [ + "▁OpenID", + -15.081620216369627 + ], + [ + "▁Andrade", + -15.081668853759766 + ], + [ + "pupil", + -15.081719398498535 + ], + [ + "8266", + -15.081789016723633 + ], + [ + "▁HILLS", + -15.081892013549805 + ], + [ + "EYE", + -15.081931114196776 + ], + [ + "▁carbine", + -15.081933975219728 + ], + [ + "$250", + -15.081989288330078 + ], + [ + "▁sniffed", + -15.081997871398926 + ], + [ + "▁tartare", + -15.082023620605469 + ], + [ + "▁Dalian", + -15.082027435302734 + ], + [ + "3:28", + -15.082093238830566 + ], + [ + "▁primo", + -15.082108497619627 + ], + [ + "▁unlearn", + -15.082128524780272 + ], + [ + "Preserve", + -15.08216381072998 + ], + [ + "Assessing", + -15.08220672607422 + ], + [ + "▁Filo", + -15.082257270812988 + ], + [ + "Hurray", + -15.082343101501465 + ], + [ + "▁Sooke", + -15.08243179321289 + ], + [ + "▁squeaking", + -15.082559585571287 + ], + [ + "Allahu", + -15.082606315612791 + ], + [ + "mitar", + -15.08262062072754 + ], + [ + "▁Murali", + -15.082736015319824 + ], + [ + "Carrier", + -15.082836151123049 + ], + [ + "▁Tantra", + -15.082874298095703 + ], + [ + "▁Yehuda", + -15.082921981811523 + ], + [ + "MIE", + -15.08305835723877 + ], + [ + "▁vai", + -15.08310604095459 + ], + [ + "ufo", + -15.083117485046388 + ], + [ + "addish", + -15.083196640014648 + ], + [ + "▁reformist", + -15.083223342895508 + ], + [ + "Billion", + -15.08322811126709 + ], + [ + "MFS", + -15.083271026611328 + ], + [ + "▁($14", + -15.083293914794922 + ], + [ + "exotic", + -15.083531379699709 + ], + [ + "HUNG", + -15.08383846282959 + ], + [ + "7:25", + -15.083842277526855 + ], + [ + "HOM", + -15.08393383026123 + ], + [ + "▁Dulci", + -15.08393669128418 + ], + [ + "▁$65,000", + -15.083985328674316 + ], + [ + "attract", + -15.084035873413086 + ], + [ + "▁MOBI", + -15.084095001220703 + ], + [ + "▁Linkage", + -15.084288597106934 + ], + [ + "ippmann", + -15.084304809570312 + ], + [ + "▁Henrique", + -15.08450412750244 + ], + [ + "▁21:1", + -15.084549903869627 + ], + [ + "LEGO", + -15.084650993347168 + ], + [ + "Compound", + -15.0846529006958 + ], + [ + "EMCO", + -15.08470344543457 + ], + [ + "1105", + -15.084930419921877 + ], + [ + "significantly", + -15.08499813079834 + ], + [ + "еро", + -15.085001945495604 + ], + [ + "Analog", + -15.085159301757812 + ], + [ + "▁Glaz", + -15.085227012634276 + ], + [ + "▁Mahdi", + -15.085467338562012 + ], + [ + "▁radiographic", + -15.085474014282228 + ], + [ + "Regulate", + -15.0855131149292 + ], + [ + "▁Daze", + -15.085554122924805 + ], + [ + "MVP", + -15.085663795471191 + ], + [ + "▁Sangh", + -15.085869789123535 + ], + [ + "fauna", + -15.085997581481934 + ], + [ + "SML", + -15.086189270019531 + ], + [ + "▁Gonzo", + -15.086396217346191 + ], + [ + "lucia", + -15.087027549743652 + ], + [ + "entries", + -15.087275505065918 + ], + [ + "petal", + -15.087413787841797 + ], + [ + "unker", + -15.08743953704834 + ], + [ + "8.30", + -15.087477684020996 + ], + [ + "▁Burnet", + -15.087483406066896 + ], + [ + "▁843-", + -15.087528228759766 + ], + [ + "▁McCourt", + -15.087581634521484 + ], + [ + "derick", + -15.087584495544434 + ], + [ + "Chew", + -15.087675094604492 + ], + [ + "ата", + -15.087721824645996 + ], + [ + "▁MICE", + -15.087943077087402 + ], + [ + "PAF", + -15.08797836303711 + ], + [ + "Override", + -15.088051795959473 + ], + [ + "exception", + -15.088125228881836 + ], + [ + "exhibit", + -15.088172912597656 + ], + [ + "▁Trina", + -15.088340759277344 + ], + [ + "iscus", + -15.08844757080078 + ], + [ + "lasse", + -15.088629722595217 + ], + [ + "BPL", + -15.088756561279297 + ], + [ + "TLC", + -15.088770866394045 + ], + [ + "geographic", + -15.088894844055176 + ], + [ + "sufficiently", + -15.088909149169922 + ], + [ + "▁Gadd", + -15.08898639678955 + ], + [ + "quero", + -15.089041709899902 + ], + [ + "▁Jaca", + -15.08917999267578 + ], + [ + "1542", + -15.08921718597412 + ], + [ + "▁Kahan", + -15.089219093322754 + ], + [ + "14-7", + -15.089289665222168 + ], + [ + "▁Educa", + -15.089329719543455 + ], + [ + "▁Cabal", + -15.089414596557615 + ], + [ + "lijke", + -15.089431762695312 + ], + [ + "▁presuppose", + -15.089473724365234 + ], + [ + "▁masterplan", + -15.089601516723633 + ], + [ + "isano", + -15.08962345123291 + ], + [ + "NISON", + -15.089681625366213 + ], + [ + "skeleton", + -15.089702606201172 + ], + [ + "capitalist", + -15.08971881866455 + ], + [ + "WIRED", + -15.089930534362791 + ], + [ + "EKO", + -15.090121269226074 + ], + [ + "▁musket", + -15.090167045593262 + ], + [ + "▁Norco", + -15.090188026428224 + ], + [ + "3:05", + -15.09021282196045 + ], + [ + "▁Unger", + -15.090312004089355 + ], + [ + "▁Envi", + -15.090463638305664 + ], + [ + "eguro", + -15.090547561645508 + ], + [ + "▁Inspir", + -15.090721130371094 + ], + [ + "behavior", + -15.090742111206056 + ], + [ + "Byron", + -15.090798377990724 + ], + [ + "▁bopp", + -15.090819358825684 + ], + [ + "penta", + -15.090840339660645 + ], + [ + "▁Langston", + -15.090867042541504 + ], + [ + "ARIS", + -15.090975761413574 + ], + [ + "OLDER", + -15.091243743896484 + ], + [ + "▁medicament", + -15.09153938293457 + ], + [ + "Shameless", + -15.091562271118164 + ], + [ + "Kerr", + -15.091614723205566 + ], + [ + "UCH", + -15.091714859008787 + ], + [ + "▁misprint", + -15.091747283935549 + ], + [ + "transitive", + -15.091761589050291 + ], + [ + "Append", + -15.091779708862305 + ], + [ + "00-0", + -15.09178066253662 + ], + [ + "populate", + -15.091815948486328 + ], + [ + "Composi", + -15.091861724853516 + ], + [ + "Crawl", + -15.091899871826172 + ], + [ + "LDPE", + -15.09193515777588 + ], + [ + "FLU", + -15.09199333190918 + ], + [ + "hiking", + -15.092019081115724 + ], + [ + "DEFAULT", + -15.092108726501465 + ], + [ + "▁Aurangabad", + -15.092108726501465 + ], + [ + "▁Basquiat", + -15.092108726501465 + ], + [ + "▁Caballero", + -15.092108726501465 + ], + [ + "▁Dunfermline", + -15.092108726501465 + ], + [ + "▁Espinosa", + -15.092108726501465 + ], + [ + "▁Griezmann", + -15.092108726501465 + ], + [ + "▁LLumar", + -15.092108726501465 + ], + [ + "▁Margherita", + -15.092108726501465 + ], + [ + "▁Pellegrini", + -15.092108726501465 + ], + [ + "▁Recurring", + -15.092108726501465 + ], + [ + "▁Ridgway", + -15.092108726501465 + ], + [ + "▁Sondheim", + -15.092108726501465 + ], + [ + "▁Speyside", + -15.092108726501465 + ], + [ + "▁aflatoxin", + -15.092108726501465 + ], + [ + "▁anaphylaxis", + -15.092108726501465 + ], + [ + "▁bromide", + -15.092108726501465 + ], + [ + "▁candelabra", + -15.092108726501465 + ], + [ + "▁destabilizing", + -15.092108726501465 + ], + [ + "▁disfigured", + -15.092108726501465 + ], + [ + "▁eMarketer", + -15.092108726501465 + ], + [ + "▁extenuating", + -15.092108726501465 + ], + [ + "▁harmonizing", + -15.092108726501465 + ], + [ + "▁inadequacies", + -15.092108726501465 + ], + [ + "▁miscalculation", + -15.092108726501465 + ], + [ + "▁misogyny", + -15.092108726501465 + ], + [ + "▁obsidian", + -15.092108726501465 + ], + [ + "▁persimmon", + -15.092108726501465 + ], + [ + "▁pumice", + -15.092108726501465 + ], + [ + "▁regurgitate", + -15.092108726501465 + ], + [ + "▁sphincter", + -15.092108726501465 + ], + [ + "▁stargazing", + -15.092108726501465 + ], + [ + "▁tiramisu", + -15.092108726501465 + ], + [ + "▁unhygienic", + -15.092108726501465 + ], + [ + "▁zovirax", + -15.092108726501465 + ], + [ + "▁Helmholtz", + -15.09210968017578 + ], + [ + "▁Lowestoft", + -15.09210968017578 + ], + [ + "▁conservancy", + -15.09210968017578 + ], + [ + "▁platitudes", + -15.09210968017578 + ], + [ + "▁vegetal", + -15.09210968017578 + ], + [ + "192.168.0.", + -15.092110633850098 + ], + [ + "▁Clymer", + -15.092110633850098 + ], + [ + "▁igneous", + -15.092110633850098 + ], + [ + "▁triptych", + -15.092110633850098 + ], + [ + "▁tulsa", + -15.092111587524414 + ], + [ + "▁Argonaut", + -15.09211254119873 + ], + [ + "▁Shabbos", + -15.09211254119873 + ], + [ + "▁TRANSMISSION", + -15.09211254119873 + ], + [ + "siloxane", + -15.092113494873049 + ], + [ + "▁Commissar", + -15.092113494873049 + ], + [ + "▁PLASTIC", + -15.092113494873049 + ], + [ + "▁panniers", + -15.092113494873049 + ], + [ + "▁Lunenburg", + -15.092114448547363 + ], + [ + "▁PREVENT", + -15.09211540222168 + ], + [ + "▁Bacillus", + -15.092116355895996 + ], + [ + "▁Taranaki", + -15.092116355895996 + ], + [ + "▁Identities", + -15.092117309570312 + ], + [ + "▁Wexler", + -15.092118263244627 + ], + [ + "▁Filament", + -15.092119216918944 + ], + [ + "▁geopolitics", + -15.092120170593262 + ], + [ + "▁misperception", + -15.092120170593262 + ], + [ + "▁Cheesy", + -15.092121124267578 + ], + [ + "▁Choctaw", + -15.092121124267578 + ], + [ + "▁scalding", + -15.092121124267578 + ], + [ + "▁earthenware", + -15.092123985290527 + ], + [ + "▁hawthorn", + -15.09212589263916 + ], + [ + "▁Coppell", + -15.092126846313477 + ], + [ + "▁Miliband", + -15.092126846313477 + ], + [ + "▁Eason", + -15.092127799987791 + ], + [ + "▁Meatballs", + -15.092127799987791 + ], + [ + "▁Vixen", + -15.092132568359377 + ], + [ + "▁Tiwari", + -15.092133522033691 + ], + [ + "▁Icarus", + -15.092135429382324 + ], + [ + "Vibe", + -15.092138290405272 + ], + [ + "▁modifiable", + -15.092138290405272 + ], + [ + "▁Doylestown", + -15.09213924407959 + ], + [ + "▁Rotarian", + -15.09213924407959 + ], + [ + "▁intercooler", + -15.09213924407959 + ], + [ + "▁rotunda", + -15.092140197753906 + ], + [ + "▁Cunard", + -15.09214210510254 + ], + [ + "▁Interracial", + -15.092144012451172 + ], + [ + "▁TWRP", + -15.092144012451172 + ], + [ + "▁Alpina", + -15.092147827148438 + ], + [ + "▁Eyeshadow", + -15.092147827148438 + ], + [ + "▁Irfan", + -15.092147827148438 + ], + [ + "▁quizzed", + -15.092147827148438 + ], + [ + "▁Rubinstein", + -15.09214973449707 + ], + [ + "▁Bearcats", + -15.092150688171388 + ], + [ + "▁Indices", + -15.092154502868652 + ], + [ + "▁jackfruit", + -15.0921630859375 + ], + [ + "▁$5,500", + -15.092166900634766 + ], + [ + "▁Seabourn", + -15.092169761657717 + ], + [ + "▁Prehistoric", + -15.092172622680664 + ], + [ + "▁Columba", + -15.09217643737793 + ], + [ + "▁Mechanicsburg", + -15.092181205749512 + ], + [ + "▁Gazelle", + -15.09218406677246 + ], + [ + "▁Sisterhood", + -15.092185020446776 + ], + [ + "▁Wyeth", + -15.092185020446776 + ], + [ + "▁Moonshine", + -15.092190742492676 + ], + [ + "▁Bahasa", + -15.092204093933104 + ], + [ + "▁Watchtower", + -15.092206001281738 + ], + [ + "-1/8\"", + -15.092209815979004 + ], + [ + "▁Berhad", + -15.09221076965332 + ], + [ + "▁Sangria", + -15.092215538024902 + ], + [ + "▁Receptor", + -15.092218399047852 + ], + [ + "▁Cooperstown", + -15.092222213745115 + ], + [ + "▁Perthshire", + -15.09222412109375 + ], + [ + "▁Jeong", + -15.0922269821167 + ], + [ + "▁Rosalie", + -15.092236518859863 + ], + [ + "▁Vichy", + -15.092239379882812 + ], + [ + "▁Chivas", + -15.092247009277344 + ], + [ + "▁Opium", + -15.092257499694824 + ], + [ + "▁litmus", + -15.092259407043455 + ], + [ + "▁MINING", + -15.092267990112305 + ], + [ + "▁pizzazz", + -15.09226894378662 + ], + [ + "▁Anushka", + -15.092281341552734 + ], + [ + "▁frugality", + -15.092283248901367 + ], + [ + "Contributor", + -15.092292785644531 + ], + [ + "▁Unseen", + -15.092303276062012 + ], + [ + "Incredibly", + -15.092314720153809 + ], + [ + "▁Rosberg", + -15.092330932617188 + ], + [ + "▁Sewage", + -15.092331886291504 + ], + [ + "Appreciate", + -15.09233856201172 + ], + [ + "Turmeric", + -15.09234619140625 + ], + [ + "discriminatory", + -15.09235668182373 + ], + [ + "▁wallcovering", + -15.09235668182373 + ], + [ + "Impression", + -15.092361450195312 + ], + [ + "Cinderella", + -15.092366218566896 + ], + [ + "Turtle", + -15.092369079589844 + ], + [ + "administrator", + -15.092369079589844 + ], + [ + "equilibrium", + -15.092369079589844 + ], + [ + "Gonzalez", + -15.09237289428711 + ], + [ + "▁Bertol", + -15.09237289428711 + ], + [ + "Rosemary", + -15.092373847961426 + ], + [ + "Restoration", + -15.092378616333008 + ], + [ + "legitimate", + -15.092379570007324 + ], + [ + "Alzheimer", + -15.092381477355955 + ], + [ + "Polyester", + -15.092381477355955 + ], + [ + "▁Dinnerware", + -15.092381477355955 + ], + [ + "Fourteen", + -15.092382431030272 + ], + [ + "8:16", + -15.09238338470459 + ], + [ + "Guidance", + -15.09238338470459 + ], + [ + "Thames", + -15.09238338470459 + ], + [ + "controversial", + -15.09238338470459 + ], + [ + "Quebec", + -15.092384338378906 + ], + [ + "▁$0.01", + -15.092384338378906 + ], + [ + "▁marinating", + -15.092384338378906 + ], + [ + "Whiplash", + -15.09238624572754 + ], + [ + "Delaware", + -15.09239387512207 + ], + [ + "Accessibility", + -15.092395782470703 + ], + [ + "Gloria", + -15.09239673614502 + ], + [ + "OECD", + -15.092409133911133 + ], + [ + "Jensen", + -15.092424392700195 + ], + [ + "▁Ensuite", + -15.092427253723145 + ], + [ + "▁Accordion", + -15.092429161071776 + ], + [ + "Courage", + -15.092439651489258 + ], + [ + "Rotary", + -15.092440605163574 + ], + [ + "▁Bhandar", + -15.092443466186523 + ], + [ + "hardened", + -15.092446327209473 + ], + [ + "▁Clarkston", + -15.092448234558104 + ], + [ + "▁mimicry", + -15.092448234558104 + ], + [ + "Pundit", + -15.092463493347168 + ], + [ + "▁expunged", + -15.092474937438965 + ], + [ + "blick", + -15.092479705810549 + ], + [ + "Console", + -15.092496871948242 + ], + [ + "▁2012/13", + -15.092501640319824 + ], + [ + "▁exonerated", + -15.092507362365724 + ], + [ + "Seventy", + -15.092510223388672 + ], + [ + "destruction", + -15.092510223388672 + ], + [ + "barrier", + -15.092520713806152 + ], + [ + "▁Unfair", + -15.092531204223633 + ], + [ + "entrance", + -15.092533111572266 + ], + [ + "Joanna", + -15.09254550933838 + ], + [ + "▁Remarketing", + -15.092556953430176 + ], + [ + "▁Teamsters", + -15.09256362915039 + ], + [ + "Serena", + -15.092564582824709 + ], + [ + "▁Millbrook", + -15.092575073242188 + ], + [ + "▁irregularity", + -15.092578887939451 + ], + [ + "Giveaway", + -15.092586517333984 + ], + [ + "▁Dhamma", + -15.0925931930542 + ], + [ + "▁mochi", + -15.09260082244873 + ], + [ + "Perez", + -15.092605590820312 + ], + [ + "▁outermost", + -15.092608451843262 + ], + [ + "▁Turnkey", + -15.092611312866213 + ], + [ + "▁recklessness", + -15.092641830444336 + ], + [ + "promotional", + -15.092652320861816 + ], + [ + "▁Radiat", + -15.092659950256348 + ], + [ + "▁Cipro", + -15.092662811279297 + ], + [ + "Petrarch", + -15.09267807006836 + ], + [ + "washington", + -15.09272003173828 + ], + [ + "▁sarah", + -15.092737197875977 + ], + [ + "▁reignited", + -15.09274196624756 + ], + [ + "▁Bansal", + -15.09275722503662 + ], + [ + "▁foment", + -15.092768669128418 + ], + [ + "▁Cameroonian", + -15.09282112121582 + ], + [ + "▁schism", + -15.09282112121582 + ], + [ + "▁Kullu", + -15.092839241027832 + ], + [ + "▁waitresses", + -15.092852592468262 + ], + [ + "▁Nuance", + -15.09286880493164 + ], + [ + "Climbing", + -15.092893600463867 + ], + [ + "Norton", + -15.0928955078125 + ], + [ + "▁Formatting", + -15.09289836883545 + ], + [ + "▁resupply", + -15.09290599822998 + ], + [ + "▁MyChart", + -15.092941284179688 + ], + [ + "Panama", + -15.092979431152344 + ], + [ + "▁reelected", + -15.092979431152344 + ], + [ + "▁tailpipe", + -15.09299087524414 + ], + [ + "▁hookah", + -15.093022346496582 + ], + [ + "Alexis", + -15.093027114868164 + ], + [ + "▁jello", + -15.093084335327148 + ], + [ + "▁freakish", + -15.09308624267578 + ], + [ + "▁birdsong", + -15.093091011047363 + ], + [ + "▁seminaries", + -15.093140602111816 + ], + [ + "▁Happ", + -15.09316062927246 + ], + [ + "electricity", + -15.093161582946776 + ], + [ + "mammary", + -15.093165397644045 + ], + [ + "2:57", + -15.093169212341309 + ], + [ + "▁sedated", + -15.093191146850586 + ], + [ + "adapted", + -15.093241691589355 + ], + [ + "▁Stackable", + -15.093241691589355 + ], + [ + "▁Parole", + -15.093274116516112 + ], + [ + "namespace", + -15.093289375305176 + ], + [ + "▁Flashpoint", + -15.093300819396973 + ], + [ + "▁fatherhood", + -15.09337329864502 + ], + [ + "1030", + -15.093379020690918 + ], + [ + "DML", + -15.093391418457031 + ], + [ + "corpora", + -15.093391418457031 + ], + [ + "▁torrid", + -15.093398094177246 + ], + [ + "Instance", + -15.0934476852417 + ], + [ + "disciplin", + -15.093463897705078 + ], + [ + "OTTO", + -15.093475341796877 + ], + [ + "▁repositioned", + -15.093509674072266 + ], + [ + "Fog", + -15.093521118164062 + ], + [ + "▁Welded", + -15.093530654907228 + ], + [ + "▁Shona", + -15.093534469604492 + ], + [ + "Translating", + -15.093578338623049 + ], + [ + "Dried", + -15.093581199645996 + ], + [ + "▁RDX", + -15.09362506866455 + ], + [ + "▁civilised", + -15.093637466430664 + ], + [ + "▁21-22", + -15.09364128112793 + ], + [ + "sadly", + -15.09365177154541 + ], + [ + "Fewer", + -15.093666076660156 + ], + [ + "▁01:3", + -15.0936861038208 + ], + [ + "Sheep", + -15.093689918518066 + ], + [ + "▁flirted", + -15.093689918518066 + ], + [ + "Movers", + -15.093716621398926 + ], + [ + "▁crocus", + -15.093731880187988 + ], + [ + "▁mobster", + -15.09375 + ], + [ + "▁Haug", + -15.093786239624023 + ], + [ + "▁Redbridge", + -15.0938138961792 + ], + [ + "descript", + -15.09381866455078 + ], + [ + "▁minerality", + -15.093826293945312 + ], + [ + "invested", + -15.09383487701416 + ], + [ + "▁Roundhouse", + -15.093852043151855 + ], + [ + "▁Damned", + -15.09389305114746 + ], + [ + "▁Altered", + -15.093899726867676 + ], + [ + "▁PRISM", + -15.09395694732666 + ], + [ + "▁Corden", + -15.093960762023926 + ], + [ + "treaters", + -15.093964576721191 + ], + [ + "▁theatrics", + -15.093964576721191 + ], + [ + "6–1", + -15.093984603881836 + ], + [ + "4:23", + -15.093987464904783 + ], + [ + "▁ESX", + -15.094002723693848 + ], + [ + "▁Squaw", + -15.094038009643556 + ], + [ + "Hypo", + -15.094056129455566 + ], + [ + "▁Hocking", + -15.094073295593262 + ], + [ + "▁Lockout", + -15.094136238098145 + ], + [ + "activist", + -15.09414768218994 + ], + [ + "URBAN", + -15.094196319580078 + ], + [ + "▁marchers", + -15.094212532043455 + ], + [ + "absorbable", + -15.094237327575684 + ], + [ + "mattress", + -15.094260215759276 + ], + [ + "raq", + -15.094350814819336 + ], + [ + "attach", + -15.094478607177734 + ], + [ + "awarded", + -15.094552993774414 + ], + [ + "DFW", + -15.09462833404541 + ], + [ + "▁____________", + -15.09464168548584 + ], + [ + "FAIR", + -15.094703674316406 + ], + [ + "▁Postcode", + -15.094718933105469 + ], + [ + "oltz", + -15.094761848449709 + ], + [ + "▁semifinalist", + -15.094779014587402 + ], + [ + "▁BOND", + -15.094794273376465 + ], + [ + "▁Ruhr", + -15.094823837280272 + ], + [ + "▁banquette", + -15.094977378845217 + ], + [ + "▁rereading", + -15.095001220703123 + ], + [ + "MAY", + -15.095195770263672 + ], + [ + "ilene", + -15.095393180847168 + ], + [ + "agonist", + -15.095413208007812 + ], + [ + "logie", + -15.095660209655762 + ], + [ + "OVEN", + -15.095677375793455 + ], + [ + "▁Futura", + -15.095779418945312 + ], + [ + "▁Fazio", + -15.09581184387207 + ], + [ + "4:05", + -15.096055030822754 + ], + [ + "aliasing", + -15.096104621887209 + ], + [ + "8:28", + -15.096172332763672 + ], + [ + "ENTER", + -15.096383094787598 + ], + [ + "Keyboard", + -15.096384048461914 + ], + [ + "9.98", + -15.096396446228027 + ], + [ + "▁boson", + -15.096436500549316 + ], + [ + "8:13", + -15.096522331237791 + ], + [ + "Sector", + -15.096582412719728 + ], + [ + "▁Seeger", + -15.09681510925293 + ], + [ + "zzini", + -15.096904754638672 + ], + [ + "blica", + -15.09697151184082 + ], + [ + "0.23", + -15.097039222717283 + ], + [ + "1916", + -15.097143173217772 + ], + [ + "▁Volker", + -15.097189903259276 + ], + [ + "▁LIU", + -15.097307205200195 + ], + [ + "▁knockoff", + -15.0973482131958 + ], + [ + "0-96", + -15.097469329833984 + ], + [ + "▁Cramp", + -15.097726821899414 + ], + [ + "Musician", + -15.09792137145996 + ], + [ + "costume", + -15.097979545593262 + ], + [ + "DOOR", + -15.098031997680664 + ], + [ + "wij", + -15.098072052001951 + ], + [ + "▁Obey", + -15.09845733642578 + ], + [ + "2:01", + -15.098672866821287 + ], + [ + "perfection", + -15.098864555358888 + ], + [ + "▁Clif", + -15.098886489868164 + ], + [ + "LEAD", + -15.098969459533691 + ], + [ + "Gamb", + -15.099005699157717 + ], + [ + "▁Drei", + -15.099103927612305 + ], + [ + "▁802.1", + -15.09920597076416 + ], + [ + "ABF", + -15.099214553833008 + ], + [ + "8.1%", + -15.099220275878906 + ], + [ + "▁Goud", + -15.09922981262207 + ], + [ + "Geographically", + -15.09924030303955 + ], + [ + "0/80", + -15.0993013381958 + ], + [ + "COLL", + -15.09933376312256 + ], + [ + "▁Chandan", + -15.099346160888672 + ], + [ + "5:16", + -15.099430084228516 + ], + [ + "▁Hoodia", + -15.09959316253662 + ], + [ + "flute", + -15.099617958068848 + ], + [ + "okka", + -15.099756240844728 + ], + [ + "ARIO", + -15.099803924560549 + ], + [ + "▁annexe", + -15.099884033203123 + ], + [ + "▁Ecclesia", + -15.099894523620604 + ], + [ + "▁extern", + -15.100079536437988 + ], + [ + "▁misbehave", + -15.100436210632324 + ], + [ + "▁$8.00", + -15.100576400756836 + ], + [ + "▁$4,500", + -15.100692749023438 + ], + [ + "curved", + -15.100757598876951 + ], + [ + "4/15", + -15.100788116455078 + ], + [ + "▁Furu", + -15.100844383239746 + ], + [ + "physio", + -15.101242065429688 + ], + [ + "Ummm", + -15.10135269165039 + ], + [ + "▁$40.00", + -15.101390838623049 + ], + [ + "hofen", + -15.10153102874756 + ], + [ + "Aspirin", + -15.101675033569336 + ], + [ + "1927", + -15.10196590423584 + ], + [ + "modest", + -15.102100372314451 + ], + [ + "▁561-", + -15.102134704589844 + ], + [ + "quisition", + -15.102144241333008 + ], + [ + "nologie", + -15.102295875549316 + ], + [ + "CONFIG", + -15.102396965026855 + ], + [ + "CFO", + -15.102574348449709 + ], + [ + "▁Chul", + -15.102603912353516 + ], + [ + "▁WARM", + -15.102812767028809 + ], + [ + "▁1784", + -15.102845191955566 + ], + [ + "ickens", + -15.102910041809082 + ], + [ + "prav", + -15.102933883666992 + ], + [ + "dawg", + -15.102961540222168 + ], + [ + "▁Neko", + -15.102980613708496 + ], + [ + "villain", + -15.102987289428713 + ], + [ + "▁underperform", + -15.103031158447266 + ], + [ + "HOOK", + -15.103157043457031 + ], + [ + "SBU", + -15.10316276550293 + ], + [ + "▁Bintan", + -15.103466033935549 + ], + [ + "▁Magdalen", + -15.103473663330078 + ], + [ + "▁Montego", + -15.103473663330078 + ], + [ + "▁RECOMMEND", + -15.10367202758789 + ], + [ + "▁schoolteacher", + -15.103679656982422 + ], + [ + "UNK", + -15.103747367858888 + ], + [ + "▁TSH", + -15.103754997253418 + ], + [ + "▁depreciate", + -15.103851318359377 + ], + [ + "▁legislate", + -15.103851318359377 + ], + [ + "ffff", + -15.103979110717772 + ], + [ + "▁piezo", + -15.104004859924316 + ], + [ + "▁Steyn", + -15.104046821594238 + ], + [ + "definite", + -15.104141235351562 + ], + [ + "1:33", + -15.104180335998535 + ], + [ + "Pear", + -15.10421371459961 + ], + [ + "OKEN", + -15.104262351989746 + ], + [ + "▁cerebro", + -15.104451179504396 + ], + [ + "DIMENSION", + -15.104454040527344 + ], + [ + "cholinergic", + -15.104454040527344 + ], + [ + "▁Aberffrwd", + -15.104454040527344 + ], + [ + "▁Armistice", + -15.104454040527344 + ], + [ + "▁Chiffon", + -15.104454040527344 + ], + [ + "▁Constituent", + -15.104454040527344 + ], + [ + "▁Dunblane", + -15.104454040527344 + ], + [ + "▁ELECTRONIC", + -15.104454040527344 + ], + [ + "▁HEAVY", + -15.104454040527344 + ], + [ + "▁INCREASE", + -15.104454040527344 + ], + [ + "▁Jaisalmer", + -15.104454040527344 + ], + [ + "▁Kincaid", + -15.104454040527344 + ], + [ + "▁Kozhikode", + -15.104454040527344 + ], + [ + "▁Kyushu", + -15.104454040527344 + ], + [ + "▁Murrieta", + -15.104454040527344 + ], + [ + "▁Okeechobee", + -15.104454040527344 + ], + [ + "▁Phenoxyethanol", + -15.104454040527344 + ], + [ + "▁Ruidoso", + -15.104454040527344 + ], + [ + "▁Sciatica", + -15.104454040527344 + ], + [ + "▁Snickers", + -15.104454040527344 + ], + [ + "▁Tiananmen", + -15.104454040527344 + ], + [ + "▁Trillium", + -15.104454040527344 + ], + [ + "▁ULTIMATE", + -15.104454040527344 + ], + [ + "▁Umatilla", + -15.104454040527344 + ], + [ + "▁Uniqlo", + -15.104454040527344 + ], + [ + "▁Valkyrie", + -15.104454040527344 + ], + [ + "▁Wozniak", + -15.104454040527344 + ], + [ + "▁conjuring", + -15.104454040527344 + ], + [ + "▁impersonator", + -15.104454040527344 + ], + [ + "▁moccasin", + -15.104454040527344 + ], + [ + "▁salvador", + -15.104454040527344 + ], + [ + "▁shrapnel", + -15.104454040527344 + ], + [ + "▁sleazy", + -15.104454040527344 + ], + [ + "▁suckling", + -15.104454040527344 + ], + [ + "▁syphilis", + -15.104454040527344 + ], + [ + "▁typhoid", + -15.104454040527344 + ], + [ + "▁unblemished", + -15.104454040527344 + ], + [ + "▁unscrambling", + -15.104454040527344 + ], + [ + "▁angiography", + -15.10445499420166 + ], + [ + "▁arrondissement", + -15.10445499420166 + ], + [ + "▁sterilise", + -15.10445499420166 + ], + [ + "▁Stipendi", + -15.104455947875977 + ], + [ + "▁subjugate", + -15.104455947875977 + ], + [ + "▁detonation", + -15.104456901550291 + ], + [ + "▁glomerul", + -15.104456901550291 + ], + [ + "▁pandering", + -15.104456901550291 + ], + [ + "▁Currencies", + -15.104458808898926 + ], + [ + "▁Matriculation", + -15.104458808898926 + ], + [ + "▁Swinton", + -15.104458808898926 + ], + [ + "▁confining", + -15.104458808898926 + ], + [ + "▁Kearns", + -15.104459762573242 + ], + [ + "▁cavalier", + -15.104459762573242 + ], + [ + "▁floodgates", + -15.104459762573242 + ], + [ + "▁Technicolor", + -15.10446071624756 + ], + [ + "Osteoarthritis", + -15.104461669921877 + ], + [ + "▁POWDER", + -15.104461669921877 + ], + [ + "ионн", + -15.104462623596191 + ], + [ + "▁Bannister", + -15.104462623596191 + ], + [ + "▁Hawkesbury", + -15.10446548461914 + ], + [ + "▁Bukhara", + -15.104466438293455 + ], + [ + "▁GRAPHICS", + -15.104466438293455 + ], + [ + "▁oolong", + -15.104466438293455 + ], + [ + "▁hyperplasia", + -15.104469299316406 + ], + [ + "▁synthroid", + -15.104469299316406 + ], + [ + "▁macroscopic", + -15.104470252990724 + ], + [ + "▁Fortinet", + -15.104472160339355 + ], + [ + "▁Lupita", + -15.104472160339355 + ], + [ + "▁agonising", + -15.104472160339355 + ], + [ + "▁Trillion", + -15.104473114013672 + ], + [ + "▁Hemlock", + -15.104474067687988 + ], + [ + "▁Imaginary", + -15.104475021362305 + ], + [ + "▁parathyroid", + -15.10447597503662 + ], + [ + "▁caesar", + -15.104476928710938 + ], + [ + "▁Plenary", + -15.10448169708252 + ], + [ + "▁Interference", + -15.104483604431152 + ], + [ + "▁Koehler", + -15.104485511779783 + ], + [ + "▁Bacardi", + -15.104486465454102 + ], + [ + "▁Maribor", + -15.104490280151367 + ], + [ + "▁bloodthirsty", + -15.104490280151367 + ], + [ + "Intrinsic", + -15.104494094848633 + ], + [ + "▁Bhutanese", + -15.104494094848633 + ], + [ + "-09-2018", + -15.10449504852295 + ], + [ + "▁Longitudinal", + -15.104496002197266 + ], + [ + "▁unsanitary", + -15.104498863220217 + ], + [ + "▁Erosion", + -15.104499816894531 + ], + [ + "▁Newburyport", + -15.104499816894531 + ], + [ + "BATHROOM", + -15.104500770568848 + ], + [ + "▁TANF", + -15.10450267791748 + ], + [ + "▁Wilshire", + -15.10450267791748 + ], + [ + "▁sinuous", + -15.104509353637695 + ], + [ + "DIRECTIONS", + -15.104512214660645 + ], + [ + "▁Duramax", + -15.104512214660645 + ], + [ + "▁Fresco", + -15.104522705078123 + ], + [ + "▁Saal", + -15.104522705078123 + ], + [ + "▁Brunello", + -15.10452365875244 + ], + [ + "▁Encino", + -15.104524612426758 + ], + [ + "▁Hussey", + -15.104528427124023 + ], + [ + "▁TONIGHT", + -15.10452938079834 + ], + [ + "/12/2018", + -15.104530334472656 + ], + [ + "▁macys", + -15.104530334472656 + ], + [ + "▁Barbershop", + -15.104544639587402 + ], + [ + "▁dwelt", + -15.10454559326172 + ], + [ + "▁gesso", + -15.104548454284668 + ], + [ + "▁Insoles", + -15.104552268981934 + ], + [ + "▁Sule", + -15.104561805725098 + ], + [ + "▁Bhatia", + -15.10456371307373 + ], + [ + "▁Sarnia", + -15.10457706451416 + ], + [ + "▁SOHO", + -15.10457992553711 + ], + [ + "▁comparator", + -15.104580879211426 + ], + [ + "▁dabbing", + -15.10458278656006 + ], + [ + "▁Tignes", + -15.104588508605955 + ], + [ + "▁Nickerson", + -15.104608535766602 + ], + [ + "▁Headlamp", + -15.10461139678955 + ], + [ + "▁CafePress", + -15.104612350463867 + ], + [ + "▁Bremer", + -15.104620933532717 + ], + [ + "▁Wolfsburg", + -15.104625701904297 + ], + [ + "schrift", + -15.10462760925293 + ], + [ + "▁Rennie", + -15.104628562927246 + ], + [ + "▁Longoria", + -15.104639053344728 + ], + [ + "flavor", + -15.104649543762209 + ], + [ + "▁prze", + -15.104676246643066 + ], + [ + "▁PowerShot", + -15.10468292236328 + ], + [ + "mitchell", + -15.104689598083496 + ], + [ + "▁Dutchess", + -15.104696273803713 + ], + [ + "▁empat", + -15.104731559753418 + ], + [ + "▁Fairmount", + -15.104758262634276 + ], + [ + "▁Lampard", + -15.104763984680176 + ], + [ + "Kiernan", + -15.10478401184082 + ], + [ + "▁Latimer", + -15.104805946350098 + ], + [ + "▁Chisel", + -15.104844093322754 + ], + [ + "▁fondest", + -15.10485553741455 + ], + [ + "Reveal", + -15.104893684387209 + ], + [ + "▁$12.00", + -15.104904174804688 + ], + [ + "ukha", + -15.104907035827637 + ], + [ + "▁wizardry", + -15.104907035827637 + ], + [ + "Cobblestone", + -15.10491943359375 + ], + [ + "▁Bhagat", + -15.104948043823242 + ], + [ + "▁Palmdale", + -15.10495948791504 + ], + [ + "Happily", + -15.104970932006836 + ], + [ + "Neighbor", + -15.104972839355469 + ], + [ + "Efforts", + -15.104979515075684 + ], + [ + "▁repelling", + -15.104981422424316 + ], + [ + "horizon", + -15.10499382019043 + ], + [ + "▁Anhui", + -15.10499382019043 + ], + [ + "Bacteria", + -15.104999542236328 + ], + [ + "praying", + -15.105003356933594 + ], + [ + "fresco", + -15.105010986328123 + ], + [ + "Internship", + -15.105021476745604 + ], + [ + "restriction", + -15.105023384094238 + ], + [ + "▁EBOOK", + -15.105024337768556 + ], + [ + "Siemens", + -15.105027198791504 + ], + [ + "hormone", + -15.105027198791504 + ], + [ + "Puzzle", + -15.10502815246582 + ], + [ + "▁Walther", + -15.10502815246582 + ], + [ + "Sophia", + -15.105029106140137 + ], + [ + "Molecular", + -15.105030059814451 + ], + [ + "Oftentimes", + -15.105031967163086 + ], + [ + "▁papier", + -15.105031967163086 + ], + [ + "Ferguson", + -15.105035781860352 + ], + [ + "acetate", + -15.105035781860352 + ], + [ + "Neighborhood", + -15.10504150390625 + ], + [ + "anniversary", + -15.10504913330078 + ], + [ + "extraordinary", + -15.10504913330078 + ], + [ + "Ernest", + -15.10505199432373 + ], + [ + "iTunes", + -15.105056762695312 + ], + [ + "▁Godaddy", + -15.105064392089844 + ], + [ + "Gardner", + -15.105072975158691 + ], + [ + "Pearson", + -15.105072975158691 + ], + [ + "▁USATF", + -15.105076789855955 + ], + [ + "▁Brockton", + -15.10509967803955 + ], + [ + "henge", + -15.105143547058104 + ], + [ + "▁hysterically", + -15.105164527893066 + ], + [ + "▁GYM", + -15.105189323425291 + ], + [ + "Solomon", + -15.105195999145508 + ], + [ + "Warehouse", + -15.10520839691162 + ], + [ + "paved", + -15.105216026306152 + ], + [ + "uzhou", + -15.105216026306152 + ], + [ + "▁appraising", + -15.105223655700684 + ], + [ + "▁Upstream", + -15.105246543884276 + ], + [ + "Tasty", + -15.105270385742188 + ], + [ + "GLO", + -15.105277061462402 + ], + [ + "kanksha", + -15.105280876159668 + ], + [ + "▁clergyman", + -15.105284690856934 + ], + [ + "LTR", + -15.105295181274414 + ], + [ + "▁Sridhar", + -15.105298042297363 + ], + [ + "puzzle", + -15.105323791503906 + ], + [ + "▁Eritrean", + -15.10533046722412 + ], + [ + "specialized", + -15.105332374572754 + ], + [ + "▁Overdrive", + -15.105342864990234 + ], + [ + "adrenal", + -15.105344772338867 + ], + [ + "ancient", + -15.105385780334473 + ], + [ + "▁Jayden", + -15.105403900146484 + ], + [ + "▁Zeitung", + -15.105422019958496 + ], + [ + "BROOK", + -15.105432510375977 + ], + [ + "▁bandsaw", + -15.10544490814209 + ], + [ + "fastest", + -15.105448722839355 + ], + [ + "1840", + -15.10546875 + ], + [ + "invention", + -15.10547924041748 + ], + [ + "yorkshire", + -15.105485916137695 + ], + [ + "▁Perera", + -15.105486869812012 + ], + [ + "▁NCIS", + -15.105487823486328 + ], + [ + "▁Outward", + -15.105501174926758 + ], + [ + "▁QSL", + -15.105531692504885 + ], + [ + "▁Costner", + -15.105539321899414 + ], + [ + "▁Bergeron", + -15.105561256408691 + ], + [ + "misappropriation", + -15.105572700500488 + ], + [ + "▁dislodged", + -15.105606079101562 + ], + [ + "▁automaton", + -15.105619430541992 + ], + [ + "▁floundering", + -15.105624198913574 + ], + [ + "Properly", + -15.105676651000977 + ], + [ + "1888", + -15.105714797973633 + ], + [ + "Inspection", + -15.105719566345217 + ], + [ + "▁Earley", + -15.105727195739746 + ], + [ + "Kristi", + -15.105743408203123 + ], + [ + "architectural", + -15.10575008392334 + ], + [ + "Johann", + -15.105770111083984 + ], + [ + "▁#26", + -15.105786323547363 + ], + [ + "LOFT", + -15.10579776763916 + ], + [ + "limitation", + -15.105828285217283 + ], + [ + "Compassion", + -15.105897903442385 + ], + [ + "WTF", + -15.1058988571167 + ], + [ + "▁16.8", + -15.105916023254396 + ], + [ + "▁Neely", + -15.10601043701172 + ], + [ + "ribbon", + -15.106017112731934 + ], + [ + "▁subbed", + -15.10611343383789 + ], + [ + "Lynch", + -15.106127738952637 + ], + [ + "▁Visor", + -15.106155395507812 + ], + [ + "▁Epping", + -15.10625171661377 + ], + [ + "▁cherishes", + -15.106285095214844 + ], + [ + "▁Lundy", + -15.106343269348145 + ], + [ + "requested", + -15.106348991394045 + ], + [ + "▁$7.50", + -15.106409072875977 + ], + [ + "Officially", + -15.106475830078123 + ], + [ + "?????????", + -15.106515884399414 + ], + [ + "▁deflecting", + -15.106523513793944 + ], + [ + "Franchise", + -15.10653018951416 + ], + [ + "▁sinning", + -15.106643676757812 + ], + [ + "downtown", + -15.10670280456543 + ], + [ + "Immuno", + -15.106707572937012 + ], + [ + "▁FEAR", + -15.106746673583984 + ], + [ + "criminalization", + -15.106781959533691 + ], + [ + "9.8%", + -15.106810569763184 + ], + [ + "▁Plesk", + -15.106879234313965 + ], + [ + "▁Sisk", + -15.106989860534668 + ], + [ + "chandra", + -15.106990814208984 + ], + [ + "▁DEALS", + -15.10707950592041 + ], + [ + "collective", + -15.107141494750977 + ], + [ + "▁Faiz", + -15.107233047485352 + ], + [ + "▁Whittle", + -15.10724925994873 + ], + [ + "▁Cowen", + -15.107352256774902 + ], + [ + "PAK", + -15.1073579788208 + ], + [ + "Tamura", + -15.107501983642578 + ], + [ + "Telescop", + -15.107523918151855 + ], + [ + "Kesler", + -15.10757064819336 + ], + [ + "9:35", + -15.107596397399902 + ], + [ + "prasad", + -15.107858657836914 + ], + [ + "awah", + -15.107894897460938 + ], + [ + "▁SRV", + -15.108036994934082 + ], + [ + "▁Merch", + -15.108229637145996 + ], + [ + "bible", + -15.108296394348145 + ], + [ + "Archer", + -15.10830783843994 + ], + [ + "▁polygraph", + -15.108373641967772 + ], + [ + "2,600", + -15.108516693115234 + ], + [ + "[00:", + -15.10851764678955 + ], + [ + "▁16:5", + -15.108587265014648 + ], + [ + "AXS", + -15.10876178741455 + ], + [ + "ATIONAL", + -15.10887050628662 + ], + [ + "▁Edina", + -15.108879089355469 + ], + [ + "Hippo", + -15.108922958374023 + ], + [ + "▁DAO", + -15.108926773071287 + ], + [ + "▁EQT", + -15.1089448928833 + ], + [ + "▁Norge", + -15.109206199645996 + ], + [ + "Silva", + -15.109268188476562 + ], + [ + "BEY", + -15.109296798706056 + ], + [ + "PBX", + -15.109357833862305 + ], + [ + "TRIC", + -15.109447479248049 + ], + [ + "▁VIVA", + -15.109458923339844 + ], + [ + "▁cancelation", + -15.109859466552734 + ], + [ + "▁thrombo", + -15.109968185424805 + ], + [ + "POLL", + -15.11001968383789 + ], + [ + "▁Nyong", + -15.110118865966797 + ], + [ + "Serbia", + -15.110156059265137 + ], + [ + "▁USCG", + -15.110190391540527 + ], + [ + "committal", + -15.110252380371094 + ], + [ + "▁Helga", + -15.110528945922852 + ], + [ + "▁£26", + -15.110532760620115 + ], + [ + "▁Plein", + -15.110647201538086 + ], + [ + "Striving", + -15.110712051391602 + ], + [ + "▁Betis", + -15.110878944396973 + ], + [ + "▁Rudra", + -15.111035346984863 + ], + [ + "fender", + -15.111211776733398 + ], + [ + "▁Macaron", + -15.11127471923828 + ], + [ + "huan", + -15.11141300201416 + ], + [ + "luit", + -15.111443519592283 + ], + [ + "gather", + -15.111488342285156 + ], + [ + "1/2′′", + -15.111861228942873 + ], + [ + "▁28-30", + -15.111976623535156 + ], + [ + "PACT", + -15.11204433441162 + ], + [ + "ASIS", + -15.11216640472412 + ], + [ + "Demetri", + -15.112242698669434 + ], + [ + "▁Unveil", + -15.112457275390623 + ], + [ + "▁Frieden", + -15.112506866455078 + ], + [ + "▁Serenade", + -15.11256217956543 + ], + [ + "GRAPHIC", + -15.11256980895996 + ], + [ + "▁Alisha", + -15.112607955932615 + ], + [ + "nthic", + -15.112977981567385 + ], + [ + "pacific", + -15.112984657287598 + ], + [ + "6:13", + -15.11306381225586 + ], + [ + "▁printmaker", + -15.113065719604492 + ], + [ + "Burst", + -15.113279342651367 + ], + [ + "▁PROMO", + -15.11344051361084 + ], + [ + "▁Etching", + -15.113470077514648 + ], + [ + "2:52", + -15.11378002166748 + ], + [ + "2:33", + -15.113804817199709 + ], + [ + "▁40-45", + -15.11384105682373 + ], + [ + "▁infringer", + -15.11384105682373 + ], + [ + "1860", + -15.11387825012207 + ], + [ + "BANK", + -15.113995552062988 + ], + [ + "▁15:2", + -15.114086151123049 + ], + [ + "rocco", + -15.114105224609377 + ], + [ + "▁OLG", + -15.114237785339355 + ], + [ + "Adapting", + -15.114344596862791 + ], + [ + "scald", + -15.114455223083496 + ], + [ + "01/01/20", + -15.114670753479004 + ], + [ + "2:32", + -15.114739418029783 + ], + [ + "ileka", + -15.114808082580566 + ], + [ + "stealer", + -15.114871978759766 + ], + [ + "4444", + -15.114931106567385 + ], + [ + "▁foci", + -15.115036010742188 + ], + [ + "▁Whisker", + -15.115163803100586 + ], + [ + "LCL", + -15.11526870727539 + ], + [ + "▁ERM", + -15.115578651428224 + ], + [ + "yasa", + -15.115707397460938 + ], + [ + "▁Rizk", + -15.11575412750244 + ], + [ + "HAIR", + -15.11586093902588 + ], + [ + "9-33", + -15.115978240966797 + ], + [ + "HealthDay", + -15.115985870361328 + ], + [ + "AUTH", + -15.115986824035645 + ], + [ + "lvarez", + -15.116047859191896 + ], + [ + "4,100", + -15.116117477416992 + ], + [ + "▁disburse", + -15.116118431091309 + ], + [ + "LDL", + -15.11615753173828 + ], + [ + "▁Neri", + -15.116198539733888 + ], + [ + "THERE", + -15.116267204284668 + ], + [ + "▁energ", + -15.116548538208008 + ], + [ + "BAY", + -15.11656665802002 + ], + [ + "▁BIB", + -15.116753578186035 + ], + [ + "▁1769", + -15.116762161254885 + ], + [ + "lymphocyte", + -15.116811752319336 + ], + [ + "▁12:10", + -15.11685276031494 + ], + [ + "▁immunosuppressi", + -15.116951942443848 + ], + [ + "Compulsory", + -15.11695384979248 + ], + [ + "Enthusiasm", + -15.11695384979248 + ], + [ + "apoptotic", + -15.11695384979248 + ], + [ + "▁800-211-2519", + -15.11695384979248 + ], + [ + "▁800-313-5780", + -15.11695384979248 + ], + [ + "▁844-244-6166", + -15.11695384979248 + ], + [ + "▁ConocoPhillips", + -15.11695384979248 + ], + [ + "▁Farnsworth", + -15.11695384979248 + ], + [ + "▁Gehry", + -15.11695384979248 + ], + [ + "▁Hashanah", + -15.11695384979248 + ], + [ + "▁Kwazulu", + -15.11695384979248 + ], + [ + "▁McNulty", + -15.11695384979248 + ], + [ + "▁Menopause", + -15.11695384979248 + ], + [ + "▁Mezzanine", + -15.11695384979248 + ], + [ + "▁Okonkwo", + -15.11695384979248 + ], + [ + "▁REQUIREMENTS", + -15.11695384979248 + ], + [ + "▁Saguaro", + -15.11695384979248 + ], + [ + "▁Sorensen", + -15.11695384979248 + ], + [ + "▁Teixeira", + -15.11695384979248 + ], + [ + "▁Travolta", + -15.11695384979248 + ], + [ + "▁Triglyceride", + -15.11695384979248 + ], + [ + "▁Triomphe", + -15.11695384979248 + ], + [ + "▁WRITING", + -15.11695384979248 + ], + [ + "▁Whitsunday", + -15.11695384979248 + ], + [ + "▁admixture", + -15.11695384979248 + ], + [ + "▁anthracite", + -15.11695384979248 + ], + [ + "▁apotheke", + -15.11695384979248 + ], + [ + "▁arthroscopy", + -15.11695384979248 + ], + [ + "▁coffered", + -15.11695384979248 + ], + [ + "▁endocrinology", + -15.11695384979248 + ], + [ + "▁evaporating", + -15.11695384979248 + ], + [ + "▁favoritism", + -15.11695384979248 + ], + [ + "▁gnarly", + -15.11695384979248 + ], + [ + "▁grungy", + -15.11695384979248 + ], + [ + "▁habanero", + -15.11695384979248 + ], + [ + "▁hyperbaric", + -15.11695384979248 + ], + [ + "▁misshapen", + -15.11695384979248 + ], + [ + "▁muriatic", + -15.11695384979248 + ], + [ + "▁omniscient", + -15.11695384979248 + ], + [ + "▁pertussis", + -15.11695384979248 + ], + [ + "▁rockabilly", + -15.11695384979248 + ], + [ + "▁securitization", + -15.11695384979248 + ], + [ + "▁synthesizing", + -15.11695384979248 + ], + [ + "▁undiluted", + -15.11695384979248 + ], + [ + "HAHAHA", + -15.116954803466797 + ], + [ + "denuclearization", + -15.116954803466797 + ], + [ + "▁Epistle", + -15.116954803466797 + ], + [ + "▁Gadsden", + -15.116954803466797 + ], + [ + "▁Mizzou", + -15.116954803466797 + ], + [ + "▁Sociedad", + -15.116954803466797 + ], + [ + "▁seafaring", + -15.116954803466797 + ], + [ + "▁Aramaic", + -15.116955757141112 + ], + [ + "▁Takahashi", + -15.116955757141112 + ], + [ + "▁berserk", + -15.116955757141112 + ], + [ + "▁sprue", + -15.116955757141112 + ], + [ + "▁walrus", + -15.116955757141112 + ], + [ + "▁Billerica", + -15.11695671081543 + ], + [ + "▁amicably", + -15.11695671081543 + ], + [ + "▁pyrolysis", + -15.11695671081543 + ], + [ + "▁Havasu", + -15.116958618164062 + ], + [ + "▁EVERYWHERE", + -15.11695957183838 + ], + [ + "▁Izmir", + -15.11695957183838 + ], + [ + "▁Mahmood", + -15.11695957183838 + ], + [ + "▁Bahadur", + -15.116960525512695 + ], + [ + "▁Diagonal", + -15.116960525512695 + ], + [ + "▁TRADING", + -15.116960525512695 + ], + [ + "▁gouging", + -15.116960525512695 + ], + [ + "▁relent", + -15.116960525512695 + ], + [ + "▁Sagrada", + -15.116961479187012 + ], + [ + "▁Benelux", + -15.116962432861328 + ], + [ + "▁Expedited", + -15.11696434020996 + ], + [ + "▁Ferrara", + -15.11696434020996 + ], + [ + "▁Klimt", + -15.116965293884276 + ], + [ + "▁Moschino", + -15.116965293884276 + ], + [ + "▁Sigmund", + -15.116965293884276 + ], + [ + "▁disciplining", + -15.116965293884276 + ], + [ + "▁inundation", + -15.116965293884276 + ], + [ + "▁Stanislav", + -15.116966247558594 + ], + [ + "▁mercies", + -15.116966247558594 + ], + [ + "▁Carcass", + -15.11697006225586 + ], + [ + "▁spilt", + -15.116971015930176 + ], + [ + "▁Heaney", + -15.116971969604492 + ], + [ + "▁psychoanalysis", + -15.116971969604492 + ], + [ + "▁Sojourn", + -15.116972923278809 + ], + [ + "▁£300,000", + -15.116972923278809 + ], + [ + "▁configurator", + -15.116975784301758 + ], + [ + "brenner", + -15.11697769165039 + ], + [ + "▁Glimmer", + -15.11697769165039 + ], + [ + "▁Futurama", + -15.116986274719238 + ], + [ + "▁19:4", + -15.116988182067873 + ], + [ + "▁lanky", + -15.116992950439451 + ], + [ + "▁Alegre", + -15.116994857788086 + ], + [ + "▁(1961)", + -15.116997718811035 + ], + [ + "▁biofeedback", + -15.116998672485352 + ], + [ + "▁Nadella", + -15.1170015335083 + ], + [ + "▁transfixed", + -15.117010116577148 + ], + [ + "▁Browder", + -15.117011070251465 + ], + [ + "▁Aerosmith", + -15.11701488494873 + ], + [ + "▁(703)", + -15.117016792297363 + ], + [ + "NKJV", + -15.117018699645996 + ], + [ + "▁pronouncing", + -15.117020606994627 + ], + [ + "▁siesta", + -15.117020606994627 + ], + [ + "▁rencontre", + -15.11703109741211 + ], + [ + "▁Swimwear", + -15.117034912109377 + ], + [ + "▁fistula", + -15.117035865783691 + ], + [ + "▁Eyelash", + -15.117039680480955 + ], + [ + "▁nipping", + -15.117039680480955 + ], + [ + "▁Mizuno", + -15.117048263549805 + ], + [ + "▁Fuchsia", + -15.117053031921388 + ], + [ + "▁Woodbine", + -15.117053031921388 + ], + [ + "▁Sidhu", + -15.117055892944336 + ], + [ + "▁demure", + -15.117059707641602 + ], + [ + "▁Musique", + -15.117067337036133 + ], + [ + "▁tenancies", + -15.117067337036133 + ], + [ + "▁Retrograde", + -15.117072105407717 + ], + [ + "▁politicized", + -15.117074012756348 + ], + [ + "▁Gurney", + -15.11707878112793 + ], + [ + "▁Mohali", + -15.117080688476562 + ], + [ + "▁Omron", + -15.117080688476562 + ], + [ + "▁Stalker", + -15.117082595825195 + ], + [ + "▁paddies", + -15.117082595825195 + ], + [ + "▁Rainfall", + -15.117084503173828 + ], + [ + "▁Shriver", + -15.117093086242676 + ], + [ + "▁incitement", + -15.117101669311523 + ], + [ + "▁Proust", + -15.117104530334473 + ], + [ + "▁elderflower", + -15.117106437683104 + ], + [ + "▁dripped", + -15.117107391357422 + ], + [ + "▁engrained", + -15.117108345031738 + ], + [ + "▁Breakaway", + -15.117114067077637 + ], + [ + "▁$14.95", + -15.117122650146484 + ], + [ + "▁Lismore", + -15.117125511169434 + ], + [ + "▁dublin", + -15.117125511169434 + ], + [ + "▁Henkel", + -15.1171293258667 + ], + [ + "▁Plexus", + -15.117138862609863 + ], + [ + "▁Assistive", + -15.117143630981444 + ], + [ + "▁Finchley", + -15.117161750793455 + ], + [ + "▁horsemanship", + -15.117168426513672 + ], + [ + "▁Qasim", + -15.117178916931152 + ], + [ + "▁Juanita", + -15.117179870605469 + ], + [ + "▁Beltran", + -15.117181777954102 + ], + [ + "▁Seventies", + -15.117182731628418 + ], + [ + "▁Domenico", + -15.117185592651367 + ], + [ + "▁bioscience", + -15.117198944091797 + ], + [ + "▁Bodyguard", + -15.117199897766112 + ], + [ + "▁Rosslyn", + -15.117201805114746 + ], + [ + "▁disenchanted", + -15.117206573486328 + ], + [ + "▁marginalization", + -15.117229461669922 + ], + [ + "▁rhythmically", + -15.117241859436035 + ], + [ + "▁JoJo", + -15.117250442504885 + ], + [ + "▁Warlord", + -15.117262840270996 + ], + [ + "▁proportionality", + -15.117271423339844 + ], + [ + "▁BOGO", + -15.11730670928955 + ], + [ + "▁Asimov", + -15.117315292358398 + ], + [ + "NCING", + -15.117327690124512 + ], + [ + "▁GREY", + -15.11733627319336 + ], + [ + "▁Shariah", + -15.117342948913574 + ], + [ + "▁surrealism", + -15.117344856262209 + ], + [ + "illiard", + -15.117351531982422 + ], + [ + "▁ProQuest", + -15.117356300354004 + ], + [ + "▁Seashore", + -15.117362022399902 + ], + [ + "fangled", + -15.117401123046877 + ], + [ + "▁DUAL", + -15.117436408996582 + ], + [ + "▁888-29", + -15.117446899414062 + ], + [ + "1.23", + -15.11746883392334 + ], + [ + "AUGHT", + -15.117487907409668 + ], + [ + "transcontinental", + -15.117487907409668 + ], + [ + "Confession", + -15.117497444152832 + ], + [ + "▁hummer", + -15.11751651763916 + ], + [ + "▁coinsurance", + -15.117560386657717 + ], + [ + "▁Armies", + -15.117561340332031 + ], + [ + "▁gnawing", + -15.117568969726562 + ], + [ + "jord", + -15.117608070373535 + ], + [ + "▁Arakan", + -15.117613792419434 + ], + [ + "Abram", + -15.117653846740724 + ], + [ + "AMZN", + -15.117687225341797 + ], + [ + "Beatriz", + -15.117694854736328 + ], + [ + "▁orginal", + -15.117713928222656 + ], + [ + "▁Canteen", + -15.117720603942873 + ], + [ + "karna", + -15.117738723754885 + ], + [ + "▁Betway", + -15.117740631103516 + ], + [ + "▁staunchly", + -15.117801666259766 + ], + [ + "Caffeine", + -15.117802619934082 + ], + [ + "Dessert", + -15.117806434631348 + ], + [ + "▁Standish", + -15.11780834197998 + ], + [ + "Confidence", + -15.117839813232422 + ], + [ + "Expansion", + -15.117840766906738 + ], + [ + "occurrence", + -15.117846488952637 + ], + [ + "junior", + -15.117852210998535 + ], + [ + "Autism", + -15.117853164672852 + ], + [ + "Lambert", + -15.11785888671875 + ], + [ + "Suzuki", + -15.117860794067385 + ], + [ + "celebrity", + -15.1178617477417 + ], + [ + "paradise", + -15.1178617477417 + ], + [ + "Alexandra", + -15.117865562438965 + ], + [ + "Cellular", + -15.11786651611328 + ], + [ + "Gazette", + -15.11786651611328 + ], + [ + "Legendary", + -15.117875099182127 + ], + [ + "Attendance", + -15.117883682250977 + ], + [ + "▁Sadness", + -15.117883682250977 + ], + [ + "Tunnel", + -15.117884635925291 + ], + [ + "▁plundered", + -15.11788558959961 + ], + [ + "▁Mears", + -15.117895126342772 + ], + [ + "Tension", + -15.117910385131836 + ], + [ + "▁Hoskins", + -15.117911338806152 + ], + [ + "depression", + -15.117968559265137 + ], + [ + "excuse", + -15.117968559265137 + ], + [ + "premier", + -15.11798095703125 + ], + [ + "▁murmured", + -15.117986679077148 + ], + [ + "NOAA", + -15.117996215820312 + ], + [ + "Witnesses", + -15.117999076843262 + ], + [ + "PWR", + -15.118000984191896 + ], + [ + "▁codenamed", + -15.118061065673828 + ], + [ + "▁creaking", + -15.118099212646484 + ], + [ + "▁Sunita", + -15.118108749389648 + ], + [ + "playground", + -15.118122100830078 + ], + [ + "Scanner", + -15.118130683898926 + ], + [ + "▁deadpan", + -15.11815071105957 + ], + [ + "uvet", + -15.118163108825684 + ], + [ + "▁siloed", + -15.11818790435791 + ], + [ + "Modified", + -15.11820125579834 + ], + [ + "▁distiller", + -15.118206977844238 + ], + [ + "▁$99.99", + -15.118234634399414 + ], + [ + "▁21-23", + -15.118239402770996 + ], + [ + "▁Collinsville", + -15.118242263793944 + ], + [ + "▁Diddy", + -15.118298530578612 + ], + [ + "▁144,000", + -15.11832332611084 + ], + [ + "PMT", + -15.11834716796875 + ], + [ + "Hairspray", + -15.11835479736328 + ], + [ + "Starring", + -15.118390083312988 + ], + [ + "karcher", + -15.11839199066162 + ], + [ + "platter", + -15.118419647216797 + ], + [ + "▁Degas", + -15.118452072143556 + ], + [ + "▁SFU", + -15.118489265441896 + ], + [ + "▁Negan", + -15.118505477905272 + ], + [ + "Pixar", + -15.118515968322754 + ], + [ + "▁shrieking", + -15.118521690368652 + ], + [ + "▁Lapid", + -15.11852741241455 + ], + [ + "▁jiggle", + -15.1185302734375 + ], + [ + "▁Winehouse", + -15.118599891662598 + ], + [ + "▁equalised", + -15.11865520477295 + ], + [ + "▁02:2", + -15.118669509887695 + ], + [ + "Composition", + -15.11868953704834 + ], + [ + "Matches", + -15.118744850158691 + ], + [ + "▁Foodbank", + -15.118769645690918 + ], + [ + "notification", + -15.118776321411133 + ], + [ + "Carmen", + -15.118804931640623 + ], + [ + "▁Glazer", + -15.11882781982422 + ], + [ + "▁nestling", + -15.118864059448242 + ], + [ + "▁Kamer", + -15.118878364562988 + ], + [ + "▁teardown", + -15.118988037109377 + ], + [ + "▁STATEMENT", + -15.118996620178224 + ], + [ + "5:32", + -15.119070053100586 + ], + [ + "SCOPE", + -15.119085311889648 + ], + [ + "▁waterslide", + -15.11909294128418 + ], + [ + "▁$195", + -15.119107246398926 + ], + [ + "▁metalworking", + -15.119214057922363 + ], + [ + "Nutritional", + -15.11927890777588 + ], + [ + "▁Salvadoran", + -15.119468688964844 + ], + [ + "PRB", + -15.119513511657717 + ], + [ + "diario", + -15.119587898254396 + ], + [ + "LUMIN", + -15.119619369506836 + ], + [ + "geoscience", + -15.1196870803833 + ], + [ + "▁Mahara", + -15.119722366333008 + ], + [ + "etsky", + -15.119755744934082 + ], + [ + "Pune", + -15.119756698608398 + ], + [ + "▁NVQ", + -15.119768142700195 + ], + [ + "▁Spree", + -15.11981964111328 + ], + [ + "▁musing", + -15.11989402770996 + ], + [ + "HOPE", + -15.119958877563477 + ], + [ + "▁Lawrie", + -15.119977951049805 + ], + [ + "braid", + -15.12001609802246 + ], + [ + "▁Lancia", + -15.120134353637695 + ], + [ + "=0.00", + -15.120266914367676 + ], + [ + "▁Comprise", + -15.120416641235352 + ], + [ + "Soothe", + -15.120498657226562 + ], + [ + "▁Enhancer", + -15.120570182800291 + ], + [ + "mutual", + -15.120771408081056 + ], + [ + "▁Kristoff", + -15.120827674865724 + ], + [ + "RRT", + -15.120879173278809 + ], + [ + "▁PAIR", + -15.120898246765137 + ], + [ + "▁logotype", + -15.12096881866455 + ], + [ + "▁consul", + -15.12114143371582 + ], + [ + "▁Caribe", + -15.121253967285156 + ], + [ + "CHT", + -15.1212739944458 + ], + [ + "▁stabiliser", + -15.12132453918457 + ], + [ + "karma", + -15.121509552001951 + ], + [ + "9:13", + -15.121511459350586 + ], + [ + "priya", + -15.121642112731934 + ], + [ + "▁modder", + -15.121710777282717 + ], + [ + "BAH", + -15.121726989746094 + ], + [ + "warden", + -15.121968269348145 + ], + [ + "2:39", + -15.122017860412598 + ], + [ + "1925", + -15.122124671936035 + ], + [ + "▁Lennar", + -15.122135162353516 + ], + [ + "▁Juju", + -15.122175216674805 + ], + [ + "2:38", + -15.12217903137207 + ], + [ + "cannon", + -15.122373580932615 + ], + [ + "URY", + -15.122476577758787 + ], + [ + "▁Limburg", + -15.122514724731444 + ], + [ + "deaf", + -15.12259292602539 + ], + [ + "▁Juba", + -15.122644424438477 + ], + [ + "22-0", + -15.122653007507324 + ], + [ + "▁Rediscover", + -15.12279987335205 + ], + [ + "verein", + -15.122888565063477 + ], + [ + "▁TSG", + -15.123021125793455 + ], + [ + "REVIEW", + -15.123271942138672 + ], + [ + "curse", + -15.123332023620604 + ], + [ + "21-24", + -15.123418807983398 + ], + [ + "2.05", + -15.12350368499756 + ], + [ + "▁Bucc", + -15.123634338378906 + ], + [ + "▁Alhaj", + -15.123804092407228 + ], + [ + "9.30", + -15.123879432678224 + ], + [ + "0991", + -15.123900413513184 + ], + [ + "afra", + -15.12392807006836 + ], + [ + "▁Klub", + -15.124155044555664 + ], + [ + "▁Keira", + -15.12416934967041 + ], + [ + "▁Kelp", + -15.124177932739258 + ], + [ + "struc", + -15.124343872070312 + ], + [ + "▁SADC", + -15.124369621276855 + ], + [ + "▁PTR", + -15.12438678741455 + ], + [ + "▁Madhav", + -15.124438285827637 + ], + [ + "1040", + -15.12456512451172 + ], + [ + "emeber", + -15.124642372131348 + ], + [ + "▁hypertext", + -15.12473487854004 + ], + [ + "afir", + -15.124874114990234 + ], + [ + "00.000", + -15.124879837036133 + ], + [ + "▁Croke", + -15.12492561340332 + ], + [ + "▁Zafar", + -15.12512493133545 + ], + [ + "0:10", + -15.125371932983398 + ], + [ + "▁Fujian", + -15.12539291381836 + ], + [ + "1394", + -15.125596046447754 + ], + [ + "aggregate", + -15.125781059265137 + ], + [ + "▁Rood", + -15.125868797302246 + ], + [ + "Logix", + -15.125900268554688 + ], + [ + "500/-", + -15.125978469848633 + ], + [ + "▁commandeer", + -15.126129150390623 + ], + [ + "Lapse", + -15.126157760620115 + ], + [ + "aaaaaaaa", + -15.12625217437744 + ], + [ + "▁diferent", + -15.126422882080078 + ], + [ + "▁Teil", + -15.126457214355469 + ], + [ + "▁Magni", + -15.126672744750977 + ], + [ + "▁necess", + -15.126715660095217 + ], + [ + "▁Strider", + -15.126940727233888 + ], + [ + "SIGHT", + -15.12695026397705 + ], + [ + ".07.201", + -15.127079963684082 + ], + [ + "Splitting", + -15.127310752868652 + ], + [ + "▁07:00", + -15.127534866333008 + ], + [ + "▁ritualistic", + -15.127598762512209 + ], + [ + "▁MKT", + -15.127650260925291 + ], + [ + "▁Odu", + -15.127740859985352 + ], + [ + "Initialize", + -15.127800941467283 + ], + [ + "Denomina", + -15.127967834472656 + ], + [ + "44-4", + -15.128009796142578 + ], + [ + "▁45-60", + -15.1280517578125 + ], + [ + "MUL", + -15.12835693359375 + ], + [ + "▁Schulte", + -15.128409385681152 + ], + [ + "▁CELEBR", + -15.128538131713867 + ], + [ + "1.68", + -15.128665924072266 + ], + [ + "carlo", + -15.128765106201172 + ], + [ + "▁£800", + -15.128896713256836 + ], + [ + "▁eavesdrop", + -15.128904342651367 + ], + [ + "uritan", + -15.128968238830566 + ], + [ + "ortho", + -15.129055976867676 + ], + [ + "▁Revell", + -15.129264831542969 + ], + [ + "▁pandan", + -15.129281997680664 + ], + [ + "▁vicarious", + -15.12937831878662 + ], + [ + "▁15:4", + -15.12944507598877 + ], + [ + "Yama", + -15.129450798034668 + ], + [ + "1893", + -15.129487991333008 + ], + [ + "▁cephal", + -15.129584312438965 + ], + [ + "ASUS", + -15.12959098815918 + ], + [ + "millimetre", + -15.129599571228027 + ], + [ + "Procedural", + -15.12961196899414 + ], + [ + "▁Birkenstock", + -15.12961196899414 + ], + [ + "▁Bulawayo", + -15.12961196899414 + ], + [ + "▁Cappuccino", + -15.12961196899414 + ], + [ + "▁Dunbartonshire", + -15.12961196899414 + ], + [ + "▁Elektra", + -15.12961196899414 + ], + [ + "▁Esmeralda", + -15.12961196899414 + ], + [ + "▁Fabregas", + -15.12961196899414 + ], + [ + "▁Giordano", + -15.12961196899414 + ], + [ + "▁Klondike", + -15.12961196899414 + ], + [ + "▁Langkawi", + -15.12961196899414 + ], + [ + "▁McFarlane", + -15.12961196899414 + ], + [ + "▁Montepulciano", + -15.12961196899414 + ], + [ + "▁Pimlico", + -15.12961196899414 + ], + [ + "▁Ristorante", + -15.12961196899414 + ], + [ + "▁Suboxone", + -15.12961196899414 + ], + [ + "▁Terracotta", + -15.12961196899414 + ], + [ + "▁Wraith", + -15.12961196899414 + ], + [ + "▁chihuahua", + -15.12961196899414 + ], + [ + "▁chromosomal", + -15.12961196899414 + ], + [ + "▁confederation", + -15.12961196899414 + ], + [ + "▁degreaser", + -15.12961196899414 + ], + [ + "▁disobedient", + -15.12961196899414 + ], + [ + "▁erudite", + -15.12961196899414 + ], + [ + "▁flurries", + -15.12961196899414 + ], + [ + "▁garbanzo", + -15.12961196899414 + ], + [ + "▁gargoyle", + -15.12961196899414 + ], + [ + "▁hydrolyzed", + -15.12961196899414 + ], + [ + "▁hyundai", + -15.12961196899414 + ], + [ + "▁interleukin", + -15.12961196899414 + ], + [ + "▁jostling", + -15.12961196899414 + ], + [ + "▁kinesiology", + -15.12961196899414 + ], + [ + "▁lewisham", + -15.12961196899414 + ], + [ + "▁paralysed", + -15.12961196899414 + ], + [ + "▁polythene", + -15.12961196899414 + ], + [ + "▁purgatory", + -15.12961196899414 + ], + [ + "▁unconscionable", + -15.12961196899414 + ], + [ + "▁unimpeded", + -15.12961196899414 + ], + [ + "▁unkempt", + -15.12961196899414 + ], + [ + "▁unquestioned", + -15.12961196899414 + ], + [ + "Annihilation", + -15.129612922668455 + ], + [ + "Intriguing", + -15.129612922668455 + ], + [ + "Necessity", + -15.129612922668455 + ], + [ + "▁Aishwarya", + -15.129612922668455 + ], + [ + "▁Feminism", + -15.129612922668455 + ], + [ + "▁Fonseca", + -15.129612922668455 + ], + [ + "▁HSDPA", + -15.129612922668455 + ], + [ + "▁Interlaken", + -15.129612922668455 + ], + [ + "▁Thrasher", + -15.129612922668455 + ], + [ + "▁Treasuries", + -15.129612922668455 + ], + [ + "▁WEDDING", + -15.129612922668455 + ], + [ + "▁angioplasty", + -15.129612922668455 + ], + [ + "▁endocrinologist", + -15.129612922668455 + ], + [ + "▁gTLD", + -15.129612922668455 + ], + [ + "▁gynecomastia", + -15.129612922668455 + ], + [ + "▁heretofore", + -15.129612922668455 + ], + [ + "▁operetta", + -15.129612922668455 + ], + [ + "▁oxazepam", + -15.129612922668455 + ], + [ + "▁suffocation", + -15.129612922668455 + ], + [ + "Affordability", + -15.129613876342772 + ], + [ + "▁Balearic", + -15.129613876342772 + ], + [ + "▁Crichton", + -15.129613876342772 + ], + [ + "▁Teriyaki", + -15.129613876342772 + ], + [ + "▁raffia", + -15.129613876342772 + ], + [ + "▁reawaken", + -15.129613876342772 + ], + [ + "Reputable", + -15.12961483001709 + ], + [ + "▁knoll", + -15.12961483001709 + ], + [ + "▁Bourdain", + -15.129615783691406 + ], + [ + "▁Stratocaster", + -15.129615783691406 + ], + [ + "▁mutilated", + -15.129615783691406 + ], + [ + "▁24*7", + -15.129616737365724 + ], + [ + "▁Giacomo", + -15.129616737365724 + ], + [ + "▁cordoned", + -15.129616737365724 + ], + [ + "▁OUTDOOR", + -15.12961769104004 + ], + [ + "▁TRICARE", + -15.129618644714355 + ], + [ + "▁Impaired", + -15.129619598388672 + ], + [ + "▁Kravitz", + -15.129619598388672 + ], + [ + "▁ADVANCED", + -15.129620552062988 + ], + [ + "▁Chickpea", + -15.129621505737305 + ], + [ + "▁telugu", + -15.129621505737305 + ], + [ + "▁lignin", + -15.12962245941162 + ], + [ + "▁telephonic", + -15.12962245941162 + ], + [ + "▁incognito", + -15.129624366760254 + ], + [ + "▁parasailing", + -15.129624366760254 + ], + [ + "Gastrointestinal", + -15.12962532043457 + ], + [ + "▁stereoscopic", + -15.12962818145752 + ], + [ + "▁supposition", + -15.12962818145752 + ], + [ + "▁infamy", + -15.129631042480469 + ], + [ + "▁Vicksburg", + -15.129631996154783 + ], + [ + "▁clamshell", + -15.12963581085205 + ], + [ + "▁heparin", + -15.129636764526367 + ], + [ + "▁Dzong", + -15.129637718200684 + ], + [ + "▁Fidget", + -15.129637718200684 + ], + [ + "▁corollary", + -15.129639625549316 + ], + [ + "▁marbling", + -15.129639625549316 + ], + [ + "▁Kinross", + -15.12964153289795 + ], + [ + "▁Carolinian", + -15.129644393920898 + ], + [ + "▁cctv", + -15.12964916229248 + ], + [ + "▁Optimism", + -15.129653930664062 + ], + [ + "▁Peony", + -15.129656791687012 + ], + [ + "▁Potluck", + -15.129656791687012 + ], + [ + "▁bubblegum", + -15.129657745361328 + ], + [ + "▁Spezia", + -15.129667282104492 + ], + [ + "▁WILEY", + -15.129676818847656 + ], + [ + "▁Sartre", + -15.129679679870604 + ], + [ + "▁SDRAM", + -15.129680633544922 + ], + [ + "▁abalone", + -15.129683494567873 + ], + [ + "utha", + -15.129687309265137 + ], + [ + "▁Garvey", + -15.129688262939451 + ], + [ + "▁Lindbergh", + -15.129688262939451 + ], + [ + "▁Tagore", + -15.12968921661377 + ], + [ + "▁EXIF", + -15.129690170288086 + ], + [ + "▁Cipher", + -15.12969207763672 + ], + [ + "▁Lancome", + -15.1296968460083 + ], + [ + "▁Velux", + -15.1296968460083 + ], + [ + "▁chloroplast", + -15.129698753356934 + ], + [ + "▁jerry", + -15.1297025680542 + ], + [ + "▁Rosenstein", + -15.129709243774414 + ], + [ + "▁malady", + -15.129712104797363 + ], + [ + "▁Equalizer", + -15.12971305847168 + ], + [ + "▁Rubbed", + -15.129714012145996 + ], + [ + "▁headwaters", + -15.129714965820312 + ], + [ + "▁Trulia", + -15.129717826843262 + ], + [ + "▁Galore", + -15.12972927093506 + ], + [ + "▁revoking", + -15.129738807678224 + ], + [ + "▁Clipping", + -15.12976360321045 + ], + [ + "▁Nitric", + -15.129770278930664 + ], + [ + "▁VRBO", + -15.129773139953612 + ], + [ + "▁microRNA", + -15.129776000976562 + ], + [ + "▁Grainger", + -15.129779815673828 + ], + [ + "▁Turkmen", + -15.129788398742676 + ], + [ + "scotland", + -15.129803657531738 + ], + [ + "▁praiseworthy", + -15.129803657531738 + ], + [ + "▁Burgos", + -15.129806518554688 + ], + [ + "▁Pilsen", + -15.129806518554688 + ], + [ + "▁microglia", + -15.129806518554688 + ], + [ + "▁Reggio", + -15.12981128692627 + ], + [ + "▁Exmouth", + -15.129815101623535 + ], + [ + "▁$59.99", + -15.1298246383667 + ], + [ + "▁THREAD", + -15.129853248596191 + ], + [ + "▁Ponies", + -15.129865646362305 + ], + [ + "▁ghouls", + -15.129865646362305 + ], + [ + "▁Romanticism", + -15.129899978637695 + ], + [ + "▁Andalusian", + -15.129907608032228 + ], + [ + "▁ylang", + -15.12991428375244 + ], + [ + "▁terpenes", + -15.129919052124023 + ], + [ + "▁ewes", + -15.129927635192873 + ], + [ + "▁eyewitnesses", + -15.129934310913086 + ], + [ + "▁DiSC", + -15.129937171936035 + ], + [ + "▁droopy", + -15.129940032958984 + ], + [ + "▁Crackdown", + -15.129969596862791 + ], + [ + "▁Marple", + -15.129998207092283 + ], + [ + "▁JUMP", + -15.130011558532717 + ], + [ + "▁inferiority", + -15.13001537322998 + ], + [ + "6.35", + -15.130075454711914 + ], + [ + "▁Portico", + -15.130081176757812 + ], + [ + "▁Lurie", + -15.130082130432127 + ], + [ + "▁flirtation", + -15.130109786987305 + ], + [ + "▁brandishing", + -15.130118370056152 + ], + [ + "▁crouched", + -15.130123138427734 + ], + [ + "▁Blondie", + -15.13012409210205 + ], + [ + "▁Staley", + -15.13014030456543 + ], + [ + "▁Hanford", + -15.130181312561035 + ], + [ + "ectomies", + -15.130196571350098 + ], + [ + "▁Dinah", + -15.130242347717283 + ], + [ + "RADA", + -15.130261421203612 + ], + [ + "▁27-28", + -15.130329132080078 + ], + [ + "▁Underwear", + -15.130337715148926 + ], + [ + "▁Kimchi", + -15.130352973937988 + ], + [ + "5:11", + -15.130355834960938 + ], + [ + "▁noncompliance", + -15.130411148071287 + ], + [ + "▁satiated", + -15.13042449951172 + ], + [ + "▁lutein", + -15.130427360534668 + ], + [ + "▁sappy", + -15.130453109741213 + ], + [ + "▁trashcan", + -15.130481719970703 + ], + [ + "▁delimited", + -15.130494117736816 + ], + [ + "▁transposed", + -15.130502700805664 + ], + [ + "▁Mariota", + -15.130545616149902 + ], + [ + "▁Ariane", + -15.13056468963623 + ], + [ + "competent", + -15.130606651306152 + ], + [ + "▁bionic", + -15.13064670562744 + ], + [ + "▁moisturised", + -15.130671501159668 + ], + [ + "▁invertebrate", + -15.130776405334473 + ], + [ + "declared", + -15.13079071044922 + ], + [ + "▁sardine", + -15.13079833984375 + ], + [ + "Primarily", + -15.130800247192385 + ], + [ + "LONDON", + -15.130817413330078 + ], + [ + "carbohydrate", + -15.130819320678713 + ], + [ + "Excited", + -15.13082218170166 + ], + [ + "illustrator", + -15.13082504272461 + ], + [ + "▁Starcraft", + -15.130828857421877 + ], + [ + "Avatar", + -15.130830764770508 + ], + [ + "wrapping", + -15.130831718444824 + ], + [ + "Overseas", + -15.13083553314209 + ], + [ + "territorial", + -15.130837440490724 + ], + [ + "Hydraulic", + -15.13083839416504 + ], + [ + "celebration", + -15.13083839416504 + ], + [ + "Strategies", + -15.130841255187988 + ], + [ + "Florist", + -15.130845069885254 + ], + [ + "Lebanon", + -15.13084602355957 + ], + [ + "▁musky", + -15.130847930908203 + ], + [ + "Jerusalem", + -15.13084888458252 + ], + [ + "Sanchez", + -15.130850791931152 + ], + [ + "Toilet", + -15.130852699279783 + ], + [ + "nucleotide", + -15.130857467651367 + ], + [ + "Precious", + -15.130866050720217 + ], + [ + "Gauge", + -15.130868911743164 + ], + [ + "Jelly", + -15.130871772766112 + ], + [ + "▁Libertyville", + -15.130871772766112 + ], + [ + "Wayfair", + -15.130874633789062 + ], + [ + "flexibility", + -15.130877494812012 + ], + [ + "▁squinting", + -15.13088321685791 + ], + [ + "Population", + -15.13088607788086 + ], + [ + "Queue", + -15.130892753601074 + ], + [ + "▁posited", + -15.130898475646973 + ], + [ + "USCIS", + -15.130914688110352 + ], + [ + "▁Verity", + -15.13092803955078 + ], + [ + "▁Deccan", + -15.130945205688477 + ], + [ + "▁brussel", + -15.13095474243164 + ], + [ + "▁spillover", + -15.1309814453125 + ], + [ + "Widget", + -15.130987167358398 + ], + [ + "clearance", + -15.130996704101562 + ], + [ + "▁Cinder", + -15.131021499633787 + ], + [ + "Inspirational", + -15.131023406982422 + ], + [ + "precise", + -15.131024360656738 + ], + [ + "cartoon", + -15.131058692932127 + ], + [ + "BLUE", + -15.131096839904783 + ], + [ + "▁McFa", + -15.131114959716797 + ], + [ + "01:00", + -15.13114070892334 + ], + [ + "Marilyn", + -15.131155014038086 + ], + [ + "▁blushes", + -15.131173133850098 + ], + [ + "6.30", + -15.131187438964844 + ], + [ + "▁revue", + -15.131239891052246 + ], + [ + "publicized", + -15.131277084350586 + ], + [ + "Springfield", + -15.13129997253418 + ], + [ + "Wife", + -15.131315231323242 + ], + [ + "Alpes", + -15.131322860717772 + ], + [ + "Strictly", + -15.131365776062012 + ], + [ + "3900", + -15.13137435913086 + ], + [ + "fingerprint", + -15.131414413452148 + ], + [ + "Pedic", + -15.13143253326416 + ], + [ + "Captcha", + -15.131449699401855 + ], + [ + "grep", + -15.131494522094728 + ], + [ + "MISC", + -15.131500244140623 + ], + [ + "▁inducement", + -15.131516456604004 + ], + [ + "▁Pré", + -15.13152027130127 + ], + [ + "▁Sandhill", + -15.131587982177734 + ], + [ + "▁Flew", + -15.131591796875 + ], + [ + "▁Nutter", + -15.131673812866213 + ], + [ + "7:21", + -15.131780624389648 + ], + [ + "▁Wishlist", + -15.131808280944824 + ], + [ + "▁Corbi", + -15.131905555725098 + ], + [ + "Disseminat", + -15.131975173950195 + ], + [ + "▁gastroenterolog", + -15.131982803344728 + ], + [ + "Composer", + -15.132002830505373 + ], + [ + "Marketers", + -15.13205337524414 + ], + [ + "▁EARN", + -15.132054328918455 + ], + [ + "TNF", + -15.132211685180664 + ], + [ + "▁1779", + -15.13222885131836 + ], + [ + "▁Ninh", + -15.132259368896484 + ], + [ + "▁Technol", + -15.132312774658203 + ], + [ + "LPR", + -15.132315635681152 + ], + [ + "Lawyer", + -15.132375717163086 + ], + [ + "▁Prati", + -15.132424354553224 + ], + [ + "VPP", + -15.132492065429688 + ], + [ + "serialize", + -15.1325044631958 + ], + [ + "▁Backpacker", + -15.132614135742188 + ], + [ + "Funded", + -15.132625579833984 + ], + [ + "radol", + -15.132682800292969 + ], + [ + "DRIVE", + -15.13271427154541 + ], + [ + "0.37", + -15.1327543258667 + ], + [ + "62%", + -15.132789611816406 + ], + [ + "INCH", + -15.132858276367188 + ], + [ + "▁rgb", + -15.132863998413086 + ], + [ + "Pose", + -15.13300609588623 + ], + [ + "▁Sigur", + -15.133070945739746 + ], + [ + "▁Rafe", + -15.133206367492676 + ], + [ + "brimmed", + -15.133222579956056 + ], + [ + "Stranger", + -15.133379936218262 + ], + [ + "94%", + -15.133408546447754 + ], + [ + "▁Kenworth", + -15.13352394104004 + ], + [ + "JCP", + -15.133600234985352 + ], + [ + "4:24", + -15.133611679077148 + ], + [ + "Halloran", + -15.133678436279297 + ], + [ + "▁cataclysmic", + -15.13375186920166 + ], + [ + "▁mosey", + -15.133916854858398 + ], + [ + "▁Cassell", + -15.133917808532717 + ], + [ + "Brighton", + -15.134018898010254 + ], + [ + "rotate", + -15.134060859680176 + ], + [ + "UPON", + -15.134076118469238 + ], + [ + "mpkins", + -15.134090423583984 + ], + [ + "udha", + -15.134273529052734 + ], + [ + "▁Grier", + -15.134318351745604 + ], + [ + "▁Ketu", + -15.134455680847168 + ], + [ + "JRS", + -15.134614944458008 + ], + [ + "▁Suki", + -15.134660720825195 + ], + [ + "2:58", + -15.134743690490724 + ], + [ + "adilla", + -15.134830474853516 + ], + [ + "▁Poser", + -15.134980201721191 + ], + [ + "▁Lusk", + -15.135091781616213 + ], + [ + "MICH", + -15.135189056396484 + ], + [ + "▁Microbiol", + -15.135213851928713 + ], + [ + "urse", + -15.135290145874023 + ], + [ + "6:19", + -15.13534927368164 + ], + [ + "▁BFG", + -15.135420799255373 + ], + [ + "btc", + -15.13548469543457 + ], + [ + "kauf", + -15.135541915893556 + ], + [ + "1.1.1", + -15.135547637939451 + ], + [ + "▁Holler", + -15.135639190673828 + ], + [ + "ekker", + -15.135966300964355 + ], + [ + "bacon", + -15.136082649230955 + ], + [ + "vap", + -15.13609790802002 + ], + [ + "▁Chapo", + -15.136136054992676 + ], + [ + "KHz", + -15.136468887329102 + ], + [ + "1562", + -15.136579513549805 + ], + [ + "▁Dolph", + -15.136582374572754 + ], + [ + "ARGO", + -15.136920928955078 + ], + [ + "▁Mulan", + -15.137052536010742 + ], + [ + "▁Shiver", + -15.137054443359377 + ], + [ + "ESR", + -15.137104988098145 + ], + [ + "lowrider", + -15.137211799621582 + ], + [ + "▁Differ", + -15.137226104736328 + ], + [ + "▁Haro", + -15.137322425842283 + ], + [ + "▁Troupe", + -15.137386322021484 + ], + [ + "riger", + -15.137487411499023 + ], + [ + "strup", + -15.137520790100098 + ], + [ + "0.38", + -15.137749671936035 + ], + [ + "podge", + -15.13780117034912 + ], + [ + "OCT", + -15.13803768157959 + ], + [ + "▁mamma", + -15.138038635253906 + ], + [ + "▁Pyar", + -15.138063430786133 + ], + [ + "▁Matz", + -15.13814640045166 + ], + [ + "▁tema", + -15.13835620880127 + ], + [ + "▁coving", + -15.138357162475586 + ], + [ + "▁$999", + -15.138402938842772 + ], + [ + "▁Teru", + -15.13856029510498 + ], + [ + "AHB", + -15.138809204101562 + ], + [ + "▁Nasri", + -15.138916015625 + ], + [ + "▁?????????????", + -15.138975143432615 + ], + [ + "▁mournful", + -15.139171600341797 + ], + [ + "▁Hoku", + -15.139233589172363 + ], + [ + "uomo", + -15.13957691192627 + ], + [ + "lewski", + -15.139631271362305 + ], + [ + "▁Greig", + -15.139668464660645 + ], + [ + "▁Enumerat", + -15.139745712280272 + ], + [ + "Franchi", + -15.139761924743652 + ], + [ + "▁Arista", + -15.140074729919434 + ], + [ + "▁Rask", + -15.140288352966309 + ], + [ + "▁Ursa", + -15.14036464691162 + ], + [ + "JOB", + -15.140432357788086 + ], + [ + "(1):1", + -15.1405029296875 + ], + [ + "▁Petrie", + -15.14055633544922 + ], + [ + "▁Naba", + -15.14057159423828 + ], + [ + "▁TYR", + -15.140619277954102 + ], + [ + "▁$16,000", + -15.140861511230469 + ], + [ + "nstig", + -15.14093017578125 + ], + [ + "▁disbelieve", + -15.141090393066406 + ], + [ + "▁Zanu", + -15.14126968383789 + ], + [ + "▁Tunic", + -15.141534805297852 + ], + [ + "Alta", + -15.141609191894531 + ], + [ + "Helm", + -15.141619682312012 + ], + [ + "▁Brion", + -15.141719818115234 + ], + [ + "qw", + -15.141789436340332 + ], + [ + "▁disenfranchise", + -15.14182949066162 + ], + [ + "▁paralyze", + -15.14183235168457 + ], + [ + "▁dystopia", + -15.14187240600586 + ], + [ + "ouge", + -15.141913414001465 + ], + [ + "maran", + -15.141969680786133 + ], + [ + "linden", + -15.142013549804688 + ], + [ + "▁embolden", + -15.142034530639648 + ], + [ + "▁Parson", + -15.142044067382812 + ], + [ + "MIKE", + -15.142057418823242 + ], + [ + "▁chomp", + -15.14208984375 + ], + [ + "▁Croce", + -15.142144203186035 + ], + [ + "IPPA", + -15.142215728759766 + ], + [ + "4/18", + -15.142257690429688 + ], + [ + "▁Disadvantage", + -15.142261505126951 + ], + [ + "mandibula", + -15.142411231994627 + ], + [ + "Arginine", + -15.14243221282959 + ], + [ + "▁Cagayan", + -15.14243221282959 + ], + [ + "▁Otolaryngology", + -15.14243221282959 + ], + [ + "▁Petoskey", + -15.14243221282959 + ], + [ + "▁propriocepti", + -15.14243221282959 + ], + [ + "▁turbidity", + -15.14243221282959 + ], + [ + "PHILADELPHIA", + -15.142433166503906 + ], + [ + "habersham", + -15.142433166503906 + ], + [ + "proliferative", + -15.142433166503906 + ], + [ + "▁Anheuser", + -15.142433166503906 + ], + [ + "▁Aqueduct", + -15.142433166503906 + ], + [ + "▁Bereavement", + -15.142433166503906 + ], + [ + "▁Catawba", + -15.142433166503906 + ], + [ + "▁Conservatoire", + -15.142433166503906 + ], + [ + "▁Copacabana", + -15.142433166503906 + ], + [ + "▁Disappearing", + -15.142433166503906 + ], + [ + "▁Fassbender", + -15.142433166503906 + ], + [ + "▁Hotchkis", + -15.142433166503906 + ], + [ + "▁Humidifier", + -15.142433166503906 + ], + [ + "▁Hydroxide", + -15.142433166503906 + ], + [ + "▁Impairment", + -15.142433166503906 + ], + [ + "▁Internacional", + -15.142433166503906 + ], + [ + "▁Lafarge", + -15.142433166503906 + ], + [ + "▁Licensure", + -15.142433166503906 + ], + [ + "▁Mnangagwa", + -15.142433166503906 + ], + [ + "▁Morecambe", + -15.142433166503906 + ], + [ + "▁Okavango", + -15.142433166503906 + ], + [ + "▁Plovdiv", + -15.142433166503906 + ], + [ + "▁Plunkett", + -15.142433166503906 + ], + [ + "▁Pondicherry", + -15.142433166503906 + ], + [ + "▁Sirisena", + -15.142433166503906 + ], + [ + "▁Specsavers", + -15.142433166503906 + ], + [ + "▁Spectroscopy", + -15.142433166503906 + ], + [ + "▁Spirulina", + -15.142433166503906 + ], + [ + "▁Stimulation", + -15.142433166503906 + ], + [ + "▁Terminology", + -15.142433166503906 + ], + [ + "▁Voorhees", + -15.142433166503906 + ], + [ + "▁adjudged", + -15.142433166503906 + ], + [ + "▁adversities", + -15.142433166503906 + ], + [ + "▁anachronistic", + -15.142433166503906 + ], + [ + "▁anonymised", + -15.142433166503906 + ], + [ + "▁bibliographies", + -15.142433166503906 + ], + [ + "▁blasphemous", + -15.142433166503906 + ], + [ + "▁bludgeon", + -15.142433166503906 + ], + [ + "▁bureaucracies", + -15.142433166503906 + ], + [ + "▁conjunctivitis", + -15.142433166503906 + ], + [ + "▁culpability", + -15.142433166503906 + ], + [ + "▁debenture", + -15.142433166503906 + ], + [ + "▁dissociation", + -15.142433166503906 + ], + [ + "▁encyclopedic", + -15.142433166503906 + ], + [ + "▁eosinophil", + -15.142433166503906 + ], + [ + "▁faeces", + -15.142433166503906 + ], + [ + "▁hysteresis", + -15.142433166503906 + ], + [ + "▁manoeuvring", + -15.142433166503906 + ], + [ + "▁mesmerised", + -15.142433166503906 + ], + [ + "▁militancy", + -15.142433166503906 + ], + [ + "▁monetarily", + -15.142433166503906 + ], + [ + "▁nouvelle", + -15.142433166503906 + ], + [ + "▁predominance", + -15.142433166503906 + ], + [ + "▁recalcitrant", + -15.142433166503906 + ], + [ + "▁scoundrel", + -15.142433166503906 + ], + [ + "▁trombonist", + -15.142433166503906 + ], + [ + "▁vanadium", + -15.142433166503906 + ], + [ + "▁vindicated", + -15.142433166503906 + ], + [ + "THERAPY", + -15.142434120178224 + ], + [ + "▁Allotment", + -15.142434120178224 + ], + [ + "▁Detachment", + -15.142434120178224 + ], + [ + "▁Giancarlo", + -15.142434120178224 + ], + [ + "▁Osiris", + -15.142434120178224 + ], + [ + "▁cosmonaut", + -15.142434120178224 + ], + [ + "▁typist", + -15.142434120178224 + ], + [ + "▁MANAGER", + -15.14243507385254 + ], + [ + "▁delimiter", + -15.14243507385254 + ], + [ + "▁wholesaling", + -15.14243507385254 + ], + [ + "UNRWA", + -15.142436981201172 + ], + [ + "▁tidings", + -15.142437934875488 + ], + [ + "▁3/16\"", + -15.142438888549805 + ], + [ + "▁Leapfrog", + -15.142438888549805 + ], + [ + "▁Accutane", + -15.142440795898438 + ], + [ + "▁AngularJS", + -15.142440795898438 + ], + [ + "▁epilogue", + -15.142440795898438 + ], + [ + "▁gilbert", + -15.142440795898438 + ], + [ + "▁monofilament", + -15.142440795898438 + ], + [ + "▁tidied", + -15.142440795898438 + ], + [ + "▁craggy", + -15.142441749572754 + ], + [ + "▁disassembling", + -15.14244270324707 + ], + [ + "▁hemophilia", + -15.14244270324707 + ], + [ + "▁Gaurav", + -15.142443656921388 + ], + [ + "▁Bhushan", + -15.142446517944336 + ], + [ + "otulinum", + -15.142449378967283 + ], + [ + "▁Poshmark", + -15.142450332641602 + ], + [ + "▁reductive", + -15.142450332641602 + ], + [ + "▁Womack", + -15.142451286315918 + ], + [ + "▁Archivist", + -15.142452239990234 + ], + [ + "▁Bouncy", + -15.142452239990234 + ], + [ + "▁Goofy", + -15.142452239990234 + ], + [ + "▁Ouija", + -15.142452239990234 + ], + [ + "▁cardiopulmonary", + -15.142452239990234 + ], + [ + "▁Pikmin", + -15.14245319366455 + ], + [ + "▁Tripadvisor", + -15.14245319366455 + ], + [ + "▁Viscount", + -15.14245319366455 + ], + [ + "▁awestruck", + -15.14245319366455 + ], + [ + "▁Aileen", + -15.142455101013184 + ], + [ + "▁relativism", + -15.142457008361816 + ], + [ + "▁WOMAN", + -15.142457962036133 + ], + [ + "▁Rakesh", + -15.14245891571045 + ], + [ + "▁mortified", + -15.142459869384766 + ], + [ + "▁Herrmann", + -15.142460823059082 + ], + [ + "▁Zimbra", + -15.142460823059082 + ], + [ + "ffmpeg", + -15.142464637756348 + ], + [ + "▁Senegalese", + -15.142465591430664 + ], + [ + "▁slatted", + -15.14246654510498 + ], + [ + "SHADOW", + -15.142470359802246 + ], + [ + "▁Benfica", + -15.142470359802246 + ], + [ + "▁Pillsbury", + -15.142470359802246 + ], + [ + "▁Ardern", + -15.142473220825195 + ], + [ + "▁(1962)", + -15.142474174499512 + ], + [ + "Automating", + -15.142475128173828 + ], + [ + "▁Restructuring", + -15.142476081848145 + ], + [ + "▁squaring", + -15.142476081848145 + ], + [ + "▁hydrostatic", + -15.14248275756836 + ], + [ + "▁Pompey", + -15.142486572265623 + ], + [ + "voltaic", + -15.142491340637209 + ], + [ + "▁transduction", + -15.142491340637209 + ], + [ + "▁Wattpad", + -15.142496109008787 + ], + [ + "▁Braddock", + -15.142497062683104 + ], + [ + "▁WinZip", + -15.142498970031738 + ], + [ + "▁télé", + -15.142498970031738 + ], + [ + "▁Palawan", + -15.142499923706056 + ], + [ + "▁synergistically", + -15.142501831054688 + ], + [ + "▁Schafer", + -15.142502784729004 + ], + [ + "▁Cadiz", + -15.142505645751951 + ], + [ + "▁shimmy", + -15.142513275146484 + ], + [ + "▁Rauner", + -15.14252471923828 + ], + [ + "▁vulgaris", + -15.14253044128418 + ], + [ + "▁gullies", + -15.142533302307127 + ], + [ + "▁unrealized", + -15.142539978027344 + ], + [ + "▁PROTECTION", + -15.142544746398926 + ], + [ + "▁Nunez", + -15.14254665374756 + ], + [ + "▁Munoz", + -15.142552375793455 + ], + [ + "▁2007-2008", + -15.142559051513672 + ], + [ + "▁translocation", + -15.142562866210938 + ], + [ + "▁idiomatic", + -15.142568588256836 + ], + [ + "▁Transnational", + -15.142577171325684 + ], + [ + "▁tannic", + -15.142578125 + ], + [ + "FUSION", + -15.142581939697266 + ], + [ + "▁(0-0)", + -15.142582893371582 + ], + [ + "▁Hynes", + -15.14259147644043 + ], + [ + "▁Dekker", + -15.142592430114746 + ], + [ + "▁Duchy", + -15.142592430114746 + ], + [ + "RUSSIA", + -15.142596244812012 + ], + [ + "▁Camelback", + -15.142601013183594 + ], + [ + "▁Solvent", + -15.14260196685791 + ], + [ + "nastas", + -15.142602920532228 + ], + [ + "▁Crusoe", + -15.142607688903809 + ], + [ + "▁telnet", + -15.142624855041504 + ], + [ + "▁rosehip", + -15.142632484436035 + ], + [ + "▁Lucius", + -15.142643928527832 + ], + [ + "▁IPSec", + -15.142651557922363 + ], + [ + "▁ADDED", + -15.14266872406006 + ], + [ + "▁Beltsville", + -15.142674446105955 + ], + [ + "▁WordCamp", + -15.142683029174805 + ], + [ + "▁Felice", + -15.142708778381348 + ], + [ + "▁Leduc", + -15.142722129821776 + ], + [ + "▁Scenery", + -15.14272403717041 + ], + [ + "▁abridged", + -15.142728805541992 + ], + [ + "▁Tahitian", + -15.142738342285156 + ], + [ + "▁aftershave", + -15.142738342285156 + ], + [ + "▁Annenberg", + -15.142741203308104 + ], + [ + "▁Hatchback", + -15.142769813537598 + ], + [ + "▁01:5", + -15.142772674560549 + ], + [ + "▁Reardon", + -15.142792701721191 + ], + [ + "▁Hightower", + -15.14279842376709 + ], + [ + "▁divot", + -15.142828941345217 + ], + [ + "▁cutesy", + -15.142861366271973 + ], + [ + "▁Seguin", + -15.142885208129885 + ], + [ + "▁braising", + -15.142888069152832 + ], + [ + "▁Oceanfront", + -15.142939567565918 + ], + [ + "▁Gulfport", + -15.142962455749512 + ], + [ + "▁bodega", + -15.142969131469728 + ], + [ + "▁discordant", + -15.142992973327637 + ], + [ + "▁Hippie", + -15.142996788024902 + ], + [ + "▁Weatherford", + -15.143033981323242 + ], + [ + "▁snooping", + -15.143047332763672 + ], + [ + "▁ECTS", + -15.143062591552734 + ], + [ + "▁Hendersonville", + -15.143085479736328 + ], + [ + "▁sputtering", + -15.143088340759276 + ], + [ + "▁crouching", + -15.143095016479492 + ], + [ + "▁downtrodden", + -15.143117904663086 + ], + [ + "▁Tizen", + -15.1431245803833 + ], + [ + "neoplastic", + -15.14312744140625 + ], + [ + "▁immobilized", + -15.14313507080078 + ], + [ + "▁scolding", + -15.143176078796388 + ], + [ + "▁Uruguayan", + -15.143197059631348 + ], + [ + "▁PeopleSoft", + -15.143221855163574 + ], + [ + "▁Iliad", + -15.14322280883789 + ], + [ + "▁misrepresenting", + -15.143256187438965 + ], + [ + "▁YPG", + -15.143258094787598 + ], + [ + "▁Schneiderman", + -15.143271446228027 + ], + [ + "▁testicular", + -15.143272399902344 + ], + [ + "▁curr", + -15.14328670501709 + ], + [ + "▁gutting", + -15.143301963806152 + ], + [ + "▁Undertaker", + -15.143317222595217 + ], + [ + "▁hymnal", + -15.143327713012695 + ], + [ + "Naga", + -15.143338203430176 + ], + [ + "▁Boathouse", + -15.14335823059082 + ], + [ + "▁Tandy", + -15.143397331237791 + ], + [ + "▁piezoelectric", + -15.14342975616455 + ], + [ + "▁$270", + -15.14344882965088 + ], + [ + "▁hostesses", + -15.143454551696776 + ], + [ + "▁Marlowe", + -15.14346694946289 + ], + [ + "▁adamantly", + -15.143494606018066 + ], + [ + "▁indented", + -15.143494606018066 + ], + [ + "Esta", + -15.143502235412598 + ], + [ + "Graft", + -15.14356517791748 + ], + [ + "▁$179", + -15.143576622009276 + ], + [ + "▁Blacksmith", + -15.143596649169922 + ], + [ + "Feather", + -15.14362335205078 + ], + [ + "▁Catlin", + -15.14364242553711 + ], + [ + "Insect", + -15.14365577697754 + ], + [ + "▁Yamato", + -15.143675804138184 + ], + [ + "▁plucky", + -15.143685340881348 + ], + [ + "advise", + -15.143689155578612 + ], + [ + "1878", + -15.143704414367676 + ], + [ + "▁clearinghouse", + -15.14371109008789 + ], + [ + "Carrot", + -15.143776893615724 + ], + [ + "3-27", + -15.143784523010254 + ], + [ + "▁boldest", + -15.143796920776367 + ], + [ + "itaire", + -15.143913269042969 + ], + [ + "▁Kantor", + -15.143914222717283 + ], + [ + "credential", + -15.14396858215332 + ], + [ + "HAPPY", + -15.143969535827637 + ], + [ + "Patience", + -15.14397430419922 + ], + [ + "Hungry", + -15.143977165222168 + ], + [ + "nourished", + -15.143978118896484 + ], + [ + "neighbor", + -15.14398193359375 + ], + [ + "Dubbed", + -15.143988609313965 + ], + [ + "Violence", + -15.143996238708496 + ], + [ + "Tribune", + -15.143998146057127 + ], + [ + "Aberdeen", + -15.143999099731444 + ], + [ + "monetary", + -15.144007682800291 + ], + [ + "proprietary", + -15.144007682800291 + ], + [ + "conviction", + -15.14402961730957 + ], + [ + "dividend", + -15.144049644470217 + ], + [ + "Universities", + -15.144057273864746 + ], + [ + "Verified", + -15.144064903259276 + ], + [ + "Undergraduate", + -15.144073486328123 + ], + [ + "Jungle", + -15.144086837768556 + ], + [ + "Addiction", + -15.144125938415527 + ], + [ + "▁MSDS", + -15.144197463989258 + ], + [ + "Darkest", + -15.144214630126951 + ], + [ + "44%", + -15.144227027893066 + ], + [ + "unfinished", + -15.144227027893066 + ], + [ + "Transformation", + -15.14423942565918 + ], + [ + "Reject", + -15.14426612854004 + ], + [ + "WBC", + -15.144269943237305 + ], + [ + "▁Cookery", + -15.144271850585938 + ], + [ + "▁$4.3", + -15.144281387329102 + ], + [ + "Nikki", + -15.14428997039795 + ], + [ + "whenever", + -15.144304275512695 + ], + [ + "continuity", + -15.144338607788086 + ], + [ + "▁reaffirming", + -15.144354820251465 + ], + [ + "Breeze", + -15.144397735595703 + ], + [ + "Singing", + -15.144476890563965 + ], + [ + "Wiley", + -15.14448356628418 + ], + [ + "Richardson", + -15.144490242004396 + ], + [ + "▁serenade", + -15.144502639770508 + ], + [ + "Peterson", + -15.144646644592283 + ], + [ + "1.88", + -15.144658088684082 + ], + [ + "eclipse", + -15.144762992858888 + ], + [ + "jual", + -15.144794464111328 + ], + [ + "BRAND", + -15.144815444946287 + ], + [ + "▁Serif", + -15.1450777053833 + ], + [ + "▁Cueva", + -15.145109176635742 + ], + [ + "▁scree", + -15.145112991333008 + ], + [ + "0003", + -15.145150184631348 + ], + [ + "Fool", + -15.145153045654297 + ], + [ + "hagen", + -15.145184516906738 + ], + [ + "▁kohl", + -15.145187377929688 + ], + [ + "▁Marque", + -15.145459175109863 + ], + [ + "Outlet", + -15.145622253417969 + ], + [ + "▁$375", + -15.145649909973145 + ], + [ + "1:34", + -15.14573860168457 + ], + [ + "steem", + -15.145771026611328 + ], + [ + "FROM", + -15.14580249786377 + ], + [ + "luckily", + -15.14588451385498 + ], + [ + "8-17", + -15.14599609375 + ], + [ + "▁oppor", + -15.146016120910645 + ], + [ + "Orbit", + -15.146039962768556 + ], + [ + "▁PKR", + -15.14606761932373 + ], + [ + "zquez", + -15.146100044250488 + ], + [ + "▁Dutta", + -15.146111488342283 + ], + [ + "dienst", + -15.146145820617676 + ], + [ + "villian", + -15.146162033081056 + ], + [ + "Herbal", + -15.146265029907228 + ], + [ + "▁VSP", + -15.146281242370604 + ], + [ + "▁leuco", + -15.146306037902832 + ], + [ + "gnome", + -15.146331787109377 + ], + [ + "Nicknamed", + -15.146406173706056 + ], + [ + "charity", + -15.14640998840332 + ], + [ + "Realization", + -15.14651584625244 + ], + [ + "Dodge", + -15.14657497406006 + ], + [ + "▁LIV", + -15.14678955078125 + ], + [ + "Insightful", + -15.146897315979004 + ], + [ + "Hanlon", + -15.14707088470459 + ], + [ + "SHARE", + -15.147212028503418 + ], + [ + "▁Rehman", + -15.147587776184082 + ], + [ + "▁20:5", + -15.147820472717283 + ], + [ + "Sponsoring", + -15.14787769317627 + ], + [ + "▁Pizz", + -15.14804744720459 + ], + [ + "Battling", + -15.14826488494873 + ], + [ + "▁weitere", + -15.148351669311523 + ], + [ + "▁Brasilia", + -15.14857006072998 + ], + [ + "▁Kanda", + -15.148578643798828 + ], + [ + "whit", + -15.148603439331056 + ], + [ + "Gonz", + -15.14866542816162 + ], + [ + "appen", + -15.148674011230469 + ], + [ + "▁Gustin", + -15.1488037109375 + ], + [ + "▁Pigg", + -15.148880958557127 + ], + [ + "Shipper", + -15.148988723754885 + ], + [ + "LIX", + -15.149063110351562 + ], + [ + "fasten", + -15.149063110351562 + ], + [ + "▁specie", + -15.149145126342772 + ], + [ + "Nested", + -15.149166107177734 + ], + [ + "uvan", + -15.149266242980955 + ], + [ + "icolo", + -15.149335861206056 + ], + [ + "Chess", + -15.14992332458496 + ], + [ + "SDLT", + -15.150307655334473 + ], + [ + "iffle", + -15.15042209625244 + ], + [ + "0.36", + -15.150497436523438 + ], + [ + "0.31", + -15.150565147399902 + ], + [ + "▁Kiyo", + -15.15060806274414 + ], + [ + "EQUI", + -15.150665283203123 + ], + [ + "▁Zakaria", + -15.15078830718994 + ], + [ + "Bengal", + -15.150872230529783 + ], + [ + "PnP", + -15.15087604522705 + ], + [ + "ographically", + -15.151074409484863 + ], + [ + "FDG", + -15.15123176574707 + ], + [ + "▁Polite", + -15.15123462677002 + ], + [ + "▁Qibla", + -15.15123462677002 + ], + [ + "HADM", + -15.151455879211426 + ], + [ + "▁alumina", + -15.151623725891112 + ], + [ + "▁Castellan", + -15.151741981506348 + ], + [ + "▁19:0", + -15.151761054992676 + ], + [ + "Castro", + -15.151925086975098 + ], + [ + "NAK", + -15.15212345123291 + ], + [ + "Float", + -15.152154922485352 + ], + [ + "▁shipowner", + -15.152227401733398 + ], + [ + "uuu", + -15.152332305908203 + ], + [ + "?!?!?!", + -15.152349472045898 + ], + [ + "▁Damar", + -15.152466773986816 + ], + [ + "▁Garba", + -15.152482986450195 + ], + [ + "▁candleli", + -15.152541160583496 + ], + [ + "Piper", + -15.152748107910156 + ], + [ + "▁Feller", + -15.152828216552734 + ], + [ + "▁lept", + -15.152832984924316 + ], + [ + "cardio", + -15.152939796447754 + ], + [ + "▁Sauc", + -15.153013229370115 + ], + [ + "Clement", + -15.153156280517578 + ], + [ + "▁Chandon", + -15.15351104736328 + ], + [ + "Hatch", + -15.15373420715332 + ], + [ + "▁Bluebell", + -15.15377712249756 + ], + [ + "raza", + -15.15379238128662 + ], + [ + "lotti", + -15.153912544250488 + ], + [ + "umbi", + -15.153916358947754 + ], + [ + "iflora", + -15.154000282287598 + ], + [ + "Colorful", + -15.15401840209961 + ], + [ + "▁gynecologic", + -15.15431308746338 + ], + [ + "▁Kurz", + -15.15454387664795 + ], + [ + "terrelationship", + -15.154581069946287 + ], + [ + "CONTINU", + -15.154654502868652 + ], + [ + "8:55", + -15.154688835144045 + ], + [ + "infidel", + -15.154739379882812 + ], + [ + "▁7404", + -15.154756546020508 + ], + [ + "▁crystallize", + -15.154881477355955 + ], + [ + "gaya", + -15.154905319213867 + ], + [ + "▁expeditious", + -15.155176162719728 + ], + [ + "▁Biochem", + -15.155177116394045 + ], + [ + "▁05:4", + -15.15524196624756 + ], + [ + "numeric", + -15.155281066894531 + ], + [ + "▁empiric", + -15.155295372009276 + ], + [ + "prev", + -15.155298233032228 + ], + [ + "▁HBM", + -15.155355453491213 + ], + [ + "WOO", + -15.155387878417969 + ], + [ + "Confucian", + -15.155418395996094 + ], + [ + "Distracted", + -15.15541934967041 + ], + [ + "▁Aldeburgh", + -15.15541934967041 + ], + [ + "▁Coelho", + -15.15541934967041 + ], + [ + "▁Fallujah", + -15.15541934967041 + ], + [ + "▁FanDuel", + -15.15541934967041 + ], + [ + "▁Voldemort", + -15.15541934967041 + ], + [ + "▁Yanukovych", + -15.15541934967041 + ], + [ + "▁uncooperative", + -15.15541934967041 + ], + [ + "▁unexplainable", + -15.15541934967041 + ], + [ + "▁APPLIANCE", + -15.155420303344728 + ], + [ + "▁Alessandra", + -15.155420303344728 + ], + [ + "▁Anthropological", + -15.155420303344728 + ], + [ + "▁Assertion", + -15.155420303344728 + ], + [ + "▁Barangay", + -15.155420303344728 + ], + [ + "▁Boniface", + -15.155420303344728 + ], + [ + "▁Contingent", + -15.155420303344728 + ], + [ + "▁Jaffray", + -15.155420303344728 + ], + [ + "▁Kabbalah", + -15.155420303344728 + ], + [ + "▁Lannister", + -15.155420303344728 + ], + [ + "▁Mowbray", + -15.155420303344728 + ], + [ + "▁Okidata", + -15.155420303344728 + ], + [ + "▁Resuscitation", + -15.155420303344728 + ], + [ + "▁Sinfonia", + -15.155420303344728 + ], + [ + "▁Songkran", + -15.155420303344728 + ], + [ + "▁Tocopherol", + -15.155420303344728 + ], + [ + "▁Whidbey", + -15.155420303344728 + ], + [ + "▁abdicate", + -15.155420303344728 + ], + [ + "▁asymptotic", + -15.155420303344728 + ], + [ + "▁calendula", + -15.155420303344728 + ], + [ + "▁concatenate", + -15.155420303344728 + ], + [ + "▁consecration", + -15.155420303344728 + ], + [ + "▁cortisone", + -15.155420303344728 + ], + [ + "▁despondent", + -15.155420303344728 + ], + [ + "▁disfigurement", + -15.155420303344728 + ], + [ + "▁emulsify", + -15.155420303344728 + ], + [ + "▁encapsulating", + -15.155420303344728 + ], + [ + "▁extrapolation", + -15.155420303344728 + ], + [ + "▁hobbled", + -15.155420303344728 + ], + [ + "▁hollandaise", + -15.155420303344728 + ], + [ + "▁incubating", + -15.155420303344728 + ], + [ + "▁insurrection", + -15.155420303344728 + ], + [ + "▁interminable", + -15.155420303344728 + ], + [ + "▁mercantile", + -15.155420303344728 + ], + [ + "▁monopolistic", + -15.155420303344728 + ], + [ + "▁neodymium", + -15.155420303344728 + ], + [ + "▁sprucing", + -15.155420303344728 + ], + [ + "▁sycamore", + -15.155420303344728 + ], + [ + "▁unaccounted", + -15.155420303344728 + ], + [ + "▁Cunha", + -15.155421257019045 + ], + [ + "▁cataloguing", + -15.155421257019045 + ], + [ + "▁Manteca", + -15.15542221069336 + ], + [ + "▁terabytes", + -15.15542221069336 + ], + [ + "▁glycosides", + -15.155423164367676 + ], + [ + "Sahitya", + -15.155424118041992 + ], + [ + "▁Lichtenstein", + -15.155424118041992 + ], + [ + "▁Physiological", + -15.155424118041992 + ], + [ + "▁bartending", + -15.155424118041992 + ], + [ + "▁Hydrochloride", + -15.155425071716309 + ], + [ + "▁Gangtok", + -15.155426025390623 + ], + [ + "▁Travelocity", + -15.155426025390623 + ], + [ + "▁cytometry", + -15.155426025390623 + ], + [ + "▁stranglehold", + -15.155426025390623 + ], + [ + "▁Anabaptist", + -15.15542697906494 + ], + [ + "▁Remnant", + -15.15542697906494 + ], + [ + "▁idaho", + -15.15542697906494 + ], + [ + "▁plodding", + -15.155427932739258 + ], + [ + "▁Quizzes", + -15.155428886413574 + ], + [ + "▁Voigt", + -15.155428886413574 + ], + [ + "▁Discontinued", + -15.155431747436523 + ], + [ + "▁Photonics", + -15.155431747436523 + ], + [ + "▁Bouchard", + -15.15543270111084 + ], + [ + "▁CASINO", + -15.15543270111084 + ], + [ + "▁Wofford", + -15.15543270111084 + ], + [ + "▁Arndt", + -15.155433654785156 + ], + [ + "HENRY", + -15.155434608459473 + ], + [ + "▁hydrophilic", + -15.155434608459473 + ], + [ + "▁Celgene", + -15.155435562133787 + ], + [ + "▁WEATHER", + -15.155436515808104 + ], + [ + "▁hematology", + -15.155437469482422 + ], + [ + "▁citalopram", + -15.155438423156738 + ], + [ + "▁lasagne", + -15.155438423156738 + ], + [ + "▁reconvene", + -15.155438423156738 + ], + [ + "▁heartstrings", + -15.155441284179688 + ], + [ + "▁mimicked", + -15.155442237854004 + ], + [ + "▁GUESS", + -15.155444145202637 + ], + [ + "cephaly", + -15.15544605255127 + ], + [ + "▁splotch", + -15.15544891357422 + ], + [ + "/03/2019", + -15.155451774597168 + ], + [ + "▁Frieze", + -15.155451774597168 + ], + [ + "▁Hofmann", + -15.15545654296875 + ], + [ + "▁sullen", + -15.155457496643066 + ], + [ + "▁Evangeline", + -15.155460357666016 + ], + [ + "▁XVIII", + -15.155461311340332 + ], + [ + "▁lignite", + -15.155463218688965 + ], + [ + "▁Colfax", + -15.155468940734863 + ], + [ + "▁Carlsberg", + -15.155472755432127 + ], + [ + "▁Skylanders", + -15.155473709106444 + ], + [ + "▁womenswear", + -15.155473709106444 + ], + [ + "▁windswept", + -15.155479431152344 + ], + [ + "▁catalysis", + -15.155488014221191 + ], + [ + "▁(25%)", + -15.15549373626709 + ], + [ + "▁rabble", + -15.155497550964355 + ], + [ + "▁$49.95", + -15.155506134033203 + ], + [ + "▁Quicksilver", + -15.155511856079102 + ], + [ + "▁RAAF", + -15.15551471710205 + ], + [ + "▁Extinguisher", + -15.155516624450684 + ], + [ + "▁edifying", + -15.155542373657228 + ], + [ + "▁untrusted", + -15.155545234680176 + ], + [ + "▁erratically", + -15.155548095703123 + ], + [ + "▁UNLV", + -15.155550956726074 + ], + [ + "▁Microscope", + -15.155552864074709 + ], + [ + "▁Consular", + -15.155558586120604 + ], + [ + "EATER", + -15.155574798583984 + ], + [ + "▁INDEX", + -15.155580520629885 + ], + [ + "▁Francophone", + -15.155598640441896 + ], + [ + "▁Mantua", + -15.155609130859377 + ], + [ + "UAV", + -15.155621528625488 + ], + [ + "Melanoma", + -15.15562343597412 + ], + [ + "▁Cannibal", + -15.15563678741455 + ], + [ + "▁Sardis", + -15.155670166015623 + ], + [ + "▁Lottie", + -15.15567398071289 + ], + [ + "stellen", + -15.155677795410156 + ], + [ + "▁remortgage", + -15.155677795410156 + ], + [ + "8:36", + -15.155691146850586 + ], + [ + "▁revelry", + -15.155696868896484 + ], + [ + "Aligned", + -15.155704498291016 + ], + [ + "▁skirmishes", + -15.155734062194824 + ], + [ + "▁caramelised", + -15.155747413635254 + ], + [ + "▁Tramway", + -15.155786514282228 + ], + [ + "▁plaintext", + -15.155799865722656 + ], + [ + "▁Aerosol", + -15.155828475952148 + ], + [ + "▁Msgr", + -15.15583610534668 + ], + [ + "▁Reimer", + -15.155850410461426 + ], + [ + "▁synchronised", + -15.155858039855955 + ], + [ + "▁camino", + -15.155861854553224 + ], + [ + "▁Undercover", + -15.155863761901855 + ], + [ + "▁unambiguously", + -15.155928611755373 + ], + [ + "Bitumen", + -15.15593719482422 + ], + [ + "▁Munson", + -15.15593719482422 + ], + [ + "▁adsense", + -15.156024932861328 + ], + [ + "▁remitted", + -15.15607738494873 + ], + [ + "▁Furry", + -15.156105995178224 + ], + [ + "▁Cookware", + -15.156147003173828 + ], + [ + "MSH", + -15.156149864196776 + ], + [ + "▁terrorize", + -15.15615177154541 + ], + [ + "▁Keynesian", + -15.156169891357422 + ], + [ + "▁Arles", + -15.156173706054688 + ], + [ + "▁Sinner", + -15.156185150146484 + ], + [ + "▁Latour", + -15.156190872192385 + ], + [ + "▁Glenmore", + -15.156203269958496 + ], + [ + "▁UNSW", + -15.15622329711914 + ], + [ + "▁Casita", + -15.156230926513672 + ], + [ + "▁excruciatingly", + -15.156237602233888 + ], + [ + "▁SunPower", + -15.15627670288086 + ], + [ + "▁+61", + -15.156277656555176 + ], + [ + "▁authenticating", + -15.15628719329834 + ], + [ + "▁Interventional", + -15.156298637390137 + ], + [ + "0-240", + -15.156307220458984 + ], + [ + "▁farmworkers", + -15.156307220458984 + ], + [ + "▁balked", + -15.156309127807615 + ], + [ + "▁FLIP", + -15.15633773803711 + ], + [ + "▁$14,000", + -15.156341552734377 + ], + [ + "▁Amended", + -15.15636920928955 + ], + [ + "▁Cutlery", + -15.156464576721191 + ], + [ + "▁Flannel", + -15.156490325927734 + ], + [ + "▁preteen", + -15.156493186950684 + ], + [ + "▁Langton", + -15.15653133392334 + ], + [ + "oxane", + -15.156546592712402 + ], + [ + "▁Gerardo", + -15.156577110290527 + ], + [ + "MDL", + -15.156579971313477 + ], + [ + "▁replanting", + -15.156608581542969 + ], + [ + "▁Gough", + -15.156620979309082 + ], + [ + "▁BOMB", + -15.156662940979004 + ], + [ + "jacob", + -15.156698226928713 + ], + [ + "▁brasserie", + -15.156731605529783 + ], + [ + "0006", + -15.156818389892578 + ], + [ + "▁$4.6", + -15.156890869140623 + ], + [ + "9-99", + -15.156892776489258 + ], + [ + "▁millisecond", + -15.156954765319824 + ], + [ + "confirm", + -15.156994819641112 + ], + [ + "▁Doggy", + -15.15700912475586 + ], + [ + "▁Sweetene", + -15.157029151916504 + ], + [ + "▁Doerr", + -15.157081604003906 + ], + [ + "decimal", + -15.157201766967772 + ], + [ + "victorian", + -15.157282829284668 + ], + [ + "physicist", + -15.1572904586792 + ], + [ + "fructose", + -15.15731143951416 + ], + [ + "Antoine", + -15.157312393188477 + ], + [ + "navigation", + -15.157312393188477 + ], + [ + "Lonely", + -15.15731716156006 + ], + [ + "Claudia", + -15.157319068908691 + ], + [ + "Eternal", + -15.157319068908691 + ], + [ + "Audible", + -15.15732192993164 + ], + [ + "relieving", + -15.157323837280272 + ], + [ + "Lorenzo", + -15.157325744628906 + ], + [ + "opposite", + -15.157325744628906 + ], + [ + "decrease", + -15.157326698303224 + ], + [ + "facilitate", + -15.157326698303224 + ], + [ + "concentration", + -15.15732765197754 + ], + [ + "maturity", + -15.15732765197754 + ], + [ + "Einstein", + -15.157328605651855 + ], + [ + "-0-1", + -15.157331466674805 + ], + [ + "Horizontal", + -15.157331466674805 + ], + [ + "Myanmar", + -15.15733528137207 + ], + [ + "turquoise", + -15.15733528137207 + ], + [ + "Adelaide", + -15.157336235046388 + ], + [ + "collapse", + -15.157341957092283 + ], + [ + "colleague", + -15.157347679138184 + ], + [ + "glorious", + -15.157352447509766 + ], + [ + "▁DECT", + -15.157352447509766 + ], + [ + "▁Walz", + -15.157353401184082 + ], + [ + "▁adaptogen", + -15.157354354858398 + ], + [ + "Naked", + -15.157358169555664 + ], + [ + "emergent", + -15.157358169555664 + ], + [ + "Brussels", + -15.157360076904297 + ], + [ + "Revised", + -15.157472610473633 + ], + [ + "▁pouf", + -15.157476425170898 + ], + [ + "▁aphid", + -15.157477378845217 + ], + [ + "▁sympat", + -15.157501220703123 + ], + [ + "Dumpster", + -15.157511711120604 + ], + [ + "spotted", + -15.157515525817873 + ], + [ + "ecaf", + -15.15756130218506 + ], + [ + "▁Repayment", + -15.15759563446045 + ], + [ + "Lazy", + -15.157617568969728 + ], + [ + "▁Tivo", + -15.157626152038574 + ], + [ + "Kingston", + -15.157636642456056 + ], + [ + "MSRP", + -15.157686233520508 + ], + [ + "Inflation", + -15.157691955566406 + ], + [ + "wetting", + -15.157700538635254 + ], + [ + "▁Caspar", + -15.157729148864746 + ], + [ + "Harley", + -15.157732009887695 + ], + [ + "Trademark", + -15.157798767089844 + ], + [ + "▁scriptwriter", + -15.157814979553224 + ], + [ + "household", + -15.157851219177246 + ], + [ + "blanket", + -15.157861709594728 + ], + [ + "Urge", + -15.157866477966309 + ], + [ + "▁Gerson", + -15.15788459777832 + ], + [ + "bunny", + -15.157912254333496 + ], + [ + "Consultant", + -15.15797996520996 + ], + [ + "Benchmark", + -15.157984733581545 + ], + [ + "Mighty", + -15.158050537109377 + ], + [ + "vario", + -15.158164978027344 + ], + [ + "LAUGH", + -15.158167839050291 + ], + [ + "Robotic", + -15.158190727233888 + ], + [ + "eckel", + -15.15823459625244 + ], + [ + "Smartphone", + -15.158248901367188 + ], + [ + "circum", + -15.158280372619627 + ], + [ + "▁Tammi", + -15.158357620239258 + ], + [ + "rdoba", + -15.158407211303713 + ], + [ + "Aust", + -15.158428192138672 + ], + [ + "spider", + -15.158514976501465 + ], + [ + "helluva", + -15.158523559570312 + ], + [ + "CRASH", + -15.158524513244627 + ], + [ + "▁0.16", + -15.158560752868652 + ], + [ + "Sauteed", + -15.15857219696045 + ], + [ + "helion", + -15.158580780029297 + ], + [ + "Restart", + -15.15861988067627 + ], + [ + "▁Chose", + -15.158758163452148 + ], + [ + "▁Homi", + -15.15876293182373 + ], + [ + "Nilsen", + -15.158798217773438 + ], + [ + "TFP", + -15.158984184265137 + ], + [ + "Pivot", + -15.158991813659668 + ], + [ + "▁01:1", + -15.15909194946289 + ], + [ + "▁Lancelot", + -15.159106254577637 + ], + [ + "lawfoot", + -15.159113883972168 + ], + [ + "▁Blond", + -15.159357070922852 + ], + [ + "luz", + -15.15943431854248 + ], + [ + "Pork", + -15.159460067749023 + ], + [ + "sprout", + -15.159488677978516 + ], + [ + "▁Ripon", + -15.159520149230955 + ], + [ + "▁21:2", + -15.159613609313965 + ], + [ + "▁Crimp", + -15.159823417663574 + ], + [ + "Trash", + -15.159927368164062 + ], + [ + "ENTLY", + -15.159990310668944 + ], + [ + "▁Dyno", + -15.160107612609863 + ], + [ + "talkie", + -15.160244941711426 + ], + [ + "▁plexi", + -15.160258293151855 + ], + [ + "▁Posse", + -15.160375595092772 + ], + [ + "06:20:", + -15.160511016845703 + ], + [ + "Placement", + -15.160619735717772 + ], + [ + "▁NANO", + -15.16069507598877 + ], + [ + "▁Kenji", + -15.16075038909912 + ], + [ + "▁Escalat", + -15.160924911499023 + ], + [ + "FON", + -15.160978317260742 + ], + [ + "▁Wager", + -15.161072731018066 + ], + [ + "▁Superfood", + -15.16114330291748 + ], + [ + "eighton", + -15.161267280578612 + ], + [ + "7:17", + -15.16131591796875 + ], + [ + "NUTS", + -15.161422729492188 + ], + [ + ".01%", + -15.16148853302002 + ], + [ + "▁Limp", + -15.161656379699709 + ], + [ + "▁BELT", + -15.16167449951172 + ], + [ + "▁Mystical", + -15.161888122558594 + ], + [ + "arthi", + -15.161946296691896 + ], + [ + "Trailing", + -15.161979675292969 + ], + [ + "2880", + -15.162264823913574 + ], + [ + "mantle", + -15.162331581115724 + ], + [ + "▁Zohar", + -15.162412643432615 + ], + [ + "9:55", + -15.162503242492676 + ], + [ + "▁teabag", + -15.162555694580078 + ], + [ + "▁Blok", + -15.162623405456545 + ], + [ + "8:19", + -15.162670135498049 + ], + [ + "COOL", + -15.162696838378906 + ], + [ + "▁Retire", + -15.162711143493652 + ], + [ + "▁loath", + -15.16285228729248 + ], + [ + "7300", + -15.162861824035645 + ], + [ + "scheme", + -15.163003921508787 + ], + [ + "Accurately", + -15.163068771362305 + ], + [ + "1587", + -15.163073539733888 + ], + [ + "guitarist", + -15.163185119628906 + ], + [ + "Centralized", + -15.16323947906494 + ], + [ + "egler", + -15.163311004638672 + ], + [ + "▁RDM", + -15.163331985473633 + ], + [ + "▁Zapp", + -15.163501739501951 + ], + [ + "▁Skater", + -15.163576126098633 + ], + [ + "▁Kapur", + -15.163647651672363 + ], + [ + "metrix", + -15.163721084594728 + ], + [ + "akul", + -15.163837432861328 + ], + [ + "othermic", + -15.1638822555542 + ], + [ + "backward", + -15.164006233215332 + ], + [ + "nnnn", + -15.16401481628418 + ], + [ + "otonic", + -15.16403579711914 + ], + [ + "▁adoptee", + -15.164109230041504 + ], + [ + "Boneless", + -15.164278030395508 + ], + [ + "ITTING", + -15.164280891418455 + ], + [ + "▁Klass", + -15.16431999206543 + ], + [ + "▁Citra", + -15.164501190185549 + ], + [ + "Lyon", + -15.164596557617188 + ], + [ + "3.45", + -15.16492748260498 + ], + [ + "▁ausge", + -15.164946556091309 + ], + [ + "$400", + -15.16499137878418 + ], + [ + "8,400", + -15.165102005004885 + ], + [ + "0-697", + -15.1651029586792 + ], + [ + "▁sambal", + -15.16515064239502 + ], + [ + "▁Speculat", + -15.165335655212402 + ], + [ + "▁COACH", + -15.165428161621094 + ], + [ + "▁informati", + -15.16562271118164 + ], + [ + "▁Tigris", + -15.165656089782717 + ], + [ + "rythm", + -15.165696144104004 + ], + [ + "▁Entrust", + -15.165715217590332 + ], + [ + "druck", + -15.165974617004396 + ], + [ + "DCL", + -15.166072845458984 + ], + [ + "Mattress", + -15.166166305541992 + ], + [ + "interbank", + -15.166184425354004 + ], + [ + "▁numero", + -15.166403770446776 + ], + [ + "kunst", + -15.16640853881836 + ], + [ + "SPOT", + -15.166410446166992 + ], + [ + "Nev", + -15.166481971740724 + ], + [ + "▁Sacco", + -15.166518211364746 + ], + [ + "Aggregate", + -15.166521072387695 + ], + [ + "▁Finca", + -15.166646003723145 + ], + [ + "1:53", + -15.16688060760498 + ], + [ + "▁Chibi", + -15.167030334472656 + ], + [ + "▁Boda", + -15.167069435119627 + ], + [ + "▁Roti", + -15.167083740234377 + ], + [ + "INGHAM", + -15.16724967956543 + ], + [ + "1772", + -15.167280197143556 + ], + [ + "Homo", + -15.167686462402344 + ], + [ + "▁Katrin", + -15.167798042297363 + ], + [ + "▁persecute", + -15.167977333068848 + ], + [ + "▁entrench", + -15.168252944946287 + ], + [ + "▁josh", + -15.168270111083984 + ], + [ + "▁posthumous", + -15.1683349609375 + ], + [ + "officio", + -15.168391227722168 + ], + [ + "▁cytoplasm", + -15.16853141784668 + ], + [ + "▁francophone", + -15.168577194213867 + ], + [ + "Cannabidiol", + -15.168578147888184 + ], + [ + "Mesothelioma", + -15.168578147888184 + ], + [ + "Propagation", + -15.168578147888184 + ], + [ + "Shaughnessy", + -15.168578147888184 + ], + [ + "iRunFar", + -15.168578147888184 + ], + [ + "ipvanish", + -15.168578147888184 + ], + [ + "▁888-276-5932", + -15.168578147888184 + ], + [ + "▁APPLICABLE", + -15.168578147888184 + ], + [ + "▁Apothecary", + -15.168578147888184 + ], + [ + "▁Distortion", + -15.168578147888184 + ], + [ + "▁Extinction", + -15.168578147888184 + ], + [ + "▁Facilitation", + -15.168578147888184 + ], + [ + "▁Halliburton", + -15.168578147888184 + ], + [ + "▁Hogarth", + -15.168578147888184 + ], + [ + "▁Kickboxing", + -15.168578147888184 + ], + [ + "▁Lajpat", + -15.168578147888184 + ], + [ + "▁Lollapalooza", + -15.168578147888184 + ], + [ + "▁Novgorod", + -15.168578147888184 + ], + [ + "▁Orthodontist", + -15.168578147888184 + ], + [ + "▁REGISTERED", + -15.168578147888184 + ], + [ + "▁Regeneron", + -15.168578147888184 + ], + [ + "▁SALVAGEDATA", + -15.168578147888184 + ], + [ + "▁Siddiqui", + -15.168578147888184 + ], + [ + "▁Tupelo", + -15.168578147888184 + ], + [ + "▁Zaragoza", + -15.168578147888184 + ], + [ + "▁brackish", + -15.168578147888184 + ], + [ + "▁cannibalism", + -15.168578147888184 + ], + [ + "▁cerebrovascular", + -15.168578147888184 + ], + [ + "▁desegregation", + -15.168578147888184 + ], + [ + "▁entrancing", + -15.168578147888184 + ], + [ + "▁excrement", + -15.168578147888184 + ], + [ + "▁frankincense", + -15.168578147888184 + ], + [ + "▁gastritis", + -15.168578147888184 + ], + [ + "▁grosgrain", + -15.168578147888184 + ], + [ + "▁hieroglyphic", + -15.168578147888184 + ], + [ + "▁impassable", + -15.168578147888184 + ], + [ + "▁inadmissible", + -15.168578147888184 + ], + [ + "▁indemnification", + -15.168578147888184 + ], + [ + "▁interplanetary", + -15.168578147888184 + ], + [ + "▁majeure", + -15.168578147888184 + ], + [ + "▁penitentiary", + -15.168578147888184 + ], + [ + "▁podiatry", + -15.168578147888184 + ], + [ + "▁psychoanalyst", + -15.168578147888184 + ], + [ + "▁salvaging", + -15.168578147888184 + ], + [ + "▁subservient", + -15.168578147888184 + ], + [ + "▁tummies", + -15.168578147888184 + ], + [ + "▁verbiage", + -15.168578147888184 + ], + [ + "▁vermicelli", + -15.168578147888184 + ], + [ + "▁Chutney", + -15.1685791015625 + ], + [ + "▁Hairdresser", + -15.1685791015625 + ], + [ + "▁Hematology", + -15.1685791015625 + ], + [ + "▁Mujahid", + -15.1685791015625 + ], + [ + "▁oxidizing", + -15.1685791015625 + ], + [ + "▁888-270-6611", + -15.168580055236816 + ], + [ + "▁888-282-0465", + -15.168580055236816 + ], + [ + "▁Ilkley", + -15.168580055236816 + ], + [ + "▁mechatronic", + -15.168580055236816 + ], + [ + "▁Saanich", + -15.168581008911133 + ], + [ + "▁educative", + -15.168581008911133 + ], + [ + "▁quarried", + -15.168581008911133 + ], + [ + "▁REDUCED", + -15.16858196258545 + ], + [ + "▁Synapse", + -15.16858196258545 + ], + [ + "▁CREATIVE", + -15.168583869934082 + ], + [ + "▁Memento", + -15.168583869934082 + ], + [ + "▁Mohamad", + -15.168583869934082 + ], + [ + "▁Moisturis", + -15.168583869934082 + ], + [ + "▁bigoted", + -15.168583869934082 + ], + [ + "▁concurrence", + -15.168583869934082 + ], + [ + "▁duchess", + -15.168583869934082 + ], + [ + "▁geodesic", + -15.168583869934082 + ], + [ + "▁squawk", + -15.168583869934082 + ], + [ + "berkeley", + -15.168584823608398 + ], + [ + "▁AUCTION", + -15.168584823608398 + ], + [ + "FWIW", + -15.168585777282717 + ], + [ + "▁BROTHER", + -15.168585777282717 + ], + [ + "▁Skaggs", + -15.168585777282717 + ], + [ + "▁Wallabies", + -15.168585777282717 + ], + [ + "▁extricate", + -15.168585777282717 + ], + [ + "7-77", + -15.168587684631348 + ], + [ + "▁Husain", + -15.168587684631348 + ], + [ + "▁Toothbrush", + -15.16858959197998 + ], + [ + "Ubiquiti", + -15.168590545654297 + ], + [ + "kloof", + -15.168591499328612 + ], + [ + "▁halving", + -15.168591499328612 + ], + [ + "▁LIFETIME", + -15.16859531402588 + ], + [ + "▁Hazzard", + -15.168596267700195 + ], + [ + "▁Pareto", + -15.168596267700195 + ], + [ + "▁corsage", + -15.168597221374512 + ], + [ + "▁shofar", + -15.168598175048828 + ], + [ + "Quarantine", + -15.168599128723145 + ], + [ + "▁Oberoi", + -15.168599128723145 + ], + [ + "▁outmoded", + -15.16860008239746 + ], + [ + "▁Ratchet", + -15.168601036071776 + ], + [ + "▁Argumentative", + -15.16860294342041 + ], + [ + "[*]", + -15.168603897094728 + ], + [ + "Conceal", + -15.16860580444336 + ], + [ + "▁reassert", + -15.16860580444336 + ], + [ + "▁Biographical", + -15.168606758117676 + ], + [ + "▁bribing", + -15.168606758117676 + ], + [ + "▁Cheerleading", + -15.168609619140623 + ], + [ + "▁FLORAL", + -15.168611526489258 + ], + [ + "▁Interpreting", + -15.168611526489258 + ], + [ + "FERENCE", + -15.168612480163574 + ], + [ + "▁Barnstable", + -15.168612480163574 + ], + [ + "▁Strachan", + -15.168612480163574 + ], + [ + "▁candidature", + -15.168614387512209 + ], + [ + "▁pricy", + -15.16861629486084 + ], + [ + "▁Tranquility", + -15.168618202209473 + ], + [ + "▁Augmentation", + -15.168619155883787 + ], + [ + "▁Khalsa", + -15.168622970581056 + ], + [ + "▁Holyrood", + -15.168624877929688 + ], + [ + "▁diffusing", + -15.168624877929688 + ], + [ + "corsair", + -15.168633460998535 + ], + [ + "▁inflator", + -15.1686372756958 + ], + [ + "▁federated", + -15.168644905090332 + ], + [ + "▁calzone", + -15.168651580810549 + ], + [ + "▁£40,000", + -15.168652534484863 + ], + [ + "▁WalMart", + -15.168656349182127 + ], + [ + "▁Bharatpur", + -15.168662071228027 + ], + [ + "▁Dhanush", + -15.168662071228027 + ], + [ + "▁AIIMS", + -15.168668746948242 + ], + [ + "▁Transient", + -15.168673515319824 + ], + [ + "▁dispelled", + -15.168673515319824 + ], + [ + "▁Facade", + -15.168676376342772 + ], + [ + "▁Ahmet", + -15.16868019104004 + ], + [ + "▁Anglesey", + -15.168683052062988 + ], + [ + "▁bawl", + -15.168683052062988 + ], + [ + "▁choreographic", + -15.16868495941162 + ], + [ + "ritter", + -15.168692588806152 + ], + [ + "▁senatorial", + -15.168696403503418 + ], + [ + "▁Scanlon", + -15.168701171875 + ], + [ + "▁lollies", + -15.168701171875 + ], + [ + "▁delicatessen", + -15.16870403289795 + ], + [ + "▁resistivity", + -15.168710708618164 + ], + [ + "▁hawkish", + -15.16871738433838 + ], + [ + "▁(50%)", + -15.168720245361328 + ], + [ + "▁Traits", + -15.16872787475586 + ], + [ + "▁Chabot", + -15.168730735778809 + ], + [ + "▁decongestant", + -15.168730735778809 + ], + [ + "JROTC", + -15.168734550476074 + ], + [ + "▁Profitability", + -15.16873836517334 + ], + [ + "thrombotic", + -15.168739318847656 + ], + [ + "▁sunburst", + -15.168742179870604 + ], + [ + "▁jinx", + -15.168750762939451 + ], + [ + "▁Favour", + -15.168760299682615 + ], + [ + "▁hazing", + -15.168766021728516 + ], + [ + "▁hCG", + -15.16877555847168 + ], + [ + "▁tikka", + -15.168777465820312 + ], + [ + "UMKC", + -15.168778419494627 + ], + [ + "▁Almaty", + -15.168785095214844 + ], + [ + "▁EMPLOYEES", + -15.16879177093506 + ], + [ + "▁tardy", + -15.168797492980955 + ], + [ + "▁Hayek", + -15.168811798095703 + ], + [ + "▁Hattie", + -15.1688232421875 + ], + [ + "kirchen", + -15.168825149536133 + ], + [ + "▁Matlock", + -15.168851852416992 + ], + [ + "▁simulcast", + -15.168851852416992 + ], + [ + "▁Hanshan", + -15.168852806091309 + ], + [ + "▁Snowshoe", + -15.168871879577637 + ], + [ + "ogenetic", + -15.168877601623535 + ], + [ + "▁Minoan", + -15.16889190673828 + ], + [ + "▁evocation", + -15.168907165527344 + ], + [ + "▁Furlong", + -15.168937683105469 + ], + [ + "▁Epoch", + -15.168953895568848 + ], + [ + "▁Lovelace", + -15.168960571289062 + ], + [ + "▁conceptualizing", + -15.168962478637695 + ], + [ + "▁Nagano", + -15.168971061706545 + ], + [ + "▁PROFITS", + -15.16897678375244 + ], + [ + "▁2019-03-", + -15.16899299621582 + ], + [ + "▁Clarets", + -15.16899585723877 + ], + [ + "Synerg", + -15.169000625610352 + ], + [ + "▁Robbery", + -15.169014930725098 + ], + [ + "▁Celina", + -15.16901683807373 + ], + [ + "▁Lopes", + -15.16903305053711 + ], + [ + "▁Snooker", + -15.16903305053711 + ], + [ + "▁Splat", + -15.169089317321776 + ], + [ + "▁Quechua", + -15.169102668762209 + ], + [ + "▁Millersville", + -15.16913890838623 + ], + [ + "▁Swirlr", + -15.16915512084961 + ], + [ + "▁slathered", + -15.169172286987305 + ], + [ + "▁dustbin", + -15.16922664642334 + ], + [ + "▁Crofton", + -15.169235229492188 + ], + [ + "SHIRT", + -15.169240951538086 + ], + [ + "▁Superdry", + -15.169246673583984 + ], + [ + "▁Herpes", + -15.169267654418944 + ], + [ + "▁Slippery", + -15.169273376464844 + ], + [ + "▁preinstalled", + -15.16928005218506 + ], + [ + "▁placate", + -15.16929054260254 + ], + [ + "▁tcp", + -15.169293403625488 + ], + [ + "▁proportionately", + -15.169294357299805 + ], + [ + "▁expressiveness", + -15.16932773590088 + ], + [ + "▁kodi", + -15.169346809387209 + ], + [ + "▁Outbound", + -15.169351577758787 + ], + [ + "▁debriefing", + -15.16935920715332 + ], + [ + "▁Bighorn", + -15.169377326965332 + ], + [ + "▁Sakai", + -15.169443130493164 + ], + [ + "ANGLE", + -15.16944694519043 + ], + [ + "▁cantilevered", + -15.169459342956545 + ], + [ + "▁Fleury", + -15.169473648071287 + ], + [ + "Predictably", + -15.16948413848877 + ], + [ + "▁Hillsong", + -15.16951847076416 + ], + [ + "henium", + -15.169623374938965 + ], + [ + "▁ragtime", + -15.169634819030762 + ], + [ + "▁BOWL", + -15.169641494750977 + ], + [ + "▁enlivened", + -15.169654846191406 + ], + [ + "praise", + -15.169659614562988 + ], + [ + "▁Quinton", + -15.169665336608888 + ], + [ + "lagu", + -15.169681549072266 + ], + [ + "▁Carnation", + -15.169684410095217 + ], + [ + "POLITI", + -15.16969871520996 + ], + [ + "▁23:3", + -15.16982364654541 + ], + [ + "Dividing", + -15.169836044311523 + ], + [ + "osperm", + -15.169843673706056 + ], + [ + "▁roughest", + -15.169977188110352 + ], + [ + "Henshaw", + -15.169981956481934 + ], + [ + "oussi", + -15.169987678527832 + ], + [ + "▁splintered", + -15.17005729675293 + ], + [ + "▁BEARING", + -15.170183181762695 + ], + [ + "▁FIPS", + -15.170226097106934 + ], + [ + "16949", + -15.17023468017578 + ], + [ + "▁£700", + -15.170363426208496 + ], + [ + "Geez", + -15.17037582397461 + ], + [ + "kubo", + -15.170552253723145 + ], + [ + "▁SQU", + -15.170594215393066 + ], + [ + "▁Yulia", + -15.170717239379885 + ], + [ + "Advertisement", + -15.17072582244873 + ], + [ + "informatics", + -15.170771598815918 + ], + [ + "Consistency", + -15.170788764953612 + ], + [ + "3:15", + -15.170790672302246 + ], + [ + "Ergonomic", + -15.17081069946289 + ], + [ + "▁Cobbler", + -15.170811653137209 + ], + [ + "Shuttle", + -15.170814514160156 + ], + [ + "Literally", + -15.170822143554688 + ], + [ + "1702", + -15.17082691192627 + ], + [ + "Dangerous", + -15.170828819274902 + ], + [ + "catalyst", + -15.170832633972168 + ], + [ + "Exhaust", + -15.170833587646484 + ], + [ + "▁Beebe", + -15.170833587646484 + ], + [ + "Peggy", + -15.170839309692385 + ], + [ + "Maurice", + -15.170842170715332 + ], + [ + "suspension", + -15.170843124389648 + ], + [ + "McCarthy", + -15.17084503173828 + ], + [ + "Shrimp", + -15.170845985412598 + ], + [ + "headquartered", + -15.17084789276123 + ], + [ + "Mathematics", + -15.170849800109863 + ], + [ + "consecutive", + -15.170853614807127 + ], + [ + "aggression", + -15.170856475830078 + ], + [ + "applicable", + -15.170856475830078 + ], + [ + "Voyage", + -15.170859336853027 + ], + [ + "prohibit", + -15.170863151550291 + ], + [ + "Sesame", + -15.170865058898926 + ], + [ + "arrived", + -15.17086696624756 + ], + [ + "administrative", + -15.170868873596191 + ], + [ + "submission", + -15.17087459564209 + ], + [ + "CONNECT", + -15.170881271362305 + ], + [ + "eauteous", + -15.170881271362305 + ], + [ + "Guild", + -15.170883178710938 + ], + [ + "Utilities", + -15.170891761779783 + ], + [ + "Ninety", + -15.170904159545898 + ], + [ + "Recruitment", + -15.170912742614746 + ], + [ + "Pluto", + -15.170928001403809 + ], + [ + "▁Importers", + -15.170976638793944 + ], + [ + "Consent", + -15.170992851257324 + ], + [ + "Magical", + -15.170997619628906 + ], + [ + "Reception", + -15.17100429534912 + ], + [ + "alleged", + -15.171005249023438 + ], + [ + "Shutter", + -15.171008110046388 + ], + [ + "inspirational", + -15.171026229858398 + ], + [ + "Pierce", + -15.171186447143556 + ], + [ + "Coleman", + -15.171238899230955 + ], + [ + "measurement", + -15.171331405639648 + ], + [ + "Rarely", + -15.17140007019043 + ], + [ + "encoded", + -15.1714506149292 + ], + [ + "rican", + -15.17147445678711 + ], + [ + "▁combatant", + -15.171476364135742 + ], + [ + "Roland", + -15.17149829864502 + ], + [ + "▁Headmaster", + -15.171557426452637 + ], + [ + "GaN", + -15.171589851379396 + ], + [ + "Authority", + -15.17166805267334 + ], + [ + "Fond", + -15.171669960021973 + ], + [ + "▁Choker", + -15.171671867370604 + ], + [ + "chrys", + -15.171696662902832 + ], + [ + "▁$55,000", + -15.171711921691896 + ], + [ + "▁Mazur", + -15.171741485595703 + ], + [ + "Barrel", + -15.17180061340332 + ], + [ + "Parties", + -15.171937942504885 + ], + [ + "Chronicle", + -15.172154426574709 + ], + [ + "▁Giang", + -15.172264099121094 + ], + [ + "Institutional", + -15.172389030456545 + ], + [ + "▁CFU", + -15.172661781311035 + ], + [ + "delegate", + -15.172686576843262 + ], + [ + "▁skf", + -15.173027992248535 + ], + [ + "4900", + -15.173128128051758 + ], + [ + "▁Capaciti", + -15.173171043395996 + ], + [ + "▁pvp", + -15.173247337341309 + ], + [ + "2(2):", + -15.173291206359863 + ], + [ + "▁Mangia", + -15.173367500305176 + ], + [ + "▁Govind", + -15.173415184020996 + ], + [ + "▁Pawl", + -15.17343807220459 + ], + [ + "30.00", + -15.17361545562744 + ], + [ + "▁Chinn", + -15.173724174499512 + ], + [ + "▁Crouse", + -15.173791885375977 + ], + [ + "▁Ultrabook", + -15.174190521240234 + ], + [ + "▁Imperi", + -15.174269676208496 + ], + [ + "Fluid", + -15.17432689666748 + ], + [ + "▁Pegg", + -15.174449920654297 + ], + [ + "▁Komar", + -15.174453735351562 + ], + [ + "▁Alterna", + -15.174590110778809 + ], + [ + "PERT", + -15.17480182647705 + ], + [ + "tronomic", + -15.174822807312012 + ], + [ + "▁Kemal", + -15.174955368041992 + ], + [ + "6-14", + -15.174981117248535 + ], + [ + "▁Spitz", + -15.175078392028809 + ], + [ + "Artwork", + -15.17508316040039 + ], + [ + "pivot", + -15.175371170043944 + ], + [ + "wringing", + -15.17552375793457 + ], + [ + "▁misplace", + -15.175593376159668 + ], + [ + "▁stewardess", + -15.175599098205566 + ], + [ + "ightened", + -15.175615310668944 + ], + [ + "▁Lombardo", + -15.175735473632812 + ], + [ + "servator", + -15.175769805908203 + ], + [ + "▁19:3", + -15.17603874206543 + ], + [ + "jeux", + -15.17624855041504 + ], + [ + "▁governess", + -15.176511764526367 + ], + [ + "▁Alpert", + -15.176737785339355 + ], + [ + "fumi", + -15.176758766174316 + ], + [ + "2:56", + -15.176837921142578 + ], + [ + "yoku", + -15.176908493041992 + ], + [ + "▁Plover", + -15.176968574523926 + ], + [ + "74%", + -15.177058219909668 + ], + [ + "aryngeal", + -15.1771240234375 + ], + [ + "9:05", + -15.17722988128662 + ], + [ + "▁Feral", + -15.177250862121582 + ], + [ + "123456", + -15.177258491516112 + ], + [ + "▁GENE", + -15.177312850952148 + ], + [ + "osophical", + -15.17733383178711 + ], + [ + "▁Defy", + -15.177434921264648 + ], + [ + "▁repudiate", + -15.177448272705078 + ], + [ + "Describ", + -15.177617073059082 + ], + [ + "Amico", + -15.177714347839355 + ], + [ + "▁Rauch", + -15.177857398986816 + ], + [ + "Gerard", + -15.178159713745115 + ], + [ + "▁EXEC", + -15.178182601928713 + ], + [ + "SiO", + -15.178211212158203 + ], + [ + "▁Breda", + -15.17829132080078 + ], + [ + "FDP", + -15.178306579589844 + ], + [ + "02:00", + -15.178359985351562 + ], + [ + "3:11", + -15.178491592407228 + ], + [ + "mbley", + -15.17849349975586 + ], + [ + "▁Salma", + -15.17931079864502 + ], + [ + "▁dialectic", + -15.17934799194336 + ], + [ + "1:56", + -15.179705619812012 + ], + [ + "▁Brico", + -15.179723739624023 + ], + [ + "▁TYPO", + -15.179771423339844 + ], + [ + "3:02", + -15.179975509643556 + ], + [ + "constructive", + -15.180089950561523 + ], + [ + "12-7", + -15.180303573608398 + ], + [ + "▁23:59", + -15.180359840393066 + ], + [ + "▁Tauri", + -15.18048095703125 + ], + [ + "shedding", + -15.180700302124023 + ], + [ + "zept", + -15.18095588684082 + ], + [ + "▁07:2", + -15.18105125427246 + ], + [ + "▁Tiara", + -15.181195259094238 + ], + [ + "▁Appetit", + -15.181292533874512 + ], + [ + "▁positiv", + -15.181309700012209 + ], + [ + "▁relegate", + -15.181310653686523 + ], + [ + "▁detonate", + -15.18131160736084 + ], + [ + "▁TICKET", + -15.181429862976074 + ], + [ + "▁undoubted", + -15.181669235229492 + ], + [ + "▁OCP", + -15.18179988861084 + ], + [ + "▁acquiesce", + -15.181906700134276 + ], + [ + "Fructose", + -15.181910514831545 + ], + [ + "▁Connoisseur", + -15.181910514831545 + ], + [ + "▁Pyeongchang", + -15.181910514831545 + ], + [ + "Accommodate", + -15.18191146850586 + ], + [ + "CLEVELAND", + -15.18191146850586 + ], + [ + "Defamation", + -15.18191146850586 + ], + [ + "Exemplary", + -15.18191146850586 + ], + [ + "Forstchen", + -15.18191146850586 + ], + [ + "Matthieu", + -15.18191146850586 + ], + [ + "▁Cilantro", + -15.18191146850586 + ], + [ + "▁Cumulus", + -15.18191146850586 + ], + [ + "▁DIFFERENCE", + -15.18191146850586 + ], + [ + "▁Duxbury", + -15.18191146850586 + ], + [ + "▁Fethiye", + -15.18191146850586 + ], + [ + "▁Fujairah", + -15.18191146850586 + ], + [ + "▁Galbraith", + -15.18191146850586 + ], + [ + "▁Grumpy", + -15.18191146850586 + ], + [ + "▁Guterres", + -15.18191146850586 + ], + [ + "▁Gwalior", + -15.18191146850586 + ], + [ + "▁Habanero", + -15.18191146850586 + ], + [ + "▁Huguenot", + -15.18191146850586 + ], + [ + "▁Mariposa", + -15.18191146850586 + ], + [ + "▁Mizoram", + -15.18191146850586 + ], + [ + "▁Murchison", + -15.18191146850586 + ], + [ + "▁ORLEANS", + -15.18191146850586 + ], + [ + "▁PERMITTED", + -15.18191146850586 + ], + [ + "▁Pseudomonas", + -15.18191146850586 + ], + [ + "▁Superannuation", + -15.18191146850586 + ], + [ + "▁TOMORROW", + -15.18191146850586 + ], + [ + "▁TRAFFIC", + -15.18191146850586 + ], + [ + "▁Thibodeau", + -15.18191146850586 + ], + [ + "▁Wilfrid", + -15.18191146850586 + ], + [ + "▁anesthetist", + -15.18191146850586 + ], + [ + "▁astrophysicist", + -15.18191146850586 + ], + [ + "▁clavicle", + -15.18191146850586 + ], + [ + "▁demonstrably", + -15.18191146850586 + ], + [ + "▁drizzling", + -15.18191146850586 + ], + [ + "▁expediency", + -15.18191146850586 + ], + [ + "▁fulcrum", + -15.18191146850586 + ], + [ + "▁gregarious", + -15.18191146850586 + ], + [ + "▁perceptible", + -15.18191146850586 + ], + [ + "▁peregrine", + -15.18191146850586 + ], + [ + "▁pygmy", + -15.18191146850586 + ], + [ + "▁recompense", + -15.18191146850586 + ], + [ + "▁sriracha", + -15.18191146850586 + ], + [ + "▁superconducting", + -15.18191146850586 + ], + [ + "▁tarantula", + -15.18191146850586 + ], + [ + "▁torturous", + -15.18191146850586 + ], + [ + "▁unbearably", + -15.18191146850586 + ], + [ + "▁undergarments", + -15.18191146850586 + ], + [ + "▁voluptuous", + -15.18191146850586 + ], + [ + "TRIBUTION", + -15.181912422180176 + ], + [ + "tribune", + -15.181912422180176 + ], + [ + "▁Carrefour", + -15.181912422180176 + ], + [ + "▁demagogue", + -15.181912422180176 + ], + [ + "▁hurrah", + -15.181912422180176 + ], + [ + "▁FRENCH", + -15.181913375854492 + ], + [ + "▁Suleiman", + -15.181913375854492 + ], + [ + "▁Welbeck", + -15.181913375854492 + ], + [ + "▁hepatocellular", + -15.181913375854492 + ], + [ + "▁oxidase", + -15.181913375854492 + ], + [ + "▁ugliest", + -15.181913375854492 + ], + [ + "Executing", + -15.181914329528809 + ], + [ + "1-6556", + -15.181915283203123 + ], + [ + "▁Cullinan", + -15.181915283203123 + ], + [ + "▁Imelda", + -15.181915283203123 + ], + [ + "▁ineptitude", + -15.181915283203123 + ], + [ + "▁Skeeter", + -15.18191623687744 + ], + [ + "▁mystified", + -15.18191623687744 + ], + [ + "▁CONFERENCE", + -15.181917190551758 + ], + [ + "▁labrador", + -15.181917190551758 + ], + [ + "▁Skanska", + -15.18191909790039 + ], + [ + "▁shrubbery", + -15.18191909790039 + ], + [ + "▁Paleolithic", + -15.181920051574709 + ], + [ + "▁thermocouple", + -15.181921005249023 + ], + [ + "▁Vaillant", + -15.18192195892334 + ], + [ + "▁Nemesis", + -15.181924819946287 + ], + [ + "▁Grecian", + -15.181925773620604 + ], + [ + "▁PARTIES", + -15.181925773620604 + ], + [ + "▁eavesdropping", + -15.181927680969238 + ], + [ + "▁steadied", + -15.181927680969238 + ], + [ + "▁Barstow", + -15.181930541992188 + ], + [ + "▁Kiefer", + -15.181930541992188 + ], + [ + "▁Rajkumar", + -15.181931495666504 + ], + [ + "▁fumigation", + -15.18193244934082 + ], + [ + "▁Distributing", + -15.181933403015137 + ], + [ + "▁Lugano", + -15.181939125061035 + ], + [ + "▁revving", + -15.181939125061035 + ], + [ + "▁ANZAC", + -15.181947708129885 + ], + [ + "▁Esteban", + -15.181947708129885 + ], + [ + "▁Kusama", + -15.181947708129885 + ], + [ + "▁interweave", + -15.1819486618042 + ], + [ + "▁protonix", + -15.181949615478516 + ], + [ + "▁Lindberg", + -15.181957244873049 + ], + [ + "▁Tioga", + -15.181957244873049 + ], + [ + "▁Condé", + -15.181958198547363 + ], + [ + "▁Tilburg", + -15.181962013244627 + ], + [ + "▁Zapata", + -15.181962013244627 + ], + [ + "▁Waldron", + -15.181971549987791 + ], + [ + "▁Kirchner", + -15.18197536468506 + ], + [ + "▁yucca", + -15.181977272033691 + ], + [ + "▁Gaynor", + -15.181979179382324 + ], + [ + "▁maximization", + -15.181983947753906 + ], + [ + "▁undeclared", + -15.181983947753906 + ], + [ + "▁2006-2007", + -15.181984901428224 + ], + [ + "▁Ringgit", + -15.181984901428224 + ], + [ + "▁yankee", + -15.181989669799805 + ], + [ + "▁sintering", + -15.18199062347412 + ], + [ + "▁purevpn", + -15.181991577148438 + ], + [ + "▁sexier", + -15.18199348449707 + ], + [ + "▁FORWARD", + -15.18199634552002 + ], + [ + "▁Bentonite", + -15.181999206542969 + ], + [ + "▁suboptimal", + -15.182000160217283 + ], + [ + "▁Terrance", + -15.182002067565918 + ], + [ + "▁Amicus", + -15.182004928588867 + ], + [ + "▁satanic", + -15.182008743286133 + ], + [ + "▁Riemann", + -15.182011604309082 + ], + [ + "▁$24.99", + -15.182018280029297 + ], + [ + "▁Norcross", + -15.18202018737793 + ], + [ + "▁AutoNation", + -15.18203067779541 + ], + [ + "▁Gastonia", + -15.182031631469728 + ], + [ + "▁crankcase", + -15.182035446166992 + ], + [ + "▁peice", + -15.182036399841309 + ], + [ + "▁Birthplace", + -15.18203830718994 + ], + [ + "▁Tremont", + -15.18203830718994 + ], + [ + "▁Paraben", + -15.182040214538574 + ], + [ + "▁strutting", + -15.182042121887209 + ], + [ + "▁Zorro", + -15.182050704956056 + ], + [ + "▁Kinsey", + -15.182053565979004 + ], + [ + "capturing", + -15.182056427001951 + ], + [ + "▁Terrapin", + -15.182065963745115 + ], + [ + "▁Kennard", + -15.182069778442385 + ], + [ + "▁LiveCareer", + -15.182072639465332 + ], + [ + "▁Natick", + -15.182072639465332 + ], + [ + "▁Fortitude", + -15.182080268859863 + ], + [ + "▁Statham", + -15.182080268859863 + ], + [ + "▁geocache", + -15.182085990905762 + ], + [ + "▁bastards", + -15.18209457397461 + ], + [ + "▁Dixit", + -15.182098388671877 + ], + [ + "▁Diehl", + -15.182103157043455 + ], + [ + "▁Dermot", + -15.18210506439209 + ], + [ + "▁wtf", + -15.18210506439209 + ], + [ + "▁biosecurity", + -15.182106971740724 + ], + [ + "odendron", + -15.18211841583252 + ], + [ + "▁Khaki", + -15.182132720947266 + ], + [ + "▁sublingual", + -15.182135581970217 + ], + [ + "▁Dubbo", + -15.182144165039062 + ], + [ + "▁interagency", + -15.18214988708496 + ], + [ + "▁staid", + -15.182167053222656 + ], + [ + "▁ontologies", + -15.182175636291504 + ], + [ + "▁RECEIVED", + -15.182220458984377 + ], + [ + "▁Mohit", + -15.182221412658691 + ], + [ + "▁Abaco", + -15.182233810424805 + ], + [ + "8:29", + -15.182236671447754 + ], + [ + "▁Marshfield", + -15.182249069213867 + ], + [ + "▁drunkenness", + -15.182252883911133 + ], + [ + "▁TestKing", + -15.18227767944336 + ], + [ + "▁farmstead", + -15.182279586791992 + ], + [ + "▁Crutch", + -15.182297706604004 + ], + [ + "▁Sandoz", + -15.18230438232422 + ], + [ + "▁barnyard", + -15.182330131530762 + ], + [ + "Consequence", + -15.182333946228027 + ], + [ + "▁shearling", + -15.18233871459961 + ], + [ + "legitimis", + -15.182342529296877 + ], + [ + "▁Jemma", + -15.182380676269531 + ], + [ + "▁Bodybuilding", + -15.182397842407228 + ], + [ + "▁buttercup", + -15.1824369430542 + ], + [ + "▁adjudicated", + -15.18244171142578 + ], + [ + "NonCommercial", + -15.182453155517578 + ], + [ + "▁Arabella", + -15.182453155517578 + ], + [ + "▁Javed", + -15.182476997375488 + ], + [ + "▁Caplan", + -15.182502746582031 + ], + [ + "1:58", + -15.18252658843994 + ], + [ + "keller", + -15.182576179504396 + ], + [ + "▁Kathie", + -15.182607650756836 + ], + [ + "▁Greenleaf", + -15.182650566101074 + ], + [ + "▁Decoder", + -15.18265438079834 + ], + [ + "▁Nominating", + -15.18265438079834 + ], + [ + "▁Webroot", + -15.18270778656006 + ], + [ + "▁Suprema", + -15.182726860046388 + ], + [ + "▁2016/2017", + -15.1827392578125 + ], + [ + "▁paediatrician", + -15.182745933532717 + ], + [ + "▁mocktail", + -15.182780265808104 + ], + [ + "Schaller", + -15.182784080505373 + ], + [ + "TAKING", + -15.182784080505373 + ], + [ + "▁Kurtis", + -15.1827974319458 + ], + [ + "▁Battlestar", + -15.182798385620115 + ], + [ + "▁Marcella", + -15.182822227478027 + ], + [ + "▁Postgres", + -15.182830810546877 + ], + [ + "▁engendered", + -15.182830810546877 + ], + [ + "▁Elasto", + -15.182851791381836 + ], + [ + "▁Eatery", + -15.182880401611328 + ], + [ + "▁Haque", + -15.182903289794922 + ], + [ + "▁Persie", + -15.182923316955566 + ], + [ + "▁Ajmer", + -15.18295669555664 + ], + [ + "0005", + -15.183029174804688 + ], + [ + "▁Adeline", + -15.18304443359375 + ], + [ + "PARK", + -15.183050155639648 + ], + [ + "▁Drifter", + -15.183058738708496 + ], + [ + "▁cartographer", + -15.183104515075684 + ], + [ + "▁Camara", + -15.183140754699709 + ], + [ + "▁castaway", + -15.183152198791504 + ], + [ + "Specified", + -15.183199882507324 + ], + [ + "▁oxidise", + -15.183271408081056 + ], + [ + "▁Elbert", + -15.183292388916016 + ], + [ + "▁Bugle", + -15.183341026306152 + ], + [ + "▁Remus", + -15.183392524719238 + ], + [ + "▁Franconia", + -15.183405876159668 + ], + [ + "▁Chipper", + -15.183469772338867 + ], + [ + "Provenance", + -15.183478355407717 + ], + [ + "▁Reiter", + -15.183544158935549 + ], + [ + "ijl", + -15.183587074279783 + ], + [ + "▁Carsten", + -15.18362808227539 + ], + [ + "▁phthalate", + -15.183756828308104 + ], + [ + "▁Fifi", + -15.18377685546875 + ], + [ + "▁newlywed", + -15.183996200561523 + ], + [ + "etna", + -15.184008598327637 + ], + [ + "Repetition", + -15.18402099609375 + ], + [ + "▁Storybook", + -15.184029579162598 + ], + [ + "blame", + -15.184107780456545 + ], + [ + "▁Firearm", + -15.184192657470703 + ], + [ + "Crisp", + -15.18422508239746 + ], + [ + "▁Buffon", + -15.184249877929688 + ], + [ + "genome", + -15.184270858764648 + ], + [ + "▁Malawian", + -15.184351921081545 + ], + [ + "prong", + -15.184412956237791 + ], + [ + "▁NXP", + -15.18442153930664 + ], + [ + "▁pooja", + -15.184468269348145 + ], + [ + "happiness", + -15.184483528137209 + ], + [ + "DESCRIPTION", + -15.184490203857422 + ], + [ + "insurgency", + -15.184494972229004 + ], + [ + "Immune", + -15.184499740600586 + ], + [ + "Discipline", + -15.18452262878418 + ], + [ + "murphy", + -15.18452262878418 + ], + [ + "Asbestos", + -15.184523582458496 + ], + [ + "Charcoal", + -15.184531211853027 + ], + [ + "Shenzhen", + -15.184532165527344 + ], + [ + "Licensing", + -15.184535026550291 + ], + [ + "Meredith", + -15.184535026550291 + ], + [ + "café", + -15.184535026550291 + ], + [ + "Schneider", + -15.184537887573242 + ], + [ + "Clarity", + -15.18453884124756 + ], + [ + "Financing", + -15.184539794921877 + ], + [ + "catalytic", + -15.184539794921877 + ], + [ + "Interaction", + -15.184541702270508 + ], + [ + "preparation", + -15.184542655944824 + ], + [ + "Crisis", + -15.18454360961914 + ], + [ + "Eclipse", + -15.18454360961914 + ], + [ + "Lithuania", + -15.18454360961914 + ], + [ + "Muhammad", + -15.18454647064209 + ], + [ + "Treasury", + -15.184550285339355 + ], + [ + "LOCAL", + -15.184552192687988 + ], + [ + "explicit", + -15.184553146362305 + ], + [ + "Colonial", + -15.18455982208252 + ], + [ + "Dixie", + -15.184564590454102 + ], + [ + "policies", + -15.184564590454102 + ], + [ + "Arlington", + -15.18456745147705 + ], + [ + "Armstrong", + -15.1845703125 + ], + [ + "Supplies", + -15.184572219848633 + ], + [ + "Valencia", + -15.184581756591797 + ], + [ + "▁Seedling", + -15.18459415435791 + ], + [ + "BONUS", + -15.184597969055176 + ], + [ + "spicy", + -15.184597969055176 + ], + [ + "Organizers", + -15.184612274169922 + ], + [ + "Sonny", + -15.184621810913086 + ], + [ + "Elastic", + -15.1846342086792 + ], + [ + "ISING", + -15.18463897705078 + ], + [ + "blurb", + -15.184640884399414 + ], + [ + "Settlement", + -15.18465805053711 + ], + [ + "Camden", + -15.18474292755127 + ], + [ + "Crispy", + -15.18474578857422 + ], + [ + "pecially", + -15.184748649597168 + ], + [ + "fabrik", + -15.184751510620115 + ], + [ + "WoW", + -15.18476390838623 + ], + [ + "Apprentice", + -15.184844970703123 + ], + [ + "Rookie", + -15.184853553771973 + ], + [ + "machinery", + -15.184916496276855 + ], + [ + "Realizing", + -15.184918403625488 + ], + [ + "▁juggler", + -15.184946060180664 + ], + [ + "▁Nirmal", + -15.184955596923828 + ], + [ + "Aggregat", + -15.184956550598145 + ], + [ + "wmv", + -15.184965133666992 + ], + [ + "▁Winne", + -15.185009956359863 + ], + [ + "Heavenly", + -15.185011863708496 + ], + [ + "idase", + -15.185023307800291 + ], + [ + "▁Consultati", + -15.185044288635254 + ], + [ + "▁Kriti", + -15.185067176818848 + ], + [ + "Rogue", + -15.185141563415527 + ], + [ + "Practically", + -15.185163497924805 + ], + [ + "Jeep", + -15.185166358947754 + ], + [ + "▁DONATE", + -15.185181617736816 + ], + [ + "7:45", + -15.185280799865724 + ], + [ + "Dixon", + -15.185296058654783 + ], + [ + "divine", + -15.18533420562744 + ], + [ + "▁Rahu", + -15.185453414916992 + ], + [ + "essex", + -15.18547534942627 + ], + [ + "▁Kaff", + -15.185659408569336 + ], + [ + "Nigerian", + -15.185726165771484 + ], + [ + "▁$2,4", + -15.185748100280762 + ], + [ + "Iraqi", + -15.185900688171388 + ], + [ + "Sodium", + -15.185972213745115 + ], + [ + "▁DMK", + -15.18598461151123 + ], + [ + "▁Paramus", + -15.18625831604004 + ], + [ + "▁OMNI", + -15.186342239379885 + ], + [ + "1,600", + -15.186378479003906 + ], + [ + "NWR", + -15.186464309692385 + ], + [ + "▁defection", + -15.186474800109863 + ], + [ + "▁administra", + -15.186552047729492 + ], + [ + "▁clef", + -15.186773300170898 + ], + [ + "▁HHV", + -15.186877250671388 + ], + [ + "Genie", + -15.186906814575195 + ], + [ + "00-000", + -15.186938285827637 + ], + [ + "ERIE", + -15.187049865722656 + ], + [ + "glide", + -15.18714714050293 + ], + [ + "▁Govern", + -15.1873197555542 + ], + [ + "Propose", + -15.187329292297363 + ], + [ + "3:25", + -15.187370300292969 + ], + [ + "▁$130,000", + -15.187532424926758 + ], + [ + "ropod", + -15.187607765197754 + ], + [ + "5:50", + -15.187684059143066 + ], + [ + "JIM", + -15.187685012817385 + ], + [ + "▁Tashi", + -15.18772315979004 + ], + [ + "▁mitten", + -15.187785148620604 + ], + [ + "Francois", + -15.187914848327637 + ], + [ + "▁Respir", + -15.188020706176758 + ], + [ + "10-9", + -15.18844509124756 + ], + [ + "turkey", + -15.188691139221191 + ], + [ + "helpful", + -15.188854217529297 + ], + [ + "PINE", + -15.188947677612305 + ], + [ + "Politi", + -15.18903923034668 + ], + [ + "▁Pampa", + -15.189468383789062 + ], + [ + "91%", + -15.18962860107422 + ], + [ + "▁zyg", + -15.189708709716797 + ], + [ + "▁Llang", + -15.189921379089355 + ], + [ + "▁Imperfect", + -15.189955711364746 + ], + [ + "▁Jahn", + -15.19007396697998 + ], + [ + "▁717-", + -15.19030475616455 + ], + [ + "▁Sarna", + -15.190776824951172 + ], + [ + "▁conserva", + -15.190972328186035 + ], + [ + "▁homie", + -15.19100856781006 + ], + [ + "0-466", + -15.19107151031494 + ], + [ + "surance", + -15.191218376159668 + ], + [ + "▁chafe", + -15.191274642944336 + ], + [ + "▁Pawan", + -15.191455841064451 + ], + [ + "▁Quack", + -15.191590309143066 + ], + [ + "Trax", + -15.191662788391112 + ], + [ + "INDE", + -15.192112922668455 + ], + [ + "▁pessimist", + -15.19212532043457 + ], + [ + "▁gunfight", + -15.192138671875 + ], + [ + "▁hick", + -15.192174911499023 + ], + [ + "MNP", + -15.192220687866213 + ], + [ + "▁Narco", + -15.19224452972412 + ], + [ + "jail", + -15.192523956298828 + ], + [ + "▁Kesar", + -15.19266128540039 + ], + [ + "JIA", + -15.192713737487791 + ], + [ + "▁Mince", + -15.19275951385498 + ], + [ + "tapped", + -15.192826271057127 + ], + [ + "Hollow", + -15.193126678466797 + ], + [ + "dwarfed", + -15.193225860595703 + ], + [ + "▁practic", + -15.193495750427246 + ], + [ + "EDEN", + -15.193867683410645 + ], + [ + "4:27", + -15.194014549255373 + ], + [ + "koski", + -15.194072723388672 + ], + [ + "▁INDIAN", + -15.19422721862793 + ], + [ + "▁Farhan", + -15.194258689880373 + ], + [ + "robotic", + -15.194275856018066 + ], + [ + "1603", + -15.194354057312012 + ], + [ + "▁GRIND", + -15.19442653656006 + ], + [ + "▁Universitat", + -15.194438934326172 + ], + [ + "▁Nairn", + -15.194463729858398 + ], + [ + "INARY", + -15.194520950317385 + ], + [ + "EBRA", + -15.194547653198242 + ], + [ + "▁Mazar", + -15.194831848144531 + ], + [ + "kinesis", + -15.19489288330078 + ], + [ + "▁categorise", + -15.194896697998049 + ], + [ + "▁supercharge", + -15.194986343383787 + ], + [ + "▁vanquish", + -15.195060729980469 + ], + [ + "2:54", + -15.195164680480955 + ], + [ + "7:24", + -15.195246696472168 + ], + [ + "2:46", + -15.195362091064451 + ], + [ + "▁Caledon", + -15.195394515991213 + ], + [ + "▁800-338-", + -15.19542407989502 + ], + [ + "▁Cowichan", + -15.19542407989502 + ], + [ + "▁Eugenia", + -15.19542407989502 + ], + [ + "▁Pidcock", + -15.19542407989502 + ], + [ + "▁Pinocchio", + -15.19542407989502 + ], + [ + "▁bermuda", + -15.19542407989502 + ], + [ + "▁chondroitin", + -15.19542407989502 + ], + [ + "▁iodide", + -15.19542407989502 + ], + [ + "Abruzzo", + -15.195425033569336 + ], + [ + "Intrigued", + -15.195425033569336 + ], + [ + "▁ASSOCIATES", + -15.195425033569336 + ], + [ + "▁Ambulatory", + -15.195425033569336 + ], + [ + "▁Arequipa", + -15.195425033569336 + ], + [ + "▁Armadillo", + -15.195425033569336 + ], + [ + "▁Aspergillus", + -15.195425033569336 + ], + [ + "▁Atacama", + -15.195425033569336 + ], + [ + "▁Baguette", + -15.195425033569336 + ], + [ + "▁Desjardins", + -15.195425033569336 + ], + [ + "▁Fandango", + -15.195425033569336 + ], + [ + "▁Gurdwara", + -15.195425033569336 + ], + [ + "▁MacGregor", + -15.195425033569336 + ], + [ + "▁Natchez", + -15.195425033569336 + ], + [ + "▁Nathanael", + -15.195425033569336 + ], + [ + "▁Nutanix", + -15.195425033569336 + ], + [ + "▁Penzance", + -15.195425033569336 + ], + [ + "▁Pergamon", + -15.195425033569336 + ], + [ + "▁Precautions", + -15.195425033569336 + ], + [ + "▁Siobhan", + -15.195425033569336 + ], + [ + "▁Société", + -15.195425033569336 + ], + [ + "▁Tourmaline", + -15.195425033569336 + ], + [ + "▁Tribulation", + -15.195425033569336 + ], + [ + "▁WHMCS", + -15.195425033569336 + ], + [ + "▁Xarelto", + -15.195425033569336 + ], + [ + "▁bifida", + -15.195425033569336 + ], + [ + "▁declination", + -15.195425033569336 + ], + [ + "▁disapproving", + -15.195425033569336 + ], + [ + "▁dysphagia", + -15.195425033569336 + ], + [ + "▁exfoliant", + -15.195425033569336 + ], + [ + "▁hyperthermia", + -15.195425033569336 + ], + [ + "▁inexcusable", + -15.195425033569336 + ], + [ + "▁inexhaustible", + -15.195425033569336 + ], + [ + "▁neuropathic", + -15.195425033569336 + ], + [ + "▁nintendo", + -15.195425033569336 + ], + [ + "▁recumbent", + -15.195425033569336 + ], + [ + "▁sandblasted", + -15.195425033569336 + ], + [ + "▁sauvignon", + -15.195425033569336 + ], + [ + "▁skittish", + -15.195425033569336 + ], + [ + "▁spirulina", + -15.195425033569336 + ], + [ + "▁taxidermy", + -15.195425033569336 + ], + [ + "▁triangulation", + -15.195425033569336 + ], + [ + "▁unconvincing", + -15.195425033569336 + ], + [ + "Accumulation", + -15.195425987243652 + ], + [ + "Agostino", + -15.195425987243652 + ], + [ + "licobacter", + -15.195425987243652 + ], + [ + "▁McCaffrey", + -15.195425987243652 + ], + [ + "▁Wayfarer", + -15.195425987243652 + ], + [ + "▁circumferential", + -15.195425987243652 + ], + [ + "▁commerical", + -15.195425987243652 + ], + [ + "▁Tofino", + -15.195426940917969 + ], + [ + "▁CarRentals", + -15.195427894592283 + ], + [ + "▁Ekaterin", + -15.195427894592283 + ], + [ + "▁Lundqvist", + -15.195427894592283 + ], + [ + "▁NETGEAR", + -15.195427894592283 + ], + [ + "▁Sherbrooke", + -15.195427894592283 + ], + [ + "vimeo", + -15.195429801940918 + ], + [ + "▁CHROME", + -15.195430755615234 + ], + [ + "▁Peebles", + -15.19543170928955 + ], + [ + "▁Popsicle", + -15.19543170928955 + ], + [ + "▁anthrax", + -15.19543170928955 + ], + [ + "▁Gottfried", + -15.195433616638184 + ], + [ + "▁GraphQL", + -15.1954345703125 + ], + [ + "▁Soweto", + -15.1954345703125 + ], + [ + "▁Ideology", + -15.195436477661133 + ], + [ + "▁tortuous", + -15.195436477661133 + ], + [ + "▁CONTEST", + -15.195439338684082 + ], + [ + "▁Doolittle", + -15.195439338684082 + ], + [ + "▁taurine", + -15.195440292358398 + ], + [ + "▁Calloway", + -15.195441246032717 + ], + [ + "▁Snooze", + -15.195442199707031 + ], + [ + "matthew", + -15.195443153381348 + ], + [ + "▁Limoges", + -15.195446014404297 + ], + [ + "▁Cyrillic", + -15.195446968078612 + ], + [ + "▁CREEK", + -15.195452690124512 + ], + [ + "▁racquetball", + -15.195453643798828 + ], + [ + "▁paladin", + -15.195454597473145 + ], + [ + "Conceived", + -15.195457458496094 + ], + [ + "-8873", + -15.19546127319336 + ], + [ + "▁Weightlifting", + -15.195462226867676 + ], + [ + "▁cyberbullying", + -15.195462226867676 + ], + [ + "▁Gosselin", + -15.19546604156494 + ], + [ + "▁Khushi", + -15.195467948913574 + ], + [ + "▁Malacca", + -15.195467948913574 + ], + [ + "▁savoir", + -15.195469856262209 + ], + [ + "▁Neurosci", + -15.19547176361084 + ], + [ + "▁bleep", + -15.195473670959473 + ], + [ + "▁Farmingdale", + -15.195476531982422 + ], + [ + "▁dumbfounded", + -15.195478439331056 + ], + [ + "▁Jumia", + -15.195480346679688 + ], + [ + "▁Kunming", + -15.19548225402832 + ], + [ + "Ambrosio", + -15.195488929748535 + ], + [ + "▁Subhash", + -15.195499420166016 + ], + [ + "▁hovercraft", + -15.195504188537598 + ], + [ + "▁biocompatible", + -15.195510864257812 + ], + [ + "▁Pratap", + -15.195513725280762 + ], + [ + "▁BUTTER", + -15.195518493652344 + ], + [ + "▁shirk", + -15.19552230834961 + ], + [ + "▁unibody", + -15.195527076721191 + ], + [ + "▁Stronghold", + -15.19552993774414 + ], + [ + "▁Manulife", + -15.195531845092772 + ], + [ + "amzn", + -15.195537567138672 + ], + [ + "▁Maputo", + -15.195539474487305 + ], + [ + "phosphoryl", + -15.19554042816162 + ], + [ + "▁Ferndale", + -15.195545196533203 + ], + [ + "▁Dartford", + -15.195547103881836 + ], + [ + "▁honorarium", + -15.19555950164795 + ], + [ + "▁Tidewater", + -15.195574760437012 + ], + [ + "▁Kairos", + -15.195576667785645 + ], + [ + "▁Yossi", + -15.195586204528809 + ], + [ + "▁ultrafine", + -15.195594787597656 + ], + [ + "▁eventualities", + -15.195599555969238 + ], + [ + "▁Darrin", + -15.195600509643556 + ], + [ + "▁Paneer", + -15.195600509643556 + ], + [ + "▁Gwendol", + -15.195611000061035 + ], + [ + "▁MBTA", + -15.195632934570312 + ], + [ + "▁Colvin", + -15.195633888244627 + ], + [ + "▁krill", + -15.195637702941896 + ], + [ + "▁Trichy", + -15.195638656616213 + ], + [ + "▁photosynthetic", + -15.19565200805664 + ], + [ + "▁Rayleigh", + -15.195652961730955 + ], + [ + "▁Tiago", + -15.195667266845703 + ], + [ + "▁DARPA", + -15.195673942565918 + ], + [ + "▁IICRC", + -15.195673942565918 + ], + [ + "▁burl", + -15.195737838745115 + ], + [ + "▁spectre", + -15.195743560791016 + ], + [ + "▁Pomeranian", + -15.195745468139648 + ], + [ + "Revisit", + -15.195751190185549 + ], + [ + "▁(1-1)", + -15.195759773254396 + ], + [ + "▁Mullan", + -15.195760726928713 + ], + [ + "▁shrunken", + -15.195760726928713 + ], + [ + "▁sentimentality", + -15.195764541625977 + ], + [ + "▁lasik", + -15.195771217346191 + ], + [ + "▁Bayonne", + -15.195795059204102 + ], + [ + "▁70-200", + -15.195817947387695 + ], + [ + "▁Trello", + -15.195817947387695 + ], + [ + "Swelling", + -15.195855140686035 + ], + [ + "▁discoloured", + -15.195855140686035 + ], + [ + "▁monopod", + -15.1958646774292 + ], + [ + "▁majestically", + -15.195867538452148 + ], + [ + "▁defame", + -15.195873260498049 + ], + [ + "▁bulbous", + -15.195894241333008 + ], + [ + "▁TANK", + -15.195900917053224 + ], + [ + "▁Avoidance", + -15.195903778076172 + ], + [ + "▁Strongest", + -15.195930480957031 + ], + [ + "▁Piglet", + -15.195940971374512 + ], + [ + "▁terrorizing", + -15.195950508117676 + ], + [ + "▁$13,000", + -15.195951461791992 + ], + [ + "▁oxen", + -15.195968627929688 + ], + [ + "▁streetlights", + -15.1959810256958 + ], + [ + "▁Individualized", + -15.19599723815918 + ], + [ + "▁dissenters", + -15.196027755737305 + ], + [ + "▁Halford", + -15.196036338806152 + ], + [ + "▁prankster", + -15.196049690246582 + ], + [ + "▁acclimatize", + -15.196053504943848 + ], + [ + "Coriander", + -15.196112632751465 + ], + [ + "▁pediment", + -15.196158409118652 + ], + [ + "▁Gillard", + -15.19616413116455 + ], + [ + "▁Nivea", + -15.196185111999512 + ], + [ + "▁Frontera", + -15.196187019348145 + ], + [ + "▁prayerfully", + -15.196188926696776 + ], + [ + "▁Waterpark", + -15.196244239807127 + ], + [ + "▁reinvestment", + -15.19626235961914 + ], + [ + "▁Blister", + -15.196313858032228 + ], + [ + "▁Straub", + -15.196318626403809 + ], + [ + "▁titer", + -15.196334838867188 + ], + [ + "▁Buckland", + -15.196340560913086 + ], + [ + "▁unmounted", + -15.19634246826172 + ], + [ + "▁seafloor", + -15.196349143981934 + ], + [ + "▁ADMIN", + -15.196358680725098 + ], + [ + "▁Headteacher", + -15.19642448425293 + ], + [ + "▁jewelery", + -15.196436882019045 + ], + [ + "▁Artistry", + -15.19651699066162 + ], + [ + "1:59", + -15.196537017822266 + ], + [ + "▁Coolant", + -15.1965970993042 + ], + [ + "OOM", + -15.196602821350098 + ], + [ + "▁Liao", + -15.196648597717283 + ], + [ + "Nausea", + -15.196695327758787 + ], + [ + "▁Concourse", + -15.196769714355469 + ], + [ + "▁Denham", + -15.196822166442873 + ], + [ + "▁bushland", + -15.1968994140625 + ], + [ + "▁predispose", + -15.196918487548828 + ], + [ + "rhabd", + -15.196969032287598 + ], + [ + "▁$0.25", + -15.19704818725586 + ], + [ + "ETCH", + -15.19710636138916 + ], + [ + "▁+49", + -15.197222709655762 + ], + [ + "▁Felder", + -15.197226524353027 + ], + [ + "▁Cavill", + -15.197233200073242 + ], + [ + "▁czar", + -15.197279930114746 + ], + [ + "dependence", + -15.197555541992188 + ], + [ + "Consolidate", + -15.197620391845703 + ], + [ + "▁Nauti", + -15.197815895080566 + ], + [ + "▁beseech", + -15.198102951049805 + ], + [ + "9:37", + -15.198113441467283 + ], + [ + "▁Fillet", + -15.19814682006836 + ], + [ + "Maximizing", + -15.198203086853027 + ], + [ + "Companion", + -15.198261260986328 + ], + [ + "▁Gumbo", + -15.1983060836792 + ], + [ + "▁mooncake", + -15.19833278656006 + ], + [ + "thrift", + -15.198357582092283 + ], + [ + "culpa", + -15.198381423950195 + ], + [ + "PRODUCT", + -15.198400497436523 + ], + [ + "whiplash", + -15.198402404785156 + ], + [ + "Ordinary", + -15.198416709899902 + ], + [ + "Sliding", + -15.198420524597168 + ], + [ + "Cinnamon", + -15.198421478271484 + ], + [ + "Twilight", + -15.19842529296875 + ], + [ + "Mitsubishi", + -15.198426246643066 + ], + [ + "arrelage", + -15.198430061340332 + ], + [ + "Telegram", + -15.19843578338623 + ], + [ + "comparison", + -15.198437690734863 + ], + [ + "Sacramento", + -15.19843864440918 + ], + [ + "fulfillment", + -15.19843864440918 + ], + [ + "Prescription", + -15.198439598083496 + ], + [ + "Sheffield", + -15.198439598083496 + ], + [ + "Porsche", + -15.198440551757812 + ], + [ + "Technologies", + -15.198442459106444 + ], + [ + "Pamela", + -15.198444366455078 + ], + [ + "receiving", + -15.198445320129396 + ], + [ + "Engineered", + -15.198448181152344 + ], + [ + "▁goggle", + -15.198453903198242 + ], + [ + "Whitney", + -15.198469161987305 + ], + [ + "whistle", + -15.198501586914062 + ], + [ + "limestone", + -15.198511123657228 + ], + [ + "Providence", + -15.198514938354492 + ], + [ + "recruit", + -15.198515892028809 + ], + [ + "Bradford", + -15.198529243469238 + ], + [ + "tribal", + -15.198569297790527 + ], + [ + "▁Flix", + -15.198596954345703 + ], + [ + "motorized", + -15.198649406433104 + ], + [ + "Preston", + -15.198694229125977 + ], + [ + "silica", + -15.19870662689209 + ], + [ + "▁Wilmot", + -15.198707580566406 + ], + [ + "Brendan", + -15.198721885681152 + ], + [ + "Napoli", + -15.198766708374023 + ], + [ + "Zulu", + -15.198775291442873 + ], + [ + "Derby", + -15.198823928833008 + ], + [ + "▁Falco", + -15.1989107131958 + ], + [ + "Consultation", + -15.198949813842772 + ], + [ + "▁Visco", + -15.1990327835083 + ], + [ + "▁Chimp", + -15.19908332824707 + ], + [ + "Pesa", + -15.199191093444824 + ], + [ + "wallpaper", + -15.199234008789062 + ], + [ + "RFID", + -15.199292182922363 + ], + [ + "▁Dinar", + -15.199323654174805 + ], + [ + "▁gpu", + -15.19948387145996 + ], + [ + "▁Mitsui", + -15.199512481689451 + ], + [ + "(*)", + -15.199673652648926 + ], + [ + "Futuristic", + -15.19971752166748 + ], + [ + "Spotlight", + -15.199810981750488 + ], + [ + "▁Wohl", + -15.199899673461914 + ], + [ + "▁fasci", + -15.200119018554688 + ], + [ + "Sharpen", + -15.200169563293455 + ], + [ + "haadi", + -15.200201988220217 + ], + [ + "blur", + -15.200235366821287 + ], + [ + "Toggle", + -15.200252532958984 + ], + [ + "opharyngeal", + -15.200270652770996 + ], + [ + "▁cozies", + -15.200443267822266 + ], + [ + "▁Erdo", + -15.200464248657228 + ], + [ + "emps", + -15.200478553771973 + ], + [ + "▁Mahadev", + -15.200495719909668 + ], + [ + "▁Ehrlich", + -15.20072078704834 + ], + [ + "▁Nikol", + -15.200811386108398 + ], + [ + "rainbow", + -15.200898170471191 + ], + [ + "Ameen", + -15.201000213623049 + ], + [ + "munition", + -15.201305389404297 + ], + [ + "JPEG", + -15.201354026794434 + ], + [ + "1011", + -15.20139503479004 + ], + [ + "[11:", + -15.201446533203123 + ], + [ + "6:27", + -15.201592445373535 + ], + [ + "Bullish", + -15.201781272888184 + ], + [ + "YUM", + -15.20191478729248 + ], + [ + "DDM", + -15.202131271362305 + ], + [ + "3:24", + -15.202152252197266 + ], + [ + "8:21", + -15.202350616455078 + ], + [ + "▁Patrik", + -15.202731132507324 + ], + [ + "▁Girardi", + -15.202937126159668 + ], + [ + "gemini", + -15.20303726196289 + ], + [ + "7,600", + -15.203600883483888 + ], + [ + "9:18", + -15.203690528869627 + ], + [ + "handel", + -15.203784942626951 + ], + [ + "alvin", + -15.20383644104004 + ], + [ + "▁ACMP", + -15.203899383544922 + ], + [ + "▁BLIND", + -15.203970909118652 + ], + [ + "affair", + -15.204068183898926 + ], + [ + "1–4", + -15.204333305358888 + ], + [ + "Airfare", + -15.20446491241455 + ], + [ + "▁$200.00", + -15.204486846923828 + ], + [ + "ISTE", + -15.204607009887695 + ], + [ + "5:15", + -15.204734802246094 + ], + [ + "▁Soloist", + -15.204936027526855 + ], + [ + "▁LOTR", + -15.205048561096191 + ], + [ + "▁Majid", + -15.205072402954102 + ], + [ + "▁Werth", + -15.20523166656494 + ], + [ + "▁Kuhl", + -15.205360412597656 + ], + [ + "overflow", + -15.205451011657717 + ], + [ + "Coverlets", + -15.205452919006348 + ], + [ + "Presidential", + -15.205543518066406 + ], + [ + "Libya", + -15.205755233764648 + ], + [ + "▁radiologic", + -15.20649242401123 + ], + [ + "▁Matara", + -15.206522941589355 + ], + [ + "WAF", + -15.206585884094238 + ], + [ + "2:26", + -15.206660270690918 + ], + [ + "8(1):", + -15.207358360290527 + ], + [ + "▁rollator", + -15.207582473754885 + ], + [ + "▁Ludo", + -15.207598686218262 + ], + [ + "▁Sadiq", + -15.20768928527832 + ], + [ + "▁Musco", + -15.20777416229248 + ], + [ + "▁effectual", + -15.20812702178955 + ], + [ + "odling", + -15.208467483520508 + ], + [ + "▁08:30", + -15.208468437194824 + ], + [ + "▁Kiku", + -15.208529472351074 + ], + [ + "7.75", + -15.20858383178711 + ], + [ + "oracle", + -15.208616256713867 + ], + [ + "abbo", + -15.2091064453125 + ], + [ + "▁Foucault", + -15.20912265777588 + ], + [ + "▁McCauley", + -15.20912265777588 + ], + [ + "▁misbehaving", + -15.20912265777588 + ], + [ + "▁streusel", + -15.20912265777588 + ], + [ + "EXTREMELY", + -15.209123611450195 + ], + [ + "MOSCOW", + -15.209123611450195 + ], + [ + "PukiWiki", + -15.209123611450195 + ], + [ + "▁Albemarle", + -15.209123611450195 + ], + [ + "▁Aurobindo", + -15.209123611450195 + ], + [ + "▁Balanchine", + -15.209123611450195 + ], + [ + "▁Batangas", + -15.209123611450195 + ], + [ + "▁COMMUNICATION", + -15.209123611450195 + ], + [ + "▁Calistoga", + -15.209123611450195 + ], + [ + "▁Charlemagne", + -15.209123611450195 + ], + [ + "▁Compendium", + -15.209123611450195 + ], + [ + "▁Connemara", + -15.209123611450195 + ], + [ + "▁Eggleston", + -15.209123611450195 + ], + [ + "▁Ernakulam", + -15.209123611450195 + ], + [ + "▁Kamehameha", + -15.209123611450195 + ], + [ + "▁Kashyap", + -15.209123611450195 + ], + [ + "▁Kootenay", + -15.209123611450195 + ], + [ + "▁Manfrotto", + -15.209123611450195 + ], + [ + "▁Parmigiano", + -15.209123611450195 + ], + [ + "▁Paysafecard", + -15.209123611450195 + ], + [ + "▁Penobscot", + -15.209123611450195 + ], + [ + "▁Plattsburgh", + -15.209123611450195 + ], + [ + "▁Rottweiler", + -15.209123611450195 + ], + [ + "▁Spaulding", + -15.209123611450195 + ], + [ + "▁Tohoku", + -15.209123611450195 + ], + [ + "▁Umberto", + -15.209123611450195 + ], + [ + "▁Wedgwood", + -15.209123611450195 + ], + [ + "▁embarass", + -15.209123611450195 + ], + [ + "▁estoppel", + -15.209123611450195 + ], + [ + "▁evaluative", + -15.209123611450195 + ], + [ + "▁fibrin", + -15.209123611450195 + ], + [ + "▁keurig", + -15.209123611450195 + ], + [ + "▁lebih", + -15.209123611450195 + ], + [ + "▁monstrosity", + -15.209123611450195 + ], + [ + "▁musculature", + -15.209123611450195 + ], + [ + "▁preponderance", + -15.209123611450195 + ], + [ + "▁ricochet", + -15.209123611450195 + ], + [ + "▁sluice", + -15.209123611450195 + ], + [ + "▁sublimated", + -15.209123611450195 + ], + [ + "▁subreddit", + -15.209123611450195 + ], + [ + "▁taffeta", + -15.209123611450195 + ], + [ + "▁unconcerned", + -15.209123611450195 + ], + [ + "▁uninhabitable", + -15.209123611450195 + ], + [ + "▁vindictive", + -15.209123611450195 + ], + [ + "▁wildebeest", + -15.209123611450195 + ], + [ + "Salutations", + -15.209124565124512 + ], + [ + "phenomenological", + -15.209124565124512 + ], + [ + "▁ENGINEERING", + -15.209124565124512 + ], + [ + "▁Likud", + -15.209124565124512 + ], + [ + "▁chamois", + -15.209124565124512 + ], + [ + "▁pectoral", + -15.209124565124512 + ], + [ + "▁vassal", + -15.209125518798828 + ], + [ + "▁Chatterjee", + -15.209126472473145 + ], + [ + "▁Detachable", + -15.209126472473145 + ], + [ + "▁McCracken", + -15.209126472473145 + ], + [ + "▁glycoprotein", + -15.209126472473145 + ], + [ + "▁DISPLAY", + -15.209128379821776 + ], + [ + "▁Gretzky", + -15.209128379821776 + ], + [ + "▁Panamera", + -15.209128379821776 + ], + [ + "▁bouillon", + -15.209128379821776 + ], + [ + "Replenish", + -15.209129333496094 + ], + [ + "▁Catalytic", + -15.209129333496094 + ], + [ + "▁flippant", + -15.209129333496094 + ], + [ + "▁cybernetic", + -15.20913028717041 + ], + [ + "▁Gainsborough", + -15.209131240844728 + ], + [ + "▁Winstrol", + -15.209131240844728 + ], + [ + "▁espanol", + -15.209131240844728 + ], + [ + "▁googly", + -15.209131240844728 + ], + [ + "Funnily", + -15.209132194519045 + ], + [ + "▁Gulliver", + -15.209132194519045 + ], + [ + "▁Ichigo", + -15.20913314819336 + ], + [ + "▁Grinnell", + -15.209134101867676 + ], + [ + "▁symlink", + -15.209135055541992 + ], + [ + "▁Lombok", + -15.209136009216309 + ], + [ + "▁Ribeiro", + -15.209136009216309 + ], + [ + "▁psychotropic", + -15.209136009216309 + ], + [ + "▁linoleic", + -15.209136962890623 + ], + [ + "▁Oxnard", + -15.20913791656494 + ], + [ + "▁russet", + -15.20913791656494 + ], + [ + "▁Opéra", + -15.20914077758789 + ], + [ + "▁cowardice", + -15.20914077758789 + ], + [ + "▁Doritos", + -15.209141731262209 + ], + [ + "▁concordance", + -15.20914363861084 + ], + [ + "▁Rococo", + -15.209144592285156 + ], + [ + "▁Snorkeling", + -15.209144592285156 + ], + [ + "▁pompom", + -15.209150314331056 + ], + [ + "▁Bridgwater", + -15.209151268005373 + ], + [ + "▁diurnal", + -15.209151268005373 + ], + [ + "▁(844)", + -15.20915412902832 + ], + [ + "▁conscription", + -15.209155082702637 + ], + [ + "▁lysate", + -15.209155082702637 + ], + [ + "▁microchipped", + -15.209156036376951 + ], + [ + "▁Sevierville", + -15.209157943725586 + ], + [ + "▁awsome", + -15.209158897399902 + ], + [ + "▁misconfigured", + -15.209158897399902 + ], + [ + "▁Hossein", + -15.20915985107422 + ], + [ + "▁Ballerina", + -15.209161758422852 + ], + [ + "▁Tyrrell", + -15.209162712097168 + ], + [ + "▁mishandling", + -15.2091646194458 + ], + [ + "▁glycine", + -15.209165573120115 + ], + [ + "▁GOVERNMENT", + -15.209166526794434 + ], + [ + "▁Shildon", + -15.209169387817385 + ], + [ + "▁Tailwind", + -15.2091703414917 + ], + [ + "▁Rubenstein", + -15.209172248840332 + ], + [ + "▁(1963)", + -15.209173202514648 + ], + [ + "▁Slingshot", + -15.209176063537598 + ], + [ + "▁Decathlon", + -15.209179878234863 + ], + [ + "▁SINCE", + -15.209179878234863 + ], + [ + "▁Severance", + -15.20918083190918 + ], + [ + "▁Waynesboro", + -15.209182739257812 + ], + [ + "▁Mandolin", + -15.209186553955078 + ], + [ + "▁cGMP", + -15.209186553955078 + ], + [ + "▁Vagrant", + -15.209190368652344 + ], + [ + "▁Olimpi", + -15.20919132232666 + ], + [ + "▁Yerba", + -15.209192276000977 + ], + [ + "TEACHER", + -15.209196090698242 + ], + [ + "▁AECOM", + -15.209198951721191 + ], + [ + "▁Torbay", + -15.209198951721191 + ], + [ + "▁embroideries", + -15.209198951721191 + ], + [ + "SHIRE", + -15.209199905395508 + ], + [ + "▁specular", + -15.209199905395508 + ], + [ + "▁Refinishing", + -15.209200859069824 + ], + [ + "▁Haddock", + -15.20920181274414 + ], + [ + "▁surreptitiously", + -15.209205627441406 + ], + [ + "▁subdirectory", + -15.209206581115724 + ], + [ + "rmitage", + -15.20920753479004 + ], + [ + "▁Essure", + -15.209216117858888 + ], + [ + "▁refuelling", + -15.20921802520752 + ], + [ + "OLOGICAL", + -15.209218978881836 + ], + [ + "▁Negara", + -15.209223747253418 + ], + [ + "▁SIGNED", + -15.209233283996582 + ], + [ + "▁Boateng", + -15.209237098693848 + ], + [ + "▁Taupo", + -15.20924472808838 + ], + [ + "▁Overseer", + -15.209248542785645 + ], + [ + "▁Jerez", + -15.20926570892334 + ], + [ + "▁unpolished", + -15.20926570892334 + ], + [ + "▁Lumira", + -15.209287643432615 + ], + [ + "▁unstuck", + -15.209291458129885 + ], + [ + "▁2009-2010", + -15.209296226501465 + ], + [ + "▁Cavity", + -15.209307670593262 + ], + [ + "▁Prefect", + -15.209318161010742 + ], + [ + "▁utero", + -15.209341049194336 + ], + [ + "Centrify", + -15.209343910217283 + ], + [ + "▁muggy", + -15.209362983703612 + ], + [ + "▁Fairhaven", + -15.20936393737793 + ], + [ + "▁knickers", + -15.20937728881836 + ], + [ + "DEBUG", + -15.20938205718994 + ], + [ + "▁5-10%", + -15.20938205718994 + ], + [ + "▁LOUD", + -15.209431648254396 + ], + [ + "▁Sickness", + -15.209486961364746 + ], + [ + "▁placental", + -15.209494590759276 + ], + [ + "▁Jetpack", + -15.209495544433594 + ], + [ + "▁extradited", + -15.209502220153809 + ], + [ + "▁milkweed", + -15.209508895874023 + ], + [ + "icchio", + -15.209528923034668 + ], + [ + "▁888-247", + -15.209559440612791 + ], + [ + "▁Dreamcast", + -15.209577560424805 + ], + [ + "▁rootkit", + -15.209580421447754 + ], + [ + "▁Hopping", + -15.20958423614502 + ], + [ + "▁pacify", + -15.20958423614502 + ], + [ + "▁Ratner", + -15.20959758758545 + ], + [ + "▁Horgan", + -15.209612846374512 + ], + [ + "▁rewiring", + -15.20961570739746 + ], + [ + "▁ajax", + -15.2096529006958 + ], + [ + "▁Liquidity", + -15.209686279296877 + ], + [ + "▁Tween", + -15.20969009399414 + ], + [ + "▁suffixes", + -15.209712028503418 + ], + [ + "▁greenbelt", + -15.209732055664062 + ], + [ + "▁icecream", + -15.209732055664062 + ], + [ + "▁pooches", + -15.209758758544922 + ], + [ + "▁Timken", + -15.209771156311035 + ], + [ + "▁Morten", + -15.209843635559082 + ], + [ + "▁tomcat", + -15.20985507965088 + ], + [ + "▁Dominick", + -15.209901809692385 + ], + [ + "▁Cephal", + -15.209968566894531 + ], + [ + "▁paradoxes", + -15.209969520568848 + ], + [ + "▁Kylo", + -15.20998477935791 + ], + [ + "izado", + -15.209999084472656 + ], + [ + "▁Vinson", + -15.210023880004885 + ], + [ + "▁Rubric", + -15.210034370422363 + ], + [ + "▁Carrey", + -15.210044860839844 + ], + [ + "▁Meraki", + -15.210044860839844 + ], + [ + "venta", + -15.21004581451416 + ], + [ + "▁Barrick", + -15.210092544555664 + ], + [ + "▁Mantri", + -15.210134506225586 + ], + [ + "▁Guestbook", + -15.210161209106444 + ], + [ + "▁Tippett", + -15.210176467895508 + ], + [ + "VAST", + -15.210200309753418 + ], + [ + "0-90%", + -15.210243225097656 + ], + [ + "▁angola", + -15.210308074951172 + ], + [ + "▁Platz", + -15.210315704345703 + ], + [ + "roque", + -15.210387229919434 + ], + [ + "Singular", + -15.210410118103027 + ], + [ + "▁Civita", + -15.210472106933594 + ], + [ + "▁trespasser", + -15.21048355102539 + ], + [ + "▁SOLAR", + -15.21049976348877 + ], + [ + "▁prototypical", + -15.21058750152588 + ], + [ + "▁Patten", + -15.210614204406738 + ], + [ + "ecchio", + -15.210875511169434 + ], + [ + "Shiller", + -15.211016654968262 + ], + [ + "▁penetr", + -15.211051940917969 + ], + [ + "01753", + -15.211074829101562 + ], + [ + "Brewer", + -15.211153030395508 + ], + [ + "▁skyward", + -15.21129035949707 + ], + [ + "Congratulation", + -15.211381912231444 + ], + [ + "▁Jabra", + -15.21144962310791 + ], + [ + "▁camaro", + -15.211519241333008 + ], + [ + "▁Terps", + -15.211533546447754 + ], + [ + "3:29", + -15.211762428283691 + ], + [ + "introduce", + -15.211767196655272 + ], + [ + "▁Stutz", + -15.211791038513184 + ], + [ + "ngga", + -15.211906433105469 + ], + [ + "fahren", + -15.212129592895508 + ], + [ + "▁Metaphor", + -15.212284088134766 + ], + [ + "Defensive", + -15.212347984313965 + ], + [ + "▁Scheu", + -15.212410926818848 + ], + [ + "▁mutter", + -15.212414741516112 + ], + [ + "caffeinated", + -15.21245288848877 + ], + [ + "refined", + -15.212469100952148 + ], + [ + "Intense", + -15.212482452392578 + ], + [ + "Terrorism", + -15.212483406066896 + ], + [ + "Technician", + -15.212501525878906 + ], + [ + "Cottage", + -15.212507247924805 + ], + [ + "NOTICE", + -15.212507247924805 + ], + [ + "confessed", + -15.21250820159912 + ], + [ + "Hernandez", + -15.21251106262207 + ], + [ + "beverage", + -15.21251106262207 + ], + [ + "Dawson", + -15.212514877319336 + ], + [ + "Democracy", + -15.212515830993652 + ], + [ + "supervisor", + -15.212520599365234 + ], + [ + "injected", + -15.21252155303955 + ], + [ + "advocate", + -15.2125244140625 + ], + [ + "Bangkok", + -15.212525367736816 + ], + [ + "Butterfly", + -15.21252727508545 + ], + [ + "Purdue", + -15.21252727508545 + ], + [ + "Broadband", + -15.212528228759766 + ], + [ + "Amateur", + -15.212529182434082 + ], + [ + "Dependent", + -15.21254062652588 + ], + [ + "Mueller", + -15.212542533874512 + ], + [ + "Logging", + -15.212567329406738 + ], + [ + "Indigo", + -15.21257209777832 + ], + [ + "george", + -15.212590217590332 + ], + [ + "transportation", + -15.212631225585938 + ], + [ + "modification", + -15.212653160095217 + ], + [ + "acquisition", + -15.21265697479248 + ], + [ + "Sauce", + -15.212675094604492 + ], + [ + "▁substan", + -15.212686538696287 + ], + [ + "Shelter", + -15.212695121765137 + ], + [ + "whisk", + -15.212712287902832 + ], + [ + "secular", + -15.212725639343262 + ], + [ + "jdk", + -15.212950706481934 + ], + [ + "Kiwi", + -15.213035583496094 + ], + [ + "87%", + -15.213109970092772 + ], + [ + "Indonesian", + -15.213150024414062 + ], + [ + "▁Zeller", + -15.2132568359375 + ], + [ + "leisure", + -15.21327304840088 + ], + [ + "convenience", + -15.213274955749512 + ], + [ + "Bigger", + -15.213393211364746 + ], + [ + "Mamma", + -15.213521003723145 + ], + [ + "▁Durst", + -15.213556289672852 + ], + [ + "▁$280", + -15.213582992553713 + ], + [ + "▁TIGER", + -15.21358871459961 + ], + [ + "foster", + -15.213624954223633 + ], + [ + "TRIBUTE", + -15.213671684265137 + ], + [ + "▁Grae", + -15.213749885559082 + ], + [ + "fisted", + -15.213932037353516 + ], + [ + "▁reneg", + -15.213974952697754 + ], + [ + "passport", + -15.21402359008789 + ], + [ + "▁CRUD", + -15.214024543762209 + ], + [ + "Nikon", + -15.214073181152344 + ], + [ + "couch", + -15.21407413482666 + ], + [ + "auga", + -15.214126586914062 + ], + [ + "▁Shinzo", + -15.214232444763184 + ], + [ + "▁£29", + -15.214261054992676 + ], + [ + "Floral", + -15.214428901672363 + ], + [ + "тно", + -15.214599609375 + ], + [ + "▁Buble", + -15.214599609375 + ], + [ + "turismo", + -15.214731216430664 + ], + [ + "Turf", + -15.215253829956056 + ], + [ + "▁nuov", + -15.21550178527832 + ], + [ + "3:55", + -15.215660095214844 + ], + [ + "hesus", + -15.215993881225586 + ], + [ + "▁$0.10", + -15.216111183166504 + ], + [ + "Docket", + -15.21657371520996 + ], + [ + "▁anthemic", + -15.216773986816406 + ], + [ + "▁Wilber", + -15.216787338256836 + ], + [ + "▁Belgi", + -15.216825485229492 + ], + [ + "7:55", + -15.216948509216309 + ], + [ + "▁Extens", + -15.217000007629396 + ], + [ + "SCAL", + -15.217080116271973 + ], + [ + "1.0.2", + -15.217129707336426 + ], + [ + "enghis", + -15.217135429382324 + ], + [ + "poration", + -15.217598915100098 + ], + [ + "amora", + -15.217887878417969 + ], + [ + "▁trample", + -15.217961311340332 + ], + [ + "ана", + -15.218040466308594 + ], + [ + "Paisa", + -15.2180814743042 + ], + [ + "▁Jeremi", + -15.218145370483398 + ], + [ + "-10-0", + -15.218279838562012 + ], + [ + "Parish", + -15.218329429626465 + ], + [ + "Masa", + -15.218459129333496 + ], + [ + "99.95", + -15.218546867370604 + ], + [ + "Merci", + -15.21888828277588 + ], + [ + "Pedia", + -15.218954086303713 + ], + [ + "▁MICR", + -15.219029426574709 + ], + [ + "▁Philippi", + -15.219173431396484 + ], + [ + "Shattered", + -15.219264030456545 + ], + [ + "4:17", + -15.219504356384276 + ], + [ + "▁Jovan", + -15.219722747802734 + ], + [ + "▁Fascia", + -15.21985912322998 + ], + [ + "▁tutti", + -15.220112800598145 + ], + [ + "gastroenterology", + -15.220417022705078 + ], + [ + "▁CONVE", + -15.220515251159668 + ], + [ + "hdl", + -15.220553398132324 + ], + [ + "2:53", + -15.220633506774902 + ], + [ + "PHOTO", + -15.220710754394531 + ], + [ + "▁vibra", + -15.220935821533203 + ], + [ + "▁Wattle", + -15.221124649047852 + ], + [ + "▁astound", + -15.221482276916504 + ], + [ + "iddhi", + -15.221487998962402 + ], + [ + "Chel", + -15.221644401550291 + ], + [ + "▁Jordy", + -15.221660614013672 + ], + [ + "rquez", + -15.221673011779783 + ], + [ + "5:35", + -15.22189712524414 + ], + [ + "OVO", + -15.222127914428713 + ], + [ + "▁Suva", + -15.222396850585938 + ], + [ + "▁privatize", + -15.22240924835205 + ], + [ + "▁enshrine", + -15.222411155700684 + ], + [ + "[00:0", + -15.22248077392578 + ], + [ + "▁PhotoShop", + -15.222609519958496 + ], + [ + "▁Sindhu", + -15.222685813903809 + ], + [ + "▁dichotom", + -15.222750663757324 + ], + [ + "▁McKen", + -15.222820281982422 + ], + [ + "▁Pharmacol", + -15.222860336303713 + ], + [ + "0–1", + -15.222992897033691 + ], + [ + "Resurrect", + -15.223011016845703 + ], + [ + "Cortisol", + -15.22301197052002 + ], + [ + "Enquiries", + -15.22301197052002 + ], + [ + "PREVIOUS", + -15.22301197052002 + ], + [ + "synuclein", + -15.22301197052002 + ], + [ + "▁800-361-3020", + -15.22301197052002 + ], + [ + "▁800-381-0266", + -15.22301197052002 + ], + [ + "▁888-269-5556", + -15.22301197052002 + ], + [ + "▁888-303-3882", + -15.22301197052002 + ], + [ + "▁Audacity", + -15.22301197052002 + ], + [ + "▁Bensenville", + -15.22301197052002 + ], + [ + "▁Bonhoeffer", + -15.22301197052002 + ], + [ + "▁Bosphorus", + -15.22301197052002 + ], + [ + "▁Cosmetology", + -15.22301197052002 + ], + [ + "▁Demonstrator", + -15.22301197052002 + ], + [ + "▁Deschutes", + -15.22301197052002 + ], + [ + "▁Dvorak", + -15.22301197052002 + ], + [ + "▁ENTERPRISE", + -15.22301197052002 + ], + [ + "▁Edelweiss", + -15.22301197052002 + ], + [ + "▁Fermanagh", + -15.22301197052002 + ], + [ + "▁Fortaleza", + -15.22301197052002 + ], + [ + "▁Genealogist", + -15.22301197052002 + ], + [ + "▁Gilgamesh", + -15.22301197052002 + ], + [ + "▁Habsburg", + -15.22301197052002 + ], + [ + "▁INSTRUCTION", + -15.22301197052002 + ], + [ + "▁Knysna", + -15.22301197052002 + ], + [ + "▁Leprechaun", + -15.22301197052002 + ], + [ + "▁Macadamia", + -15.22301197052002 + ], + [ + "▁Magdeburg", + -15.22301197052002 + ], + [ + "▁Mahabharata", + -15.22301197052002 + ], + [ + "▁Maldivian", + -15.22301197052002 + ], + [ + "▁Mandeville", + -15.22301197052002 + ], + [ + "▁Montalcino", + -15.22301197052002 + ], + [ + "▁Padukone", + -15.22301197052002 + ], + [ + "▁Pleistocene", + -15.22301197052002 + ], + [ + "▁Purgatory", + -15.22301197052002 + ], + [ + "▁Qureshi", + -15.22301197052002 + ], + [ + "▁TOSHIBA", + -15.22301197052002 + ], + [ + "▁Tazewell", + -15.22301197052002 + ], + [ + "▁Trapezium", + -15.22301197052002 + ], + [ + "▁Triassic", + -15.22301197052002 + ], + [ + "▁Unplugged", + -15.22301197052002 + ], + [ + "▁VILLAGE", + -15.22301197052002 + ], + [ + "▁abseiling", + -15.22301197052002 + ], + [ + "▁acetylcholine", + -15.22301197052002 + ], + [ + "▁autophagy", + -15.22301197052002 + ], + [ + "▁bonafide", + -15.22301197052002 + ], + [ + "▁caspase", + -15.22301197052002 + ], + [ + "▁combinatorial", + -15.22301197052002 + ], + [ + "▁dysentery", + -15.22301197052002 + ], + [ + "▁epistemological", + -15.22301197052002 + ], + [ + "▁etymology", + -15.22301197052002 + ], + [ + "▁flirtatious", + -15.22301197052002 + ], + [ + "▁gerbera", + -15.22301197052002 + ], + [ + "▁hermeneutic", + -15.22301197052002 + ], + [ + "▁iHeartRadio", + -15.22301197052002 + ], + [ + "▁kibbutz", + -15.22301197052002 + ], + [ + "▁klonopin", + -15.22301197052002 + ], + [ + "▁miscreants", + -15.22301197052002 + ], + [ + "▁panchayat", + -15.22301197052002 + ], + [ + "▁psoriatic", + -15.22301197052002 + ], + [ + "▁sanctum", + -15.22301197052002 + ], + [ + "▁sorcery", + -15.22301197052002 + ], + [ + "▁tamilnadu", + -15.22301197052002 + ], + [ + "▁tourbillon", + -15.22301197052002 + ], + [ + "▁vBulletin", + -15.22301197052002 + ], + [ + "▁800-301-7010", + -15.223012924194336 + ], + [ + "▁800-335-6975", + -15.223012924194336 + ], + [ + "▁Kaitlin", + -15.223012924194336 + ], + [ + "▁Macallan", + -15.223012924194336 + ], + [ + "▁Presbytery", + -15.223012924194336 + ], + [ + "▁circumnavigate", + -15.223012924194336 + ], + [ + "▁coursing", + -15.223012924194336 + ], + [ + "decentralisation", + -15.223013877868652 + ], + [ + "▁Nephrology", + -15.223013877868652 + ], + [ + "▁Udemy", + -15.223013877868652 + ], + [ + "▁Unlawful", + -15.223013877868652 + ], + [ + "▁deejay", + -15.223013877868652 + ], + [ + "▁inoculation", + -15.223013877868652 + ], + [ + "▁netizens", + -15.223013877868652 + ], + [ + "Outrageous", + -15.223014831542969 + ], + [ + "▁32/64", + -15.223014831542969 + ], + [ + "▁Exterminator", + -15.223014831542969 + ], + [ + "▁Hobbes", + -15.223014831542969 + ], + [ + "▁Unternehmen", + -15.223014831542969 + ], + [ + "▁psychedelia", + -15.223014831542969 + ], + [ + "▁Guevara", + -15.223015785217283 + ], + [ + "▁LEGEND", + -15.223015785217283 + ], + [ + "▁REMOTE", + -15.223015785217283 + ], + [ + "▁MORNING", + -15.223016738891602 + ], + [ + "▁cesium", + -15.223016738891602 + ], + [ + "▁Minotaur", + -15.223017692565918 + ], + [ + "▁WORKSHOP", + -15.223018646240234 + ], + [ + "▁EMPIRE", + -15.22301959991455 + ], + [ + "▁Ricketts", + -15.22301959991455 + ], + [ + "▁Brisket", + -15.223020553588867 + ], + [ + "▁supplication", + -15.223020553588867 + ], + [ + "▁Ponderosa", + -15.2230224609375 + ], + [ + "▁Lorelei", + -15.223024368286133 + ], + [ + "▁digicam", + -15.223024368286133 + ], + [ + "▁dispassionate", + -15.223024368286133 + ], + [ + "centrism", + -15.22302532196045 + ], + [ + "▁Eckhart", + -15.22302532196045 + ], + [ + "▁cajole", + -15.22302532196045 + ], + [ + "▁Absorption", + -15.223027229309082 + ], + [ + "BOTTOM", + -15.223029136657717 + ], + [ + "▁Lauryn", + -15.223031044006348 + ], + [ + "▁saddens", + -15.223031997680664 + ], + [ + "▁anathema", + -15.22303295135498 + ], + [ + "▁goddamn", + -15.223033905029297 + ], + [ + "▁honcho", + -15.223034858703612 + ], + [ + "▁Flacco", + -15.22303581237793 + ], + [ + "▁Sandpiper", + -15.22303581237793 + ], + [ + "▁forefinger", + -15.22303581237793 + ], + [ + "▁frostbite", + -15.223037719726562 + ], + [ + "▁geomagnetic", + -15.22303867340088 + ], + [ + "▁Ranieri", + -15.223040580749512 + ], + [ + "▁(1958)", + -15.223045349121094 + ], + [ + "▁Giovanna", + -15.223045349121094 + ], + [ + "▁Larimer", + -15.22304630279541 + ], + [ + "▁challah", + -15.22304630279541 + ], + [ + "▁pyrite", + -15.22304630279541 + ], + [ + "▁revelatory", + -15.223047256469728 + ], + [ + "▁Swagger", + -15.223052978515623 + ], + [ + "▁Bartolome", + -15.22305393218994 + ], + [ + "▁ITALY", + -15.223054885864258 + ], + [ + "▁DropCatch", + -15.22305965423584 + ], + [ + "▁Hongkong", + -15.223061561584473 + ], + [ + "▁23:38:3", + -15.223065376281738 + ], + [ + "▁(818)", + -15.223067283630373 + ], + [ + "▁Piercing", + -15.223068237304688 + ], + [ + "▁Nexium", + -15.223076820373535 + ], + [ + "▁nodular", + -15.223076820373535 + ], + [ + "▁CHANCE", + -15.223078727722168 + ], + [ + "gastroesophageal", + -15.2230806350708 + ], + [ + "▁Bethune", + -15.223081588745115 + ], + [ + "▁teepee", + -15.223081588745115 + ], + [ + "▁Tubular", + -15.223082542419434 + ], + [ + "▁fuming", + -15.223082542419434 + ], + [ + "▁TMNT", + -15.223085403442385 + ], + [ + "▁preamplifier", + -15.223085403442385 + ], + [ + "▁coniferous", + -15.223095893859863 + ], + [ + "▁taxicab", + -15.223095893859863 + ], + [ + "▁Durbin", + -15.223102569580078 + ], + [ + "▁Skimmer", + -15.223106384277344 + ], + [ + "▁Bamford", + -15.22310733795166 + ], + [ + "▁Omnibus", + -15.223109245300291 + ], + [ + "▁Montevideo", + -15.223111152648926 + ], + [ + "▁Sunburst", + -15.223111152648926 + ], + [ + "▁FORGET", + -15.223115921020508 + ], + [ + "▁plopped", + -15.223118782043455 + ], + [ + "▁unappreciated", + -15.223119735717772 + ], + [ + "▁towpath", + -15.223124504089355 + ], + [ + "▁5/16\"", + -15.22312831878662 + ], + [ + "▁Fulani", + -15.223133087158203 + ], + [ + "▁Kenobi", + -15.223135948181152 + ], + [ + "▁20-30%", + -15.223139762878418 + ], + [ + "▁celtic", + -15.22314739227295 + ], + [ + "▁Ribbed", + -15.223149299621582 + ], + [ + "▁ASPCA", + -15.223153114318848 + ], + [ + "▁Xanthan", + -15.223154067993164 + ], + [ + "▁laxity", + -15.223154067993164 + ], + [ + "▁Clearinghouse", + -15.22315502166748 + ], + [ + "▁Hydrating", + -15.223170280456545 + ], + [ + "▁Octavo", + -15.223173141479492 + ], + [ + "▁(310)", + -15.223176956176758 + ], + [ + "▁$175,000", + -15.223184585571287 + ], + [ + "▁Suraj", + -15.223186492919922 + ], + [ + "▁chicory", + -15.223189353942873 + ], + [ + "▁fogging", + -15.223200798034668 + ], + [ + "▁polarisation", + -15.223237991333008 + ], + [ + "rboreal", + -15.22323989868164 + ], + [ + "▁Stucco", + -15.22324562072754 + ], + [ + "▁LTTE", + -15.223246574401855 + ], + [ + "▁relativistic", + -15.223248481750488 + ], + [ + "▁Jaclyn", + -15.22325611114502 + ], + [ + "▁Castile", + -15.223268508911133 + ], + [ + "▁subaru", + -15.223270416259766 + ], + [ + "▁FireWire", + -15.223274230957031 + ], + [ + "▁Wavy", + -15.223275184631348 + ], + [ + "▁Lingfield", + -15.223276138305664 + ], + [ + "guila", + -15.223289489746094 + ], + [ + "▁luau", + -15.22329330444336 + ], + [ + "quarium", + -15.223295211791992 + ], + [ + "▁linguistically", + -15.22329807281494 + ], + [ + "▁Babson", + -15.223304748535156 + ], + [ + "▁DTLA", + -15.223311424255373 + ], + [ + "▁sunshade", + -15.223322868347168 + ], + [ + "▁Dermatol", + -15.223341941833496 + ], + [ + "▁Zoosk", + -15.223342895507812 + ], + [ + "PREPARE", + -15.223348617553713 + ], + [ + "▁Joystick", + -15.223353385925291 + ], + [ + "▁Encouragement", + -15.22335433959961 + ], + [ + "▁Atticus", + -15.223362922668455 + ], + [ + "▁Toilette", + -15.22337532043457 + ], + [ + "▁eccentricity", + -15.223381996154783 + ], + [ + "▁innkeeper", + -15.223381996154783 + ], + [ + "▁Menace", + -15.223413467407228 + ], + [ + "▁CZK", + -15.223418235778809 + ], + [ + "▁covalent", + -15.22342300415039 + ], + [ + "▁colloquially", + -15.223426818847656 + ], + [ + "▁Buckner", + -15.223433494567873 + ], + [ + "▁deactivation", + -15.223443031311035 + ], + [ + "▁Contador", + -15.223456382751465 + ], + [ + "▁Patong", + -15.223461151123049 + ], + [ + "▁Retinal", + -15.223503112792969 + ], + [ + "▁Eighties", + -15.22351360321045 + ], + [ + "▁Clearview", + -15.223546028137209 + ], + [ + "▁CareCredit", + -15.22354793548584 + ], + [ + "▁Horley", + -15.223577499389648 + ], + [ + "▁salvo", + -15.22361660003662 + ], + [ + "chola", + -15.223637580871582 + ], + [ + "▁Igbo", + -15.223638534545898 + ], + [ + "▁pansies", + -15.223660469055176 + ], + [ + "▁skateboarders", + -15.223660469055176 + ], + [ + "▁Subbed", + -15.22366428375244 + ], + [ + "▁WebKit", + -15.22366714477539 + ], + [ + "▁Migos", + -15.2236967086792 + ], + [ + "▁Ribble", + -15.223713874816896 + ], + [ + "imidazo", + -15.22375774383545 + ], + [ + "▁Renaud", + -15.223803520202637 + ], + [ + "7:18", + -15.223843574523926 + ], + [ + "▁arbitral", + -15.223896980285645 + ], + [ + "vaya", + -15.22390842437744 + ], + [ + "▁Luft", + -15.223955154418944 + ], + [ + "▁Attleboro", + -15.223963737487791 + ], + [ + "▁fearlessness", + -15.223966598510742 + ], + [ + "▁Turku", + -15.223978996276855 + ], + [ + "HRTAC", + -15.224004745483398 + ], + [ + "▁Freebies", + -15.22400951385498 + ], + [ + "▁salic", + -15.224045753479004 + ], + [ + "▁Yantra", + -15.2241792678833 + ], + [ + "▁Jerri", + -15.224294662475586 + ], + [ + "▁Fushi", + -15.224327087402344 + ], + [ + "15-0", + -15.224432945251465 + ], + [ + "▁droit", + -15.224435806274414 + ], + [ + "▁Estado", + -15.22447109222412 + ], + [ + "▁Chaka", + -15.224587440490724 + ], + [ + "MOST", + -15.224634170532228 + ], + [ + "▁blindfold", + -15.224701881408691 + ], + [ + "gesetz", + -15.2247314453125 + ], + [ + "▁NAIL", + -15.224860191345217 + ], + [ + "▁scrollbar", + -15.22492218017578 + ], + [ + "assault", + -15.225221633911133 + ], + [ + "Coulomb", + -15.225482940673828 + ], + [ + "▁Wacker", + -15.225619316101074 + ], + [ + "planner", + -15.225763320922852 + ], + [ + "▁Summa", + -15.226078033447266 + ], + [ + "uuuuu", + -15.226092338562012 + ], + [ + "Boro", + -15.226099014282228 + ], + [ + "▁entreat", + -15.226140975952148 + ], + [ + "▁Leaderboard", + -15.226336479187012 + ], + [ + "retardant", + -15.226388931274414 + ], + [ + "ANDREW", + -15.226469039916992 + ], + [ + "4:29", + -15.226502418518066 + ], + [ + "ennett", + -15.226513862609863 + ], + [ + "Barclay", + -15.226613998413086 + ], + [ + "▁Esso", + -15.22663116455078 + ], + [ + "negotiate", + -15.22667121887207 + ], + [ + "Gadget", + -15.22673511505127 + ], + [ + "Farewell", + -15.22673797607422 + ], + [ + "Elegance", + -15.2267427444458 + ], + [ + "Collagen", + -15.226746559143066 + ], + [ + "Scenario", + -15.226758003234863 + ], + [ + "decided", + -15.226759910583496 + ], + [ + "distinguish", + -15.226765632629396 + ], + [ + "Sensitive", + -15.226774215698242 + ], + [ + "▁Brussel", + -15.226778984069824 + ], + [ + "Moisture", + -15.22677993774414 + ], + [ + "Accredited", + -15.22678279876709 + ], + [ + "Http", + -15.22678279876709 + ], + [ + "SERVPRO", + -15.22678279876709 + ], + [ + "DOWNLOAD", + -15.226786613464355 + ], + [ + "Technological", + -15.226788520812988 + ], + [ + "Magnesium", + -15.22679042816162 + ], + [ + "threshold", + -15.226798057556152 + ], + [ + "Schwartz", + -15.226799011230469 + ], + [ + "Kelsey", + -15.226799964904783 + ], + [ + "NORTH", + -15.226799964904783 + ], + [ + "indulge", + -15.226799964904783 + ], + [ + "Thomson", + -15.226800918579102 + ], + [ + "Veronica", + -15.226800918579102 + ], + [ + "communicate", + -15.226800918579102 + ], + [ + "Abbott", + -15.226801872253418 + ], + [ + "Cambodia", + -15.226805686950684 + ], + [ + "Communities", + -15.226805686950684 + ], + [ + "favour", + -15.226808547973633 + ], + [ + "municipal", + -15.22680950164795 + ], + [ + "bamboo", + -15.226811408996582 + ], + [ + "stylish", + -15.22681713104248 + ], + [ + "suggestions", + -15.226831436157228 + ], + [ + "Arjun", + -15.226835250854492 + ], + [ + "Provence", + -15.226840019226074 + ], + [ + "Adaptive", + -15.22684097290039 + ], + [ + "Cocktail", + -15.226842880249023 + ], + [ + "recruitment", + -15.22684383392334 + ], + [ + "LARGE", + -15.226861953735352 + ], + [ + "PSY", + -15.226861953735352 + ], + [ + "Urgent", + -15.226873397827148 + ], + [ + "duplex", + -15.226877212524414 + ], + [ + "documentation", + -15.226881980895996 + ], + [ + "bargain", + -15.226906776428224 + ], + [ + "enemies", + -15.226919174194336 + ], + [ + "midnight", + -15.226953506469728 + ], + [ + "6:11", + -15.226971626281738 + ], + [ + "Otto", + -15.226981163024902 + ], + [ + "banned", + -15.2269926071167 + ], + [ + "Sheikh", + -15.226993560791016 + ], + [ + "Lyme", + -15.227005004882812 + ], + [ + "gambling", + -15.22724437713623 + ], + [ + "▁dink", + -15.227254867553713 + ], + [ + "▁lira", + -15.227265357971191 + ], + [ + "▁Capote", + -15.22727108001709 + ], + [ + "offender", + -15.227300643920898 + ], + [ + "somewhere", + -15.227300643920898 + ], + [ + "Rudy", + -15.227377891540527 + ], + [ + "excessive", + -15.227411270141602 + ], + [ + "▁Delica", + -15.227579116821287 + ], + [ + "comparable", + -15.22783374786377 + ], + [ + "pension", + -15.227890968322754 + ], + [ + "▁23:4", + -15.227897644042969 + ], + [ + "TOY", + -15.227898597717283 + ], + [ + "Ditto", + -15.227993965148926 + ], + [ + "ouffe", + -15.228072166442873 + ], + [ + "Psychological", + -15.228141784667969 + ], + [ + "1870", + -15.228371620178224 + ], + [ + "univers", + -15.228487014770508 + ], + [ + "hilton", + -15.22853660583496 + ], + [ + "▁connote", + -15.228829383850098 + ], + [ + "uuuu", + -15.228856086730955 + ], + [ + "▁comport", + -15.228859901428224 + ], + [ + "6:24", + -15.22889232635498 + ], + [ + "chute", + -15.228927612304688 + ], + [ + "00-260", + -15.228983879089355 + ], + [ + "FDF", + -15.22898769378662 + ], + [ + "▁spatio", + -15.229066848754885 + ], + [ + "olvency", + -15.229268074035645 + ], + [ + "boiler", + -15.229305267333984 + ], + [ + "ovskaya", + -15.229314804077148 + ], + [ + "▁Kauf", + -15.229585647583008 + ], + [ + "1722", + -15.229607582092283 + ], + [ + "FSR", + -15.230280876159668 + ], + [ + "▁braise", + -15.230291366577148 + ], + [ + "▁GIVEN", + -15.230295181274414 + ], + [ + "disorder", + -15.230508804321287 + ], + [ + "▁LABEL", + -15.230751991271973 + ], + [ + "▁Kaul", + -15.230953216552734 + ], + [ + "THON", + -15.230987548828123 + ], + [ + "4:55", + -15.231112480163574 + ], + [ + "Metallic", + -15.231184005737305 + ], + [ + "▁occlus", + -15.23121452331543 + ], + [ + "77,000", + -15.231240272521973 + ], + [ + "tutor", + -15.231416702270508 + ], + [ + "ODIUM", + -15.231510162353516 + ], + [ + "guda", + -15.231534004211426 + ], + [ + "▁Paoli", + -15.231609344482422 + ], + [ + "▁riotous", + -15.231664657592772 + ], + [ + "rahim", + -15.231791496276855 + ], + [ + "▁Taupe", + -15.232035636901855 + ], + [ + "Constructive", + -15.23219871520996 + ], + [ + "▁Zayn", + -15.232263565063477 + ], + [ + "▁reexamine", + -15.232295989990234 + ], + [ + "2009-0", + -15.23237419128418 + ], + [ + "ери", + -15.232375144958496 + ], + [ + "NOAH", + -15.232666969299316 + ], + [ + "▁cress", + -15.23275661468506 + ], + [ + "1313", + -15.23276710510254 + ], + [ + "stephen", + -15.232958793640137 + ], + [ + "▁Tibb", + -15.23301124572754 + ], + [ + "rault", + -15.233025550842283 + ], + [ + "▁7.1.1", + -15.233062744140623 + ], + [ + "▁Cornet", + -15.233134269714355 + ], + [ + "ита", + -15.233148574829102 + ], + [ + "Batching", + -15.233165740966797 + ], + [ + "iyeh", + -15.233210563659668 + ], + [ + "▁plod", + -15.233375549316406 + ], + [ + "personnel", + -15.233399391174316 + ], + [ + "Sylva", + -15.233457565307615 + ], + [ + "8:09", + -15.233719825744627 + ], + [ + "AILED", + -15.233734130859377 + ], + [ + "raag", + -15.233805656433104 + ], + [ + "▁Wyld", + -15.233840942382812 + ], + [ + "disappear", + -15.233953475952148 + ], + [ + "7-73", + -15.234211921691896 + ], + [ + "AFFORD", + -15.234393119812012 + ], + [ + "4:02", + -15.23446559906006 + ], + [ + "▁effet", + -15.234532356262209 + ], + [ + "▁Antifa", + -15.234561920166016 + ], + [ + "▁PRIV", + -15.234594345092772 + ], + [ + ",000,000,000", + -15.234692573547363 + ], + [ + "ONLINE", + -15.234955787658691 + ], + [ + "▁spectro", + -15.235224723815918 + ], + [ + "▁Kassi", + -15.235278129577637 + ], + [ + "Midwest", + -15.235319137573242 + ], + [ + "4:04", + -15.23547649383545 + ], + [ + "▁Yemi", + -15.235610008239746 + ], + [ + "oplasm", + -15.236105918884276 + ], + [ + "ARROW", + -15.236285209655762 + ], + [ + "▁anoint", + -15.236308097839355 + ], + [ + "▁07:4", + -15.236309051513672 + ], + [ + "Fame", + -15.23645305633545 + ], + [ + "9780", + -15.23648166656494 + ], + [ + "▁hypothesize", + -15.236495018005373 + ], + [ + "▁truncate", + -15.236495018005373 + ], + [ + "▁obligate", + -15.236496925354004 + ], + [ + "▁enthuse", + -15.23649787902832 + ], + [ + "Regina", + -15.236559867858888 + ], + [ + "▁enslave", + -15.236562728881836 + ], + [ + "3-38", + -15.236592292785645 + ], + [ + "▁Equestria", + -15.236841201782228 + ], + [ + "SIMON", + -15.237058639526367 + ], + [ + "▁Savanna", + -15.237069129943848 + ], + [ + "▁$2,2", + -15.237090110778809 + ], + [ + "▁888-492-0", + -15.23709487915039 + ], + [ + "Contingency", + -15.237095832824709 + ], + [ + "LOPRAM", + -15.237096786499023 + ], + [ + "Licorice", + -15.237096786499023 + ], + [ + "Pietermaritzburg", + -15.237096786499023 + ], + [ + "rouzabad", + -15.237096786499023 + ], + [ + "swarovski", + -15.237096786499023 + ], + [ + "▁Aquifer", + -15.237096786499023 + ], + [ + "▁Arithmetic", + -15.237096786499023 + ], + [ + "▁Bermondsey", + -15.237096786499023 + ], + [ + "▁Cyclades", + -15.237096786499023 + ], + [ + "▁Emmerson", + -15.237096786499023 + ], + [ + "▁GALAXY", + -15.237096786499023 + ], + [ + "▁Geschichte", + -15.237096786499023 + ], + [ + "▁Gynecologist", + -15.237096786499023 + ], + [ + "▁Ishikawa", + -15.237096786499023 + ], + [ + "▁Kedarnath", + -15.237096786499023 + ], + [ + "▁Kestrel", + -15.237096786499023 + ], + [ + "▁Luftwaffe", + -15.237096786499023 + ], + [ + "▁Menendez", + -15.237096786499023 + ], + [ + "▁Montmartre", + -15.237096786499023 + ], + [ + "▁NECESSARY", + -15.237096786499023 + ], + [ + "▁Parganas", + -15.237096786499023 + ], + [ + "▁Quotient", + -15.237096786499023 + ], + [ + "▁Sikorsky", + -15.237096786499023 + ], + [ + "▁Sotomayor", + -15.237096786499023 + ], + [ + "▁Tavistock", + -15.237096786499023 + ], + [ + "▁Tempranillo", + -15.237096786499023 + ], + [ + "▁Tsipras", + -15.237096786499023 + ], + [ + "▁Winifred", + -15.237096786499023 + ], + [ + "▁Wohnzimmer", + -15.237096786499023 + ], + [ + "▁bewilderment", + -15.237096786499023 + ], + [ + "▁caliphate", + -15.237096786499023 + ], + [ + "▁congruence", + -15.237096786499023 + ], + [ + "▁disheveled", + -15.237096786499023 + ], + [ + "▁disorienting", + -15.237096786499023 + ], + [ + "▁disponible", + -15.237096786499023 + ], + [ + "▁effigy", + -15.237096786499023 + ], + [ + "▁expropriation", + -15.237096786499023 + ], + [ + "▁heartthrob", + -15.237096786499023 + ], + [ + "▁inexorably", + -15.237096786499023 + ], + [ + "▁nutraceutical", + -15.237096786499023 + ], + [ + "▁paralyzing", + -15.237096786499023 + ], + [ + "▁potpourri", + -15.237096786499023 + ], + [ + "▁presbyopia", + -15.237096786499023 + ], + [ + "▁reticent", + -15.237096786499023 + ], + [ + "▁stalactites", + -15.237096786499023 + ], + [ + "▁strenght", + -15.237096786499023 + ], + [ + "▁subluxation", + -15.237096786499023 + ], + [ + "▁tzatziki", + -15.237096786499023 + ], + [ + "▁unshakable", + -15.237096786499023 + ], + [ + "▁unworkable", + -15.237096786499023 + ], + [ + "▁vociferous", + -15.237096786499023 + ], + [ + "Demonstrating", + -15.23709774017334 + ], + [ + "▁Bechtel", + -15.23709774017334 + ], + [ + "▁Katniss", + -15.23709774017334 + ], + [ + "▁Kaushal", + -15.23709774017334 + ], + [ + "▁Singularity", + -15.23709774017334 + ], + [ + "▁alyssum", + -15.23709774017334 + ], + [ + "▁minnesota", + -15.23709774017334 + ], + [ + "▁monopolize", + -15.23709774017334 + ], + [ + "▁nexium", + -15.23709774017334 + ], + [ + "KANSAS", + -15.237098693847656 + ], + [ + "▁Oviedo", + -15.237098693847656 + ], + [ + "▁asphyxia", + -15.237098693847656 + ], + [ + "▁calcification", + -15.237098693847656 + ], + [ + "Bouncing", + -15.237099647521973 + ], + [ + "▁Cannery", + -15.237099647521973 + ], + [ + "▁Griswold", + -15.237100601196287 + ], + [ + "▁Gryphon", + -15.237100601196287 + ], + [ + "▁McAvoy", + -15.237100601196287 + ], + [ + "▁endovascular", + -15.237100601196287 + ], + [ + "▁AGENTS", + -15.237101554870604 + ], + [ + "▁liminal", + -15.237101554870604 + ], + [ + "▁mandible", + -15.237101554870604 + ], + [ + "▁Broderick", + -15.237102508544922 + ], + [ + "▁FABRIC", + -15.237102508544922 + ], + [ + "▁Myriad", + -15.237102508544922 + ], + [ + "▁10:20", + -15.237103462219238 + ], + [ + "▁Javelin", + -15.237103462219238 + ], + [ + "▁Katharina", + -15.237104415893556 + ], + [ + "▁commissar", + -15.237105369567873 + ], + [ + "Fascist", + -15.237106323242188 + ], + [ + "nywayanyday", + -15.237106323242188 + ], + [ + "▁inasmuch", + -15.237106323242188 + ], + [ + "▁agitating", + -15.23710823059082 + ], + [ + "▁Shutterfly", + -15.237109184265137 + ], + [ + "▁norovirus", + -15.237110137939451 + ], + [ + "▁Akufo", + -15.23711109161377 + ], + [ + "▁bioethics", + -15.23711109161377 + ], + [ + "▁Cartesian", + -15.237112045288086 + ], + [ + "▁Abacus", + -15.237112998962402 + ], + [ + "▁Clydesdale", + -15.237112998962402 + ], + [ + "▁prodded", + -15.237112998962402 + ], + [ + "▁Powys", + -15.23711395263672 + ], + [ + "▁fraiche", + -15.23711395263672 + ], + [ + "▁Terrarium", + -15.237114906311035 + ], + [ + "▁Pharmacies", + -15.237115859985352 + ], + [ + "▁Reinhart", + -15.237115859985352 + ], + [ + "puerto", + -15.2371187210083 + ], + [ + "▁Threatened", + -15.2371187210083 + ], + [ + "▁imbedded", + -15.2371187210083 + ], + [ + "▁Concussion", + -15.237119674682615 + ], + [ + "▁ConvertKit", + -15.23712158203125 + ], + [ + "▁helipad", + -15.23712158203125 + ], + [ + "▁Ivanhoe", + -15.237122535705566 + ], + [ + "▁turboprop", + -15.2371244430542 + ], + [ + "▁Brescia", + -15.237125396728516 + ], + [ + "▁congresswoman", + -15.237125396728516 + ], + [ + "▁collocation", + -15.237126350402832 + ], + [ + "▁Birgit", + -15.237128257751465 + ], + [ + "▁Maggiore", + -15.23712921142578 + ], + [ + "▁Keogh", + -15.237133979797363 + ], + [ + "▁Temperance", + -15.237133979797363 + ], + [ + "▁unbounded", + -15.237133979797363 + ], + [ + "▁Hitchens", + -15.23713493347168 + ], + [ + "▁Vanquish", + -15.237135887145996 + ], + [ + "▁Improvisation", + -15.237140655517578 + ], + [ + "▁Biophysics", + -15.237142562866213 + ], + [ + "▁aviary", + -15.237142562866213 + ], + [ + "Dependence", + -15.237152099609377 + ], + [ + "▁Assamese", + -15.237152099609377 + ], + [ + "▁Terminus", + -15.237152099609377 + ], + [ + "▁COBOL", + -15.237154006958008 + ], + [ + "▁Potosi", + -15.237159729003906 + ], + [ + "▁Shukla", + -15.237159729003906 + ], + [ + "▁trotted", + -15.23716163635254 + ], + [ + "▁Adorama", + -15.237164497375488 + ], + [ + "▁Ripken", + -15.237165451049805 + ], + [ + "OTTAWA", + -15.23716640472412 + ], + [ + "▁Alberni", + -15.237170219421388 + ], + [ + "▁Tupac", + -15.237174034118652 + ], + [ + "▁Espanol", + -15.237178802490234 + ], + [ + "MECHANI", + -15.237188339233398 + ], + [ + "▁AliExpress", + -15.23719596862793 + ], + [ + "▁Vegeta", + -15.237196922302246 + ], + [ + "escens", + -15.237199783325195 + ], + [ + "▁Univision", + -15.237199783325195 + ], + [ + "▁Vecchio", + -15.237202644348145 + ], + [ + "▁Elinor", + -15.23720359802246 + ], + [ + "▁Impressionism", + -15.237208366394045 + ], + [ + "▁Bradstreet", + -15.237215042114258 + ], + [ + "▁breastmilk", + -15.23721694946289 + ], + [ + "▁Rudyard", + -15.237218856811523 + ], + [ + "▁ROBOT", + -15.2372407913208 + ], + [ + "▁birdwatching", + -15.237244606018066 + ], + [ + "▁Sinaloa", + -15.237248420715332 + ], + [ + "▁SLU", + -15.23725128173828 + ], + [ + "▁Rockhampton", + -15.237264633178713 + ], + [ + "▁Wasabi", + -15.23726749420166 + ], + [ + "▁photoreceptor", + -15.237277030944824 + ], + [ + "▁chequered", + -15.237278938293455 + ], + [ + "▁AnyFormat", + -15.23728084564209 + ], + [ + "▁Vardy", + -15.23728084564209 + ], + [ + "▁sandcastle", + -15.237281799316406 + ], + [ + "▁Vistaprint", + -15.237296104431152 + ], + [ + "KUALA", + -15.237303733825684 + ], + [ + "▁Dapper", + -15.237303733825684 + ], + [ + "▁Chairwoman", + -15.237316131591797 + ], + [ + "▁£15,000", + -15.237318992614746 + ], + [ + "▁limerick", + -15.237324714660645 + ], + [ + "▁Drowning", + -15.23733139038086 + ], + [ + "▁autocad", + -15.23733139038086 + ], + [ + "▁Rimini", + -15.237333297729492 + ], + [ + "▁GOES", + -15.237337112426758 + ], + [ + "▁BATTLE", + -15.23733901977539 + ], + [ + "LEIGH", + -15.23734188079834 + ], + [ + "▁gerrymandering", + -15.237369537353516 + ], + [ + "▁Paradiso", + -15.237378120422363 + ], + [ + "▁wierd", + -15.237388610839844 + ], + [ + "▁landmines", + -15.23738956451416 + ], + [ + "▁unheated", + -15.237390518188477 + ], + [ + "▁voile", + -15.237401008605955 + ], + [ + "▁Coogan", + -15.237415313720703 + ], + [ + "▁Randomized", + -15.237424850463867 + ], + [ + "▁Mangrove", + -15.237442016601562 + ], + [ + "▁unsaid", + -15.23744297027588 + ], + [ + "▁Ornamental", + -15.237465858459473 + ], + [ + "▁cocked", + -15.237469673156738 + ], + [ + "▁Chambersburg", + -15.237470626831056 + ], + [ + "▁passionfruit", + -15.237473487854004 + ], + [ + "▁reactivation", + -15.237506866455078 + ], + [ + "▁enforceability", + -15.237526893615724 + ], + [ + "▁polymerization", + -15.237542152404783 + ], + [ + "▁Himansh", + -15.237547874450684 + ], + [ + "teborg", + -15.237558364868164 + ], + [ + "▁Backstreet", + -15.23755931854248 + ], + [ + "▁shiplap", + -15.237567901611328 + ], + [ + "▁Smokehouse", + -15.237632751464844 + ], + [ + "▁IDBI", + -15.237648963928224 + ], + [ + "▁Foresight", + -15.237671852111816 + ], + [ + "▁SDHC", + -15.237706184387209 + ], + [ + "▁Wheatland", + -15.237727165222168 + ], + [ + "▁deferment", + -15.237738609313965 + ], + [ + "▁Elissa", + -15.237763404846191 + ], + [ + "▁croquette", + -15.237805366516112 + ], + [ + "▁quartzite", + -15.237822532653809 + ], + [ + "▁FEET", + -15.2378568649292 + ], + [ + "Uncover", + -15.23786735534668 + ], + [ + "▁OSCAR", + -15.237907409667969 + ], + [ + "▁Pangea", + -15.237922668457031 + ], + [ + "▁Jetstar", + -15.23792552947998 + ], + [ + "▁Doubtful", + -15.237984657287598 + ], + [ + "Fragrant", + -15.238007545471191 + ], + [ + "▁terrorized", + -15.238507270812988 + ], + [ + "Studied", + -15.238564491271973 + ], + [ + "▁talaga", + -15.238580703735352 + ], + [ + "▁Fractional", + -15.238622665405272 + ], + [ + "1.55", + -15.23867130279541 + ], + [ + "▁rowboat", + -15.23873805999756 + ], + [ + "ouquet", + -15.238821029663086 + ], + [ + "Johan", + -15.238821983337402 + ], + [ + "▁enticement", + -15.238954544067385 + ], + [ + "▁20:4", + -15.2389554977417 + ], + [ + "lign", + -15.239042282104492 + ], + [ + "▁Boykin", + -15.239084243774414 + ], + [ + "▁Mudder", + -15.2391939163208 + ], + [ + "initialize", + -15.239397048950195 + ], + [ + "4:42", + -15.23946475982666 + ], + [ + "missouri", + -15.2395658493042 + ], + [ + "UMN", + -15.239606857299805 + ], + [ + "▁$1,800", + -15.239701271057127 + ], + [ + "▁parishioner", + -15.239741325378418 + ], + [ + "▁cyberattack", + -15.239798545837402 + ], + [ + "became", + -15.23984432220459 + ], + [ + "▁Glau", + -15.239890098571776 + ], + [ + "▁environ", + -15.240079879760742 + ], + [ + "▁Capella", + -15.240219116210938 + ], + [ + "1.49", + -15.240350723266602 + ], + [ + "▁Radish", + -15.240442276000977 + ], + [ + "▁Kanji", + -15.240586280822754 + ], + [ + "1741", + -15.240639686584473 + ], + [ + "Roar", + -15.240734100341797 + ], + [ + "▁Cobble", + -15.240762710571287 + ], + [ + "▁goatee", + -15.24094581604004 + ], + [ + "NNIE", + -15.241023063659668 + ], + [ + "▁Cowles", + -15.241153717041016 + ], + [ + "Manifest", + -15.241229057312012 + ], + [ + "knuckle", + -15.24124813079834 + ], + [ + "8:27", + -15.241254806518556 + ], + [ + "Bumble", + -15.241266250610352 + ], + [ + "Hunger", + -15.241266250610352 + ], + [ + "bazaar", + -15.241271018981934 + ], + [ + "EBITDA", + -15.241273880004885 + ], + [ + "vaccination", + -15.241281509399414 + ], + [ + "Zenith", + -15.241287231445312 + ], + [ + "exploration", + -15.241292953491213 + ], + [ + "Educators", + -15.241293907165527 + ], + [ + "Circular", + -15.241294860839844 + ], + [ + "Regulatory", + -15.241294860839844 + ], + [ + "CLEAR", + -15.241297721862791 + ], + [ + "Plymouth", + -15.24129867553711 + ], + [ + "Ninja", + -15.241300582885742 + ], + [ + "irrigation", + -15.241303443908691 + ], + [ + "veteran", + -15.241310119628906 + ], + [ + "thirty", + -15.24131202697754 + ], + [ + "Kayak", + -15.241321563720703 + ], + [ + "convex", + -15.241326332092283 + ], + [ + "Dietary", + -15.241336822509766 + ], + [ + "assistance", + -15.241357803344728 + ], + [ + "▁9689", + -15.2413969039917 + ], + [ + "CAGR", + -15.24140167236328 + ], + [ + "Barack", + -15.241403579711914 + ], + [ + "▁MOMENT", + -15.241408348083496 + ], + [ + "Edison", + -15.241410255432127 + ], + [ + "addiction", + -15.241410255432127 + ], + [ + "7,800", + -15.24142837524414 + ], + [ + "transplant", + -15.24145221710205 + ], + [ + "Sponsorship", + -15.241459846496582 + ], + [ + "automatically", + -15.24147605895996 + ], + [ + "Jessie", + -15.241485595703123 + ], + [ + "▁03:1", + -15.24148654937744 + ], + [ + "radiation", + -15.241501808166504 + ], + [ + "Cupid", + -15.241518020629885 + ], + [ + "afka", + -15.241663932800291 + ], + [ + "Teddy", + -15.241698265075684 + ], + [ + "Moody", + -15.24170970916748 + ], + [ + "WASH", + -15.241717338562012 + ], + [ + "particular", + -15.241729736328123 + ], + [ + "▁CIMB", + -15.241816520690918 + ], + [ + "thymi", + -15.241823196411133 + ], + [ + "growers", + -15.241854667663574 + ], + [ + "rattle", + -15.241864204406738 + ], + [ + "Harness", + -15.241978645324709 + ], + [ + "ninja", + -15.241999626159668 + ], + [ + "olsky", + -15.242076873779297 + ], + [ + "nsulating", + -15.242194175720217 + ], + [ + "▁salivar", + -15.242355346679688 + ], + [ + "ggler", + -15.242403030395508 + ], + [ + "Owl", + -15.242445945739746 + ], + [ + "Gigi", + -15.242499351501465 + ], + [ + "▁Ophi", + -15.242523193359377 + ], + [ + "colli", + -15.24258041381836 + ], + [ + "TRUST", + -15.242600440979004 + ], + [ + "▁Hernia", + -15.242695808410645 + ], + [ + "15-3", + -15.242724418640137 + ], + [ + "▁$1,400", + -15.24275016784668 + ], + [ + "MWh", + -15.242926597595217 + ], + [ + "Alder", + -15.24298858642578 + ], + [ + "▁Khul", + -15.243043899536133 + ], + [ + "ghoul", + -15.24314022064209 + ], + [ + "Democrat", + -15.243528366088867 + ], + [ + "▁Navara", + -15.243973731994627 + ], + [ + "▁SCALE", + -15.24409008026123 + ], + [ + "1481", + -15.244165420532228 + ], + [ + "7–2", + -15.244216918945312 + ], + [ + "fric", + -15.24432373046875 + ], + [ + "▁Pinar", + -15.244414329528809 + ], + [ + "▁Medalist", + -15.244508743286133 + ], + [ + "▁Serafin", + -15.24466323852539 + ], + [ + "kirche", + -15.24481201171875 + ], + [ + "utsu", + -15.244871139526367 + ], + [ + "▁$7.9", + -15.245001792907717 + ], + [ + "5,900", + -15.245060920715332 + ], + [ + "▁Gaol", + -15.24537467956543 + ], + [ + "luorocarbon", + -15.245668411254885 + ], + [ + "cript", + -15.245685577392578 + ], + [ + "▁theorize", + -15.246097564697266 + ], + [ + "▁HCF", + -15.246160507202148 + ], + [ + "▁Kamil", + -15.24628734588623 + ], + [ + "▁hydrologic", + -15.24630355834961 + ], + [ + "▁Tarik", + -15.24655818939209 + ], + [ + "Shiva", + -15.246630668640137 + ], + [ + "==>", + -15.246695518493652 + ], + [ + "▁CONDO", + -15.246870040893556 + ], + [ + "▁glac", + -15.24704360961914 + ], + [ + "▁Symmetri", + -15.24705410003662 + ], + [ + "NPP", + -15.247249603271484 + ], + [ + "???????????????", + -15.247618675231934 + ], + [ + "OLIC", + -15.247681617736816 + ], + [ + "ripped", + -15.248279571533203 + ], + [ + "OZEN", + -15.24857234954834 + ], + [ + "▁Silesia", + -15.248666763305664 + ], + [ + "▁Feud", + -15.248926162719728 + ], + [ + "Meara", + -15.24942684173584 + ], + [ + "▁Terrasse", + -15.24946117401123 + ], + [ + "denture", + -15.249567985534668 + ], + [ + "Encode", + -15.249608039855955 + ], + [ + "FLT", + -15.24963092803955 + ], + [ + "6:35", + -15.249679565429688 + ], + [ + "▁Mehl", + -15.250516891479492 + ], + [ + "▁warrantee", + -15.250657081604004 + ], + [ + "referral", + -15.250692367553713 + ], + [ + "CONCLUSION", + -15.250901222229004 + ], + [ + "eductive", + -15.25128936767578 + ], + [ + "▁biochemist", + -15.251350402832031 + ], + [ + "▁FLORIDA", + -15.251362800598145 + ], + [ + "myelitis", + -15.251367568969728 + ], + [ + "adelphia", + -15.251368522644045 + ], + [ + "▁ACADEMY", + -15.251381874084473 + ], + [ + "▁Aguirre", + -15.251381874084473 + ], + [ + "▁Berlioz", + -15.251381874084473 + ], + [ + "▁Canggu", + -15.251381874084473 + ], + [ + "▁Narragansett", + -15.251381874084473 + ], + [ + "▁Podiatrist", + -15.251381874084473 + ], + [ + "▁Srivastava", + -15.251381874084473 + ], + [ + "▁earlobe", + -15.251381874084473 + ], + [ + "▁metronidazole", + -15.251381874084473 + ], + [ + "▁nightgown", + -15.251381874084473 + ], + [ + "▁tumult", + -15.251381874084473 + ], + [ + "Cisneros", + -15.251382827758787 + ], + [ + "Congenital", + -15.251382827758787 + ], + [ + "UNFCCC", + -15.251382827758787 + ], + [ + "propionate", + -15.251382827758787 + ], + [ + "▁ADVENTURE", + -15.251382827758787 + ], + [ + "▁ASSEMBLY", + -15.251382827758787 + ], + [ + "▁Bacchus", + -15.251382827758787 + ], + [ + "▁Bonifacio", + -15.251382827758787 + ], + [ + "▁Carburetor", + -15.251382827758787 + ], + [ + "▁Cormorant", + -15.251382827758787 + ], + [ + "▁DeLorean", + -15.251382827758787 + ], + [ + "▁Deodorant", + -15.251382827758787 + ], + [ + "▁Eglinton", + -15.251382827758787 + ], + [ + "▁Fulcrum", + -15.251382827758787 + ], + [ + "▁Grommet", + -15.251382827758787 + ], + [ + "▁Haliburton", + -15.251382827758787 + ], + [ + "▁LaRue", + -15.251382827758787 + ], + [ + "▁McEwan", + -15.251382827758787 + ], + [ + "▁Orpheus", + -15.251382827758787 + ], + [ + "▁PRODUCE", + -15.251382827758787 + ], + [ + "▁Pendidikan", + -15.251382827758787 + ], + [ + "▁Sephardic", + -15.251382827758787 + ], + [ + "▁Stoughton", + -15.251382827758787 + ], + [ + "▁Tiramisu", + -15.251382827758787 + ], + [ + "▁Vinaigrette", + -15.251382827758787 + ], + [ + "▁anodised", + -15.251382827758787 + ], + [ + "▁beryllium", + -15.251382827758787 + ], + [ + "▁cabernet", + -15.251382827758787 + ], + [ + "▁calligrapher", + -15.251382827758787 + ], + [ + "▁charlatan", + -15.251382827758787 + ], + [ + "▁delineating", + -15.251382827758787 + ], + [ + "▁disincentive", + -15.251382827758787 + ], + [ + "▁electroplating", + -15.251382827758787 + ], + [ + "▁fudgy", + -15.251382827758787 + ], + [ + "▁hodgepodge", + -15.251382827758787 + ], + [ + "▁ideologue", + -15.251382827758787 + ], + [ + "▁marsupial", + -15.251382827758787 + ], + [ + "▁nutritive", + -15.251382827758787 + ], + [ + "▁squeamish", + -15.251382827758787 + ], + [ + "▁unplayable", + -15.251382827758787 + ], + [ + "▁unsatisfying", + -15.251382827758787 + ], + [ + "▁ADVISOR", + -15.251383781433104 + ], + [ + "▁Dystrophy", + -15.251383781433104 + ], + [ + "▁Sevenoaks", + -15.251383781433104 + ], + [ + "▁assiduous", + -15.251383781433104 + ], + [ + "▁bursitis", + -15.251383781433104 + ], + [ + "▁pictogram", + -15.251383781433104 + ], + [ + "Oxidation", + -15.251384735107422 + ], + [ + "▁Hasselblad", + -15.251384735107422 + ], + [ + "▁manatees", + -15.251384735107422 + ], + [ + "▁pfizer", + -15.251384735107422 + ], + [ + "▁POPULAR", + -15.251385688781738 + ], + [ + "▁Wanderlust", + -15.251386642456056 + ], + [ + "▁gearshifts", + -15.251386642456056 + ], + [ + "▁Oncologist", + -15.251387596130373 + ], + [ + "▁protozoa", + -15.251387596130373 + ], + [ + "▁yasmin", + -15.251388549804688 + ], + [ + "▁lancaster", + -15.251389503479004 + ], + [ + "▁ZigBee", + -15.25139045715332 + ], + [ + "▁Emporio", + -15.251391410827637 + ], + [ + "▁mariachi", + -15.251391410827637 + ], + [ + "▁GVWR", + -15.251392364501951 + ], + [ + "▁Beauchamp", + -15.25139331817627 + ], + [ + "▁Ashburton", + -15.251394271850586 + ], + [ + "▁Poznan", + -15.251395225524902 + ], + [ + "▁Telephony", + -15.25139617919922 + ], + [ + "▁perturbed", + -15.25139617919922 + ], + [ + "▁McKesson", + -15.251398086547852 + ], + [ + "▁Parekh", + -15.251398086547852 + ], + [ + "▁Sedalia", + -15.251399040222168 + ], + [ + "▁achilles", + -15.251399040222168 + ], + [ + "▁matriculation", + -15.251399040222168 + ], + [ + "▁Concealer", + -15.251401901245115 + ], + [ + "▁neurobiology", + -15.251401901245115 + ], + [ + "OTCQB", + -15.251402854919434 + ], + [ + "▁Clarissa", + -15.25140380859375 + ], + [ + "▁Instacart", + -15.25140380859375 + ], + [ + "inducible", + -15.251404762268066 + ], + [ + "▁neurontin", + -15.251404762268066 + ], + [ + "▁Curzon", + -15.251405715942385 + ], + [ + "▁diffrent", + -15.251408576965332 + ], + [ + "▁Sackett", + -15.25141143798828 + ], + [ + "▁nuevo", + -15.25141143798828 + ], + [ + "▁Kakadu", + -15.251412391662598 + ], + [ + "▁Mcdonald", + -15.251415252685549 + ], + [ + "▁comparability", + -15.251415252685549 + ], + [ + "▁Quench", + -15.251416206359863 + ], + [ + "▁Adagio", + -15.25141716003418 + ], + [ + "▁Cryptography", + -15.25141716003418 + ], + [ + "▁Cypher", + -15.25141716003418 + ], + [ + "▁Langtang", + -15.251426696777344 + ], + [ + "▁pluralistic", + -15.25142765045166 + ], + [ + "▁Fergie", + -15.25143051147461 + ], + [ + "▁Telkom", + -15.25143051147461 + ], + [ + "▁Kampong", + -15.25143337249756 + ], + [ + "▁Microfinance", + -15.251434326171877 + ], + [ + "▁aftershocks", + -15.251437187194824 + ], + [ + "▁transcoding", + -15.251449584960938 + ], + [ + "▁Flyknit", + -15.25145149230957 + ], + [ + "▁clotted", + -15.25145149230957 + ], + [ + "▁mistook", + -15.25145435333252 + ], + [ + "▁Gerais", + -15.251455307006836 + ], + [ + "Pneumonia", + -15.25146484375 + ], + [ + "▁buena", + -15.251465797424316 + ], + [ + "Frustration", + -15.251474380493164 + ], + [ + "▁Midwife", + -15.251482009887695 + ], + [ + "▁Wessex", + -15.251484870910645 + ], + [ + "▁munchies", + -15.251484870910645 + ], + [ + "▁Victorious", + -15.251490592956545 + ], + [ + "▁habeas", + -15.251494407653809 + ], + [ + "▁Redfern", + -15.25149631500244 + ], + [ + "▁Lonesome", + -15.251501083374023 + ], + [ + "▁Sensible", + -15.251505851745604 + ], + [ + "▁subspecialty", + -15.251507759094238 + ], + [ + "▁Sandblast", + -15.251509666442873 + ], + [ + "▁Morrell", + -15.251517295837402 + ], + [ + "▁herdsmen", + -15.251522064208984 + ], + [ + "▁Presque", + -15.2515230178833 + ], + [ + "▁checkerboard", + -15.2515230178833 + ], + [ + "▁Shamanic", + -15.2515287399292 + ], + [ + "▁starburst", + -15.251529693603516 + ], + [ + "▁Coulson", + -15.251535415649414 + ], + [ + "▁unashamedly", + -15.251535415649414 + ], + [ + "▁Keenum", + -15.251543045043944 + ], + [ + "▁memorise", + -15.251553535461426 + ], + [ + "▁Thorium", + -15.251559257507324 + ], + [ + "▁slugger", + -15.251568794250488 + ], + [ + "▁Nicobar", + -15.251572608947754 + ], + [ + "▁Seacoast", + -15.25157356262207 + ], + [ + "▁Replies", + -15.251575469970703 + ], + [ + "▁subatomic", + -15.251579284667969 + ], + [ + "▁Harrah", + -15.251593589782717 + ], + [ + "▁Narita", + -15.251605033874512 + ], + [ + "▁Profiling", + -15.251612663269045 + ], + [ + "▁muito", + -15.251614570617676 + ], + [ + "▁Hilux", + -15.251615524291992 + ], + [ + "▁Levinson", + -15.25161838531494 + ], + [ + "▁croak", + -15.25164794921875 + ], + [ + "▁tailwind", + -15.251653671264648 + ], + [ + "PATIENT", + -15.251666069030762 + ], + [ + "0:35", + -15.251669883728027 + ], + [ + "▁Marsala", + -15.251680374145508 + ], + [ + "▁Wholesome", + -15.251684188842772 + ], + [ + "▁dissapointed", + -15.251689910888672 + ], + [ + "▁Minutemen", + -15.251704216003418 + ], + [ + "▁bedridden", + -15.251714706420898 + ], + [ + "▁Haslam", + -15.25172996520996 + ], + [ + "▁Wittenberg", + -15.25174045562744 + ], + [ + "▁Koala", + -15.251749038696287 + ], + [ + "▁Yoshida", + -15.251755714416504 + ], + [ + "▁abscesses", + -15.251757621765137 + ], + [ + "Rutger", + -15.25176239013672 + ], + [ + "Migrating", + -15.251771926879885 + ], + [ + "arrival", + -15.251789093017578 + ], + [ + "▁vanquished", + -15.251805305480955 + ], + [ + "▁Flemington", + -15.251811981201172 + ], + [ + "▁Outbreak", + -15.251829147338867 + ], + [ + "▁Renata", + -15.2518310546875 + ], + [ + "▁HKEY", + -15.251834869384766 + ], + [ + "Refrain", + -15.25184154510498 + ], + [ + "▁subcategory", + -15.251842498779297 + ], + [ + "▁Tilley", + -15.251863479614258 + ], + [ + "▁Coastguard", + -15.25190544128418 + ], + [ + "▁binging", + -15.251910209655762 + ], + [ + "▁Airbrush", + -15.251922607421877 + ], + [ + "ANCY", + -15.251928329467772 + ], + [ + "chapin", + -15.251937866210938 + ], + [ + "▁TODO", + -15.251937866210938 + ], + [ + "▁ipv", + -15.251943588256836 + ], + [ + "asinghe", + -15.251958847045898 + ], + [ + "▁Cocaine", + -15.25196361541748 + ], + [ + "▁Lanham", + -15.251968383789062 + ], + [ + "▁Sketchbook", + -15.251972198486328 + ], + [ + "▁Cantrell", + -15.251977920532228 + ], + [ + "▁Underwriting", + -15.251986503601074 + ], + [ + "▁Frankston", + -15.252004623413086 + ], + [ + "▁Selina", + -15.252007484436035 + ], + [ + "Acqui", + -15.252036094665527 + ], + [ + "▁SPDR", + -15.25204086303711 + ], + [ + "▁Hafiz", + -15.252068519592283 + ], + [ + "3/8′′", + -15.252102851867676 + ], + [ + "▁Odeon", + -15.252105712890623 + ], + [ + "3–2", + -15.252120971679688 + ], + [ + "▁oleh", + -15.252123832702637 + ], + [ + "▁FiOS", + -15.252130508422852 + ], + [ + "▁Geert", + -15.252385139465332 + ], + [ + "▁Songbird", + -15.252406120300291 + ], + [ + "▁Gorton", + -15.252431869506836 + ], + [ + "▁Surry", + -15.25243854522705 + ], + [ + "holistic", + -15.252461433410645 + ], + [ + "▁Maidan", + -15.252482414245604 + ], + [ + "▁sonically", + -15.252485275268556 + ], + [ + "▁MIRA", + -15.25254249572754 + ], + [ + "▁Dimitrov", + -15.252593040466309 + ], + [ + "▁glamourous", + -15.252692222595217 + ], + [ + "▁favela", + -15.252850532531738 + ], + [ + "4:11", + -15.25303554534912 + ], + [ + "▁EXPERT", + -15.253050804138184 + ], + [ + "▁receivership", + -15.253090858459473 + ], + [ + "1-28", + -15.253241539001465 + ], + [ + "referencing", + -15.253277778625488 + ], + [ + "▁DPW", + -15.25340747833252 + ], + [ + "▁Tirol", + -15.253458976745604 + ], + [ + "Winston", + -15.253483772277832 + ], + [ + "▁$2,0", + -15.25372314453125 + ], + [ + ".02%", + -15.253826141357422 + ], + [ + "▁$5.6", + -15.253830909729004 + ], + [ + "Stroll", + -15.25383186340332 + ], + [ + "▁maniacal", + -15.253849983215332 + ], + [ + "/10/2018", + -15.253894805908203 + ], + [ + "▁Zeeland", + -15.253944396972656 + ], + [ + "▁hallucination", + -15.254222869873049 + ], + [ + "veined", + -15.254379272460938 + ], + [ + "▁beadwork", + -15.25440502166748 + ], + [ + "Undertake", + -15.254464149475098 + ], + [ + "izzard", + -15.254472732543944 + ], + [ + "▁WILLIAMS", + -15.254612922668455 + ], + [ + "IZZ", + -15.254645347595217 + ], + [ + "▁negra", + -15.255085945129396 + ], + [ + "▁Netherland", + -15.255146980285645 + ], + [ + "3:56", + -15.255183219909668 + ], + [ + "4:31", + -15.255243301391602 + ], + [ + "72%", + -15.255250930786133 + ], + [ + "calculate", + -15.255345344543455 + ], + [ + "Wagering", + -15.255390167236328 + ], + [ + "embang", + -15.255412101745604 + ], + [ + "TRONIC", + -15.255430221557615 + ], + [ + "Rosie", + -15.255441665649414 + ], + [ + "wrapper", + -15.255441665649414 + ], + [ + "22-8", + -15.255614280700684 + ], + [ + "▁Madelyn", + -15.255712509155272 + ], + [ + "residency", + -15.255752563476562 + ], + [ + "1896", + -15.255845069885254 + ], + [ + "Cartoon", + -15.255864143371582 + ], + [ + "Spartan", + -15.255881309509276 + ], + [ + "▁Mirra", + -15.25588607788086 + ], + [ + "attractive", + -15.25596046447754 + ], + [ + "Thrift", + -15.255962371826172 + ], + [ + "Easier", + -15.255963325500488 + ], + [ + "Yikes", + -15.255967140197754 + ], + [ + "Perspective", + -15.255970001220703 + ], + [ + "Simplicity", + -15.255974769592283 + ], + [ + "Luxurious", + -15.255975723266602 + ], + [ + "Fleur", + -15.255976676940918 + ], + [ + "Peppermint", + -15.255976676940918 + ], + [ + "Injuries", + -15.255977630615234 + ], + [ + "Baptism", + -15.255980491638184 + ], + [ + "conformity", + -15.255983352661133 + ], + [ + "scooter", + -15.255990028381348 + ], + [ + "Poverty", + -15.255990982055664 + ], + [ + "Vodafone", + -15.255993843078612 + ], + [ + "Harriet", + -15.255996704101562 + ], + [ + "demonstrate", + -15.255998611450195 + ], + [ + "Bermuda", + -15.256001472473145 + ], + [ + "Zimbabwe", + -15.256004333496094 + ], + [ + "strewn", + -15.256004333496094 + ], + [ + "Katrina", + -15.25600814819336 + ], + [ + "Norfolk", + -15.256017684936523 + ], + [ + "Viagra", + -15.256026268005373 + ], + [ + "Artisan", + -15.256028175354004 + ], + [ + "Tribal", + -15.2560453414917 + ], + [ + "Authentication", + -15.25605297088623 + ], + [ + "earlier", + -15.256053924560549 + ], + [ + "Updating", + -15.256075859069824 + ], + [ + "Rugby", + -15.25607681274414 + ], + [ + "Behavioral", + -15.256089210510254 + ], + [ + "Glory", + -15.25609302520752 + ], + [ + "Genetically", + -15.25620174407959 + ], + [ + "WHITE", + -15.256216049194336 + ], + [ + "Underground", + -15.256353378295898 + ], + [ + "▁Corsi", + -15.25639820098877 + ], + [ + "grinder", + -15.256463050842283 + ], + [ + "swirl", + -15.256548881530762 + ], + [ + "▁Techni", + -15.256805419921877 + ], + [ + "9:12", + -15.256816864013672 + ], + [ + "ecosystem", + -15.25687313079834 + ], + [ + "▁segui", + -15.256917953491213 + ], + [ + "EADS", + -15.256919860839844 + ], + [ + "1(2):", + -15.257028579711914 + ], + [ + "Bunny", + -15.25715160369873 + ], + [ + "Postcard", + -15.257286071777344 + ], + [ + "▁CEREC", + -15.257401466369627 + ], + [ + "▁Dimon", + -15.257612228393556 + ], + [ + "packet", + -15.257667541503906 + ], + [ + "bsorbance", + -15.257784843444824 + ], + [ + "addled", + -15.258122444152832 + ], + [ + "OGUE", + -15.258132934570312 + ], + [ + "8:45", + -15.258174896240234 + ], + [ + "▁Hollins", + -15.258237838745115 + ], + [ + "▁judi", + -15.258255004882812 + ], + [ + "Trish", + -15.25829792022705 + ], + [ + "▁lioness", + -15.258441925048828 + ], + [ + "provincial", + -15.258466720581056 + ], + [ + "divide", + -15.258475303649902 + ], + [ + "fluff", + -15.258673667907717 + ], + [ + "▁Clasp", + -15.258821487426758 + ], + [ + "prene", + -15.258925437927246 + ], + [ + "▁Santosh", + -15.259087562561035 + ], + [ + "▁Hiero", + -15.259236335754396 + ], + [ + "▁$250.00", + -15.259303092956545 + ], + [ + "logix", + -15.25936222076416 + ], + [ + "backpack", + -15.259488105773926 + ], + [ + "▁GRIP", + -15.259550094604492 + ], + [ + "Chapelle", + -15.259620666503906 + ], + [ + "▁$5.9", + -15.259957313537598 + ], + [ + "▁Rapha", + -15.26000690460205 + ], + [ + "▁$2.0", + -15.260120391845703 + ], + [ + "assembling", + -15.260139465332031 + ], + [ + "▁Brugge", + -15.260431289672852 + ], + [ + "▁Rosacea", + -15.26056671142578 + ], + [ + "▁EXTRACT", + -15.260573387145996 + ], + [ + "8:05", + -15.260708808898926 + ], + [ + "600,000", + -15.26086139678955 + ], + [ + "flv", + -15.260920524597168 + ], + [ + "2,400", + -15.260945320129396 + ], + [ + "▁REPL", + -15.260966300964355 + ], + [ + "▁Mondeo", + -15.261033058166504 + ], + [ + "▁Salafi", + -15.261263847351074 + ], + [ + "▁Ziel", + -15.261286735534668 + ], + [ + "Resolving", + -15.261348724365234 + ], + [ + "RACK", + -15.26154899597168 + ], + [ + "chna", + -15.26156234741211 + ], + [ + "1.0.1", + -15.261573791503906 + ], + [ + "Lund", + -15.261613845825195 + ], + [ + "GID", + -15.261908531188965 + ], + [ + "▁seperat", + -15.261919975280762 + ], + [ + "Echoing", + -15.262128829956056 + ], + [ + "▁wattle", + -15.262255668640137 + ], + [ + "▁£3,000", + -15.262632369995115 + ], + [ + "1915", + -15.262670516967772 + ], + [ + "lectrophysiology", + -15.262933731079102 + ], + [ + "Resist", + -15.262943267822266 + ], + [ + "oumarin", + -15.263238906860352 + ], + [ + "OLOGI", + -15.263400077819824 + ], + [ + "0,0", + -15.263787269592283 + ], + [ + "antana", + -15.26381778717041 + ], + [ + "▁$7.4", + -15.26388931274414 + ], + [ + "▁silv", + -15.263891220092772 + ], + [ + "coupling", + -15.26410675048828 + ], + [ + "▁$24,000", + -15.264189720153809 + ], + [ + "phoric", + -15.264256477355955 + ], + [ + "▁Shiel", + -15.264483451843262 + ], + [ + "rachel", + -15.26498317718506 + ], + [ + "▁gyrat", + -15.265175819396973 + ], + [ + "▁Qualify", + -15.265373229980469 + ], + [ + "▁Tahu", + -15.265535354614258 + ], + [ + "▁scurry", + -15.265775680541992 + ], + [ + "Depreciation", + -15.265874862670898 + ], + [ + "MINNEAPOLIS", + -15.265874862670898 + ], + [ + "Occupant", + -15.265874862670898 + ], + [ + "Prestigious", + -15.265874862670898 + ], + [ + "Rhiannon", + -15.265874862670898 + ], + [ + "barcelona", + -15.265874862670898 + ], + [ + "convulsive", + -15.265874862670898 + ], + [ + "▁Appetizers", + -15.265874862670898 + ], + [ + "▁Beaujolais", + -15.265874862670898 + ], + [ + "▁Benidorm", + -15.265874862670898 + ], + [ + "▁Chaffee", + -15.265874862670898 + ], + [ + "▁Chakraborty", + -15.265874862670898 + ], + [ + "▁Cimarron", + -15.265874862670898 + ], + [ + "▁Conservatories", + -15.265874862670898 + ], + [ + "▁Cornhusker", + -15.265874862670898 + ], + [ + "▁Dreadnought", + -15.265874862670898 + ], + [ + "▁Fellaini", + -15.265874862670898 + ], + [ + "▁Ferragamo", + -15.265874862670898 + ], + [ + "▁Ghulam", + -15.265874862670898 + ], + [ + "▁Gustafson", + -15.265874862670898 + ], + [ + "▁Ketchikan", + -15.265874862670898 + ], + [ + "▁Metallurgical", + -15.265874862670898 + ], + [ + "▁Mulcahy", + -15.265874862670898 + ], + [ + "▁OBTAINED", + -15.265874862670898 + ], + [ + "▁Persuasion", + -15.265874862670898 + ], + [ + "▁Pilipinas", + -15.265874862670898 + ], + [ + "▁Remedial", + -15.265874862670898 + ], + [ + "▁Rhododendron", + -15.265874862670898 + ], + [ + "▁Tiverton", + -15.265874862670898 + ], + [ + "▁Tremblay", + -15.265874862670898 + ], + [ + "▁Wimberley", + -15.265874862670898 + ], + [ + "▁agronomist", + -15.265874862670898 + ], + [ + "▁alkaloids", + -15.265874862670898 + ], + [ + "▁amblyopia", + -15.265874862670898 + ], + [ + "▁cellulosic", + -15.265874862670898 + ], + [ + "▁diphtheria", + -15.265874862670898 + ], + [ + "▁fraternities", + -15.265874862670898 + ], + [ + "▁infatuated", + -15.265874862670898 + ], + [ + "▁invisibly", + -15.265874862670898 + ], + [ + "▁irrefutable", + -15.265874862670898 + ], + [ + "▁poignancy", + -15.265874862670898 + ], + [ + "▁scrawled", + -15.265874862670898 + ], + [ + "▁ungreased", + -15.265874862670898 + ], + [ + "Controversial", + -15.265875816345217 + ], + [ + "hamilton", + -15.265875816345217 + ], + [ + "▁Disparities", + -15.265875816345217 + ], + [ + "▁Eevee", + -15.265875816345217 + ], + [ + "▁Maktoum", + -15.265875816345217 + ], + [ + "▁Mnuchin", + -15.265875816345217 + ], + [ + "▁Montezuma", + -15.265875816345217 + ], + [ + "▁Pilkington", + -15.265875816345217 + ], + [ + "▁Pratchett", + -15.265875816345217 + ], + [ + "▁boutonniere", + -15.265875816345217 + ], + [ + "▁capsaicin", + -15.265875816345217 + ], + [ + "▁cerebellum", + -15.265875816345217 + ], + [ + "▁depravity", + -15.265875816345217 + ], + [ + "▁oesophagus", + -15.265875816345217 + ], + [ + "▁outgrew", + -15.265875816345217 + ], + [ + "Cloutier", + -15.265876770019531 + ], + [ + "Lakshman", + -15.265876770019531 + ], + [ + "▁Alumnae", + -15.265876770019531 + ], + [ + "▁Isidro", + -15.265877723693848 + ], + [ + "▁waltham", + -15.265877723693848 + ], + [ + "▁Cavanaugh", + -15.265878677368164 + ], + [ + "▁Escalade", + -15.265878677368164 + ], + [ + "▁Hossain", + -15.265878677368164 + ], + [ + "▁Mujeres", + -15.265878677368164 + ], + [ + "▁Revenant", + -15.265878677368164 + ], + [ + "▁electrophoresis", + -15.265878677368164 + ], + [ + "flecked", + -15.26587963104248 + ], + [ + "▁isopropyl", + -15.26587963104248 + ], + [ + "cincinnati", + -15.265880584716797 + ], + [ + "▁Leningrad", + -15.26588249206543 + ], + [ + "▁dispersant", + -15.26588249206543 + ], + [ + "▁lysine", + -15.26588249206543 + ], + [ + "▁CrazyBulk", + -15.265884399414062 + ], + [ + "▁Shipwreck", + -15.265884399414062 + ], + [ + "▁Nakuru", + -15.265886306762695 + ], + [ + "▁MONSTER", + -15.265887260437012 + ], + [ + "▁Hinsdale", + -15.265888214111328 + ], + [ + "▁RZR", + -15.265888214111328 + ], + [ + "▁misbehavior", + -15.265888214111328 + ], + [ + "▁Beehive", + -15.265889167785645 + ], + [ + "▁telehandler", + -15.265889167785645 + ], + [ + "ikulski", + -15.26589012145996 + ], + [ + "▁Cineplex", + -15.26589012145996 + ], + [ + "▁ielts", + -15.26589012145996 + ], + [ + "▁Ajanta", + -15.265891075134276 + ], + [ + "▁EAGLE", + -15.265892028808594 + ], + [ + "▁Shaykh", + -15.265892028808594 + ], + [ + "Discreet", + -15.265893936157228 + ], + [ + "▁sioux", + -15.265894889831545 + ], + [ + "▁Toulon", + -15.265901565551758 + ], + [ + "▁Fluency", + -15.26590347290039 + ], + [ + "▁Rawlins", + -15.26590347290039 + ], + [ + "▁GETTING", + -15.26590633392334 + ], + [ + "▁Leominster", + -15.26590633392334 + ], + [ + "▁molestation", + -15.26590633392334 + ], + [ + "▁interlaced", + -15.265907287597656 + ], + [ + "▁Commended", + -15.265909194946287 + ], + [ + "▁lurid", + -15.265909194946287 + ], + [ + "▁Curvy", + -15.265910148620604 + ], + [ + "▁ceaselessly", + -15.265912055969238 + ], + [ + "▁flitting", + -15.265913009643556 + ], + [ + "▁beleive", + -15.265920639038086 + ], + [ + "▁CareerBuilder", + -15.26592254638672 + ], + [ + "▁Casanova", + -15.26592254638672 + ], + [ + "▁Chesney", + -15.265923500061035 + ], + [ + "▁Iguana", + -15.265926361083984 + ], + [ + "▁Scriptural", + -15.265926361083984 + ], + [ + "▁maceration", + -15.265931129455566 + ], + [ + "▁whiny", + -15.2659330368042 + ], + [ + "▁Thornhill", + -15.265934944152832 + ], + [ + "▁Alternator", + -15.265935897827148 + ], + [ + "▁Laverne", + -15.265936851501465 + ], + [ + "▁croup", + -15.26593780517578 + ], + [ + "▁zonal", + -15.265939712524414 + ], + [ + "▁tithing", + -15.26594066619873 + ], + [ + "▁intraoperative", + -15.26594352722168 + ], + [ + "▁mutiny", + -15.265944480895996 + ], + [ + "Ambitious", + -15.265946388244627 + ], + [ + "▁spurned", + -15.265950202941896 + ], + [ + "▁confectionary", + -15.265951156616213 + ], + [ + "▁McCarty", + -15.265953063964844 + ], + [ + "▁Pradeep", + -15.26595687866211 + ], + [ + "▁gentile", + -15.26595687866211 + ], + [ + "▁Biblioth", + -15.265962600708008 + ], + [ + "▁dammit", + -15.265968322753906 + ], + [ + "▁hogging", + -15.265969276428224 + ], + [ + "▁pickleball", + -15.26597785949707 + ], + [ + "▁Killeen", + -15.26598072052002 + ], + [ + "▁unsaved", + -15.265984535217283 + ], + [ + "▁fragmentary", + -15.265995979309082 + ], + [ + "▁Fahey", + -15.265996932983398 + ], + [ + "▁Calicut", + -15.265999794006348 + ], + [ + "▁artifice", + -15.266002655029297 + ], + [ + "▁Hosni", + -15.266009330749512 + ], + [ + "▁Jawbone", + -15.266009330749512 + ], + [ + "▁forbade", + -15.266020774841309 + ], + [ + "▁Sangeet", + -15.266021728515623 + ], + [ + "▁Rogan", + -15.266023635864258 + ], + [ + "▁Ipsos", + -15.266031265258787 + ], + [ + "▁ActionScript", + -15.266033172607422 + ], + [ + "▁Freudian", + -15.266045570373535 + ], + [ + "▁bourgeoisie", + -15.266054153442385 + ], + [ + "▁Fashionista", + -15.266058921813965 + ], + [ + "▁DeMarcus", + -15.266061782836914 + ], + [ + "▁Castaway", + -15.266072273254396 + ], + [ + "▁multiracial", + -15.26607608795166 + ], + [ + "▁Oakleigh", + -15.266077041625977 + ], + [ + "▁Suncoast", + -15.266077041625977 + ], + [ + "▁NDTV", + -15.266083717346191 + ], + [ + "▁vernal", + -15.266098022460938 + ], + [ + "▁Conwy", + -15.26610279083252 + ], + [ + "▁10-15%", + -15.266108512878418 + ], + [ + "▁immunized", + -15.266111373901367 + ], + [ + "Paradoxically", + -15.266119956970217 + ], + [ + "▁Bushnell", + -15.266125679016112 + ], + [ + "▁Pacino", + -15.266153335571287 + ], + [ + "▁photorealistic", + -15.266157150268556 + ], + [ + "▁Grandchildren", + -15.266169548034668 + ], + [ + "SHORE", + -15.2661714553833 + ], + [ + "▁Moraine", + -15.266186714172363 + ], + [ + "▁Jewry", + -15.266190528869627 + ], + [ + "▁Osgood", + -15.266191482543944 + ], + [ + "▁snakeskin", + -15.266197204589844 + ], + [ + "▁Booneville", + -15.26620101928711 + ], + [ + "▁Chitty", + -15.266202926635742 + ], + [ + "▁coronal", + -15.266228675842283 + ], + [ + "▁Ocado", + -15.266237258911133 + ], + [ + "▁Priestley", + -15.26625919342041 + ], + [ + "▁Doubletree", + -15.266260147094728 + ], + [ + "▁Dilip", + -15.26626205444336 + ], + [ + "▁Rumours", + -15.26627254486084 + ], + [ + "▁SunTrust", + -15.266312599182127 + ], + [ + "▁METHOD", + -15.26633071899414 + ], + [ + "▁06:00", + -15.266337394714355 + ], + [ + "▁Etude", + -15.266348838806152 + ], + [ + "▁$7.00", + -15.266363143920898 + ], + [ + "▁Waugh", + -15.266403198242188 + ], + [ + "▁Chopped", + -15.266408920288086 + ], + [ + "Flurry", + -15.266425132751465 + ], + [ + "▁$6.50", + -15.266456604003906 + ], + [ + "▁Copco", + -15.266472816467283 + ], + [ + "▁Cerner", + -15.266473770141602 + ], + [ + "▁Jeffries", + -15.2664794921875 + ], + [ + "▁kerato", + -15.26650619506836 + ], + [ + "▁galette", + -15.266541481018066 + ], + [ + "▁Angling", + -15.266626358032228 + ], + [ + "7:23", + -15.266693115234377 + ], + [ + "▁serger", + -15.266709327697754 + ], + [ + "HAWK", + -15.2667236328125 + ], + [ + "▁Deaconess", + -15.266736030578612 + ], + [ + "▁perfumery", + -15.266773223876951 + ], + [ + "▁tarball", + -15.266791343688965 + ], + [ + "RESOURCE", + -15.266897201538086 + ], + [ + "▁Regret", + -15.266912460327148 + ], + [ + "NRP", + -15.266984939575195 + ], + [ + "▁Treble", + -15.26698875427246 + ], + [ + "Chloro", + -15.267128944396973 + ], + [ + "onkers", + -15.2672119140625 + ], + [ + "▁MILLER", + -15.267349243164062 + ], + [ + "NISA", + -15.267635345458984 + ], + [ + "0,000)", + -15.267682075500488 + ], + [ + "institution", + -15.267735481262209 + ], + [ + "▁peatland", + -15.267767906188965 + ], + [ + "18-34", + -15.267800331115724 + ], + [ + "axil", + -15.267805099487305 + ], + [ + "bildung", + -15.267874717712402 + ], + [ + "caccia", + -15.268054962158203 + ], + [ + "Gurugram", + -15.268123626708984 + ], + [ + "arrison", + -15.2681245803833 + ], + [ + "▁reconfirm", + -15.268146514892578 + ], + [ + "Unscrew", + -15.268367767333984 + ], + [ + "▁Quirk", + -15.268391609191896 + ], + [ + "voking", + -15.268534660339355 + ], + [ + "webdesign", + -15.268731117248535 + ], + [ + "▁chopstick", + -15.269041061401367 + ], + [ + "▁pitfall", + -15.269219398498535 + ], + [ + "6:33", + -15.26937484741211 + ], + [ + "oteric", + -15.269415855407717 + ], + [ + "periodic", + -15.269572257995604 + ], + [ + "affar", + -15.269755363464355 + ], + [ + "▁Bulge", + -15.269767761230469 + ], + [ + "▁reenter", + -15.26992130279541 + ], + [ + "▁Tegra", + -15.269939422607422 + ], + [ + "▁bursa", + -15.269972801208496 + ], + [ + "TALK", + -15.269984245300291 + ], + [ + "8820", + -15.27015495300293 + ], + [ + "▁($0.", + -15.27020263671875 + ], + [ + "▁assignee", + -15.270328521728516 + ], + [ + "Guarantee", + -15.270329475402832 + ], + [ + "qualify", + -15.27045440673828 + ], + [ + "7-43", + -15.270610809326172 + ], + [ + "6:17", + -15.270637512207031 + ], + [ + "Shelby", + -15.270869255065918 + ], + [ + "tumblr", + -15.270878791809082 + ], + [ + "desirable", + -15.270880699157717 + ], + [ + "millimeter", + -15.270883560180664 + ], + [ + "Crucial", + -15.270886421203612 + ], + [ + "Analytical", + -15.270901679992676 + ], + [ + "apartheid", + -15.270901679992676 + ], + [ + "CONTACT", + -15.270907402038574 + ], + [ + "Antarctic", + -15.270912170410156 + ], + [ + "Impossible", + -15.270912170410156 + ], + [ + "Tasting", + -15.270915985107422 + ], + [ + "Stacey", + -15.270919799804688 + ], + [ + "investigator", + -15.270919799804688 + ], + [ + "Randall", + -15.270922660827637 + ], + [ + "toddler", + -15.270922660827637 + ], + [ + "Biggest", + -15.270930290222168 + ], + [ + "Logistics", + -15.270930290222168 + ], + [ + "feminine", + -15.270931243896484 + ], + [ + "Leisure", + -15.2709321975708 + ], + [ + "scenario", + -15.2709321975708 + ], + [ + "persistent", + -15.270933151245115 + ], + [ + "NAG", + -15.270936012268066 + ], + [ + "illustrated", + -15.270936012268066 + ], + [ + "Resistance", + -15.2709379196167 + ], + [ + "cuisine", + -15.270941734313965 + ], + [ + "saturation", + -15.270947456359863 + ], + [ + "voucher", + -15.270956993103027 + ], + [ + "conductive", + -15.270957946777344 + ], + [ + "Bespoke", + -15.27096176147461 + ], + [ + "refugee", + -15.27096462249756 + ], + [ + "FedEx", + -15.270965576171877 + ], + [ + "Occupational", + -15.27096939086914 + ], + [ + "Munich", + -15.270970344543455 + ], + [ + "chloride", + -15.27097225189209 + ], + [ + "friction", + -15.270976066589355 + ], + [ + "documentary", + -15.270977020263672 + ], + [ + "Spotify", + -15.270989418029783 + ], + [ + "Confirmation", + -15.27099323272705 + ], + [ + "exclusion", + -15.270999908447266 + ], + [ + "goodbye", + -15.271003723144531 + ], + [ + "Cornell", + -15.271039009094238 + ], + [ + "Caravan", + -15.271044731140137 + ], + [ + "beginner", + -15.271059036254885 + ], + [ + "VALUE", + -15.271066665649414 + ], + [ + "Hampton", + -15.271100044250488 + ], + [ + "mommy", + -15.27113151550293 + ], + [ + "Interim", + -15.271148681640623 + ], + [ + "congress", + -15.271154403686523 + ], + [ + "arrangement", + -15.271162986755373 + ], + [ + "Keynote", + -15.271206855773926 + ], + [ + "chunk", + -15.271239280700684 + ], + [ + "capsule", + -15.271258354187012 + ], + [ + "percentage", + -15.271269798278809 + ], + [ + "▁Fibro", + -15.271334648132324 + ], + [ + "gastric", + -15.271337509155272 + ], + [ + "▁MOBO", + -15.27141571044922 + ], + [ + "3030", + -15.27145004272461 + ], + [ + "▁logarithmic", + -15.27153491973877 + ], + [ + "Nordic", + -15.271644592285156 + ], + [ + "WNT", + -15.271702766418455 + ], + [ + "9:16", + -15.271732330322266 + ], + [ + "Irving", + -15.271766662597656 + ], + [ + "frequent", + -15.272364616394045 + ], + [ + "dipped", + -15.272382736206056 + ], + [ + "demographic", + -15.272578239440918 + ], + [ + "Bubb", + -15.272624969482422 + ], + [ + "Textile", + -15.272671699523926 + ], + [ + "▁Macaroni", + -15.27267837524414 + ], + [ + "тран", + -15.272811889648438 + ], + [ + "Badge", + -15.272957801818848 + ], + [ + "7:13", + -15.273056030273438 + ], + [ + "6:21", + -15.273260116577148 + ], + [ + "▁Proportion", + -15.27331256866455 + ], + [ + "swiss", + -15.2734956741333 + ], + [ + "Observer", + -15.273524284362791 + ], + [ + "▁Tulli", + -15.273600578308104 + ], + [ + "dodge", + -15.273783683776855 + ], + [ + "Dipped", + -15.273988723754885 + ], + [ + "legation", + -15.274045944213867 + ], + [ + "▁$0.9", + -15.27409553527832 + ], + [ + "INDU", + -15.274261474609377 + ], + [ + "vitro", + -15.274418830871582 + ], + [ + "nimous", + -15.274742126464844 + ], + [ + "▁Ahern", + -15.27515983581543 + ], + [ + "▁unceremonious", + -15.275696754455566 + ], + [ + "mittel", + -15.27574348449707 + ], + [ + "4:03", + -15.275853157043455 + ], + [ + "CRIME", + -15.275994300842283 + ], + [ + "lainen", + -15.27625560760498 + ], + [ + "attie", + -15.27659797668457 + ], + [ + "nnage", + -15.276787757873535 + ], + [ + "▁0333", + -15.276796340942385 + ], + [ + "▁Dacia", + -15.277231216430664 + ], + [ + "▁$11,000", + -15.277313232421877 + ], + [ + "▁Kalka", + -15.277507781982422 + ], + [ + "▁$4.9", + -15.277517318725586 + ], + [ + "▁07:3", + -15.277739524841309 + ], + [ + "hype", + -15.277891159057615 + ], + [ + "▁jardin", + -15.27803897857666 + ], + [ + "bromo", + -15.278071403503418 + ], + [ + "Jub", + -15.27813720703125 + ], + [ + "Anyhoo", + -15.278237342834473 + ], + [ + "▁bough", + -15.278339385986328 + ], + [ + "akkal", + -15.278480529785156 + ], + [ + "8,800", + -15.278705596923828 + ], + [ + "▁Shashi", + -15.278785705566406 + ], + [ + "SHAW", + -15.278848648071287 + ], + [ + "Convention", + -15.27899932861328 + ], + [ + "enhagen", + -15.279194831848145 + ], + [ + "JOIN", + -15.279296875 + ], + [ + "97%", + -15.27931022644043 + ], + [ + "▁Intellect", + -15.279337882995604 + ], + [ + "▁Ligu", + -15.27937126159668 + ], + [ + "▁extrem", + -15.279868125915527 + ], + [ + "▁TRAIL", + -15.279929161071776 + ], + [ + "hahah", + -15.280034065246582 + ], + [ + "▁Marmon", + -15.28006362915039 + ], + [ + "▁Vocation", + -15.28006649017334 + ], + [ + "Buckle", + -15.280312538146973 + ], + [ + "Barrett", + -15.280499458312988 + ], + [ + "▁888-565-", + -15.280579566955566 + ], + [ + "▁844-244-6190", + -15.280580520629885 + ], + [ + "▁844-244-6220", + -15.280580520629885 + ], + [ + "▁888-666-1744", + -15.280580520629885 + ], + [ + "▁Blaisdell", + -15.280580520629885 + ], + [ + "▁Osinbajo", + -15.280580520629885 + ], + [ + "▁Sevastopol", + -15.280580520629885 + ], + [ + "▁Stoddard", + -15.280580520629885 + ], + [ + "▁armistice", + -15.280580520629885 + ], + [ + "▁aspartame", + -15.280580520629885 + ], + [ + "▁beaucoup", + -15.280580520629885 + ], + [ + "▁dulcimer", + -15.280580520629885 + ], + [ + "▁hibernating", + -15.280580520629885 + ], + [ + "▁jennifer", + -15.280580520629885 + ], + [ + "▁laissez", + -15.280580520629885 + ], + [ + "▁manoeuvrability", + -15.280580520629885 + ], + [ + "▁neurotoxin", + -15.280580520629885 + ], + [ + "▁teleprompter", + -15.280580520629885 + ], + [ + "▁unpunished", + -15.280580520629885 + ], + [ + "▁walgreens", + -15.280580520629885 + ], + [ + "Capacitor", + -15.2805814743042 + ], + [ + "NAEYC", + -15.2805814743042 + ], + [ + "Vientiane", + -15.2805814743042 + ], + [ + "Visceral", + -15.2805814743042 + ], + [ + "▁800-273-3217", + -15.2805814743042 + ], + [ + "▁AVENUE", + -15.2805814743042 + ], + [ + "▁Anaconda", + -15.2805814743042 + ], + [ + "▁Athabasca", + -15.2805814743042 + ], + [ + "▁Bicentennial", + -15.2805814743042 + ], + [ + "▁Brouwer", + -15.2805814743042 + ], + [ + "▁Bwindi", + -15.2805814743042 + ], + [ + "▁Conduit", + -15.2805814743042 + ], + [ + "▁Crematorium", + -15.2805814743042 + ], + [ + "▁Custodian", + -15.2805814743042 + ], + [ + "▁Finkelstein", + -15.2805814743042 + ], + [ + "▁Firenze", + -15.2805814743042 + ], + [ + "▁Forsaken", + -15.2805814743042 + ], + [ + "▁Fresnel", + -15.2805814743042 + ], + [ + "▁Futurity", + -15.2805814743042 + ], + [ + "▁Hazlewood", + -15.2805814743042 + ], + [ + "▁Hiawatha", + -15.2805814743042 + ], + [ + "▁Higdon", + -15.2805814743042 + ], + [ + "▁IPVanish", + -15.2805814743042 + ], + [ + "▁Incumbent", + -15.2805814743042 + ], + [ + "▁Kennewick", + -15.2805814743042 + ], + [ + "▁Khwaja", + -15.2805814743042 + ], + [ + "▁Kilgore", + -15.2805814743042 + ], + [ + "▁LUXURY", + -15.2805814743042 + ], + [ + "▁Leibniz", + -15.2805814743042 + ], + [ + "▁Melendez", + -15.2805814743042 + ], + [ + "▁Milpitas", + -15.2805814743042 + ], + [ + "▁Museveni", + -15.2805814743042 + ], + [ + "▁Oscillator", + -15.2805814743042 + ], + [ + "▁Preakness", + -15.2805814743042 + ], + [ + "▁ROBLOX", + -15.2805814743042 + ], + [ + "▁Smackdown", + -15.2805814743042 + ], + [ + "▁Stooges", + -15.2805814743042 + ], + [ + "▁Stourbridge", + -15.2805814743042 + ], + [ + "▁Sumerian", + -15.2805814743042 + ], + [ + "▁Tagalog", + -15.2805814743042 + ], + [ + "▁Tallulah", + -15.2805814743042 + ], + [ + "▁Turnitin", + -15.2805814743042 + ], + [ + "▁apocrypha", + -15.2805814743042 + ], + [ + "▁circumcised", + -15.2805814743042 + ], + [ + "▁domineering", + -15.2805814743042 + ], + [ + "▁easiness", + -15.2805814743042 + ], + [ + "▁eukaryotic", + -15.2805814743042 + ], + [ + "▁folkloric", + -15.2805814743042 + ], + [ + "▁metamorphose", + -15.2805814743042 + ], + [ + "▁miniaturized", + -15.2805814743042 + ], + [ + "▁numismatic", + -15.2805814743042 + ], + [ + "▁petroglyphs", + -15.2805814743042 + ], + [ + "▁pfSense", + -15.2805814743042 + ], + [ + "▁phylogeny", + -15.2805814743042 + ], + [ + "▁proliferating", + -15.2805814743042 + ], + [ + "▁swashbuckling", + -15.2805814743042 + ], + [ + "▁tourniquet", + -15.2805814743042 + ], + [ + "▁vocabularies", + -15.2805814743042 + ], + [ + "▁ATTACK", + -15.280582427978516 + ], + [ + "▁insemination", + -15.280582427978516 + ], + [ + "▁snaking", + -15.280583381652832 + ], + [ + "▁sterility", + -15.280583381652832 + ], + [ + "▁245/45", + -15.280584335327148 + ], + [ + "▁Adityanath", + -15.280584335327148 + ], + [ + "▁Beaconsfield", + -15.280585289001465 + ], + [ + "▁Beetlejuice", + -15.280585289001465 + ], + [ + "▁metastasize", + -15.28058624267578 + ], + [ + "▁Carnaval", + -15.280587196350098 + ], + [ + "▁Clacton", + -15.280587196350098 + ], + [ + "▁Babbitt", + -15.280588150024414 + ], + [ + "▁CONCEPT", + -15.28058910369873 + ], + [ + "▁Cosgrove", + -15.28058910369873 + ], + [ + "▁Desirable", + -15.28058910369873 + ], + [ + "azhagan", + -15.280590057373049 + ], + [ + "▁committment", + -15.280591011047363 + ], + [ + "▁stamens", + -15.280591011047363 + ], + [ + "▁testicles", + -15.280591011047363 + ], + [ + "▁tiempo", + -15.280591011047363 + ], + [ + "▁Toothpaste", + -15.28059196472168 + ], + [ + "▁expediting", + -15.28059196472168 + ], + [ + "▁Metaphysics", + -15.280592918395996 + ], + [ + "▁Presiding", + -15.280592918395996 + ], + [ + "▁floodwaters", + -15.280592918395996 + ], + [ + "▁qPCR", + -15.280593872070312 + ], + [ + "Funniest", + -15.280596733093262 + ], + [ + "▁Licensor", + -15.280596733093262 + ], + [ + "▁moraine", + -15.280598640441896 + ], + [ + "▁Kybella", + -15.280599594116213 + ], + [ + "▁Podesta", + -15.280600547790527 + ], + [ + "▁ascendancy", + -15.280600547790527 + ], + [ + "▁Liddell", + -15.280601501464844 + ], + [ + "▁Jethro", + -15.280604362487791 + ], + [ + "▁porcine", + -15.280604362487791 + ], + [ + "▁CARPET", + -15.28060531616211 + ], + [ + "▁Weiwei", + -15.28060531616211 + ], + [ + "▁cicada", + -15.280606269836426 + ], + [ + "▁Multiplier", + -15.280607223510742 + ], + [ + "▁synovia", + -15.280609130859377 + ], + [ + "▁Elasticsearch", + -15.280611991882324 + ], + [ + "▁variably", + -15.280611991882324 + ], + [ + "▁Brocade", + -15.28061294555664 + ], + [ + "▁polyphonic", + -15.280613899230955 + ], + [ + "▁Teardrop", + -15.280616760253906 + ], + [ + "▁communique", + -15.280619621276855 + ], + [ + "▁Kansai", + -15.28062629699707 + ], + [ + "▁(1959)", + -15.280627250671388 + ], + [ + "▁Ekiti", + -15.280627250671388 + ], + [ + "▁foetus", + -15.280630111694336 + ], + [ + "▁DIRECTLY", + -15.280634880065918 + ], + [ + "▁Azusa", + -15.280635833740234 + ], + [ + "▁Menorca", + -15.2806396484375 + ], + [ + "Kadavul", + -15.28064250946045 + ], + [ + "▁Encoder", + -15.28064250946045 + ], + [ + "▁Bremerton", + -15.280644416809082 + ], + [ + "▁MAGNET", + -15.280645370483398 + ], + [ + "▁ganglion", + -15.280651092529297 + ], + [ + "▁ionizing", + -15.280652046203612 + ], + [ + "▁pitchfork", + -15.280654907226562 + ], + [ + "▁Murrell", + -15.280658721923828 + ], + [ + "▁Bunbury", + -15.280659675598145 + ], + [ + "▁godliness", + -15.28066062927246 + ], + [ + "▁supervillain", + -15.280665397644045 + ], + [ + "▁Pawnee", + -15.280670166015623 + ], + [ + "▁Hatchery", + -15.280672073364258 + ], + [ + "▁Cluj", + -15.28067684173584 + ], + [ + "▁ALLOY", + -15.280677795410156 + ], + [ + "▁corolla", + -15.280678749084473 + ], + [ + "▁$24.95", + -15.280679702758787 + ], + [ + "▁Abode", + -15.280688285827637 + ], + [ + "▁shekels", + -15.280694007873535 + ], + [ + "▁Denied", + -15.280702590942385 + ], + [ + "PRAYER", + -15.280704498291016 + ], + [ + "▁Swamy", + -15.280705451965332 + ], + [ + "▁objet", + -15.280705451965332 + ], + [ + "▁UNLESS", + -15.280733108520508 + ], + [ + "▁slitting", + -15.280739784240724 + ], + [ + "▁snapchat", + -15.280739784240724 + ], + [ + "▁DeWalt", + -15.280749320983888 + ], + [ + "▁hacksaw", + -15.280754089355469 + ], + [ + "▁Kaizen", + -15.280766487121582 + ], + [ + "▁unaided", + -15.280778884887695 + ], + [ + "▁molly", + -15.28078269958496 + ], + [ + "▁MediaWiki", + -15.280803680419922 + ], + [ + "▁Branford", + -15.280805587768556 + ], + [ + "▁Haskins", + -15.28081512451172 + ], + [ + "▁mohawk", + -15.280838012695312 + ], + [ + "▁sunbeds", + -15.280845642089844 + ], + [ + "▁Tombstone", + -15.280853271484377 + ], + [ + "▁Tycoon", + -15.280853271484377 + ], + [ + "▁Veneta", + -15.280854225158691 + ], + [ + "▁happenstance", + -15.280856132507324 + ], + [ + "RealEstate", + -15.280875205993652 + ], + [ + "▁Polarized", + -15.280877113342283 + ], + [ + "▁Ashlee", + -15.280878067016602 + ], + [ + "▁ATTEND", + -15.280885696411133 + ], + [ + "▁Draghi", + -15.280892372131348 + ], + [ + "▁FOMO", + -15.280908584594728 + ], + [ + "▁Homeopathic", + -15.28091049194336 + ], + [ + "▁Warnock", + -15.280939102172852 + ], + [ + "▁Keanu", + -15.280941009521484 + ], + [ + "▁Glencore", + -15.280943870544434 + ], + [ + "▁Handgun", + -15.280982971191406 + ], + [ + "▁Taichi", + -15.280982971191406 + ], + [ + "▁tRNA", + -15.281025886535645 + ], + [ + "▁Dissent", + -15.281048774719238 + ], + [ + "▁Arielle", + -15.281058311462402 + ], + [ + "▁Factories", + -15.281061172485352 + ], + [ + "▁Okoro", + -15.281061172485352 + ], + [ + "▁sateen", + -15.28106689453125 + ], + [ + "politik", + -15.281071662902832 + ], + [ + "JAZZ", + -15.281085968017578 + ], + [ + "2:51", + -15.281089782714844 + ], + [ + "▁myopic", + -15.281237602233888 + ], + [ + "▁nought", + -15.28127098083496 + ], + [ + "▁Lungu", + -15.28131103515625 + ], + [ + "▁Deviation", + -15.281400680541992 + ], + [ + "rzburg", + -15.28140354156494 + ], + [ + "▁Turntable", + -15.281449317932127 + ], + [ + "bazar", + -15.281457901000977 + ], + [ + "▁Maung", + -15.28149127960205 + ], + [ + "uzzo", + -15.281606674194336 + ], + [ + "plish", + -15.28170108795166 + ], + [ + "▁Principe", + -15.281807899475098 + ], + [ + "▁Journ", + -15.28181266784668 + ], + [ + "▁23:5", + -15.281843185424805 + ], + [ + "1305", + -15.28198528289795 + ], + [ + "▁Jordyn", + -15.282017707824709 + ], + [ + "ifolium", + -15.282038688659668 + ], + [ + "Argent", + -15.28213119506836 + ], + [ + "▁Knitter", + -15.28224277496338 + ], + [ + "▁mediastin", + -15.282255172729492 + ], + [ + "BENZ", + -15.282262802124023 + ], + [ + "▁digitizer", + -15.282303810119627 + ], + [ + "▁protea", + -15.282347679138184 + ], + [ + "▁Rodger", + -15.282426834106444 + ], + [ + "▁Flank", + -15.28243350982666 + ], + [ + "▁Jeevan", + -15.28243350982666 + ], + [ + "▁Vesel", + -15.282472610473633 + ], + [ + "▁TATA", + -15.282493591308594 + ], + [ + "▁Expose", + -15.282546043395996 + ], + [ + "▁drunkard", + -15.282548904418944 + ], + [ + "+00:00", + -15.282669067382812 + ], + [ + "Practise", + -15.282719612121582 + ], + [ + "Cleanse", + -15.282866477966309 + ], + [ + "Quoting", + -15.282910346984863 + ], + [ + "omodoro", + -15.283039093017578 + ], + [ + "▁LOWER", + -15.283092498779297 + ], + [ + "▁Staub", + -15.283160209655762 + ], + [ + "▁Motu", + -15.28363037109375 + ], + [ + "▁Giorgi", + -15.28366756439209 + ], + [ + "▁JAMB", + -15.283716201782228 + ], + [ + "▁Shyam", + -15.283793449401855 + ], + [ + "ascii", + -15.283809661865234 + ], + [ + "▁centimetre", + -15.283845901489258 + ], + [ + "▁Frauen", + -15.28386116027832 + ], + [ + "▁nodule", + -15.283884048461914 + ], + [ + "1545", + -15.284005165100098 + ], + [ + "▁EXPLO", + -15.284095764160156 + ], + [ + "3(4):", + -15.284295082092283 + ], + [ + "▁habla", + -15.28442096710205 + ], + [ + "▁spammer", + -15.284510612487791 + ], + [ + "abilty", + -15.28461742401123 + ], + [ + "Discern", + -15.284676551818848 + ], + [ + "▁matric", + -15.284707069396973 + ], + [ + "1073", + -15.28475570678711 + ], + [ + "sapien", + -15.284883499145508 + ], + [ + "▁Kamara", + -15.285061836242676 + ], + [ + "▁sensitize", + -15.285072326660156 + ], + [ + "▁Geeta", + -15.285093307495115 + ], + [ + "Adresse", + -15.285094261169434 + ], + [ + "▁PIPE", + -15.285170555114746 + ], + [ + "aversham", + -15.285270690917969 + ], + [ + "QUIN", + -15.28561019897461 + ], + [ + "discuss", + -15.28566074371338 + ], + [ + "▁mkv", + -15.285754203796388 + ], + [ + "lucas", + -15.285775184631348 + ], + [ + "Approximate", + -15.285781860351562 + ], + [ + "Subsequent", + -15.285799980163574 + ], + [ + "stolen", + -15.285892486572266 + ], + [ + "▁FOREST", + -15.286015510559082 + ], + [ + "Immigrant", + -15.28603172302246 + ], + [ + "simplification", + -15.28603458404541 + ], + [ + "Refrigerate", + -15.286046981811523 + ], + [ + "biblical", + -15.286046981811523 + ], + [ + "Execution", + -15.286050796508787 + ], + [ + "Amnesty", + -15.286057472229004 + ], + [ + "Examination", + -15.286069869995115 + ], + [ + "Embedded", + -15.286073684692385 + ], + [ + "testosterone", + -15.2860746383667 + ], + [ + "Simmons", + -15.286076545715332 + ], + [ + "Gibson", + -15.286081314086914 + ], + [ + "forgiveness", + -15.286084175109863 + ], + [ + "abandoned", + -15.286088943481444 + ], + [ + "opportunities", + -15.286088943481444 + ], + [ + "bathtub", + -15.286089897155762 + ], + [ + "Jerome", + -15.286090850830078 + ], + [ + "separation", + -15.286091804504396 + ], + [ + "Trauma", + -15.286092758178713 + ], + [ + "Cathedral", + -15.286094665527344 + ], + [ + "Hospice", + -15.286094665527344 + ], + [ + "▁Collaborator", + -15.286094665527344 + ], + [ + "Gorilla", + -15.28611660003662 + ], + [ + "Hoop", + -15.28611660003662 + ], + [ + "literacy", + -15.28611660003662 + ], + [ + "Acceptance", + -15.286121368408203 + ], + [ + "Removable", + -15.28616428375244 + ], + [ + "Picnic", + -15.286166191101074 + ], + [ + "wavelength", + -15.28616714477539 + ], + [ + "scanning", + -15.286184310913086 + ], + [ + "Accessible", + -15.286192893981934 + ], + [ + "Francisco", + -15.286282539367676 + ], + [ + "Showcase", + -15.28632926940918 + ], + [ + "Biology", + -15.286334991455078 + ], + [ + "Robust", + -15.286365509033203 + ], + [ + "impressive", + -15.286391258239746 + ], + [ + "Depot", + -15.286399841308594 + ], + [ + "Beloved", + -15.286419868469238 + ], + [ + "▁Joost", + -15.286429405212402 + ], + [ + "CCTV", + -15.286463737487791 + ], + [ + "Flour", + -15.286463737487791 + ], + [ + "▁Nabil", + -15.286516189575195 + ], + [ + "Rhino", + -15.28688621520996 + ], + [ + "Variant", + -15.28704833984375 + ], + [ + "flation", + -15.287101745605469 + ], + [ + "▁gymnastic", + -15.287139892578123 + ], + [ + "Handbook", + -15.287696838378906 + ], + [ + "reddy", + -15.287771224975586 + ], + [ + "uoco", + -15.287782669067385 + ], + [ + "▁7714", + -15.288084030151367 + ], + [ + "EBS", + -15.28824234008789 + ], + [ + "loaf", + -15.288267135620115 + ], + [ + "4:22", + -15.288355827331545 + ], + [ + "ovenproof", + -15.288545608520508 + ], + [ + "IVITY", + -15.28871250152588 + ], + [ + "1306", + -15.28874397277832 + ], + [ + "0-063", + -15.288814544677734 + ], + [ + "▁Phono", + -15.288873672485352 + ], + [ + "2033", + -15.28888702392578 + ], + [ + "voyage", + -15.288914680480955 + ], + [ + "0-062", + -15.289066314697266 + ], + [ + "chapel", + -15.289188385009766 + ], + [ + "INSON", + -15.289409637451172 + ], + [ + "UVU", + -15.289507865905762 + ], + [ + "LIZ", + -15.28954792022705 + ], + [ + "0:37", + -15.289620399475098 + ], + [ + "▁logarithm", + -15.289709091186523 + ], + [ + "essaywriter", + -15.289711952209473 + ], + [ + "SORB", + -15.290069580078123 + ], + [ + "Kumar", + -15.290139198303224 + ], + [ + "17-4", + -15.29014778137207 + ], + [ + "attitude", + -15.29033088684082 + ], + [ + "▁Claud", + -15.290376663208008 + ], + [ + "▁Graceful", + -15.290538787841797 + ], + [ + "9-34", + -15.290650367736816 + ], + [ + "▁Lipid", + -15.29071044921875 + ], + [ + "Mahony", + -15.291157722473145 + ], + [ + "▁Schwei", + -15.291394233703612 + ], + [ + "▁CATCH", + -15.291508674621582 + ], + [ + "▁Farris", + -15.29155731201172 + ], + [ + "8:08", + -15.291666030883787 + ], + [ + "cienne", + -15.291777610778809 + ], + [ + "francis", + -15.291805267333984 + ], + [ + "Deletion", + -15.291862487792969 + ], + [ + "▁verbalize", + -15.292051315307615 + ], + [ + "▁spiteful", + -15.292118072509766 + ], + [ + "▁Munk", + -15.292223930358888 + ], + [ + "▁Isobel", + -15.292322158813477 + ], + [ + "▁Riedel", + -15.292677879333496 + ], + [ + "▁Reinhard", + -15.293024063110352 + ], + [ + "ngrej", + -15.29308795928955 + ], + [ + "▁Jonesboro", + -15.293140411376951 + ], + [ + "HEAP", + -15.29315948486328 + ], + [ + "minium", + -15.293578147888184 + ], + [ + "Jude", + -15.293596267700195 + ], + [ + "imide", + -15.2936429977417 + ], + [ + "aggar", + -15.293774604797363 + ], + [ + "▁clench", + -15.294618606567385 + ], + [ + "▁terrify", + -15.294628143310549 + ], + [ + "Admit", + -15.294647216796877 + ], + [ + "ECTOR", + -15.294730186462402 + ], + [ + "0.44", + -15.294760704040527 + ], + [ + "symmetrical", + -15.294825553894045 + ], + [ + "communicati", + -15.294881820678713 + ], + [ + "1–5", + -15.29497528076172 + ], + [ + "▁Mathematica", + -15.294978141784668 + ], + [ + "▁excrete", + -15.294989585876465 + ], + [ + "Messi", + -15.29499626159668 + ], + [ + "▁Illuminati", + -15.295092582702637 + ], + [ + "▁$4000", + -15.295174598693848 + ], + [ + "▁Horri", + -15.295358657836914 + ], + [ + "▁Benign", + -15.295494079589844 + ], + [ + "▁POLISH", + -15.29550552368164 + ], + [ + "Disappointing", + -15.295506477355955 + ], + [ + "Molybdenum", + -15.295506477355955 + ], + [ + "Preservative", + -15.295506477355955 + ], + [ + "TEMPLATE", + -15.295506477355955 + ], + [ + "modafinil", + -15.295506477355955 + ], + [ + "sensitizing", + -15.295506477355955 + ], + [ + "toffehoff", + -15.295506477355955 + ], + [ + "▁Akismet", + -15.295506477355955 + ], + [ + "▁Alleppey", + -15.295506477355955 + ], + [ + "▁CONCACAF", + -15.295506477355955 + ], + [ + "▁Clojure", + -15.295506477355955 + ], + [ + "▁Constabulary", + -15.295506477355955 + ], + [ + "▁DELICIOUS", + -15.295506477355955 + ], + [ + "▁Endearing", + -15.295506477355955 + ], + [ + "▁Enormous", + -15.295506477355955 + ], + [ + "▁FEDERAL", + -15.295506477355955 + ], + [ + "▁Gorakhpur", + -15.295506477355955 + ], + [ + "▁Krampus", + -15.295506477355955 + ], + [ + "▁McAuliffe", + -15.295506477355955 + ], + [ + "▁Monteverde", + -15.295506477355955 + ], + [ + "▁Ouachita", + -15.295506477355955 + ], + [ + "▁Plasmodium", + -15.295506477355955 + ], + [ + "▁Portofino", + -15.295506477355955 + ], + [ + "▁Rajinikanth", + -15.295506477355955 + ], + [ + "▁Sequencing", + -15.295506477355955 + ], + [ + "▁Tagaytay", + -15.295506477355955 + ], + [ + "▁Villeneuve", + -15.295506477355955 + ], + [ + "▁WRITTEN", + -15.295506477355955 + ], + [ + "▁arboretum", + -15.295506477355955 + ], + [ + "▁deodorizing", + -15.295506477355955 + ], + [ + "▁depraved", + -15.295506477355955 + ], + [ + "▁diltiazem", + -15.295506477355955 + ], + [ + "▁dissociate", + -15.295506477355955 + ], + [ + "▁encasing", + -15.295506477355955 + ], + [ + "▁epistemic", + -15.295506477355955 + ], + [ + "▁epitaph", + -15.295506477355955 + ], + [ + "▁erythema", + -15.295506477355955 + ], + [ + "▁evacuating", + -15.295506477355955 + ], + [ + "▁excercise", + -15.295506477355955 + ], + [ + "▁falciparum", + -15.295506477355955 + ], + [ + "▁fallacies", + -15.295506477355955 + ], + [ + "▁flabbergasted", + -15.295506477355955 + ], + [ + "▁gesturing", + -15.295506477355955 + ], + [ + "▁indoctrinate", + -15.295506477355955 + ], + [ + "▁inopportune", + -15.295506477355955 + ], + [ + "▁interpolated", + -15.295506477355955 + ], + [ + "▁lullabies", + -15.295506477355955 + ], + [ + "▁nepotism", + -15.295506477355955 + ], + [ + "▁opossum", + -15.295506477355955 + ], + [ + "▁parakeet", + -15.295506477355955 + ], + [ + "▁piranha", + -15.295506477355955 + ], + [ + "▁plaudits", + -15.295506477355955 + ], + [ + "▁predilection", + -15.295506477355955 + ], + [ + "▁regurgitation", + -15.295506477355955 + ], + [ + "▁spectrophotomet", + -15.295506477355955 + ], + [ + "▁summarising", + -15.295506477355955 + ], + [ + "▁uncountable", + -15.295506477355955 + ], + [ + "▁unforeseeable", + -15.295506477355955 + ], + [ + "▁unknowable", + -15.295506477355955 + ], + [ + "▁unrequited", + -15.295506477355955 + ], + [ + "▁vermiculite", + -15.295506477355955 + ], + [ + "Facilitating", + -15.295507431030272 + ], + [ + "Unbeknown", + -15.295507431030272 + ], + [ + "▁Clasico", + -15.295507431030272 + ], + [ + "▁Disguise", + -15.295507431030272 + ], + [ + "▁Remastered", + -15.295507431030272 + ], + [ + "▁Vidyalaya", + -15.295507431030272 + ], + [ + "▁hematoma", + -15.295507431030272 + ], + [ + "127.0.0.1", + -15.29550838470459 + ], + [ + "Prolific", + -15.29550838470459 + ], + [ + "▁Bexar", + -15.29550838470459 + ], + [ + "▁Halibut", + -15.29550838470459 + ], + [ + "▁Hingoli", + -15.29550838470459 + ], + [ + "▁Kiyosaki", + -15.29550838470459 + ], + [ + "▁Shastri", + -15.29550838470459 + ], + [ + "▁pulsar", + -15.29550838470459 + ], + [ + "▁Baumgartner", + -15.295509338378906 + ], + [ + "▁Humayun", + -15.295509338378906 + ], + [ + "▁papyrus", + -15.295509338378906 + ], + [ + "▁EXCHANGE", + -15.29551124572754 + ], + [ + "▁Fawkes", + -15.29551124572754 + ], + [ + "▁MIDDLE", + -15.29551124572754 + ], + [ + "▁Gamecocks", + -15.295512199401855 + ], + [ + "▁Suppression", + -15.295512199401855 + ], + [ + "▁exposé", + -15.295512199401855 + ], + [ + "▁neoplasm", + -15.295512199401855 + ], + [ + "▁antithetical", + -15.295514106750488 + ], + [ + "▁Thriving", + -15.295515060424805 + ], + [ + "▁stigmatized", + -15.295515060424805 + ], + [ + "▁Fiennes", + -15.29551601409912 + ], + [ + "▁Resistors", + -15.29551601409912 + ], + [ + "▁abstention", + -15.29551601409912 + ], + [ + "▁espinho", + -15.29551601409912 + ], + [ + "▁veneration", + -15.29551601409912 + ], + [ + "ANDROID", + -15.295516967773438 + ], + [ + "▁servicio", + -15.295517921447754 + ], + [ + "FFICIENT", + -15.29551887512207 + ], + [ + "▁Palomino", + -15.29551887512207 + ], + [ + "▁Velasco", + -15.295524597167969 + ], + [ + "▁Zagato", + -15.295524597167969 + ], + [ + "▁pagination", + -15.295524597167969 + ], + [ + "▁vetiver", + -15.295524597167969 + ], + [ + "▁softgels", + -15.295526504516602 + ], + [ + "▁Kaibab", + -15.295527458190918 + ], + [ + "▁Rookery", + -15.295527458190918 + ], + [ + "▁revved", + -15.295527458190918 + ], + [ + "▁trudging", + -15.295527458190918 + ], + [ + "▁Panamanian", + -15.295528411865234 + ], + [ + "▁Mahmud", + -15.295531272888184 + ], + [ + "▁Uluru", + -15.2955322265625 + ], + [ + "▁GLORY", + -15.295534133911133 + ], + [ + "▁Taxonomy", + -15.295534133911133 + ], + [ + "▁bussiness", + -15.295534133911133 + ], + [ + "▁Cheeseburger", + -15.295536041259766 + ], + [ + "▁Caprese", + -15.295536994934082 + ], + [ + "▁dakota", + -15.295536994934082 + ], + [ + "▁Dunstable", + -15.295537948608398 + ], + [ + "presbyter", + -15.295538902282717 + ], + [ + "▁terrine", + -15.295544624328612 + ], + [ + "▁Matheny", + -15.29554557800293 + ], + [ + "▁apportionment", + -15.29554557800293 + ], + [ + "▁(1956)", + -15.295546531677246 + ], + [ + "▁annulled", + -15.295546531677246 + ], + [ + "▁Ipoh", + -15.29554843902588 + ], + [ + "▁Patnaik", + -15.29554843902588 + ], + [ + "▁diverging", + -15.295550346374512 + ], + [ + "▁Camacho", + -15.295551300048828 + ], + [ + "▁Seifert", + -15.295554161071776 + ], + [ + "▁Owensboro", + -15.295562744140623 + ], + [ + "▁Kokomo", + -15.29556369781494 + ], + [ + "▁BizTalk", + -15.295565605163574 + ], + [ + "▁Kumasi", + -15.295565605163574 + ], + [ + "▁Foreword", + -15.295568466186523 + ], + [ + "▁Bruyne", + -15.29556941986084 + ], + [ + "▁Quantities", + -15.29556941986084 + ], + [ + "▁(1966)", + -15.295573234558104 + ], + [ + "▁Lisburn", + -15.295573234558104 + ], + [ + "▁unimpressive", + -15.295576095581056 + ], + [ + "▁Ozzie", + -15.295577049255373 + ], + [ + "▁exuding", + -15.295578956604004 + ], + [ + "▁Endoscopy", + -15.29557991027832 + ], + [ + "▁trampling", + -15.295586585998535 + ], + [ + "▁BioWare", + -15.295587539672852 + ], + [ + "▁molested", + -15.295594215393066 + ], + [ + "▁Peroxide", + -15.2955961227417 + ], + [ + "▁shorebirds", + -15.295597076416016 + ], + [ + "Eminent", + -15.295602798461914 + ], + [ + "▁externship", + -15.295618057250977 + ], + [ + "▁Rubble", + -15.29562282562256 + ], + [ + "▁GameCube", + -15.295624732971191 + ], + [ + "▁Carabin", + -15.295631408691406 + ], + [ + "▁Funchal", + -15.295631408691406 + ], + [ + "▁Tralee", + -15.295637130737305 + ], + [ + "▁DStv", + -15.29564380645752 + ], + [ + "Contamination", + -15.295646667480469 + ], + [ + "▁Angelique", + -15.295648574829102 + ], + [ + "▁Munchkin", + -15.295671463012695 + ], + [ + "▁Cranford", + -15.29568099975586 + ], + [ + "▁Verdot", + -15.295681953430176 + ], + [ + "▁Fondation", + -15.295686721801758 + ], + [ + "▁Bungee", + -15.295694351196287 + ], + [ + "▁ROUTE", + -15.295702934265137 + ], + [ + "▁coroutine", + -15.295703887939451 + ], + [ + "▁gigging", + -15.29570770263672 + ], + [ + "▁colonisation", + -15.295708656311035 + ], + [ + "▁Hulme", + -15.295717239379885 + ], + [ + "▁Robinhood", + -15.29572868347168 + ], + [ + "▁breeches", + -15.29572868347168 + ], + [ + "▁intestate", + -15.295732498168944 + ], + [ + "▁ASRock", + -15.295742988586426 + ], + [ + "▁extremly", + -15.295754432678224 + ], + [ + "▁Brookdale", + -15.295758247375488 + ], + [ + "▁reauthorization", + -15.29576015472412 + ], + [ + "▁Liberator", + -15.295774459838867 + ], + [ + "▁microcomputer", + -15.295777320861816 + ], + [ + ".03.2019", + -15.295780181884766 + ], + [ + "▁KZN", + -15.295787811279297 + ], + [ + "▁Pushkin", + -15.295787811279297 + ], + [ + "▁exult", + -15.295805931091309 + ], + [ + "▁stewart", + -15.295831680297852 + ], + [ + "▁Severus", + -15.295832633972168 + ], + [ + "▁Garvin", + -15.295879364013672 + ], + [ + "▁Craftsmen", + -15.295886993408203 + ], + [ + "▁Supernova", + -15.29588794708252 + ], + [ + "4–1", + -15.295890808105469 + ], + [ + "▁Yamada", + -15.295894622802734 + ], + [ + "▁treetops", + -15.29590892791748 + ], + [ + "▁Kunden", + -15.295942306518556 + ], + [ + "▁fallacious", + -15.295947074890137 + ], + [ + "▁ProRes", + -15.29596710205078 + ], + [ + "▁PAINTING", + -15.295990943908691 + ], + [ + "▁$4.95", + -15.295994758605955 + ], + [ + "▁2018-07-", + -15.296069145202637 + ], + [ + "▁Agustin", + -15.296124458312988 + ], + [ + "▁CRACK", + -15.29619026184082 + ], + [ + "ucchi", + -15.296204566955566 + ], + [ + "Depict", + -15.296284675598145 + ], + [ + "▁slanderous", + -15.296286582946776 + ], + [ + "▁Bartley", + -15.29629135131836 + ], + [ + "▁Haak", + -15.296320915222168 + ], + [ + "▁Chaney", + -15.296392440795898 + ], + [ + "▁Bosque", + -15.296514511108398 + ], + [ + "qvc", + -15.296648025512695 + ], + [ + "locity", + -15.296700477600098 + ], + [ + "▁polaroid", + -15.296765327453612 + ], + [ + "▁Tutsi", + -15.296805381774902 + ], + [ + "▁Faerie", + -15.296830177307127 + ], + [ + "▁Liqui", + -15.296836853027344 + ], + [ + "▁clerkship", + -15.296913146972656 + ], + [ + "uggy", + -15.296944618225098 + ], + [ + "▁impinge", + -15.297045707702637 + ], + [ + "0183", + -15.297123908996582 + ], + [ + "8:07", + -15.297130584716797 + ], + [ + "pagos", + -15.297133445739746 + ], + [ + "6,600", + -15.29725456237793 + ], + [ + "▁Fathom", + -15.29728889465332 + ], + [ + "▁Rocca", + -15.297310829162598 + ], + [ + "0.87", + -15.297341346740724 + ], + [ + "▁Purana", + -15.297409057617188 + ], + [ + "▁Amstel", + -15.297441482543944 + ], + [ + "RUCE", + -15.297478675842283 + ], + [ + "три", + -15.297561645507812 + ], + [ + "▁Communal", + -15.297723770141602 + ], + [ + "5:29", + -15.297856330871582 + ], + [ + "▁$75.00", + -15.29796314239502 + ], + [ + "▁fiendish", + -15.29800510406494 + ], + [ + "▁$5.99", + -15.29816722869873 + ], + [ + "PHASE", + -15.298208236694336 + ], + [ + "Vivi", + -15.298982620239258 + ], + [ + "▁downspout", + -15.29900360107422 + ], + [ + "Digest", + -15.299253463745115 + ], + [ + "▁Bioscience", + -15.299262046813965 + ], + [ + "▁Nordisk", + -15.299334526062012 + ], + [ + "3:54", + -15.299436569213867 + ], + [ + "ngioma", + -15.299518585205078 + ], + [ + "▁EXIST", + -15.299721717834473 + ], + [ + "Suppl", + -15.299725532531738 + ], + [ + "tersectionality", + -15.299728393554688 + ], + [ + "Civic", + -15.29995822906494 + ], + [ + "khtar", + -15.30001163482666 + ], + [ + "0.94", + -15.300071716308594 + ], + [ + "Shortlisted", + -15.300251007080078 + ], + [ + "Tradition", + -15.300670623779297 + ], + [ + "▁Tickle", + -15.300731658935549 + ], + [ + "Vaccine", + -15.301142692565918 + ], + [ + "Castell", + -15.30123519897461 + ], + [ + "coordinate", + -15.301312446594238 + ], + [ + "▁disaggregat", + -15.301366806030272 + ], + [ + "decorating", + -15.30138111114502 + ], + [ + "Falcon", + -15.301408767700195 + ], + [ + "Beneath", + -15.301421165466309 + ], + [ + "Diagnosis", + -15.301431655883787 + ], + [ + "Prophet", + -15.301432609558104 + ], + [ + "Withdrawal", + -15.301433563232422 + ], + [ + "Bohemian", + -15.301437377929688 + ], + [ + "Incident", + -15.3014497756958 + ], + [ + "Knife", + -15.30145263671875 + ], + [ + "Presence", + -15.301454544067385 + ], + [ + "Extraordinary", + -15.3014554977417 + ], + [ + "Archbishop", + -15.301456451416016 + ], + [ + "illustration", + -15.301457405090332 + ], + [ + "Airbnb", + -15.30146026611328 + ], + [ + "concentrate", + -15.30146026611328 + ], + [ + "Aloha", + -15.30146312713623 + ], + [ + "Ivory", + -15.30146312713623 + ], + [ + "Wagner", + -15.301464080810549 + ], + [ + "Triumph", + -15.301465034484863 + ], + [ + "Wyoming", + -15.301468849182127 + ], + [ + "examining", + -15.301468849182127 + ], + [ + "repository", + -15.301470756530762 + ], + [ + "ambitious", + -15.301472663879396 + ], + [ + "Laurel", + -15.301473617553713 + ], + [ + "McCain", + -15.301473617553713 + ], + [ + "involving", + -15.301474571228027 + ], + [ + "Snapchat", + -15.301480293273926 + ], + [ + "Bridal", + -15.301483154296877 + ], + [ + "Junction", + -15.301485061645508 + ], + [ + "Simulation", + -15.301488876342772 + ], + [ + "summary", + -15.301488876342772 + ], + [ + "Windsor", + -15.30148983001709 + ], + [ + "Flint", + -15.301490783691406 + ], + [ + "accessories", + -15.301493644714355 + ], + [ + "Ronnie", + -15.301498413085938 + ], + [ + "Universe", + -15.301499366760254 + ], + [ + "enthusiastic", + -15.301504135131836 + ], + [ + "Fraser", + -15.301505088806152 + ], + [ + "surcharge", + -15.301506042480469 + ], + [ + "Amelia", + -15.301508903503418 + ], + [ + "tightening", + -15.301508903503418 + ], + [ + "Ledger", + -15.301509857177734 + ], + [ + "Dishwasher", + -15.301515579223633 + ], + [ + "dialogue", + -15.301517486572266 + ], + [ + "Ethernet", + -15.301522254943848 + ], + [ + "Aviation", + -15.301530838012695 + ], + [ + "Hoffman", + -15.301543235778809 + ], + [ + "everybody", + -15.301562309265137 + ], + [ + "Arcade", + -15.301590919494627 + ], + [ + "Payroll", + -15.301603317260742 + ], + [ + "Kaiser", + -15.301607131958008 + ], + [ + "Oncology", + -15.30161190032959 + ], + [ + "Saute", + -15.301612854003906 + ], + [ + "Trivia", + -15.301629066467283 + ], + [ + "Clayton", + -15.30163860321045 + ], + [ + "Dashboard", + -15.301753997802734 + ], + [ + "thickness", + -15.301761627197266 + ], + [ + "newspaper", + -15.301924705505373 + ], + [ + "torque", + -15.302078247070312 + ], + [ + "Pedro", + -15.302106857299805 + ], + [ + "iiiii", + -15.30211353302002 + ], + [ + "▁MENU", + -15.302115440368652 + ], + [ + "▁Sauber", + -15.302163124084473 + ], + [ + "HORN", + -15.30268669128418 + ], + [ + "5(2):", + -15.302810668945312 + ], + [ + "▁hace", + -15.30294132232666 + ], + [ + "4:35", + -15.302945137023926 + ], + [ + "▁Sniff", + -15.302955627441406 + ], + [ + "▁Sokolov", + -15.302958488464355 + ], + [ + "dustrialisation", + -15.3031587600708 + ], + [ + "Hugo", + -15.303315162658691 + ], + [ + "7,400", + -15.303473472595217 + ], + [ + "Jeune", + -15.30349826812744 + ], + [ + "Dilute", + -15.30357551574707 + ], + [ + "bouche", + -15.303924560546877 + ], + [ + "▁Chako", + -15.303926467895508 + ], + [ + "▁immunohisto", + -15.304156303405762 + ], + [ + "aktu", + -15.304158210754396 + ], + [ + "▁bowtie", + -15.304179191589355 + ], + [ + "vocational", + -15.304203033447266 + ], + [ + "▁pathologic", + -15.304304122924805 + ], + [ + "13-7", + -15.304319381713867 + ], + [ + "toledo", + -15.30445957183838 + ], + [ + "scrub", + -15.304553031921388 + ], + [ + "ominated", + -15.304648399353027 + ], + [ + "Pablo", + -15.304752349853516 + ], + [ + "canthus", + -15.304837226867676 + ], + [ + "3:09", + -15.30487823486328 + ], + [ + "▁THOR", + -15.305171012878418 + ], + [ + "▁Riaz", + -15.305989265441896 + ], + [ + "Operational", + -15.306048393249512 + ], + [ + "▁Biju", + -15.30608081817627 + ], + [ + "avasana", + -15.3060884475708 + ], + [ + "▁Kassel", + -15.306442260742188 + ], + [ + "▁HEMI", + -15.306490898132324 + ], + [ + "HINT", + -15.306779861450195 + ], + [ + "▁0208", + -15.30685329437256 + ], + [ + "▁einige", + -15.30696964263916 + ], + [ + "▁RealVect", + -15.307063102722168 + ], + [ + "▁simpli", + -15.307085037231444 + ], + [ + "▁Boerne", + -15.307178497314451 + ], + [ + "lune", + -15.307448387145996 + ], + [ + "▁($18", + -15.307955741882324 + ], + [ + "▁Mossad", + -15.30799388885498 + ], + [ + "Viral", + -15.308045387268066 + ], + [ + "neurysm", + -15.308279037475586 + ], + [ + "▁naphtha", + -15.308313369750977 + ], + [ + "strophysical", + -15.308341979980469 + ], + [ + "▁Abdulla", + -15.308403968811035 + ], + [ + "6.67", + -15.308459281921388 + ], + [ + "Plankton", + -15.308469772338867 + ], + [ + "Betting", + -15.308523178100586 + ], + [ + "▁Chimera", + -15.309059143066406 + ], + [ + "borate", + -15.309212684631348 + ], + [ + "▁shelve", + -15.309330940246582 + ], + [ + "ologue", + -15.30933952331543 + ], + [ + "1590", + -15.309340476989746 + ], + [ + "Impress", + -15.309633255004885 + ], + [ + "▁$349", + -15.309670448303224 + ], + [ + "8:14", + -15.309680938720703 + ], + [ + "▁DISCOVER", + -15.30970859527588 + ], + [ + "Uninstall", + -15.309895515441896 + ], + [ + "ozza", + -15.309911727905272 + ], + [ + "▁Faul", + -15.30996322631836 + ], + [ + "TRADE", + -15.3099946975708 + ], + [ + "▁adjudicate", + -15.310054779052734 + ], + [ + "autres", + -15.310063362121582 + ], + [ + "▁Assyria", + -15.310064315795898 + ], + [ + "▁0.0000", + -15.31025218963623 + ], + [ + "▁Switzer", + -15.310628890991213 + ], + [ + "ceuticals", + -15.310647010803224 + ], + [ + "PITTSBURGH", + -15.310657501220703 + ], + [ + "Remuneration", + -15.310657501220703 + ], + [ + "Shippensburg", + -15.310657501220703 + ], + [ + "Smirnoff", + -15.310657501220703 + ], + [ + "Sébastien", + -15.310657501220703 + ], + [ + "culturist", + -15.310657501220703 + ], + [ + "▁AFFILIATES", + -15.310657501220703 + ], + [ + "▁Aberystwyth", + -15.310657501220703 + ], + [ + "▁Ambivli", + -15.310657501220703 + ], + [ + "▁Apparatus", + -15.310657501220703 + ], + [ + "▁Bewertung", + -15.310657501220703 + ], + [ + "▁Byzantium", + -15.310657501220703 + ], + [ + "▁CABINET", + -15.310657501220703 + ], + [ + "▁Exchequer", + -15.310657501220703 + ], + [ + "▁FAILURE", + -15.310657501220703 + ], + [ + "▁Frankincense", + -15.310657501220703 + ], + [ + "▁Gbagbo", + -15.310657501220703 + ], + [ + "▁Guacamole", + -15.310657501220703 + ], + [ + "▁Hygienist", + -15.310657501220703 + ], + [ + "▁JUNCTION", + -15.310657501220703 + ], + [ + "▁LUMPUR", + -15.310657501220703 + ], + [ + "▁McConaughey", + -15.310657501220703 + ], + [ + "▁Muzaffar", + -15.310657501220703 + ], + [ + "▁Oladipo", + -15.310657501220703 + ], + [ + "▁Pavillion", + -15.310657501220703 + ], + [ + "▁Tennessean", + -15.310657501220703 + ], + [ + "▁Transducer", + -15.310657501220703 + ], + [ + "▁Veyron", + -15.310657501220703 + ], + [ + "▁confortable", + -15.310657501220703 + ], + [ + "▁deliberative", + -15.310657501220703 + ], + [ + "▁demonetisation", + -15.310657501220703 + ], + [ + "▁emaciated", + -15.310657501220703 + ], + [ + "▁epitomizing", + -15.310657501220703 + ], + [ + "▁keppra", + -15.310657501220703 + ], + [ + "▁militaries", + -15.310657501220703 + ], + [ + "▁pneumococcal", + -15.310657501220703 + ], + [ + "▁polysaccharides", + -15.310657501220703 + ], + [ + "▁portmanteau", + -15.310657501220703 + ], + [ + "▁prostaglandin", + -15.310657501220703 + ], + [ + "▁stapling", + -15.310657501220703 + ], + [ + "▁telephoning", + -15.310657501220703 + ], + [ + "▁zolpidem", + -15.310657501220703 + ], + [ + "Anecdotal", + -15.31065845489502 + ], + [ + "Coleoptera", + -15.31065845489502 + ], + [ + "Glutamine", + -15.31065845489502 + ], + [ + "JERSEY", + -15.31065845489502 + ], + [ + "Obsolete", + -15.31065845489502 + ], + [ + "▁ANTONIO", + -15.31065845489502 + ], + [ + "▁Airdrie", + -15.31065845489502 + ], + [ + "▁Contreras", + -15.31065845489502 + ], + [ + "▁Guarantor", + -15.31065845489502 + ], + [ + "▁Hibernian", + -15.31065845489502 + ], + [ + "▁INSTALLATION", + -15.31065845489502 + ], + [ + "▁Livelihood", + -15.31065845489502 + ], + [ + "▁Raikkonen", + -15.31065845489502 + ], + [ + "▁Torpedo", + -15.31065845489502 + ], + [ + "▁dhcp", + -15.31065845489502 + ], + [ + "▁luthier", + -15.31065845489502 + ], + [ + "▁pueblo", + -15.31065845489502 + ], + [ + "▁quagmire", + -15.31065845489502 + ], + [ + "▁unconvinced", + -15.31065845489502 + ], + [ + "Disabling", + -15.310659408569336 + ], + [ + "LIBRARY", + -15.310659408569336 + ], + [ + "▁Abreu", + -15.310659408569336 + ], + [ + "▁Bhagavad", + -15.310659408569336 + ], + [ + "▁Compartment", + -15.310659408569336 + ], + [ + "▁Conveyance", + -15.310659408569336 + ], + [ + "▁Hoxton", + -15.310659408569336 + ], + [ + "▁Kuiper", + -15.310659408569336 + ], + [ + "▁Vivekananda", + -15.310659408569336 + ], + [ + "▁nanostructures", + -15.310659408569336 + ], + [ + "▁reviled", + -15.310659408569336 + ], + [ + "▁Padgett", + -15.310660362243652 + ], + [ + "▁farmacia", + -15.310660362243652 + ], + [ + "▁Apopka", + -15.310661315917969 + ], + [ + "▁Coupé", + -15.310661315917969 + ], + [ + "▁animatronic", + -15.310661315917969 + ], + [ + "▁Psychotherapist", + -15.310662269592283 + ], + [ + "▁Yamaguchi", + -15.310662269592283 + ], + [ + "▁CHEESE", + -15.310663223266602 + ], + [ + "▁EFFECTIVE", + -15.310663223266602 + ], + [ + "▁Sturgis", + -15.310663223266602 + ], + [ + "▁alkalinity", + -15.310663223266602 + ], + [ + "▁petiole", + -15.310663223266602 + ], + [ + "Suffrage", + -15.310664176940918 + ], + [ + "▁Cronulla", + -15.310664176940918 + ], + [ + "▁avowed", + -15.310664176940918 + ], + [ + "▁Gretna", + -15.31066608428955 + ], + [ + "▁Giulio", + -15.310667037963867 + ], + [ + "▁pauper", + -15.310667037963867 + ], + [ + "▁Liaoning", + -15.310667991638184 + ], + [ + "▁Ramakrishna", + -15.310667991638184 + ], + [ + "aqbanking", + -15.3106689453125 + ], + [ + "▁Grampian", + -15.310669898986816 + ], + [ + "▁Ravindra", + -15.310669898986816 + ], + [ + "▁interweaving", + -15.310669898986816 + ], + [ + "▁Dependable", + -15.31067180633545 + ], + [ + "▁intruding", + -15.31067180633545 + ], + [ + "▁Neurobiology", + -15.310672760009766 + ], + [ + "esteiron", + -15.310673713684082 + ], + [ + "▁Shroud", + -15.310673713684082 + ], + [ + "▁Cleaver", + -15.310674667358398 + ], + [ + "▁$900,000", + -15.310675621032717 + ], + [ + "▁adderall", + -15.310675621032717 + ], + [ + "Midfielder", + -15.310676574707031 + ], + [ + "▁Geophysics", + -15.310680389404297 + ], + [ + "▁Adafruit", + -15.310681343078612 + ], + [ + "ntipasto", + -15.31068229675293 + ], + [ + "▁Silvio", + -15.310683250427246 + ], + [ + "joseph", + -15.31068515777588 + ], + [ + "▁rumination", + -15.31068515777588 + ], + [ + "▁Saxena", + -15.310686111450195 + ], + [ + "▁Gagnon", + -15.310687065124512 + ], + [ + "▁globular", + -15.310688018798828 + ], + [ + "▁Biodegradable", + -15.310688972473145 + ], + [ + "▁Agrawal", + -15.31068992614746 + ], + [ + "▁emacs", + -15.310690879821776 + ], + [ + "▁jugular", + -15.310690879821776 + ], + [ + "▁Wimpy", + -15.310691833496094 + ], + [ + "▁Ayesha", + -15.310693740844728 + ], + [ + "▁Beggar", + -15.310693740844728 + ], + [ + "▁MiFID", + -15.310694694519045 + ], + [ + "▁queasy", + -15.310694694519045 + ], + [ + "▁Bhajan", + -15.31069564819336 + ], + [ + "▁Hydrogenated", + -15.310697555541992 + ], + [ + "▁organelles", + -15.310697555541992 + ], + [ + "▁polytechnic", + -15.310698509216309 + ], + [ + "▁Mercator", + -15.310699462890623 + ], + [ + "▁Forerunner", + -15.31070041656494 + ], + [ + "▁vindication", + -15.31070041656494 + ], + [ + "▁humdrum", + -15.310705184936523 + ], + [ + "▁Ought", + -15.310708999633787 + ], + [ + "/09/2018", + -15.310709953308104 + ], + [ + "▁Gambino", + -15.310709953308104 + ], + [ + "▁slurred", + -15.310709953308104 + ], + [ + "▁cytotoxicity", + -15.310711860656738 + ], + [ + "▁43-101", + -15.310713768005373 + ], + [ + "▁trivet", + -15.310715675354004 + ], + [ + "▁Monoxide", + -15.31071662902832 + ], + [ + "▁(619)", + -15.310721397399902 + ], + [ + "▁immobility", + -15.310723304748535 + ], + [ + "▁nipped", + -15.310725212097168 + ], + [ + "▁Sculpting", + -15.310726165771484 + ], + [ + "▁Ostrich", + -15.310729026794434 + ], + [ + "▁guzzle", + -15.310729026794434 + ], + [ + "▁Montfort", + -15.31072998046875 + ], + [ + "▁jammies", + -15.31072998046875 + ], + [ + "▁(1965)", + -15.310730934143066 + ], + [ + "▁valorem", + -15.310735702514648 + ], + [ + "▁Ukip", + -15.310741424560549 + ], + [ + "▁Dengue", + -15.310750961303713 + ], + [ + "▁moyen", + -15.31075382232666 + ], + [ + "▁Milliken", + -15.310754776000977 + ], + [ + ":8002", + -15.310758590698242 + ], + [ + "▁bioengineering", + -15.310760498046877 + ], + [ + "▁vestments", + -15.310761451721191 + ], + [ + "▁Vajra", + -15.310762405395508 + ], + [ + "▁Pulver", + -15.31076717376709 + ], + [ + "▁Boudreaux", + -15.310769081115724 + ], + [ + "▁SAARC", + -15.310769081115724 + ], + [ + "▁jacksonville", + -15.310770988464355 + ], + [ + "▁Brinkley", + -15.310771942138672 + ], + [ + "▁Marsalis", + -15.310776710510254 + ], + [ + "▁foregone", + -15.310782432556152 + ], + [ + "HAMMER", + -15.310785293579102 + ], + [ + "▁Flatiron", + -15.31078815460205 + ], + [ + "▁Teigen", + -15.310791015625 + ], + [ + "▁Oolong", + -15.310796737670898 + ], + [ + "▁sinensis", + -15.310798645019531 + ], + [ + "▁Lanvin", + -15.31080436706543 + ], + [ + "▁Metroplex", + -15.310806274414062 + ], + [ + "▁Wynwood", + -15.310821533203123 + ], + [ + "▁Headingley", + -15.310845375061035 + ], + [ + "whale", + -15.3108491897583 + ], + [ + "▁Ambler", + -15.3108491897583 + ], + [ + "▁Ahrens", + -15.310850143432615 + ], + [ + "▁psalmist", + -15.310857772827148 + ], + [ + "9-36", + -15.310867309570312 + ], + [ + "▁tabulated", + -15.310868263244627 + ], + [ + "▁replicable", + -15.310871124267578 + ], + [ + "▁Osmond", + -15.310873031616213 + ], + [ + "▁unattached", + -15.310873031616213 + ], + [ + "▁Vedra", + -15.31087875366211 + ], + [ + "▁Gilpin", + -15.310894966125488 + ], + [ + "9(1):", + -15.310895919799805 + ], + [ + "▁FATHER", + -15.310905456542969 + ], + [ + "▁2006-07", + -15.310908317565918 + ], + [ + "▁Mobley", + -15.310909271240234 + ], + [ + "▁Chieftain", + -15.310911178588867 + ], + [ + "▁Makerspace", + -15.310914039611816 + ], + [ + "▁Condit", + -15.310918807983398 + ], + [ + "▁interpretative", + -15.310918807983398 + ], + [ + "▁Eltham", + -15.310935020446776 + ], + [ + "▁sternum", + -15.310935020446776 + ], + [ + "▁Romford", + -15.310937881469728 + ], + [ + "▁prejudicial", + -15.310946464538574 + ], + [ + "▁stubby", + -15.31095027923584 + ], + [ + "▁Molten", + -15.310953140258787 + ], + [ + "▁Worley", + -15.310956001281738 + ], + [ + "rotary", + -15.31098461151123 + ], + [ + "▁Jumpsuit", + -15.31100368499756 + ], + [ + "▁HairMax", + -15.31101131439209 + ], + [ + "▁Deuce", + -15.311028480529783 + ], + [ + "▁0:1", + -15.311054229736328 + ], + [ + "▁Niven", + -15.311092376708984 + ], + [ + "▁Redditch", + -15.311100006103516 + ], + [ + "▁Arezzo", + -15.311108589172363 + ], + [ + "jalan", + -15.311116218566896 + ], + [ + "▁Falun", + -15.311137199401855 + ], + [ + "▁recompile", + -15.31115436553955 + ], + [ + "▁conned", + -15.311161994934082 + ], + [ + "▁gegen", + -15.311202049255373 + ], + [ + "▁Roddy", + -15.311345100402832 + ], + [ + "▁Pancho", + -15.311366081237791 + ], + [ + "▁05:2", + -15.311372756958008 + ], + [ + "▁acrid", + -15.311467170715332 + ], + [ + "▁Tawny", + -15.31153964996338 + ], + [ + "▁phosphoric", + -15.311552047729492 + ], + [ + "lauf", + -15.31162452697754 + ], + [ + "▁YANG", + -15.311704635620115 + ], + [ + "▁Batik", + -15.311717987060549 + ], + [ + "▁Coombe", + -15.311768531799316 + ], + [ + "▁Larne", + -15.311768531799316 + ], + [ + "▁Valiba", + -15.311893463134766 + ], + [ + "▁thermoelectric", + -15.311902046203612 + ], + [ + "▁genset", + -15.311985969543455 + ], + [ + "▁Carmelite", + -15.312034606933594 + ], + [ + "Requisition", + -15.312211990356444 + ], + [ + "▁Tarek", + -15.312384605407717 + ], + [ + "▁amaranth", + -15.312416076660156 + ], + [ + "ETOC", + -15.312429428100586 + ], + [ + "ZYME", + -15.31243133544922 + ], + [ + "▁Merkle", + -15.312600135803224 + ], + [ + "EVAL", + -15.312641143798828 + ], + [ + "Liaise", + -15.312686920166016 + ], + [ + "▁05:1", + -15.312858581542969 + ], + [ + "▁TRIAL", + -15.313079833984377 + ], + [ + "▁TRIPLE", + -15.313264846801758 + ], + [ + "METER", + -15.31337070465088 + ], + [ + "pubescent", + -15.31338596343994 + ], + [ + "▁jeopardise", + -15.31341552734375 + ], + [ + "COPPA", + -15.313494682312012 + ], + [ + "1633", + -15.31357765197754 + ], + [ + "1887", + -15.313718795776367 + ], + [ + "radius", + -15.31387996673584 + ], + [ + "Quart", + -15.314087867736816 + ], + [ + "Incentiv", + -15.314233779907228 + ], + [ + "▁harpist", + -15.314239501953123 + ], + [ + "sniff", + -15.314468383789062 + ], + [ + "▁extol", + -15.314478874206545 + ], + [ + "9:46", + -15.314576148986816 + ], + [ + "2:49", + -15.314624786376951 + ], + [ + "Condensed", + -15.31468391418457 + ], + [ + "▁Changsha", + -15.314752578735352 + ], + [ + "▁Cragg", + -15.314865112304688 + ], + [ + "alamansi", + -15.314884185791016 + ], + [ + "▁Nawab", + -15.31495189666748 + ], + [ + "Torch", + -15.315032958984377 + ], + [ + "ilroy", + -15.315134048461914 + ], + [ + "8:37", + -15.315262794494627 + ], + [ + "osoma", + -15.315471649169922 + ], + [ + "stolic", + -15.315550804138184 + ], + [ + "▁fritter", + -15.315616607666016 + ], + [ + "nominal", + -15.31565284729004 + ], + [ + "▁Leonhard", + -15.315746307373049 + ], + [ + "kingdom", + -15.316021919250488 + ], + [ + "qiu", + -15.316262245178224 + ], + [ + "5:05", + -15.316265106201172 + ], + [ + "Woah", + -15.316343307495115 + ], + [ + "▁Captivate", + -15.3165283203125 + ], + [ + "Marcia", + -15.3165864944458 + ], + [ + "7(1):", + -15.316876411437988 + ], + [ + "Underneath", + -15.31701946258545 + ], + [ + "Visibility", + -15.31703281402588 + ], + [ + "Watermelon", + -15.317034721374512 + ], + [ + "Accuracy", + -15.31703758239746 + ], + [ + "censor", + -15.317044258117676 + ], + [ + "Aesthetic", + -15.317045211791992 + ], + [ + "Dissertation", + -15.31704807281494 + ], + [ + "Hound", + -15.317061424255373 + ], + [ + "Seventeen", + -15.317062377929688 + ], + [ + "Alphabet", + -15.317065238952637 + ], + [ + "Landlord", + -15.317070960998535 + ], + [ + "survivor", + -15.317073822021484 + ], + [ + "Pinnacle", + -15.317076683044434 + ], + [ + "Tobacco", + -15.31707763671875 + ], + [ + "Advocacy", + -15.317079544067385 + ], + [ + "Larson", + -15.317079544067385 + ], + [ + "Audrey", + -15.3170804977417 + ], + [ + "Responsibility", + -15.317081451416016 + ], + [ + "Tottenham", + -15.317081451416016 + ], + [ + "turbine", + -15.317094802856444 + ], + [ + "automotive", + -15.31710433959961 + ], + [ + "Opposition", + -15.317105293273926 + ], + [ + "Monroe", + -15.31710720062256 + ], + [ + "funnel", + -15.317111015319824 + ], + [ + "Ethical", + -15.31711483001709 + ], + [ + "Freddie", + -15.317118644714355 + ], + [ + "Cypress", + -15.317120552062988 + ], + [ + "fifty", + -15.31713581085205 + ], + [ + "himself", + -15.317166328430176 + ], + [ + "preserving", + -15.31718635559082 + ], + [ + "Obamacare", + -15.317187309265137 + ], + [ + "Interact", + -15.317214012145996 + ], + [ + "systematic", + -15.317245483398438 + ], + [ + "HDMI", + -15.31725788116455 + ], + [ + "environmentalism", + -15.317261695861816 + ], + [ + "Supplemental", + -15.31727123260498 + ], + [ + "4:33", + -15.31727695465088 + ], + [ + "Kerala", + -15.317337989807127 + ], + [ + "Jacksonville", + -15.317340850830078 + ], + [ + "Latvia", + -15.317376136779783 + ], + [ + "peaceful", + -15.317394256591797 + ], + [ + "overdue", + -15.317408561706545 + ], + [ + "Defensively", + -15.317412376403809 + ], + [ + "Unified", + -15.317423820495604 + ], + [ + "tariff", + -15.317493438720703 + ], + [ + "Implant", + -15.31766414642334 + ], + [ + "scary", + -15.317773818969728 + ], + [ + "Lydia", + -15.318007469177246 + ], + [ + "5:45", + -15.318022727966309 + ], + [ + "GROUP", + -15.318059921264648 + ], + [ + "▁$150.00", + -15.318188667297363 + ], + [ + "▁$5.4", + -15.318841934204102 + ], + [ + "1.83", + -15.318888664245604 + ], + [ + "3(2):", + -15.319208145141602 + ], + [ + "harbor", + -15.31942653656006 + ], + [ + "▁Rhineland", + -15.319437980651855 + ], + [ + "alban", + -15.319585800170898 + ], + [ + "▁Eleg", + -15.320119857788086 + ], + [ + "Birch", + -15.320297241210938 + ], + [ + "Consist", + -15.320362091064451 + ], + [ + "Jorge", + -15.320805549621582 + ], + [ + "8:32", + -15.32106590270996 + ], + [ + "▁Daub", + -15.321187019348145 + ], + [ + "sancti", + -15.321677207946776 + ], + [ + "1.96", + -15.321857452392578 + ], + [ + "▁PEEP", + -15.32201862335205 + ], + [ + "terrace", + -15.322216987609863 + ], + [ + "▁chanel", + -15.322771072387695 + ], + [ + "▁Pohl", + -15.32294464111328 + ], + [ + "[2012", + -15.322949409484863 + ], + [ + "13-11", + -15.323108673095703 + ], + [ + "▁Numeric", + -15.323156356811523 + ], + [ + "4:21", + -15.323301315307615 + ], + [ + "travers", + -15.32359790802002 + ], + [ + "▁Maniac", + -15.323758125305176 + ], + [ + "7:08", + -15.323882102966309 + ], + [ + "Holistic", + -15.324076652526855 + ], + [ + "JECT", + -15.324615478515623 + ], + [ + "Domenic", + -15.324641227722168 + ], + [ + "Gothic", + -15.324868202209473 + ], + [ + "latino", + -15.324904441833496 + ], + [ + "1877", + -15.324910163879396 + ], + [ + "haku", + -15.325121879577637 + ], + [ + "organise", + -15.325504302978516 + ], + [ + "omprised", + -15.325570106506348 + ], + [ + "TRATE", + -15.32559299468994 + ], + [ + "▁Lubri", + -15.325664520263672 + ], + [ + "▁discolour", + -15.325689315795898 + ], + [ + "caution", + -15.325881958007812 + ], + [ + "▁11:40", + -15.325908660888672 + ], + [ + "0:27", + -15.325926780700684 + ], + [ + "▁Convict", + -15.325931549072266 + ], + [ + "onoclonal", + -15.325982093811035 + ], + [ + "▁Zircon", + -15.326006889343262 + ], + [ + "4:28", + -15.32603359222412 + ], + [ + "baptist", + -15.326034545898438 + ], + [ + "COLUMBUS", + -15.326042175292969 + ], + [ + "Etisalat", + -15.326042175292969 + ], + [ + "Levetiracetam", + -15.326042175292969 + ], + [ + "Participatory", + -15.326042175292969 + ], + [ + "▁Acapulco", + -15.326042175292969 + ], + [ + "▁Arabidopsis", + -15.326042175292969 + ], + [ + "▁CEILING", + -15.326042175292969 + ], + [ + "▁Copernicus", + -15.326042175292969 + ], + [ + "▁Dorfman", + -15.326042175292969 + ], + [ + "▁Dwarka", + -15.326042175292969 + ], + [ + "▁EXECUTIVE", + -15.326042175292969 + ], + [ + "▁Estepona", + -15.326042175292969 + ], + [ + "▁Expiration", + -15.326042175292969 + ], + [ + "▁Feldenkrais", + -15.326042175292969 + ], + [ + "▁Folkestone", + -15.326042175292969 + ], + [ + "▁Jabalpur", + -15.326042175292969 + ], + [ + "▁Kodaikanal", + -15.326042175292969 + ], + [ + "▁Linalool", + -15.326042175292969 + ], + [ + "▁Liqueur", + -15.326042175292969 + ], + [ + "▁Muammar", + -15.326042175292969 + ], + [ + "▁Negotiator", + -15.326042175292969 + ], + [ + "▁Nowitzki", + -15.326042175292969 + ], + [ + "▁Omegle", + -15.326042175292969 + ], + [ + "▁Pagalworld", + -15.326042175292969 + ], + [ + "▁Parlour", + -15.326042175292969 + ], + [ + "▁Peloponnes", + -15.326042175292969 + ], + [ + "▁Prednisone", + -15.326042175292969 + ], + [ + "▁Pujols", + -15.326042175292969 + ], + [ + "▁QUIET", + -15.326042175292969 + ], + [ + "▁Quaternary", + -15.326042175292969 + ], + [ + "▁Sandringham", + -15.326042175292969 + ], + [ + "▁Sangiovese", + -15.326042175292969 + ], + [ + "▁Vagabond", + -15.326042175292969 + ], + [ + "▁Viognier", + -15.326042175292969 + ], + [ + "▁WHATSOEVER", + -15.326042175292969 + ], + [ + "▁acolyte", + -15.326042175292969 + ], + [ + "▁arthroplasty", + -15.326042175292969 + ], + [ + "▁catacombs", + -15.326042175292969 + ], + [ + "▁celeriac", + -15.326042175292969 + ], + [ + "▁deliberating", + -15.326042175292969 + ], + [ + "▁espadrille", + -15.326042175292969 + ], + [ + "▁gestural", + -15.326042175292969 + ], + [ + "▁glucocorticoid", + -15.326042175292969 + ], + [ + "▁gravitating", + -15.326042175292969 + ], + [ + "▁halloumi", + -15.326042175292969 + ], + [ + "▁henchmen", + -15.326042175292969 + ], + [ + "▁laparoscopy", + -15.326042175292969 + ], + [ + "▁malfeasance", + -15.326042175292969 + ], + [ + "▁nuestra", + -15.326042175292969 + ], + [ + "▁polygamy", + -15.326042175292969 + ], + [ + "▁relapsing", + -15.326042175292969 + ], + [ + "▁seltzer", + -15.326042175292969 + ], + [ + "▁transparencies", + -15.326042175292969 + ], + [ + "▁tribulus", + -15.326042175292969 + ], + [ + "▁ukraine", + -15.326042175292969 + ], + [ + "▁uncompromised", + -15.326042175292969 + ], + [ + "Commemorat", + -15.326043128967283 + ], + [ + "Escalante", + -15.326043128967283 + ], + [ + "▁Cardamom", + -15.326043128967283 + ], + [ + "▁Cheadle", + -15.326043128967283 + ], + [ + "▁Khomeini", + -15.326043128967283 + ], + [ + "▁Misdemeanor", + -15.326043128967283 + ], + [ + "▁centurion", + -15.326043128967283 + ], + [ + "▁gingival", + -15.326043128967283 + ], + [ + "▁summative", + -15.326043128967283 + ], + [ + "▁Applicator", + -15.326044082641602 + ], + [ + "▁Cinematographer", + -15.326044082641602 + ], + [ + "▁Escorts", + -15.326044082641602 + ], + [ + "▁Kleenex", + -15.326044082641602 + ], + [ + "▁Prieto", + -15.326044082641602 + ], + [ + "▁Tesoro", + -15.326044082641602 + ], + [ + "▁mezcal", + -15.326044082641602 + ], + [ + "UNKNOWN", + -15.326045036315918 + ], + [ + "afavieh", + -15.326045036315918 + ], + [ + "▁BRITISH", + -15.326045036315918 + ], + [ + "▁Hypothesis", + -15.326045989990234 + ], + [ + "▁Sourdough", + -15.326045989990234 + ], + [ + "▁Sydenham", + -15.326045989990234 + ], + [ + "▁annealed", + -15.326045989990234 + ], + [ + "▁livability", + -15.326045989990234 + ], + [ + "▁qartulad", + -15.326045989990234 + ], + [ + "▁snafu", + -15.326045989990234 + ], + [ + "▁Meticulously", + -15.32604694366455 + ], + [ + "▁Stenographer", + -15.32604694366455 + ], + [ + "▁agronomic", + -15.32604694366455 + ], + [ + "▁alibaba", + -15.32604694366455 + ], + [ + "▁ACTIVITY", + -15.326047897338867 + ], + [ + "▁Daewoo", + -15.326047897338867 + ], + [ + "▁strangling", + -15.326047897338867 + ], + [ + "▁Beauregard", + -15.326048851013184 + ], + [ + "▁Invermere", + -15.326048851013184 + ], + [ + "▁fringing", + -15.326048851013184 + ], + [ + "rachnid", + -15.3260498046875 + ], + [ + "▁rascal", + -15.3260498046875 + ], + [ + "▁Guerlain", + -15.326050758361816 + ], + [ + "▁goaltending", + -15.326050758361816 + ], + [ + "▁culpable", + -15.326051712036133 + ], + [ + "▁solvable", + -15.326051712036133 + ], + [ + "▁Rajeev", + -15.32605266571045 + ], + [ + "▁greece", + -15.32605266571045 + ], + [ + "▁Choreography", + -15.326053619384766 + ], + [ + "▁Naukri", + -15.326053619384766 + ], + [ + "▁Visayas", + -15.326053619384766 + ], + [ + "▁burpees", + -15.326053619384766 + ], + [ + "▁thievery", + -15.326053619384766 + ], + [ + "▁writhing", + -15.326053619384766 + ], + [ + "▁Derrida", + -15.326055526733398 + ], + [ + "▁Pfaff", + -15.326055526733398 + ], + [ + "▁uglier", + -15.326055526733398 + ], + [ + "Hematite", + -15.326056480407717 + ], + [ + "▁suturing", + -15.326057434082031 + ], + [ + "▁Sassoon", + -15.326062202453612 + ], + [ + "▁Zoloft", + -15.326062202453612 + ], + [ + "▁Insanity", + -15.32606315612793 + ], + [ + "▁lexus", + -15.32606315612793 + ], + [ + "9:27", + -15.326064109802246 + ], + [ + "▁Gannett", + -15.326064109802246 + ], + [ + "▁Hydrolyz", + -15.326064109802246 + ], + [ + "▁Yorba", + -15.326072692871094 + ], + [ + "▁outrigger", + -15.326072692871094 + ], + [ + "▁percolate", + -15.326072692871094 + ], + [ + "▁Braveheart", + -15.326074600219728 + ], + [ + "▁Brembo", + -15.326074600219728 + ], + [ + "▁Charmaine", + -15.326074600219728 + ], + [ + "hereafter", + -15.326078414916992 + ], + [ + "▁Phenix", + -15.326079368591309 + ], + [ + "▁uTorrent", + -15.326079368591309 + ], + [ + "▁Hyrule", + -15.32608127593994 + ], + [ + "▁Doosan", + -15.32608413696289 + ], + [ + "▁Aldershot", + -15.326086044311523 + ], + [ + "▁Negev", + -15.326086044311523 + ], + [ + "▁Jayhawks", + -15.326088905334473 + ], + [ + "▁Poncho", + -15.326089859008787 + ], + [ + "▁TurboTax", + -15.326089859008787 + ], + [ + "▁montreal", + -15.326089859008787 + ], + [ + "▁falsetto", + -15.326091766357422 + ], + [ + "▁LabVIEW", + -15.326092720031738 + ], + [ + "▁praxis", + -15.326092720031738 + ], + [ + "▁droning", + -15.326093673706056 + ], + [ + "▁(860)", + -15.326095581054688 + ], + [ + "▁cytoplasmic", + -15.326098442077637 + ], + [ + "/11/2018", + -15.326101303100586 + ], + [ + "▁Toomey", + -15.326101303100586 + ], + [ + "▁FIXED", + -15.326102256774902 + ], + [ + "▁lumberjack", + -15.326106071472168 + ], + [ + "▁Luffy", + -15.326107025146484 + ], + [ + "▁Novotel", + -15.326107025146484 + ], + [ + "▁Antigone", + -15.326111793518066 + ], + [ + "▁Disodium", + -15.326117515563965 + ], + [ + "▁banyak", + -15.326127052307127 + ], + [ + "▁Cloverdale", + -15.326128005981444 + ], + [ + "▁osteopathic", + -15.326128959655762 + ], + [ + "▁Guadal", + -15.326130867004396 + ], + [ + "▁renegotiation", + -15.326133728027344 + ], + [ + "▁Brantley", + -15.326143264770508 + ], + [ + "benzyl", + -15.32614803314209 + ], + [ + "▁Lambeau", + -15.32614803314209 + ], + [ + "▁trident", + -15.326148986816406 + ], + [ + "▁£2.50", + -15.326149940490724 + ], + [ + "▁Craftsmanship", + -15.32615089416504 + ], + [ + "Forthcoming", + -15.326151847839355 + ], + [ + "▁Gowda", + -15.326152801513672 + ], + [ + "▁Dorking", + -15.326159477233888 + ], + [ + "ciliary", + -15.326160430908203 + ], + [ + "▁Exmoor", + -15.32616138458252 + ], + [ + "▁Tarmac", + -15.32616138458252 + ], + [ + "▁Euston", + -15.326162338256836 + ], + [ + "▁subcompact", + -15.326162338256836 + ], + [ + "▁Patriarchate", + -15.326177597045898 + ], + [ + "▁Sackville", + -15.326194763183594 + ], + [ + "3:01", + -15.326200485229492 + ], + [ + "▁shuffleboard", + -15.326200485229492 + ], + [ + "▁mitral", + -15.326205253601074 + ], + [ + "▁MzE", + -15.326208114624023 + ], + [ + "▁proscribed", + -15.326223373413086 + ], + [ + "▁NYFW", + -15.326227188110352 + ], + [ + "xlsx", + -15.326238632202148 + ], + [ + "Palooza", + -15.32624053955078 + ], + [ + "▁Blackbeard", + -15.326241493225098 + ], + [ + "▁naivety", + -15.326249122619627 + ], + [ + "▁passphrase", + -15.326260566711426 + ], + [ + "▁Tinkerbell", + -15.32627010345459 + ], + [ + "▁XAML", + -15.32627010345459 + ], + [ + "▁Comerica", + -15.326275825500488 + ], + [ + "▁2005-06", + -15.326281547546388 + ], + [ + "▁Adelson", + -15.326305389404297 + ], + [ + "Referencing", + -15.326306343078612 + ], + [ + "▁Aesop", + -15.32631492614746 + ], + [ + "▁Turque", + -15.326326370239258 + ], + [ + "▁OpenCart", + -15.326338768005373 + ], + [ + "ASAHI", + -15.326345443725586 + ], + [ + "▁Waterstones", + -15.32636547088623 + ], + [ + "▁shoehorn", + -15.32636833190918 + ], + [ + "▁Nigella", + -15.326386451721191 + ], + [ + "▁jetties", + -15.326411247253418 + ], + [ + "ontinence", + -15.32643222808838 + ], + [ + "▁guile", + -15.326438903808594 + ], + [ + "7:43", + -15.326454162597656 + ], + [ + "▁Provencal", + -15.32653522491455 + ], + [ + "▁ulceration", + -15.32654094696045 + ], + [ + "▁Piaf", + -15.326603889465332 + ], + [ + "▁corgi", + -15.326656341552734 + ], + [ + "▁Eubank", + -15.326677322387695 + ], + [ + "▁Leggett", + -15.32671070098877 + ], + [ + "▁Versi", + -15.326714515686035 + ], + [ + "▁Canaanite", + -15.326805114746094 + ], + [ + "▁almanac", + -15.326866149902344 + ], + [ + "▁Climax", + -15.326876640319824 + ], + [ + "▁Hipster", + -15.326892852783203 + ], + [ + "▁tranquilizer", + -15.326964378356934 + ], + [ + "Gamification", + -15.327019691467283 + ], + [ + "▁Schaub", + -15.3273344039917 + ], + [ + "▁Twigg", + -15.327435493469238 + ], + [ + "▁bolus", + -15.327860832214355 + ], + [ + "Bibliographic", + -15.32794189453125 + ], + [ + "▁£2,500", + -15.328081130981444 + ], + [ + "curred", + -15.328086853027344 + ], + [ + "UFO", + -15.328299522399902 + ], + [ + "▁Deviant", + -15.328313827514648 + ], + [ + "9:01", + -15.328479766845703 + ], + [ + "5:55", + -15.328500747680664 + ], + [ + "Condemn", + -15.328568458557127 + ], + [ + "▁Thiamin", + -15.328683853149414 + ], + [ + "▁Kishan", + -15.328690528869627 + ], + [ + "▁Altair", + -15.328699111938477 + ], + [ + "3:37", + -15.328774452209473 + ], + [ + "20-0", + -15.329058647155762 + ], + [ + "7:39", + -15.329115867614746 + ], + [ + "▁Priestess", + -15.329166412353516 + ], + [ + "vascularization", + -15.329245567321776 + ], + [ + "1045", + -15.3297700881958 + ], + [ + "lemma", + -15.32985782623291 + ], + [ + "▁parsnip", + -15.330000877380373 + ], + [ + "▁tentacle", + -15.330087661743164 + ], + [ + "Settle", + -15.330162048339844 + ], + [ + "01131", + -15.330177307128906 + ], + [ + "Diaz", + -15.330284118652344 + ], + [ + "▁Hadron", + -15.330293655395508 + ], + [ + "▁Uncertain", + -15.330451011657717 + ], + [ + "▁Rashtr", + -15.330483436584473 + ], + [ + "▁déj", + -15.330581665039062 + ], + [ + "Harbor", + -15.33074951171875 + ], + [ + "▁TRUMP", + -15.330791473388672 + ], + [ + "▁Bausch", + -15.331049919128418 + ], + [ + "▁schlep", + -15.331088066101074 + ], + [ + "bogie", + -15.331457138061523 + ], + [ + "Dieser", + -15.331698417663574 + ], + [ + "Nevermind", + -15.331870079040527 + ], + [ + "▁$1,100", + -15.33189868927002 + ], + [ + "khali", + -15.332119941711426 + ], + [ + "Sudden", + -15.332669258117676 + ], + [ + "Helmet", + -15.332785606384276 + ], + [ + "Ethnic", + -15.332818031311035 + ], + [ + "Behavior", + -15.33285903930664 + ], + [ + "Abortion", + -15.33290958404541 + ], + [ + "Savvy", + -15.332921028137209 + ], + [ + "Whisper", + -15.33292293548584 + ], + [ + "Fatigue", + -15.332924842834473 + ], + [ + "Gypsy", + -15.332932472229004 + ], + [ + "Balancing", + -15.332935333251951 + ], + [ + "Scholastic", + -15.332935333251951 + ], + [ + "Rufus", + -15.332941055297852 + ], + [ + "CONTROL", + -15.332942008972168 + ], + [ + "Infrared", + -15.332942008972168 + ], + [ + "Edmond", + -15.332950592041016 + ], + [ + "appraisal", + -15.332951545715332 + ], + [ + "Decades", + -15.332955360412598 + ], + [ + "initiative", + -15.33295726776123 + ], + [ + "accommodation", + -15.332958221435549 + ], + [ + "attorney", + -15.332958221435549 + ], + [ + "Horror", + -15.332959175109863 + ], + [ + "Toshiba", + -15.332962036132812 + ], + [ + "elephant", + -15.332965850830078 + ], + [ + "Connecticut", + -15.332969665527344 + ], + [ + "measuring", + -15.332971572875977 + ], + [ + "ravaged", + -15.332971572875977 + ], + [ + "Felix", + -15.332980155944824 + ], + [ + "Bollywood", + -15.332983016967772 + ], + [ + "elimination", + -15.33298397064209 + ], + [ + "Balloon", + -15.332984924316406 + ], + [ + "Prague", + -15.332984924316406 + ], + [ + "impression", + -15.332989692687988 + ], + [ + "inclined", + -15.333023071289062 + ], + [ + "tossed", + -15.333029747009276 + ], + [ + "accidentally", + -15.33304214477539 + ], + [ + "toronto", + -15.333051681518556 + ], + [ + "damaging", + -15.333057403564451 + ], + [ + "Commentary", + -15.3330659866333 + ], + [ + "Priest", + -15.333066940307615 + ], + [ + "tented", + -15.333091735839844 + ], + [ + "Xavier", + -15.333093643188477 + ], + [ + "fracture", + -15.333107948303224 + ], + [ + "Classification", + -15.333125114440918 + ], + [ + "Epson", + -15.333131790161133 + ], + [ + "revised", + -15.333136558532717 + ], + [ + "pumpkin", + -15.333179473876951 + ], + [ + "Athens", + -15.333208084106444 + ], + [ + "Bedding", + -15.333256721496582 + ], + [ + "bitcoin", + -15.33330535888672 + ], + [ + "meaningful", + -15.333356857299805 + ], + [ + "5:46", + -15.333415031433104 + ], + [ + "Drunk", + -15.33344841003418 + ], + [ + "Frontier", + -15.333477020263672 + ], + [ + "assume", + -15.333621978759766 + ], + [ + "-2-0", + -15.333674430847168 + ], + [ + "Packet", + -15.333924293518066 + ], + [ + "ayuda", + -15.333979606628418 + ], + [ + "73-7", + -15.333990097045898 + ], + [ + "Edmund", + -15.33409595489502 + ], + [ + "escalate", + -15.33414077758789 + ], + [ + "WOOL", + -15.334280967712402 + ], + [ + "shutter", + -15.334402084350586 + ], + [ + "7:11", + -15.334431648254396 + ], + [ + "phoid", + -15.334554672241213 + ], + [ + "Avalon", + -15.334732055664062 + ], + [ + "▁organiza", + -15.334761619567873 + ], + [ + "▁comorbid", + -15.334823608398438 + ], + [ + "▁tyro", + -15.334906578063965 + ], + [ + "▁Satchel", + -15.334915161132812 + ], + [ + "Representation", + -15.334946632385254 + ], + [ + "6:36", + -15.334948539733888 + ], + [ + "mplied", + -15.334956169128418 + ], + [ + "00-051", + -15.33509635925293 + ], + [ + "petite", + -15.335180282592772 + ], + [ + "Schema", + -15.335224151611328 + ], + [ + "▁Dialect", + -15.335349082946776 + ], + [ + "▁welche", + -15.335371017456056 + ], + [ + "biography", + -15.335606575012209 + ], + [ + "▁Shoebox", + -15.335927963256836 + ], + [ + "TIKA", + -15.336249351501465 + ], + [ + "Defeat", + -15.336301803588867 + ], + [ + "3:26", + -15.3363676071167 + ], + [ + "6.0%", + -15.336389541625977 + ], + [ + "▁accentuat", + -15.336691856384276 + ], + [ + "9:15", + -15.336858749389648 + ], + [ + "Goldwyn", + -15.336889266967772 + ], + [ + "olanda", + -15.337122917175291 + ], + [ + "3:04", + -15.337169647216797 + ], + [ + "7:38", + -15.337309837341309 + ], + [ + "▁Cambi", + -15.337369918823242 + ], + [ + "Defend", + -15.33751106262207 + ], + [ + "ummel", + -15.337746620178224 + ], + [ + "▁garda", + -15.338099479675291 + ], + [ + "3:03", + -15.338104248046877 + ], + [ + "▁Synergi", + -15.338556289672852 + ], + [ + "▁dialectical", + -15.338881492614746 + ], + [ + "decyl", + -15.338944435119627 + ], + [ + "Mechanic", + -15.33922004699707 + ], + [ + "▁Spyro", + -15.339391708374023 + ], + [ + "1874", + -15.339543342590332 + ], + [ + "▁Voca", + -15.339544296264648 + ], + [ + "djoining", + -15.340080261230469 + ], + [ + "4–5", + -15.340143203735352 + ], + [ + "altteri", + -15.34018898010254 + ], + [ + "93%", + -15.340453147888184 + ], + [ + "cension", + -15.340658187866213 + ], + [ + "ACTOR", + -15.34068489074707 + ], + [ + "▁£1,500", + -15.340861320495604 + ], + [ + "▁Malala", + -15.340892791748049 + ], + [ + "▁abbreviate", + -15.341066360473633 + ], + [ + "▁mesmerize", + -15.341066360473633 + ], + [ + "sealable", + -15.34108829498291 + ], + [ + "1-08-2018", + -15.341251373291016 + ], + [ + "▁woeful", + -15.34146213531494 + ], + [ + "eclampsia", + -15.341567039489746 + ], + [ + "▁kappa", + -15.341650009155272 + ], + [ + "AWSFirehoseError", + -15.341667175292969 + ], + [ + "Cascading", + -15.341667175292969 + ], + [ + "Donoghue", + -15.341667175292969 + ], + [ + "Herodotus", + -15.341667175292969 + ], + [ + "Stuyvesant", + -15.341667175292969 + ], + [ + "Zolpidem", + -15.341667175292969 + ], + [ + "shalimar", + -15.341667175292969 + ], + [ + "ycorrhizal", + -15.341667175292969 + ], + [ + "▁800-376-4281", + -15.341667175292969 + ], + [ + "▁800-540-4530", + -15.341667175292969 + ], + [ + "▁844-244-6199", + -15.341667175292969 + ], + [ + "▁888-229-8830", + -15.341667175292969 + ], + [ + "▁888-349-8884", + -15.341667175292969 + ], + [ + "▁888-400-5746", + -15.341667175292969 + ], + [ + "▁Armidale", + -15.341667175292969 + ], + [ + "▁Bernabeu", + -15.341667175292969 + ], + [ + "▁Cabriolet", + -15.341667175292969 + ], + [ + "▁Cemeteries", + -15.341667175292969 + ], + [ + "▁Charlevoix", + -15.341667175292969 + ], + [ + "▁Chertsey", + -15.341667175292969 + ], + [ + "▁Commendation", + -15.341667175292969 + ], + [ + "▁Dictionaries", + -15.341667175292969 + ], + [ + "▁Elliptical", + -15.341667175292969 + ], + [ + "▁Ganguly", + -15.341667175292969 + ], + [ + "▁Kamchatka", + -15.341667175292969 + ], + [ + "▁Kennebunk", + -15.341667175292969 + ], + [ + "▁Lyndhurst", + -15.341667175292969 + ], + [ + "▁Montemayor", + -15.341667175292969 + ], + [ + "▁Montreux", + -15.341667175292969 + ], + [ + "▁Obstructive", + -15.341667175292969 + ], + [ + "▁Paignton", + -15.341667175292969 + ], + [ + "▁Panchkula", + -15.341667175292969 + ], + [ + "▁Phineas", + -15.341667175292969 + ], + [ + "▁Resiliency", + -15.341667175292969 + ], + [ + "▁SURVEY", + -15.341667175292969 + ], + [ + "▁Sambalpur", + -15.341667175292969 + ], + [ + "▁Streatham", + -15.341667175292969 + ], + [ + "▁Surabaya", + -15.341667175292969 + ], + [ + "▁Sutcliffe", + -15.341667175292969 + ], + [ + "▁Tadalafil", + -15.341667175292969 + ], + [ + "▁Thaddeus", + -15.341667175292969 + ], + [ + "▁Transfiguration", + -15.341667175292969 + ], + [ + "▁Tullamore", + -15.341667175292969 + ], + [ + "▁barbecuing", + -15.341667175292969 + ], + [ + "▁catharsis", + -15.341667175292969 + ], + [ + "▁cockatoo", + -15.341667175292969 + ], + [ + "▁daunted", + -15.341667175292969 + ], + [ + "▁dextrose", + -15.341667175292969 + ], + [ + "▁echocardiogram", + -15.341667175292969 + ], + [ + "▁fiftieth", + -15.341667175292969 + ], + [ + "▁genocidal", + -15.341667175292969 + ], + [ + "▁hemispheric", + -15.341667175292969 + ], + [ + "▁idiosyncrasies", + -15.341667175292969 + ], + [ + "▁illuminator", + -15.341667175292969 + ], + [ + "▁minstrel", + -15.341667175292969 + ], + [ + "▁obstinate", + -15.341667175292969 + ], + [ + "▁pantyhose", + -15.341667175292969 + ], + [ + "▁peugeot", + -15.341667175292969 + ], + [ + "▁proletariat", + -15.341667175292969 + ], + [ + "▁rutabaga", + -15.341667175292969 + ], + [ + "▁whirring", + -15.341667175292969 + ], + [ + "lectrocardiogram", + -15.341668128967283 + ], + [ + "▁800-244-0167", + -15.341668128967283 + ], + [ + "▁888-389-5731", + -15.341668128967283 + ], + [ + "▁Bjork", + -15.341668128967283 + ], + [ + "▁CRYSTAL", + -15.341668128967283 + ], + [ + "▁FRIENDLY", + -15.341668128967283 + ], + [ + "▁GOOGLE", + -15.341668128967283 + ], + [ + "▁Javits", + -15.341668128967283 + ], + [ + "▁McGinnis", + -15.341668128967283 + ], + [ + "▁OPINION", + -15.341668128967283 + ], + [ + "▁Sofitel", + -15.341668128967283 + ], + [ + "▁Szechuan", + -15.341668128967283 + ], + [ + "▁Velazquez", + -15.341668128967283 + ], + [ + "▁ZDNet", + -15.341668128967283 + ], + [ + "▁extensibility", + -15.341668128967283 + ], + [ + "▁haemoglobin", + -15.341668128967283 + ], + [ + "▁linguine", + -15.341668128967283 + ], + [ + "▁mtDNA", + -15.341668128967283 + ], + [ + "Credibility", + -15.341669082641602 + ], + [ + "▁Camarillo", + -15.341669082641602 + ], + [ + "▁SEPARATE", + -15.341669082641602 + ], + [ + "▁STRETCH", + -15.341669082641602 + ], + [ + "▁Schmitz", + -15.341669082641602 + ], + [ + "▁Sebelius", + -15.341669082641602 + ], + [ + "▁alabaster", + -15.341669082641602 + ], + [ + "▁astroturf", + -15.341669082641602 + ], + [ + "▁Watauga", + -15.341670989990234 + ], + [ + "▁agronomy", + -15.341670989990234 + ], + [ + "▁atorvastatin", + -15.341670989990234 + ], + [ + "▁petabyte", + -15.341670989990234 + ], + [ + "▁clunker", + -15.34167194366455 + ], + [ + "anthemum", + -15.341672897338867 + ], + [ + "▁WESTERN", + -15.341672897338867 + ], + [ + "Retiring", + -15.341673851013184 + ], + [ + "▁Brainerd", + -15.341673851013184 + ], + [ + "▁QUART", + -15.341673851013184 + ], + [ + "▁Sentencing", + -15.341673851013184 + ], + [ + "▁tangibly", + -15.3416748046875 + ], + [ + "▁Sociological", + -15.341676712036133 + ], + [ + "▁deplore", + -15.341676712036133 + ], + [ + "▁ghoulish", + -15.341676712036133 + ], + [ + "▁goverment", + -15.34167766571045 + ], + [ + "▁memoranda", + -15.34167766571045 + ], + [ + "▁Marengo", + -15.341678619384766 + ], + [ + "▁Pristine", + -15.341678619384766 + ], + [ + "▁gestalt", + -15.341678619384766 + ], + [ + "▁Swenson", + -15.341680526733398 + ], + [ + "▁cubbies", + -15.341681480407717 + ], + [ + "▁Cardenas", + -15.341682434082031 + ], + [ + "▁Celeron", + -15.341682434082031 + ], + [ + "▁Chiapas", + -15.341683387756348 + ], + [ + "▁Fetish", + -15.341683387756348 + ], + [ + "▁Cherbourg", + -15.341684341430664 + ], + [ + "▁Telescopic", + -15.341684341430664 + ], + [ + "▁Igloo", + -15.34168529510498 + ], + [ + "▁submarkets", + -15.34168529510498 + ], + [ + "▁Quarries", + -15.341687202453612 + ], + [ + "▁porcini", + -15.341687202453612 + ], + [ + "Thunderstorms", + -15.341689109802246 + ], + [ + "▁Cyanide", + -15.34169101715088 + ], + [ + "▁fusible", + -15.34169101715088 + ], + [ + "▁kiteboarding", + -15.34169101715088 + ], + [ + "▁Derecho", + -15.341691970825195 + ], + [ + "▁Hostgator", + -15.341692924499512 + ], + [ + "▁Mahendra", + -15.341692924499512 + ], + [ + "▁isotopic", + -15.341693878173828 + ], + [ + "▁Instapaper", + -15.341694831848145 + ], + [ + "▁nubuck", + -15.341696739196776 + ], + [ + "▁stilted", + -15.341696739196776 + ], + [ + "▁Campervan", + -15.341699600219728 + ], + [ + "▁Monkees", + -15.341700553894045 + ], + [ + "▁scupper", + -15.341702461242676 + ], + [ + "▁brulee", + -15.341704368591309 + ], + [ + "▁Huerta", + -15.341707229614258 + ], + [ + "▁Ainsley", + -15.341710090637209 + ], + [ + "▁cassis", + -15.34171199798584 + ], + [ + "Halcyon", + -15.341715812683104 + ], + [ + "▁ONTAP", + -15.341715812683104 + ], + [ + "▁clonal", + -15.341720581054688 + ], + [ + "▁Tameside", + -15.34172248840332 + ], + [ + "▁Palmitate", + -15.341723442077637 + ], + [ + "▁Centrum", + -15.341724395751951 + ], + [ + "▁laggard", + -15.34172534942627 + ], + [ + "▁gallantry", + -15.341726303100586 + ], + [ + "▁Agribusiness", + -15.341729164123535 + ], + [ + "▁Coincidence", + -15.341736793518066 + ], + [ + "trypsin", + -15.341737747192385 + ], + [ + "▁upskilling", + -15.34174346923828 + ], + [ + "▁prismatic", + -15.34174633026123 + ], + [ + "▁LIDAR", + -15.341750144958496 + ], + [ + "▁Angora", + -15.341751098632812 + ], + [ + "▁Jabong", + -15.341752052307127 + ], + [ + "▁Lasagna", + -15.341755867004396 + ], + [ + "▁jotted", + -15.341755867004396 + ], + [ + "▁Warburton", + -15.341756820678713 + ], + [ + "▁provigil", + -15.341756820678713 + ], + [ + "▁Cassius", + -15.341763496398926 + ], + [ + "▁Softail", + -15.341766357421877 + ], + [ + "▁falconry", + -15.341769218444824 + ], + [ + "▁Garuda", + -15.341772079467772 + ], + [ + "▁Tisdale", + -15.341772079467772 + ], + [ + "▁unaddressed", + -15.341774940490724 + ], + [ + "▁Hubspot", + -15.341776847839355 + ], + [ + "▁Fianna", + -15.341778755187988 + ], + [ + "▁heredity", + -15.34178352355957 + ], + [ + "▁(40%)", + -15.341784477233888 + ], + [ + "▁(3-1)", + -15.341802597045898 + ], + [ + "▁(30%)", + -15.341803550720217 + ], + [ + "▁Containment", + -15.341803550720217 + ], + [ + "▁BERLIN", + -15.341805458068848 + ], + [ + "▁HEALTHY", + -15.34181785583496 + ], + [ + "▁ALONE", + -15.34182071685791 + ], + [ + "▁Stamina", + -15.341825485229492 + ], + [ + "▁neophyte", + -15.341826438903809 + ], + [ + "▁Epiphone", + -15.341839790344238 + ], + [ + "▁Standalone", + -15.341840744018556 + ], + [ + "Artikel", + -15.341841697692873 + ], + [ + "▁ALEXA", + -15.341842651367188 + ], + [ + "▁Altria", + -15.341853141784668 + ], + [ + "▁STARTED", + -15.341858863830566 + ], + [ + "▁(312)", + -15.341863632202148 + ], + [ + "▁gumtree", + -15.341891288757324 + ], + [ + "▁pilaf", + -15.34189224243164 + ], + [ + "▁Catwoman", + -15.34190273284912 + ], + [ + "▁(303)", + -15.341903686523438 + ], + [ + "▁Compens", + -15.341904640197754 + ], + [ + "▁MasterChef", + -15.341904640197754 + ], + [ + "▁Dedham", + -15.34190559387207 + ], + [ + "▁YKK", + -15.341915130615234 + ], + [ + "▁Carnage", + -15.3419189453125 + ], + [ + "▁Laminator", + -15.341924667358398 + ], + [ + "00-800", + -15.341957092285156 + ], + [ + "▁lampoon", + -15.341970443725586 + ], + [ + "▁Ishq", + -15.34197235107422 + ], + [ + "▁faintest", + -15.342019081115724 + ], + [ + "▁Haider", + -15.342023849487305 + ], + [ + "▁Dianna", + -15.342046737670898 + ], + [ + "cereus", + -15.342220306396484 + ], + [ + "▁Kandahar", + -15.342220306396484 + ], + [ + "▁prosaic", + -15.34222412109375 + ], + [ + "▁ascendant", + -15.342290878295898 + ], + [ + "67531", + -15.342305183410645 + ], + [ + "▁LibraryThing", + -15.34235668182373 + ], + [ + "▁Tromp", + -15.34256362915039 + ], + [ + "▁Okada", + -15.342571258544922 + ], + [ + "3050", + -15.342692375183104 + ], + [ + "▁Kiew", + -15.34271240234375 + ], + [ + "▁Gordie", + -15.342728614807127 + ], + [ + "▁Pimple", + -15.3427734375 + ], + [ + "▁Racket", + -15.342780113220217 + ], + [ + "2019-04-16", + -15.342924118041992 + ], + [ + "Fertilize", + -15.342961311340332 + ], + [ + "▁Lorca", + -15.342971801757812 + ], + [ + "▁DIET", + -15.343084335327148 + ], + [ + "phew", + -15.34316062927246 + ], + [ + "Submerge", + -15.343218803405762 + ], + [ + "▁Relish", + -15.343575477600098 + ], + [ + "1466", + -15.344023704528809 + ], + [ + "Loren", + -15.34409999847412 + ], + [ + "UJA", + -15.34429931640625 + ], + [ + "eglia", + -15.344550132751465 + ], + [ + "▁Skylark", + -15.344900131225586 + ], + [ + "mekong", + -15.345189094543455 + ], + [ + "Compost", + -15.345632553100586 + ], + [ + "▁coincident", + -15.34564971923828 + ], + [ + "▁Taleb", + -15.345842361450195 + ], + [ + "▁Grohl", + -15.345962524414062 + ], + [ + "1718", + -15.346233367919922 + ], + [ + "Humid", + -15.346415519714355 + ], + [ + "stituto", + -15.346532821655272 + ], + [ + "▁Belmond", + -15.346623420715332 + ], + [ + "Ooooh", + -15.34667682647705 + ], + [ + "arachne", + -15.34746265411377 + ], + [ + "ALKER", + -15.34763240814209 + ], + [ + "▁crimin", + -15.347899436950684 + ], + [ + "▁Rasta", + -15.348000526428224 + ], + [ + "bongo", + -15.34800910949707 + ], + [ + "▁Gradle", + -15.348608016967772 + ], + [ + "estimation", + -15.348891258239746 + ], + [ + "▁SIXT", + -15.34889793395996 + ], + [ + "Cascade", + -15.348934173583984 + ], + [ + "Familiar", + -15.348998069763184 + ], + [ + "Protocol", + -15.349019050598145 + ], + [ + "Politicians", + -15.349021911621094 + ], + [ + "Violent", + -15.34902286529541 + ], + [ + "04/19/2019", + -15.349032402038574 + ], + [ + "Celebrities", + -15.349040985107422 + ], + [ + "Nineteen", + -15.349040985107422 + ], + [ + "Whistle", + -15.349055290222168 + ], + [ + "Acquisition", + -15.3490629196167 + ], + [ + "Recreational", + -15.349063873291016 + ], + [ + "Generating", + -15.349064826965332 + ], + [ + "UNITED", + -15.34906768798828 + ], + [ + "Yvonne", + -15.349068641662598 + ], + [ + "invitation", + -15.349072456359863 + ], + [ + "congrats", + -15.34907341003418 + ], + [ + "Mohammad", + -15.34908390045166 + ], + [ + "Laundry", + -15.349085807800291 + ], + [ + "Lieutenant", + -15.34908676147461 + ], + [ + "continuing", + -15.34908962249756 + ], + [ + "Literary", + -15.349092483520508 + ], + [ + "NVIDIA", + -15.349092483520508 + ], + [ + "abdominal", + -15.349092483520508 + ], + [ + "Renaissance", + -15.349095344543455 + ], + [ + "SERVICE", + -15.349098205566406 + ], + [ + "Norwich", + -15.349102973937988 + ], + [ + "Sandwich", + -15.349103927612305 + ], + [ + "duplicate", + -15.349103927612305 + ], + [ + "BlackBerry", + -15.349119186401367 + ], + [ + "Charging", + -15.34912109375 + ], + [ + "literature", + -15.34912109375 + ], + [ + "accessibility", + -15.349133491516112 + ], + [ + "bureau", + -15.349139213562012 + ], + [ + "Bureau", + -15.349149703979492 + ], + [ + "potency", + -15.349154472351074 + ], + [ + "Expertise", + -15.349157333374023 + ], + [ + "Graduation", + -15.349161148071287 + ], + [ + "Kelley", + -15.349183082580566 + ], + [ + "5:27", + -15.34919548034668 + ], + [ + "balloon", + -15.34926414489746 + ], + [ + "worry", + -15.34927463531494 + ], + [ + "lmaz", + -15.34933853149414 + ], + [ + "Spurs", + -15.349345207214355 + ], + [ + "Newark", + -15.349346160888672 + ], + [ + "47-5", + -15.349420547485352 + ], + [ + "Mediation", + -15.349431037902832 + ], + [ + "cocktail", + -15.34943389892578 + ], + [ + "chasing", + -15.349435806274414 + ], + [ + "▁Sammi", + -15.34952449798584 + ], + [ + "authoritarianism", + -15.34957790374756 + ], + [ + "MARKET", + -15.349620819091797 + ], + [ + "Disinfect", + -15.349631309509276 + ], + [ + "molding", + -15.34963607788086 + ], + [ + "BENEFITS", + -15.349709510803224 + ], + [ + "Trademarkia", + -15.349848747253418 + ], + [ + "▁Ginni", + -15.349915504455566 + ], + [ + "Microbe", + -15.350008010864258 + ], + [ + "greave", + -15.350227355957031 + ], + [ + "▁$8.9", + -15.350384712219238 + ], + [ + "excess", + -15.35052490234375 + ], + [ + "rambler", + -15.350605010986328 + ], + [ + "7:31", + -15.350671768188477 + ], + [ + "▁Florent", + -15.35097599029541 + ], + [ + "▁$300.00", + -15.351052284240724 + ], + [ + "alumni", + -15.35126781463623 + ], + [ + "▁Ullman", + -15.351515769958496 + ], + [ + "▁Idiom", + -15.351672172546388 + ], + [ + "▁Nagle", + -15.352378845214844 + ], + [ + "UTO", + -15.352551460266112 + ], + [ + "▁Essa", + -15.352559089660645 + ], + [ + "Sexy", + -15.352590560913086 + ], + [ + "▁Waitress", + -15.352622032165527 + ], + [ + "▁quai", + -15.352745056152344 + ], + [ + "▁Tragic", + -15.352747917175291 + ], + [ + "Occurr", + -15.35290813446045 + ], + [ + "▁Kerch", + -15.353365898132324 + ], + [ + "▁Szym", + -15.353940963745115 + ], + [ + "▁Becket", + -15.354106903076172 + ], + [ + "$10,000", + -15.354374885559082 + ], + [ + "9:17", + -15.355157852172852 + ], + [ + "▁malign", + -15.355303764343262 + ], + [ + "Eradicat", + -15.355386734008787 + ], + [ + "▁urethra", + -15.355433464050291 + ], + [ + "6:31", + -15.355488777160645 + ], + [ + "19.00", + -15.355533599853516 + ], + [ + "▁Tassel", + -15.356368064880373 + ], + [ + "deepwater", + -15.356420516967772 + ], + [ + "▁Illuminate", + -15.356945991516112 + ], + [ + "▁Molok", + -15.357088088989258 + ], + [ + "▁PROFIT", + -15.357107162475586 + ], + [ + "ujitsu", + -15.35714626312256 + ], + [ + "Semite", + -15.357314109802246 + ], + [ + "▁12.04", + -15.357461929321287 + ], + [ + "FFFFFF", + -15.357536315917969 + ], + [ + "Assembling", + -15.357540130615234 + ], + [ + "adrenergic", + -15.357540130615234 + ], + [ + "ahmedabad", + -15.357540130615234 + ], + [ + "▁800-466-6240", + -15.357540130615234 + ], + [ + "▁844-244-3120", + -15.357540130615234 + ], + [ + "▁Amplified", + -15.357540130615234 + ], + [ + "▁Ancillary", + -15.357540130615234 + ], + [ + "▁Bechdel", + -15.357540130615234 + ], + [ + "▁Benzoate", + -15.357540130615234 + ], + [ + "▁Beresford", + -15.357540130615234 + ], + [ + "▁Bhattacharya", + -15.357540130615234 + ], + [ + "▁Calabasas", + -15.357540130615234 + ], + [ + "▁Catriona", + -15.357540130615234 + ], + [ + "▁Claptrap", + -15.357540130615234 + ], + [ + "▁Clematis", + -15.357540130615234 + ], + [ + "▁Consumable", + -15.357540130615234 + ], + [ + "▁DECISION", + -15.357540130615234 + ], + [ + "▁Hurghada", + -15.357540130615234 + ], + [ + "▁ISLAMABAD", + -15.357540130615234 + ], + [ + "▁Inmarsat", + -15.357540130615234 + ], + [ + "▁Lafferty", + -15.357540130615234 + ], + [ + "▁McHale", + -15.357540130615234 + ], + [ + "▁Muhammed", + -15.357540130615234 + ], + [ + "▁NAVIGATION", + -15.357540130615234 + ], + [ + "▁Ngorongoro", + -15.357540130615234 + ], + [ + "▁OWASP", + -15.357540130615234 + ], + [ + "▁Onondaga", + -15.357540130615234 + ], + [ + "▁POSITIVE", + -15.357540130615234 + ], + [ + "▁Peculiar", + -15.357540130615234 + ], + [ + "▁Penticton", + -15.357540130615234 + ], + [ + "▁Rodriquez", + -15.357540130615234 + ], + [ + "▁STEERING", + -15.357540130615234 + ], + [ + "▁Sarbanes", + -15.357540130615234 + ], + [ + "▁Satisfactory", + -15.357540130615234 + ], + [ + "▁Tenderloin", + -15.357540130615234 + ], + [ + "▁Virtuoso", + -15.357540130615234 + ], + [ + "▁Wellbutrin", + -15.357540130615234 + ], + [ + "▁Wittgenstein", + -15.357540130615234 + ], + [ + "▁abominable", + -15.357540130615234 + ], + [ + "▁antipasti", + -15.357540130615234 + ], + [ + "▁apostasy", + -15.357540130615234 + ], + [ + "▁chambray", + -15.357540130615234 + ], + [ + "▁chlamydia", + -15.357540130615234 + ], + [ + "▁crostini", + -15.357540130615234 + ], + [ + "▁hemorrhaging", + -15.357540130615234 + ], + [ + "▁literacies", + -15.357540130615234 + ], + [ + "▁liturgies", + -15.357540130615234 + ], + [ + "▁nVidia", + -15.357540130615234 + ], + [ + "▁pulverizing", + -15.357540130615234 + ], + [ + "▁sebagai", + -15.357540130615234 + ], + [ + "▁también", + -15.357540130615234 + ], + [ + "▁troponin", + -15.357540130615234 + ], + [ + "▁virtuosic", + -15.357540130615234 + ], + [ + "Versatility", + -15.35754108428955 + ], + [ + "Zoroastrian", + -15.35754108428955 + ], + [ + "▁Appomattox", + -15.35754108428955 + ], + [ + "▁Duolingo", + -15.35754108428955 + ], + [ + "▁Ingraham", + -15.35754108428955 + ], + [ + "▁Kelleher", + -15.35754108428955 + ], + [ + "▁Kilmarnock", + -15.35754108428955 + ], + [ + "▁Kuznetsov", + -15.35754108428955 + ], + [ + "▁Phenomenon", + -15.35754108428955 + ], + [ + "▁Tambayan", + -15.35754108428955 + ], + [ + "▁confederate", + -15.35754108428955 + ], + [ + "▁debauchery", + -15.35754108428955 + ], + [ + "▁indoctrination", + -15.35754108428955 + ], + [ + "▁pejorative", + -15.35754108428955 + ], + [ + "▁profesional", + -15.35754108428955 + ], + [ + "▁reservist", + -15.35754108428955 + ], + [ + "▁unadorned", + -15.35754108428955 + ], + [ + "MINIMUM", + -15.357542037963867 + ], + [ + "Pendulum", + -15.357542037963867 + ], + [ + "▁Molasses", + -15.357542037963867 + ], + [ + "▁Placerville", + -15.357542037963867 + ], + [ + "▁Yountville", + -15.357542037963867 + ], + [ + "▁Zeitgeist", + -15.357542037963867 + ], + [ + "▁cradling", + -15.357542037963867 + ], + [ + "▁omnipotent", + -15.357542037963867 + ], + [ + "▁prodigal", + -15.357542037963867 + ], + [ + "amsterdam", + -15.357542991638184 + ], + [ + "▁GRANITE", + -15.357542991638184 + ], + [ + "▁KINGDOM", + -15.357542991638184 + ], + [ + "▁sledgehammer", + -15.357542991638184 + ], + [ + "Lokomotiv", + -15.3575439453125 + ], + [ + "▁Napolitano", + -15.3575439453125 + ], + [ + "▁transversal", + -15.3575439453125 + ], + [ + "▁traversal", + -15.3575439453125 + ], + [ + "▁FUJI", + -15.357545852661133 + ], + [ + "▁Poirier", + -15.35754680633545 + ], + [ + "▁attunement", + -15.35754680633545 + ], + [ + "▁excitable", + -15.35754680633545 + ], + [ + "▁Gompa", + -15.357547760009766 + ], + [ + "▁diatribe", + -15.357547760009766 + ], + [ + "▁InBev", + -15.357548713684082 + ], + [ + "▁Kabuki", + -15.357548713684082 + ], + [ + "▁Occult", + -15.357548713684082 + ], + [ + "▁Taobao", + -15.357548713684082 + ], + [ + "▁athleisure", + -15.357548713684082 + ], + [ + "▁denigrate", + -15.357548713684082 + ], + [ + "▁humerus", + -15.357548713684082 + ], + [ + "▁Summaries", + -15.357551574707031 + ], + [ + "▁5/8′′", + -15.357553482055664 + ], + [ + "▁Birkbeck", + -15.357553482055664 + ], + [ + "▁McKeown", + -15.357553482055664 + ], + [ + "▁Sylvie", + -15.357553482055664 + ], + [ + "▁Aisling", + -15.35755443572998 + ], + [ + "▁altimeter", + -15.357555389404297 + ], + [ + "▁sabbath", + -15.357555389404297 + ], + [ + "▁meritocracy", + -15.357556343078612 + ], + [ + "▁smooch", + -15.357556343078612 + ], + [ + "▁Almeria", + -15.357559204101562 + ], + [ + "▁Hayneedle", + -15.357559204101562 + ], + [ + "▁Nephew", + -15.35756015777588 + ], + [ + "▁Ehlers", + -15.357561111450195 + ], + [ + "▁vagrant", + -15.357561111450195 + ], + [ + "▁SCUBA", + -15.357562065124512 + ], + [ + "▁Casumo", + -15.357563018798828 + ], + [ + "▁discontinuous", + -15.357563018798828 + ], + [ + "▁McClen", + -15.357563972473145 + ], + [ + "▁Sturridge", + -15.357563972473145 + ], + [ + "▁Illuminating", + -15.35756492614746 + ], + [ + "▁Dhanbad", + -15.357565879821776 + ], + [ + "▁COUPON", + -15.35756778717041 + ], + [ + "▁Debugging", + -15.35756778717041 + ], + [ + "▁Riyal", + -15.357568740844728 + ], + [ + "▁Tuvalu", + -15.357568740844728 + ], + [ + "▁IRCTC", + -15.357571601867676 + ], + [ + "▁Methodologies", + -15.357571601867676 + ], + [ + "▁bourse", + -15.357571601867676 + ], + [ + "▁Carneros", + -15.357573509216309 + ], + [ + "▁disaffected", + -15.357574462890623 + ], + [ + "▁enslavement", + -15.357574462890623 + ], + [ + "▁Sheepskin", + -15.357576370239258 + ], + [ + "▁Poehler", + -15.357577323913574 + ], + [ + "▁derision", + -15.35758113861084 + ], + [ + "▁Braunschweig", + -15.357583999633787 + ], + [ + "▁Fluorite", + -15.357586860656738 + ], + [ + "▁Lindstrom", + -15.357586860656738 + ], + [ + "▁Sukkot", + -15.357588768005373 + ], + [ + "▁maimed", + -15.357589721679688 + ], + [ + "▁kingfisher", + -15.35759162902832 + ], + [ + "▁SCORM", + -15.357593536376951 + ], + [ + "▁Energizer", + -15.357596397399902 + ], + [ + "▁Ecran", + -15.357598304748535 + ], + [ + "▁Zentangle", + -15.357600212097168 + ], + [ + "▁sintered", + -15.357603073120115 + ], + [ + "amylase", + -15.357605934143066 + ], + [ + "▁Libertad", + -15.357605934143066 + ], + [ + "▁(1964)", + -15.3576078414917 + ], + [ + "▁Scarves", + -15.35761260986328 + ], + [ + "▁Screensaver", + -15.35761547088623 + ], + [ + "▁Bulletproof", + -15.357616424560549 + ], + [ + "▁Carrasco", + -15.357622146606444 + ], + [ + "▁sociocultural", + -15.357622146606444 + ], + [ + "▁talons", + -15.357623100280762 + ], + [ + "▁Analogue", + -15.357624053955078 + ], + [ + "▁Unwanted", + -15.357625007629396 + ], + [ + "▁Vicarage", + -15.357625007629396 + ], + [ + "▁Reasonably", + -15.357625961303713 + ], + [ + "▁PROUD", + -15.357632637023926 + ], + [ + "▁Employability", + -15.357635498046877 + ], + [ + "▁Sevier", + -15.357636451721191 + ], + [ + "agogic", + -15.357637405395508 + ], + [ + "▁Whitworth", + -15.357644081115724 + ], + [ + "▁Humberside", + -15.35764503479004 + ], + [ + "▁Benioff", + -15.357645988464355 + ], + [ + "▁Chauhan", + -15.357645988464355 + ], + [ + "pyridine", + -15.357646942138672 + ], + [ + "▁Osseo", + -15.35764980316162 + ], + [ + "▁SHUT", + -15.35764980316162 + ], + [ + "▁brogue", + -15.357656478881836 + ], + [ + "▁townsfolk", + -15.357659339904783 + ], + [ + "▁Foshan", + -15.357664108276367 + ], + [ + "▁sarcastically", + -15.357665061950684 + ], + [ + "▁Segmentation", + -15.357667922973633 + ], + [ + "▁Incidence", + -15.357670783996582 + ], + [ + "▁McWilliams", + -15.357675552368164 + ], + [ + "▁titling", + -15.357675552368164 + ], + [ + "alexander", + -15.357677459716797 + ], + [ + "▁FXCM", + -15.357677459716797 + ], + [ + "▁Venturi", + -15.357684135437012 + ], + [ + "4:32", + -15.357686042785645 + ], + [ + "▁Longfellow", + -15.357687950134276 + ], + [ + "▁produk", + -15.357690811157228 + ], + [ + "▁Scholz", + -15.357695579528809 + ], + [ + "▁Holborn", + -15.35770034790039 + ], + [ + "▁Bhaskar", + -15.357702255249023 + ], + [ + "▁Modbury", + -15.357708930969238 + ], + [ + "▁macaw", + -15.357709884643556 + ], + [ + "▁TERRI", + -15.357712745666504 + ], + [ + "▁Folau", + -15.357717514038086 + ], + [ + "▁Hannaford", + -15.357721328735352 + ], + [ + "▁bobblehead", + -15.357722282409668 + ], + [ + "▁Minimalism", + -15.357723236083984 + ], + [ + "▁(360)", + -15.3577299118042 + ], + [ + "▁Tencel", + -15.357738494873049 + ], + [ + "▁Hubei", + -15.357748985290527 + ], + [ + "▁Ambrosia", + -15.357763290405272 + ], + [ + "▁Perseus", + -15.357789039611816 + ], + [ + "▁Ventana", + -15.357789993286133 + ], + [ + "▁NationMaster", + -15.357793807983398 + ], + [ + "▁Eriksen", + -15.357810020446776 + ], + [ + "7:54", + -15.357816696166992 + ], + [ + "▁Fiery", + -15.357817649841309 + ], + [ + "▁Mangum", + -15.35787868499756 + ], + [ + "▁Manifestation", + -15.35788345336914 + ], + [ + "▁Shinji", + -15.357888221740724 + ], + [ + "▁£5.00", + -15.357903480529783 + ], + [ + "▁juego", + -15.357934951782228 + ], + [ + "▁Lekki", + -15.35794162750244 + ], + [ + "▁distribu", + -15.357954978942873 + ], + [ + "▁CHRISTIAN", + -15.357987403869627 + ], + [ + "▁Neeraj", + -15.357989311218262 + ], + [ + "▁Authenticator", + -15.358030319213867 + ], + [ + "▁Motif", + -15.358091354370115 + ], + [ + "▁Caprice", + -15.35813808441162 + ], + [ + "▁Trudy", + -15.358149528503418 + ], + [ + "Sacral", + -15.358269691467283 + ], + [ + "7900", + -15.35832691192627 + ], + [ + "Claudine", + -15.35832691192627 + ], + [ + "HSBC", + -15.358373641967772 + ], + [ + "eitner", + -15.358376502990724 + ], + [ + "aheed", + -15.35842514038086 + ], + [ + "▁Paltz", + -15.358549118041992 + ], + [ + "▁Flintstone", + -15.35861110687256 + ], + [ + "▁Schiavo", + -15.358624458312988 + ], + [ + "bbett", + -15.358697891235352 + ], + [ + "Compelling", + -15.358728408813477 + ], + [ + "▁wherewithal", + -15.358732223510742 + ], + [ + "▁Gansu", + -15.358869552612305 + ], + [ + "germain", + -15.35890769958496 + ], + [ + "▁Padova", + -15.358925819396973 + ], + [ + "▁ganglia", + -15.358957290649414 + ], + [ + "▁Subcontractor", + -15.359014511108398 + ], + [ + "QUIZ", + -15.359095573425291 + ], + [ + "STEVE", + -15.359100341796877 + ], + [ + "8:58", + -15.359106063842772 + ], + [ + "▁Benzyl", + -15.359111785888672 + ], + [ + "▁faerie", + -15.35927391052246 + ], + [ + "cluding", + -15.359342575073242 + ], + [ + "Snoring", + -15.359472274780272 + ], + [ + "▁Slush", + -15.359553337097168 + ], + [ + "Wombat", + -15.3600435256958 + ], + [ + "▁Farooq", + -15.360121726989746 + ], + [ + "▁Gregorio", + -15.360152244567873 + ], + [ + "▁Arnett", + -15.36026668548584 + ], + [ + "EXUS", + -15.360549926757812 + ], + [ + "sourceforge", + -15.360590934753418 + ], + [ + "murti", + -15.360633850097656 + ], + [ + "2(1):", + -15.360666275024414 + ], + [ + "adoption", + -15.361075401306152 + ], + [ + "84%", + -15.361257553100586 + ], + [ + "3.56", + -15.361329078674316 + ], + [ + "3:58", + -15.36137580871582 + ], + [ + "▁Multan", + -15.36168384552002 + ], + [ + "valdi", + -15.361905097961426 + ], + [ + "tradition", + -15.362020492553713 + ], + [ + "▁congratulation", + -15.362037658691406 + ], + [ + "▁jogger", + -15.362115859985352 + ], + [ + "▁Lavish", + -15.362211227416992 + ], + [ + "2,3,4", + -15.362261772155762 + ], + [ + "▁Pagli", + -15.362441062927246 + ], + [ + "▁AMAZON", + -15.36264705657959 + ], + [ + "dipine", + -15.362960815429688 + ], + [ + "▁kamu", + -15.363046646118164 + ], + [ + "Obj", + -15.363299369812012 + ], + [ + "Arsenic", + -15.363303184509276 + ], + [ + "ASSET", + -15.363476753234863 + ], + [ + "RATOR", + -15.363524436950684 + ], + [ + "▁arbitrate", + -15.363551139831545 + ], + [ + "syndrom", + -15.363625526428224 + ], + [ + "▁Gewinn", + -15.363764762878418 + ], + [ + "▁Lemur", + -15.363791465759276 + ], + [ + "Sterile", + -15.36404514312744 + ], + [ + "Extractions", + -15.364161491394045 + ], + [ + "crem", + -15.36430549621582 + ], + [ + "▁informaci", + -15.364639282226562 + ], + [ + "4:56", + -15.364700317382812 + ], + [ + "locution", + -15.364806175231934 + ], + [ + "25-54", + -15.36506462097168 + ], + [ + "Intervention", + -15.365331649780272 + ], + [ + "structuring", + -15.365365028381348 + ], + [ + "surfacing", + -15.365371704101562 + ], + [ + "Cousin", + -15.3654203414917 + ], + [ + "Presumably", + -15.3654203414917 + ], + [ + "Sourcing", + -15.365433692932127 + ], + [ + "Hypnosis", + -15.365436553955078 + ], + [ + "WELCOME", + -15.365443229675291 + ], + [ + "Exquisite", + -15.36544418334961 + ], + [ + "Embed", + -15.365448951721191 + ], + [ + "sulfide", + -15.365450859069824 + ], + [ + "Upgrading", + -15.365452766418455 + ], + [ + "millennial", + -15.365453720092772 + ], + [ + "Scheduling", + -15.365456581115724 + ], + [ + "Miriam", + -15.365468978881836 + ], + [ + "Grief", + -15.365469932556152 + ], + [ + "politician", + -15.365469932556152 + ], + [ + "Intensive", + -15.365471839904783 + ], + [ + "Vampire", + -15.36547565460205 + ], + [ + "Netanyahu", + -15.365476608276367 + ], + [ + "foreclosure", + -15.365476608276367 + ], + [ + "zombie", + -15.365476608276367 + ], + [ + "Announced", + -15.365477561950684 + ], + [ + "catheter", + -15.365477561950684 + ], + [ + "defensive", + -15.36548137664795 + ], + [ + "Coyote", + -15.365483283996582 + ], + [ + "deliberate", + -15.365486145019531 + ], + [ + "Cyprus", + -15.365488052368164 + ], + [ + "Boutique", + -15.36548900604248 + ], + [ + "Trojan", + -15.36548900604248 + ], + [ + "magnitude", + -15.36548900604248 + ], + [ + "agriculture", + -15.365492820739746 + ], + [ + "collaborative", + -15.365492820739746 + ], + [ + "Madonna", + -15.36549472808838 + ], + [ + "terrible", + -15.36549472808838 + ], + [ + "Rahman", + -15.365498542785645 + ], + [ + "Rahul", + -15.365501403808594 + ], + [ + "Kylie", + -15.365504264831545 + ], + [ + "welfare", + -15.365504264831545 + ], + [ + "Intended", + -15.36550521850586 + ], + [ + "Vietnamese", + -15.365508079528809 + ], + [ + "SECTION", + -15.36550998687744 + ], + [ + "equitable", + -15.365514755249023 + ], + [ + "criteria", + -15.36551570892334 + ], + [ + "Julius", + -15.365518569946287 + ], + [ + "Determination", + -15.365522384643556 + ], + [ + "Holmes", + -15.365530967712402 + ], + [ + "Northwestern", + -15.365535736083984 + ], + [ + "TODAY", + -15.36553955078125 + ], + [ + "Geography", + -15.3655424118042 + ], + [ + "Nottingham", + -15.365556716918944 + ], + [ + "Documentary", + -15.365561485290527 + ], + [ + "Pedal", + -15.365572929382324 + ], + [ + "Walnut", + -15.365591049194336 + ], + [ + "psychotic", + -15.365602493286133 + ], + [ + "Kendall", + -15.365615844726562 + ], + [ + "Defendant", + -15.36566925048828 + ], + [ + "hostile", + -15.36569118499756 + ], + [ + "Curtain", + -15.365694046020508 + ], + [ + "nesthesiologists", + -15.365777969360352 + ], + [ + "acquainted", + -15.365808486938477 + ], + [ + "infinite", + -15.36583137512207 + ], + [ + "assistant", + -15.365837097167969 + ], + [ + "Morrow", + -15.36585521697998 + ], + [ + "clause", + -15.365978240966797 + ], + [ + "scanner", + -15.366033554077148 + ], + [ + "onnier", + -15.366117477416992 + ], + [ + "houston", + -15.366132736206056 + ], + [ + "9:45", + -15.366181373596191 + ], + [ + "▁05:3", + -15.366389274597168 + ], + [ + "3:31", + -15.366586685180664 + ], + [ + "▁Nesb", + -15.367030143737791 + ], + [ + "Albania", + -15.36769962310791 + ], + [ + "7:37", + -15.367833137512209 + ], + [ + "0.89", + -15.367941856384276 + ], + [ + "perkins", + -15.368087768554688 + ], + [ + "1165", + -15.368363380432127 + ], + [ + "▁unripe", + -15.368492126464844 + ], + [ + "▁Sabe", + -15.368596076965332 + ], + [ + "▁$699", + -15.368597984313965 + ], + [ + "▁Ioan", + -15.36879062652588 + ], + [ + "▁televis", + -15.369022369384766 + ], + [ + "2018-12-2", + -15.369205474853516 + ], + [ + "▁TASTE", + -15.36932373046875 + ], + [ + "▁secede", + -15.369677543640137 + ], + [ + "voort", + -15.369762420654297 + ], + [ + "histochemistry", + -15.370433807373049 + ], + [ + "▁electromagnet", + -15.370676040649414 + ], + [ + "viene", + -15.371183395385742 + ], + [ + "topathological", + -15.371910095214844 + ], + [ + "▁Elyse", + -15.37212371826172 + ], + [ + "1609", + -15.37229061126709 + ], + [ + "▁Filipp", + -15.37229347229004 + ], + [ + "тат", + -15.372779846191406 + ], + [ + "▁snook", + -15.372797012329102 + ], + [ + "▁Shiga", + -15.372885704040527 + ], + [ + "▁galvanize", + -15.373069763183594 + ], + [ + "▁refurb", + -15.373458862304688 + ], + [ + ")(2)(", + -15.37347412109375 + ], + [ + "======", + -15.373600006103516 + ], + [ + "▁IMPORT", + -15.37362575531006 + ], + [ + "▁SUPPLIE", + -15.373663902282717 + ], + [ + "▁[2019-03-2", + -15.37366771697998 + ], + [ + "Anticipating", + -15.373669624328612 + ], + [ + "Hierarchical", + -15.373669624328612 + ], + [ + "TEHRAN", + -15.373669624328612 + ], + [ + "Turbulence", + -15.373669624328612 + ], + [ + "Turbulent", + -15.373669624328612 + ], + [ + "centrifugation", + -15.373669624328612 + ], + [ + "echocardiography", + -15.373669624328612 + ], + [ + "▁AbbVie", + -15.373669624328612 + ], + [ + "▁América", + -15.373669624328612 + ], + [ + "▁Anniversaries", + -15.373669624328612 + ], + [ + "▁Beulah", + -15.373669624328612 + ], + [ + "▁Cairngorms", + -15.373669624328612 + ], + [ + "▁Caruana", + -15.373669624328612 + ], + [ + "▁Chenoweth", + -15.373669624328612 + ], + [ + "▁Cousteau", + -15.373669624328612 + ], + [ + "▁DeRozan", + -15.373669624328612 + ], + [ + "▁Edouard", + -15.373669624328612 + ], + [ + "▁Espinoza", + -15.373669624328612 + ], + [ + "▁Eugenio", + -15.373669624328612 + ], + [ + "▁Exorcist", + -15.373669624328612 + ], + [ + "▁FORTUNE", + -15.373669624328612 + ], + [ + "▁Fiduciary", + -15.373669624328612 + ], + [ + "▁Fuerteventura", + -15.373669624328612 + ], + [ + "▁Gormley", + -15.373669624328612 + ], + [ + "▁Higuain", + -15.373669624328612 + ], + [ + "▁Khaimah", + -15.373669624328612 + ], + [ + "▁Khajuraho", + -15.373669624328612 + ], + [ + "▁Lufkin", + -15.373669624328612 + ], + [ + "▁McDonagh", + -15.373669624328612 + ], + [ + "▁Naughton", + -15.373669624328612 + ], + [ + "▁OPERATOR", + -15.373669624328612 + ], + [ + "▁Pleiades", + -15.373669624328612 + ], + [ + "▁PyeongChang", + -15.373669624328612 + ], + [ + "▁Quinnipiac", + -15.373669624328612 + ], + [ + "▁Shaftesbury", + -15.373669624328612 + ], + [ + "▁Trifecta", + -15.373669624328612 + ], + [ + "▁Twitpic", + -15.373669624328612 + ], + [ + "▁Urquhart", + -15.373669624328612 + ], + [ + "▁Wissenschaft", + -15.373669624328612 + ], + [ + "▁affinities", + -15.373669624328612 + ], + [ + "▁ambiguities", + -15.373669624328612 + ], + [ + "▁amitriptyline", + -15.373669624328612 + ], + [ + "▁cuisinart", + -15.373669624328612 + ], + [ + "▁diametrically", + -15.373669624328612 + ], + [ + "▁difficile", + -15.373669624328612 + ], + [ + "▁eclipsing", + -15.373669624328612 + ], + [ + "▁encyclical", + -15.373669624328612 + ], + [ + "▁flamethrower", + -15.373669624328612 + ], + [ + "▁foolhardy", + -15.373669624328612 + ], + [ + "▁glorification", + -15.373669624328612 + ], + [ + "▁intertwining", + -15.373669624328612 + ], + [ + "▁moissanite", + -15.373669624328612 + ], + [ + "▁norepinephrine", + -15.373669624328612 + ], + [ + "▁penniless", + -15.373669624328612 + ], + [ + "▁plusieurs", + -15.373669624328612 + ], + [ + "▁presumptuous", + -15.373669624328612 + ], + [ + "▁ransacked", + -15.373669624328612 + ], + [ + "▁teflon", + -15.373669624328612 + ], + [ + "▁threshing", + -15.373669624328612 + ], + [ + "▁unreliability", + -15.373669624328612 + ], + [ + "▁untethered", + -15.373669624328612 + ], + [ + "▁vaccinating", + -15.373669624328612 + ], + [ + "▁zambia", + -15.373669624328612 + ], + [ + "reperfusion", + -15.37367057800293 + ], + [ + "▁Ankeny", + -15.37367057800293 + ], + [ + "▁Briscoe", + -15.37367057800293 + ], + [ + "▁Creuset", + -15.37367057800293 + ], + [ + "▁Rudraksha", + -15.37367057800293 + ], + [ + "▁Telefonica", + -15.37367057800293 + ], + [ + "▁Viscosity", + -15.37367057800293 + ], + [ + "▁hedonistic", + -15.37367057800293 + ], + [ + "▁miffed", + -15.37367057800293 + ], + [ + "▁militarization", + -15.37367057800293 + ], + [ + "▁Demetrius", + -15.373671531677246 + ], + [ + "▁Hochschule", + -15.373671531677246 + ], + [ + "▁Venkatesh", + -15.373671531677246 + ], + [ + "▁killexams", + -15.373671531677246 + ], + [ + "▁ravaging", + -15.373671531677246 + ], + [ + "▁vmware", + -15.373671531677246 + ], + [ + "Annuities", + -15.373672485351562 + ], + [ + "▁BIRTH", + -15.373672485351562 + ], + [ + "▁Nucleus", + -15.373672485351562 + ], + [ + "▁Whistleblower", + -15.37367343902588 + ], + [ + "▁aliexpress", + -15.37367343902588 + ], + [ + "▁meerkat", + -15.37367343902588 + ], + [ + "▁adorably", + -15.373674392700195 + ], + [ + "▁distributive", + -15.373674392700195 + ], + [ + "▁epitope", + -15.373675346374512 + ], + [ + "Addendum", + -15.373676300048828 + ], + [ + "▁Tyrolean", + -15.373676300048828 + ], + [ + "▁shuttling", + -15.373676300048828 + ], + [ + "▁cytology", + -15.37367820739746 + ], + [ + "▁senescence", + -15.373679161071776 + ], + [ + "▁Thyssen", + -15.373682022094728 + ], + [ + "▁Nikhil", + -15.373682975769045 + ], + [ + "▁disentangle", + -15.373682975769045 + ], + [ + "▁ALMOST", + -15.37368392944336 + ], + [ + "▁Qualities", + -15.373684883117676 + ], + [ + "▁immaturity", + -15.373684883117676 + ], + [ + "▁misdiagnosis", + -15.373684883117676 + ], + [ + "▁Accomplishment", + -15.373685836791992 + ], + [ + "▁Harlingen", + -15.373685836791992 + ], + [ + "▁LIBOR", + -15.373686790466309 + ], + [ + "▁Malkovich", + -15.373686790466309 + ], + [ + "▁Mizrahi", + -15.373687744140623 + ], + [ + "▁comparably", + -15.373687744140623 + ], + [ + "▁favicon", + -15.373687744140623 + ], + [ + "▁Texaco", + -15.37368869781494 + ], + [ + "▁paratrooper", + -15.37368869781494 + ], + [ + "▁Schaffer", + -15.373690605163574 + ], + [ + "▁unidirectional", + -15.373690605163574 + ], + [ + "Elaborate", + -15.37369155883789 + ], + [ + "▁PROMOTION", + -15.37369155883789 + ], + [ + "▁Lindgren", + -15.373692512512209 + ], + [ + "▁Lingerie", + -15.37369441986084 + ], + [ + "▁Saheb", + -15.37369441986084 + ], + [ + "▁Stadler", + -15.373696327209473 + ], + [ + "▁Trestle", + -15.373696327209473 + ], + [ + "▁tahoe", + -15.373696327209473 + ], + [ + "▁STRIKE", + -15.373698234558104 + ], + [ + "▁jogged", + -15.373698234558104 + ], + [ + "▁maxillary", + -15.373699188232422 + ], + [ + "▁mythologies", + -15.373699188232422 + ], + [ + "▁Ballantine", + -15.373700141906738 + ], + [ + "▁Viscose", + -15.373700141906738 + ], + [ + "▁Displacement", + -15.373701095581056 + ], + [ + "▁Telecaster", + -15.373701095581056 + ], + [ + "▁papacy", + -15.373702049255373 + ], + [ + "▁Mahinda", + -15.373703002929688 + ], + [ + "▁Ketogenic", + -15.373703956604004 + ], + [ + "▁crummy", + -15.373703956604004 + ], + [ + "▁Parsonage", + -15.37370491027832 + ], + [ + "▁Hammett", + -15.373705863952637 + ], + [ + "▁liveaboard", + -15.373705863952637 + ], + [ + "▁CLARK", + -15.373706817626951 + ], + [ + "▁marathi", + -15.373706817626951 + ], + [ + "▁cornflour", + -15.37370777130127 + ], + [ + "▁metamorphic", + -15.37370777130127 + ], + [ + "▁Komatsu", + -15.373711585998535 + ], + [ + "▁Shakira", + -15.373713493347168 + ], + [ + "▁Vergara", + -15.373714447021484 + ], + [ + "▁Thornbury", + -15.3737154006958 + ], + [ + "▁Brainiac", + -15.373716354370115 + ], + [ + "▁Pontoon", + -15.37371826171875 + ], + [ + "▁Giotto", + -15.373723030090332 + ], + [ + "▁Latency", + -15.373724937438965 + ], + [ + "▁hailstorm", + -15.373724937438965 + ], + [ + "▁Bloodhound", + -15.373727798461914 + ], + [ + "Auberge", + -15.373730659484863 + ], + [ + "▁PLDT", + -15.373730659484863 + ], + [ + "compatibilities", + -15.37373161315918 + ], + [ + "▁ponderosa", + -15.373736381530762 + ], + [ + "▁Venturing", + -15.373739242553713 + ], + [ + "▁pommel", + -15.373740196228027 + ], + [ + "▁VIVO", + -15.373753547668455 + ], + [ + "▁Mahomes", + -15.373756408691406 + ], + [ + "▁Kayleigh", + -15.37375831604004 + ], + [ + "▁WCAG", + -15.37375831604004 + ], + [ + "▁Crysis", + -15.37376308441162 + ], + [ + "▁groping", + -15.373764038085938 + ], + [ + "▁dictatorial", + -15.37376880645752 + ], + [ + "▁Screwdriver", + -15.373772621154783 + ], + [ + "▁Affective", + -15.373773574829102 + ], + [ + "▁preeclampsia", + -15.373773574829102 + ], + [ + "▁Sybase", + -15.373779296875 + ], + [ + "▁Kampot", + -15.373784065246582 + ], + [ + "▁Yeung", + -15.37380599975586 + ], + [ + "▁nanowire", + -15.373817443847656 + ], + [ + "▁PATIO", + -15.373820304870604 + ], + [ + "▁Kwame", + -15.37382698059082 + ], + [ + "▁(512)", + -15.373830795288086 + ], + [ + "▁biplane", + -15.373835563659668 + ], + [ + "▁recapping", + -15.373836517333984 + ], + [ + "▁Prezzi", + -15.3738374710083 + ], + [ + "▁Hazara", + -15.373838424682615 + ], + [ + "▁(510)", + -15.373845100402832 + ], + [ + "▁Trevino", + -15.373846054077148 + ], + [ + "▁fanaticism", + -15.37388038635254 + ], + [ + "▁Nonsense", + -15.37388515472412 + ], + [ + "▁motorcade", + -15.373889923095703 + ], + [ + "▁Zadar", + -15.373894691467283 + ], + [ + "▁Backhoe", + -15.373908042907717 + ], + [ + "▁Durkin", + -15.373910903930664 + ], + [ + "▁Opaque", + -15.37391471862793 + ], + [ + "Disadvantages", + -15.373915672302246 + ], + [ + "▁mommies", + -15.373919486999512 + ], + [ + "▁Agilent", + -15.373920440673828 + ], + [ + "▁Kawhi", + -15.373934745788574 + ], + [ + "▁Kilmer", + -15.373961448669434 + ], + [ + "zeichn", + -15.373992919921877 + ], + [ + "▁Macedon", + -15.373997688293455 + ], + [ + "▁canapes", + -15.374008178710938 + ], + [ + "▁Bentham", + -15.374009132385254 + ], + [ + "▁homologous", + -15.374018669128418 + ], + [ + "▁FOAM", + -15.37403964996338 + ], + [ + "▁Farrah", + -15.374051094055176 + ], + [ + "69-2", + -15.374073028564451 + ], + [ + "▁Januar", + -15.374112129211426 + ], + [ + "Oblique", + -15.37411403656006 + ], + [ + "Corkscrew", + -15.374135971069336 + ], + [ + "kommt", + -15.374135971069336 + ], + [ + "300-135", + -15.374197006225586 + ], + [ + "TITUDE", + -15.374237060546877 + ], + [ + "9,600", + -15.37424087524414 + ], + [ + "Freckle", + -15.374436378479004 + ], + [ + "▁Torsion", + -15.374449729919434 + ], + [ + "8:26", + -15.374520301818848 + ], + [ + "5,00", + -15.374971389770508 + ], + [ + "▁Saini", + -15.37509059906006 + ], + [ + ".09%", + -15.375178337097168 + ], + [ + "Meditate", + -15.375286102294922 + ], + [ + "▁sublicense", + -15.375417709350586 + ], + [ + "Quiring", + -15.375432014465332 + ], + [ + "▁destin", + -15.375574111938477 + ], + [ + "stabilized", + -15.376097679138184 + ], + [ + "0-071", + -15.37615966796875 + ], + [ + "Refracti", + -15.376287460327148 + ], + [ + "peptic", + -15.376383781433104 + ], + [ + "microenvironment", + -15.376440048217772 + ], + [ + "▁Distri", + -15.376457214355469 + ], + [ + "▁Turret", + -15.376495361328123 + ], + [ + "7777", + -15.376940727233888 + ], + [ + "Redefining", + -15.3770751953125 + ], + [ + "0:09", + -15.377082824707031 + ], + [ + "▁Pietra", + -15.37740421295166 + ], + [ + "webhost", + -15.377455711364746 + ], + [ + "8:48", + -15.377476692199709 + ], + [ + "▁psychoanalytic", + -15.37752914428711 + ], + [ + "1335", + -15.377619743347168 + ], + [ + "▁Happies", + -15.377798080444336 + ], + [ + "▁Tamale", + -15.37809944152832 + ], + [ + "▁Seidel", + -15.378358840942385 + ], + [ + "▁Muppet", + -15.37840175628662 + ], + [ + "▁Quota", + -15.378403663635254 + ], + [ + "▁polyphenol", + -15.378445625305176 + ], + [ + "utyrate", + -15.378512382507324 + ], + [ + "saari", + -15.37852668762207 + ], + [ + "▁WASTE", + -15.379033088684082 + ], + [ + "▁$6,500", + -15.379261016845703 + ], + [ + ".06%", + -15.379310607910156 + ], + [ + "constitutional", + -15.379323959350586 + ], + [ + "▁$6.4", + -15.37989902496338 + ], + [ + "ospermum", + -15.380112648010254 + ] + ] + } +} \ No newline at end of file diff --git a/checkpoint-150/tokenizer_config.json b/checkpoint-150/tokenizer_config.json new file mode 100644 index 0000000000000000000000000000000000000000..f3f22414ade0b48d87d6a5e87dd303617c4ccb8d --- /dev/null +++ b/checkpoint-150/tokenizer_config.json @@ -0,0 +1,117 @@ +{ + "additional_special_tokens": [ + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "", + "" + ], + "eos_token": "", + "full_tokenizer_file": null, + "mask_token": "", + "mask_token_sent": "", + "model_max_length": 512, + "name_or_path": "google/pegasus-xsum", + "offset": 103, + "pad_token": "", + "special_tokens_map_file": null, + "tokenizer_class": "PegasusTokenizer", + "unk_token": "" +} diff --git a/checkpoint-150/trainer_state.json b/checkpoint-150/trainer_state.json new file mode 100644 index 0000000000000000000000000000000000000000..10d21d96aadf53be016ab91620919a9440b500bf --- /dev/null +++ b/checkpoint-150/trainer_state.json @@ -0,0 +1,56 @@ +{ + "best_metric": null, + "best_model_checkpoint": null, + "epoch": 4.982725527831094, + "global_step": 150, + "is_hyper_param_search": false, + "is_local_process_zero": true, + "is_world_process_zero": true, + "log_history": [ + { + "epoch": 0.98, + "eval_loss": 2.3803367614746094, + "eval_runtime": 213.2043, + "eval_samples_per_second": 18.33, + "eval_steps_per_second": 18.33, + "step": 30 + }, + { + "epoch": 1.98, + "eval_loss": 2.2591161727905273, + "eval_runtime": 212.2667, + "eval_samples_per_second": 18.411, + "eval_steps_per_second": 18.411, + "step": 60 + }, + { + "epoch": 2.98, + "eval_loss": 2.203186511993408, + "eval_runtime": 212.608, + "eval_samples_per_second": 18.381, + "eval_steps_per_second": 18.381, + "step": 90 + }, + { + "epoch": 3.98, + "eval_loss": 2.1706554889678955, + "eval_runtime": 212.4689, + "eval_samples_per_second": 18.393, + "eval_steps_per_second": 18.393, + "step": 120 + }, + { + "epoch": 4.98, + "eval_loss": 2.1453042030334473, + "eval_runtime": 213.096, + "eval_samples_per_second": 18.339, + "eval_steps_per_second": 18.339, + "step": 150 + } + ], + "max_steps": 900, + "num_train_epochs": 30, + "total_flos": 1.076296204604375e+17, + "trial_name": null, + "trial_params": null +} diff --git a/checkpoint-150/training_args.bin b/checkpoint-150/training_args.bin new file mode 100644 index 0000000000000000000000000000000000000000..fb0da5457e7e97f5679dd573661c72abbb090487 --- /dev/null +++ b/checkpoint-150/training_args.bin @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:50f1c331773948f1aafffbec50322b3f07edf4e08988fbdb44798e3e9b3db9fd +size 3375 diff --git a/fudge/LICENSE b/fudge/LICENSE new file mode 100644 index 0000000000000000000000000000000000000000..c04a5c8ac78dbdc18c213098cb1816b1ccbc9378 --- /dev/null +++ b/fudge/LICENSE @@ -0,0 +1,21 @@ +MIT License + +Copyright (c) 2022 Kevin Yang + +Permission is hereby granted, free of charge, to any person obtaining a copy +of this software and associated documentation files (the "Software"), to deal +in the Software without restriction, including without limitation the rights +to use, copy, modify, merge, publish, distribute, sublicense, and/or sell +copies of the Software, and to permit persons to whom the Software is +furnished to do so, subject to the following conditions: + +The above copyright notice and this permission notice shall be included in all +copies or substantial portions of the Software. + +THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR +IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, +FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE +AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER +LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, +OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE +SOFTWARE. diff --git a/fudge/README.md b/fudge/README.md new file mode 100644 index 0000000000000000000000000000000000000000..66a77024a34699e9c0bf7e1f9a42f6569c2a1eec --- /dev/null +++ b/fudge/README.md @@ -0,0 +1,155 @@ +# FUDGE: Controlled Text Generation With Future Discriminators + +This repo contains code corresponding to the paper FUDGE: Controlled Text Generation With Future Discriminators (https://arxiv.org/abs/2104.05218) by Kevin Yang and Dan Klein, published at NAACL 2021. + +You can also find a video presentation at http://somup.com/crhlVPFKN7 and the corresponding slides in `slides.pptx`. + +## Setup/Installation + +We tested on Python 3.8.5 but earlier versions of Python 3 are almost certainly fine. To get the required packages (other versions likely to work too): + +``` +pip install -r requirements.txt +``` + +Additionally, to get our pre-trained predictor checkpoints and training data, run: + +``` +wget https://naacl2021-fudge-files.s3.amazonaws.com/large_files.zip +``` + +and extract the zip to the top-level `lm-prediction/` folder. (There should be three folders, `ckpt/`, `train_data/`, and `topic_human_evals/`. The zip is 7GB.) Note: the zip seems to not work for some people actually, if this is the case you can get the files directly from https://drive.google.com/drive/folders/1GZfOGqpQxDmIfD2RvuhUQla9eX2OHUXU?usp=sharing (13GB). + +`ckpt/` contains predictor checkpoints for each task if you are just interested in running inference. (Note that for the paper results, we used predictors trained with an older version of the code, but the new checkpoints get similar results, so you are OK to use the new predictors provided here if e.g. you just want to use FUDGE as a baseline. You can just run the evaluation commands provided below; it should take maybe 5-60 minutes depending on the task and your compute, assuming you have a GPU.) + +`train_data/` contains our GPT2-generated training data for the poetry and topic tasks' predictors. See https://github.com/raosudha89/GYAFC-corpus for instructions on gaining access to the GYAFC data used for the machine translation formality task; replace our dummy folders with the corresponding folders/files if you want to train our formality predictor. + +## Clickbait +To generate outputs, run: + +``` +python -u evaluate_clickbait.py --ckpt ckpt/topic/future_word_predictor/model.pth.tar --dataset_info ckpt/topic/future_word_predictor/dataset_info --in_file topic_data/topic_prefixes.txt --condition_lambda 4.0 --verbose --precondition_topk 200 --length_cutoff 80 --device cpu + +python -u evaluate_clickbait.py --ckpt ckpt/formality/predictor_gyafc_entertainment_music/model.pth.tar --dataset_info ckpt/formality/predictor_gyafc_entertainment_music/dataset_info --in_file formality_data/fisher_test_oracle.es + +python -u evaluate_clickbait.py --ckpt ckpt/topic/future_word_predictor/model.pth.tar --dataset_info ckpt/topic/future_word_predictor/dataset_info --in_file topic_data/topic_prefixes.txt --condition_lambda 4.0 --verbose --precondition_topk 200 --sample_size 3 --max_sample_batch 1 --length_cutoff 80 --log_file clickbait_preds.log +``` + +Then evaluate metrics using: + +``` +python eval_topic_metrics.py --log_file topic_preds.log --tw_dir topic_data/test_wordlists +``` + + +## Poetry Couplet Completion + +### Evaluation + +To generate outputs, run: + +``` +python -u evaluate_poetry.py --iambic_ckpt ckpt/poetry/iambic_predictor/model.pth.tar --rhyme_ckpt ckpt/poetry/rhyme_predictor/model.pth.tar --newline_ckpt ckpt/poetry/newline_predictor/model.pth.tar --dataset_info ckpt/poetry/rhyme_predictor/dataset_info --rhyme_info ckpt/poetry/rhyme_predictor/rhyme_info --prefix_file poetry_data/couplet_prefixes.txt --precondition_topk 200 > poetry_preds.log +``` + +Then evaluate metrics using: + +``` +python eval_poetry_metrics.py --pred_file poetry_preds.log --prefix_file poetry_data/couplet_prefixes.txt +``` + +### Training your own predictors + +Example commands for all three predictors used in the poetry task below. (You actually probably don't need so many epochs for iambic and rhyme; in any case the commands will save intermediate ckpts so you can just stop them early if needed by inspecting the log.) + +Iambic predictor: + +``` +python -u main.py --task iambic --data_dir train_data/gpt2_generations --save_dir ckpt/poetry/iambic_retrain_predictor --num_workers 20 --batch_size 128 --epoch_max_len 100000 --validation_freq 10 --lr 2e-4 --epochs 1500 > iambic_retrain_predictor.log +``` + +Rhyme predictor: + +``` +python -u main.py --task rhyme --data_dir train_data/gpt2_generations --save_dir ckpt/poetry/rhyme_retrain_predictor --num_workers 20 --batch_size 128 --epoch_max_len 100000 --validation_freq 10 --lr 2e-4 --epochs 1500 > rhyme_retrain_predictor.log +``` + +End of sentence predictor (referred to as "newline" in the code; 50 epochs is more than enough for this one): + +``` +python -u main.py --task newline --data_dir train_data/gpt2_generations --save_dir ckpt/poetry/newline_retrain_predictor --num_workers 20 --batch_size 128 --epoch_max_len 100000 --validation_freq 10 --lr 2e-4 --epochs 50 > newline_retrain_predictor.log +``` + +The same evaluation commands as before will work; just modify the paths in the command to point to `model_best.pth.tar`, `dataset_info`, and `rhyme_info` from your newly trained ckpt folders. + +## Topic Control + +### Evaluation + +To generate outputs, run: + +``` +python -u evaluate_topic.py --ckpt ckpt/topic/future_word_predictor/model.pth.tar --dataset_info ckpt/topic/future_word_predictor/dataset_info --prefix_file topic_data/topic_prefixes.txt --wordlist_dir topic_data/wordlists --condition_lambda 4.0 --verbose --precondition_topk 200 --topk 10 --sample_size 3 --max_sample_batch 1 --length_cutoff 80 --log_file topic_preds.log +``` + +Then evaluate metrics using: + +``` +python eval_topic_metrics.py --log_file topic_preds.log --tw_dir topic_data/test_wordlists +``` + +You can also find our original generations and baselines in `topic_human_evals/`. + +### Training your own predictors + +Example command below. + +``` +python -u main.py --task topic --data_dir train_data/gpt2_generations --save_dir ckpt/topic/future_word_retrain_predictor --num_workers 20 --batch_size 128 --epoch_max_len 100000 --validation_freq 10 --lr 2e-4 --epochs 500 --glove_file train_data/glove.840B.300d.txt > future_word_retrain_predictor.log +``` + +The same evaluation commands as before will work; just modify the paths in the command to point to `model_best.pth.tar`, `dataset_info`, and `rhyme_info` from your newly trained ckpt folders. + +## Machine Translation Formality + +### Evaluation + +To generate outputs, run: + +``` +python -u evaluate_formality.py --ckpt ckpt/formality/predictor_gyafc_entertainment_music/model.pth.tar --dataset_info ckpt/formality/predictor_gyafc_entertainment_music/dataset_info --in_file formality_data/fisher_test_oracle.es --model_path ckpt/formality/marian_finetune_fisher > formality_preds.log +``` + +The above command generates predictions using the Marian model finetuned on the Fisher dataset; remove the `--model_path` argument to get predictions with the un-finetuned Marian model from HuggingFace (referred to as 0-shot in the paper) + +Then evaluate metrics using: + +``` +python eval_formality_metrics.py --pred formality_preds.log --ref formality_data/test.noid.cleaned_0 formality_data/test.noid.cleaned_1 --ckpt ckpt/formality/test_evaluator_gyafc_family_relationships/model.pth.tar --dataset_info ckpt/formality/test_evaluator_gyafc_family_relationships/dataset_info +``` + +### Training your own predictors + +Example command below. (Reminder: you need to go get the GYAFC dataset following the instructions in https://github.com/raosudha89/GYAFC-corpus.) + +``` +python -u main.py --task formality --data_dir train_data/GYAFC_Corpus/Entertainment_Music --save_dir ckpt/formality/formality_retrain_predictor --num_workers 20 --batch_size 32 --epoch_max_len 1000000 --validation_freq 1 --lr 2e-5 --epochs 20 > formality_retrain_predictor.log +``` + +(The test-time formality evaluator is trained in the same way, just using the Family/Relationships half of the GYAFC dataset.) + +The same evaluation commands as before will work; just modify the paths in the command to point to `model_best.pth.tar`, `dataset_info`, and `rhyme_info` from your newly trained ckpt folders. + +## Running FUDGE on your own data + +The code has been refactored so that the iambic (poetry), rhyme (poetry), newline (poetry), future word (topic), and formality (machine translation) are controlled by the `--task` flag to `main.py`. You should add your task as another option here, then modify the data processing in `data.py` and the model in `model.py` as needed for your task. (In `data.py` you probably won't need all the entries of the tuple that is expected of the loader; you can just put dummy entries in the ones you don't need.) You might also need to modify the loss computation in the `train` and `validate` functions in `main.py`. You'll probably want to write new evaluation scripts, though the existing poetry/topic/formality ones are hopefully helpful as references. + +Alternatively, the general FUDGE framework is pretty simple, so you could always try reimplementing things yourself. A few additional details based on questions I've received: + +(1) The formality task setup is likely closest to what you want if you're just trying to run the simplest form of FUDGE (take a language model, and use a classifier to optimize toward a single attribute) although you may need to swap out the Marian translation model/tokenizer we use. + +(2) When you construct your training data, if you have an example in your data e.g. "This movie is great!" for positive sentiment, you want to learn on all the pairs (This, +), (This movie, +), (This movie is, +), etc., as that's one of the main points of our approach. + +(3) For computational efficiency, we first filter the base model's next token probabilities down to the top 200 (Sec. 3.1 in the paper), before adding the classifier logits. This way you only need to evaluate your classifier on 200 continuations. Then afterward, you filter down again to whatever top-k/greedy/nucleus sampling you're using for evaluation (we use top-k with k=10 for poetry and topic, greedy for formality). + +(4) You can use a pretrained LM backbone instead of a simple LSTM backbone for the predictor as well. This should work better when your dataset is smaller. \ No newline at end of file diff --git a/fudge/clickbait_classifier.py b/fudge/clickbait_classifier.py new file mode 100644 index 0000000000000000000000000000000000000000..ad7358c0614291e53a62e313fd79ef8d097fb09c --- /dev/null +++ b/fudge/clickbait_classifier.py @@ -0,0 +1,128 @@ +import torch +from transformers import BertModel, BertConfig, PretrainedConfig, PreTrainedModel, AutoModel, AutoConfig +from typing import List, Optional, Tuple, Union +from transformers.modeling_outputs import TokenClassifierOutput,SequenceClassifierOutput +from torch.nn import BCEWithLogitsLoss, CrossEntropyLoss, MSELoss, BCELoss +import torch.nn as nn +# from modeling_mpnet import MPNetModel, MPnetConfig + +class ClickbaitConfig(PretrainedConfig): + def __init__( + self, + model_type: str = "bert", + pretrained_model: str = "bert-base-uncased", + num_labels: int = 1, + dropout: float = 0.1, + inner_dim1: int = 256, + inner_dim2: int = 32, + max_length: int = 512, + load_pretrained: bool = True, + freeze_bert: bool = True, + **kwargs + ): + super(ClickbaitConfig, self).__init__(num_labels=num_labels, **kwargs) + self.model_type = model_type + self.pretrained_model = pretrained_model + self.dropout = dropout + self.inner_dim1 = inner_dim1 + self.inner_dim2 = inner_dim2 + self.max_length = max_length + self.load_pretrained = load_pretrained + self.freeze_bert = freeze_bert + + +class BertClickbaitClassifier(PreTrainedModel): + """ + Taken and extended from BertforSequenceClassification : https://github.com/huggingface/transformers/blob/v4.19.2/src/transformers/models/bert/modeling_bert.py#L1508 + """ + config_class = ClickbaitConfig + def __init__(self, config: ClickbaitConfig): + super(BertClickbaitClassifier, self).__init__(config) + self.num_labels = config.num_labels + self.config = config + # self.bert_config = BertConfig.from_pretrained(config.pretrained_model) + self.bert_config = AutoConfig.from_pretrained(config.pretrained_model) + + # self.bert = BertModel(self.bert_config) + self.bert = AutoModel.from_pretrained(config.pretrained_model, config=self.bert_config) + # self.bert = SentenceTransformer(config.pretrained_model, config=self.bert_config) + # self.bert = MPNetModel(config.pretrained_model, config=self.bert_config) + if config.load_pretrained: + print("Load pretrained weights from {}".format(config.pretrained_model)) + self.bert = self.bert.from_pretrained(config.pretrained_model) + if config.freeze_bert: + print("Freeze weights in the BERT model. Just the classifier will be trained") + for param in self.bert.parameters(): + param.requires_grad = False + + self.linear_1 = nn.Linear(self.bert.config.hidden_size, config.inner_dim1) + self.dropout_1 = nn.Dropout(config.dropout) + self.relu_1 = nn.ReLU() + self.dropout_2 = nn.Dropout(config.dropout) + self.linear_2 = nn.Linear(config.inner_dim1, config.inner_dim2) + self.relu_2 = nn.ReLU() + self.dropout_3 = nn.Dropout(config.dropout) + self.classifier = nn.Linear(config.inner_dim2, config.num_labels) + self.sigmoid = nn.Sigmoid() + + + def forward( + self, + input_ids: Optional[torch.Tensor] = None, + attention_mask: Optional[torch.Tensor] = None, + token_type_ids: Optional[torch.Tensor] = None, + position_ids: Optional[torch.Tensor] = None, + head_mask: Optional[torch.Tensor] = None, + inputs_embeds: Optional[torch.Tensor] = None, + labels: Optional[torch.Tensor] = None, + output_attentions: Optional[bool] = None, + output_hidden_states: Optional[bool] = None, + return_dict: Optional[bool] = None, + ) -> Union[Tuple[torch.Tensor], SequenceClassifierOutput]: + r""" + labels (`torch.LongTensor` of shape `(batch_size,)`, *optional*): + Labels for computing the sequence classification/regression loss. Indices should be in `[0, ..., + config.num_labels - 1]`. If `config.num_labels == 1` a regression loss is computed (Mean-Square loss), If + `config.num_labels > 1` a classification loss is computed (Cross-Entropy). + """ + + return_dict = return_dict if return_dict is not None else self.config.use_return_dict + + outputs = self.bert( + input_ids, + attention_mask=attention_mask, + token_type_ids=token_type_ids, + position_ids=position_ids, + head_mask=head_mask, + inputs_embeds=inputs_embeds, + output_attentions=output_attentions, + output_hidden_states=output_hidden_states, + return_dict=return_dict, + ) + + output = outputs[0][:,0,:] + + x = self.dropout_1(output) + x = self.linear_1(x) + x = self.relu_1(x) + x = self.dropout_2(x) + x = self.linear_2(x) + x = self.relu_2(x) + x = self.dropout_3(x) + + logits = self.classifier(x) + logits = self.sigmoid(logits) + + loss = None + if labels is not None: + loss_fct = BCELoss(weight=WEIGHT) + labels = 1.0*labels + loss = loss_fct(logits.view(-1), labels.view(-1)) + if not return_dict: + output = (logits,) + outputs[2:] + return ((loss,) + output) if loss is not None else output + + return SequenceClassifierOutput( + loss=loss, + logits=logits + ) \ No newline at end of file diff --git a/fudge/constants.py b/fudge/constants.py new file mode 100644 index 0000000000000000000000000000000000000000..928fd3a693882807aa5444052aa49c32f3cf476f --- /dev/null +++ b/fudge/constants.py @@ -0,0 +1,32 @@ +PAD_TOKEN = '[PAD]' +EOT_TOKEN = '<|endoftext|>' +SEP = 50256 # just use the weird eot token + +TOPIC_MODEL_STRING = 'gpt2-medium' +FORMALITY_MODEL_STRING = 'Helsinki-NLP/opus-mt-es-en' + +DIR_END_SPLIT_POSITIONS = 32 + +TOPIC_VAL_SIZE = 100000 +FORMALITY_VAL_SIZE = 2000 +VOCAB_SIZE = 50000 + +FORMALITY_MAX_LEN = 200 + +GLOVE_PRINT_PROGRESS_FREQ = 1000000 +GLOVE_DIM = 300 +HIDDEN_DIM = 300 +RNN_DIM = 150 + +MIN_SENTENCE_LENGTH = 3 + +POETRY_LINE_SYLLABLES = 10 +MAX_SYLLABLES_PER_WORD = 10 # no way anything is more +MAX_COUNT_SYLLABLE_DIST = 10 +MAX_COUNT_SYLLABLE_INPUT_LENGTH = 25 # for just a couplet, shouldn't need more +COUNT_SYLLABLE_DIM = 100 +UNKNOWN_RHYME_GROUP = 'UNKNOWN_RHYME_GROUP' +PHRASE_ENDS = '.?!' + +POETRY_BANNED_TOKENS = [198, 50256, 628, 220] # newlines and eos and such + diff --git a/fudge/data.py b/fudge/data.py new file mode 100644 index 0000000000000000000000000000000000000000..679f2124cd1490978a63afc4e7b2945ea1bb7468 --- /dev/null +++ b/fudge/data.py @@ -0,0 +1,415 @@ +import random +import math +import os +import pickle +from collections import defaultdict, namedtuple +import string + +os.environ['TOKENIZERS_PARALLELISM'] = 'false' # turn off since we're using multiple threads for loading anyway + +from transformers import AutoTokenizer, AutoModelWithLMHead, pipeline, set_seed, GPT2Tokenizer, GPT2Model +import numpy as np +from tqdm import tqdm +import torch + +from fudge.util import suppress_stdout +from fudge.poetry_util import is_iambic, count_syllables, get_rhymes, get_rhyme_group +from fudge.constants import * + +DatasetInfo = namedtuple('DatasetInfo', + ['index2word', 'word2index', 'total_words', 'vocab', 'glove_embeddings']) +RhymeInfo = namedtuple('RhymeInfo', + ['word2rhyme_group', 'rhyme_group_counts', 'rhyme_groups', 'index2rhyme_group', 'rhyme_group2index', 'total_rhyme_groups']) + +def collate(batch): + pad_id = batch[0][4] + inputs = [b[0] for b in batch] + lengths = torch.LongTensor([b[1] for b in batch]) + max_length = lengths.max() + for i in range(len(inputs)): + if len(inputs[i]) < max_length: + inputs[i] = torch.cat([inputs[i], torch.zeros(max_length - len(inputs[i])).long()], dim=0) # actually 0 is fine as pad since it's masked out + inputs = torch.stack(inputs, dim=0) + future_words = torch.LongTensor([b[2] for b in batch]).unsqueeze(0).expand(len(batch), -1).clone() # batch x N=batch + labels = torch.zeros_like(future_words).long() + labels = labels.scatter(1, torch.arange(len(batch)).unsqueeze(1), torch.ones(len(batch)).long().unsqueeze(1)).clone() + log_probs = torch.Tensor([b[3] for b in batch]) + classification_labels = [b[5] for b in batch] # batch + if type(classification_labels[0]) == list: + for i in range(len(classification_labels)): + assert len(classification_labels[i]) == lengths[i] + if len(classification_labels[i]) < max_length: + classification_labels[i] = torch.cat([torch.LongTensor(classification_labels[i]), -1 + torch.zeros(max_length - len(classification_labels[i])).long()], dim=0) + else: + classification_labels[i] = torch.LongTensor(classification_labels[i]) + classification_labels = torch.stack(classification_labels, dim=0) # batch x seq + else: + assert type(classification_labels[0]) == int + classification_labels = torch.LongTensor(classification_labels) # they're just int labels + syllables_to_go = torch.LongTensor([b[6] for b in batch]) + future_word_num_syllables = torch.LongTensor([b[7] for b in batch]) + rhyme_group_index = torch.LongTensor([b[8] for b in batch]) + return (inputs, lengths, future_words, log_probs, labels, classification_labels, syllables_to_go, future_word_num_syllables, rhyme_group_index) + + +def load_rhyme_info(index2word, vocab): + word2rhyme_group = defaultdict(lambda: UNKNOWN_RHYME_GROUP) + rhyme_group_counts = defaultdict(lambda: 0) + rhyme_groups = set() + for word in index2word: + try: + rhyme_group = get_rhyme_group(word) + word2rhyme_group[word] = rhyme_group + rhyme_group_counts[rhyme_group] += (vocab[word] if word in vocab else 1) # for rare words not in vocab, just use 1 + rhyme_groups.add(rhyme_group) + except: + rhyme_group_counts[UNKNOWN_RHYME_GROUP] += (vocab[word] if word in vocab else 1) + index2rhyme_group = [UNKNOWN_RHYME_GROUP] + sorted(list(rhyme_groups)) + rhyme_group2index = {s: i for i, s in enumerate(index2rhyme_group)} + total_rhyme_groups = sum(rhyme_group_counts.values()) + + return RhymeInfo(word2rhyme_group=dict(word2rhyme_group), + rhyme_group_counts=dict(rhyme_group_counts), + rhyme_groups=rhyme_groups, + index2rhyme_group=index2rhyme_group, + rhyme_group2index=rhyme_group2index, + total_rhyme_groups=total_rhyme_groups) + + +class Dataset: + def __init__(self, args): + print('loading data') + random.seed(args.seed) + self.batch_size = args.batch_size + self.data_dir = args.data_dir + self.topic = args.task == 'topic' + self.formality = args.task == 'formality' + self.iambic = args.task == 'iambic' + self.rhyme = args.task == 'rhyme' + self.newline = args.task == 'newline' + + self.tokenizer = AutoTokenizer.from_pretrained(FORMALITY_MODEL_STRING if self.formality else TOPIC_MODEL_STRING) + self.tokenizer.add_special_tokens({'pad_token': PAD_TOKEN}) + self.gpt_pad_id = self.tokenizer.encode(PAD_TOKEN)[0] # actually just the vocab size + sentences = [] + self.vocab = defaultdict(lambda: 0) + if self.formality: + self.vocab['placeholder'] = 1 # anything so we don't crash + train, val, test = [], [], [] + for category, label in [('formal', 1), ('informal', 0)]: + with open(os.path.join(args.data_dir, 'train', category), 'r') as rf: + for i, line in enumerate(rf): + if len(line) > FORMALITY_MAX_LEN: + line = ' '.join(line.strip()[:FORMALITY_MAX_LEN].split()[:-1]) # cutoff words until below max len; chosen so only ~20 examples affected in dataset + if i < FORMALITY_VAL_SIZE // 2: + val.append((line.strip(), label)) + else: + train.append((line.strip(), label)) + with open(os.path.join(args.data_dir, 'test', category), 'r') as rf: + for line in rf: + if len(line) > FORMALITY_MAX_LEN: + line = ' '.join(line.strip()[:FORMALITY_MAX_LEN].split()[:-1]) # cutoff words until below max len + test.append((line.strip(), label)) + self.splits = {} + self.splits['train'], self.splits['val'], self.splits['test'] = train, val, test + else: # topic / poetry + for root, _, filenames in os.walk(args.data_dir): + for fname in filenames: + with open(os.path.join(root, fname), 'r') as rf: + for line in rf: + sentences.append(line.strip()) + for word in line.strip().split(' '): + self.vocab[word] += 1 + random.shuffle(sentences) + self.splits = {} + if args.debug: + self.splits['val'] = sentences + self.splits['test'] = sentences + self.splits['train'] = sentences + else: + self.splits['val'] = sentences[:TOPIC_VAL_SIZE] + self.splits['test'] = sentences[TOPIC_VAL_SIZE:2*TOPIC_VAL_SIZE] + self.splits['train'] = sentences[2*TOPIC_VAL_SIZE:] + + if args.dataset_info is not None: + print('loading dataset info from file') + with open(args.dataset_info, 'rb') as rf: + dataset_info = pickle.load(rf) + self.vocab, self.total_words, self.index2word, self.word2index, self.glove_embeddings = \ + dataset_info.vocab, dataset_info.total_words, dataset_info.index2word, dataset_info.word2index, dataset_info.glove_embeddings + self.dataset_info = dataset_info + else: + print('generating dataset info from scratch') + words_values = list(self.vocab.items()) + words_values = sorted(words_values, key=lambda x: x[1], reverse=True) + if args.glove_file is None: + print('no glove embeddings given') + for word, _ in words_values[VOCAB_SIZE:]: # only use somewhat common tokens + del self.vocab[word] + glove_embeddings = None + else: + print('loading glove embeddings') + glove_embeddings = {} + with open(args.glove_file, 'r') as rf: + for i, line in enumerate(rf): + if i % GLOVE_PRINT_PROGRESS_FREQ == 0: + print(i) + line = line.strip().split() + if len(line) != GLOVE_DIM + 1: + continue # skip multi-word embeddings which are rare anyway + glove_embeddings[line[0]] = [float(x) for x in line[1:]] + for word, _ in words_values: + if word not in glove_embeddings: + del self.vocab[word] + self.total_words = sum(self.vocab.values()) + self.index2word = [PAD_TOKEN] + sorted(list(self.vocab.keys())) + self.word2index = {s: i for i, s in enumerate(self.index2word)} + self.vocab = dict(self.vocab) # so we can pickle later + if glove_embeddings is None: + self.glove_embeddings = None + else: + self.glove_embeddings = torch.stack([torch.zeros(GLOVE_DIM)] + [torch.Tensor(glove_embeddings[word]) for word in self.index2word[1:]], dim=0) + + self.dataset_info = DatasetInfo(index2word=self.index2word, + word2index=self.word2index, + total_words=self.total_words, + vocab=self.vocab, + glove_embeddings=self.glove_embeddings) + + if self.rhyme: + if args.rhyme_info is not None: + print('loading rhyme info from file') + with open(args.rhyme_info, 'rb') as rf: + self.rhyme_info = pickle.load(rf) + else: + self.rhyme_info = load_rhyme_info(self.index2word, self.vocab) + self.word2rhyme_group, self.rhyme_group_counts, self.rhyme_groups, self.index2rhyme_group, self.rhyme_group2index, self.total_rhyme_groups = \ + defaultdict(lambda: UNKNOWN_RHYME_GROUP, self.rhyme_info.word2rhyme_group), self.rhyme_info.rhyme_group_counts, self.rhyme_info.rhyme_groups, self.rhyme_info.index2rhyme_group, self.rhyme_info.rhyme_group2index, self.rhyme_info.total_rhyme_groups + + print('done loading data') + print('split sizes:') + for key in ['train', 'val', 'test']: + print(key, len(self.splits[key])) + if not self.formality: + print('total words', self.total_words) + print('vocab size', len(self.index2word)) + + + def shuffle(self, split, seed=None): + assert split in ['train', 'val', 'test'] + if seed is not None: + random.seed(seed) + random.shuffle(self.splits[split]) + + + def loader(self, split, num_workers=20, indices=None): + assert split in ['train', 'val', 'test'] + data = self.splits[split] if indices is None else [self.splits[split][i] for i in indices] + return torch.utils.data.DataLoader(SplitLoader(data, self), batch_size=self.batch_size, pin_memory=True, collate_fn=collate, num_workers=num_workers) + + +class SplitLoader(torch.utils.data.IterableDataset): + def __init__(self, data, parent): + super(SplitLoader).__init__() + self.data = data + self.pos = 0 + self.parent = parent + + + def __len__(self): + return len(self.data) + + + def __iter__(self): + return self + + + def __next__(self): + increment = 1 + worker_info = torch.utils.data.get_worker_info() + if worker_info is not None: # # in a worker process + increment = worker_info.num_workers + worker_id = worker_info.id + if self.pos == 0: + self.pos = worker_id + valid = False + while not valid: + if self.pos >= len(self): + raise StopIteration + if self.parent.topic: + failed = False + future_word_num_syllables, rhyme_group_index, syllables_to_go = -1, -1, -1 + raw_sentence, classification_label = self.data[self.pos], -1 + original_sentence = raw_sentence.split() + sentence = self.parent.tokenizer.encode(raw_sentence, return_tensors='pt')[0] + length = len(sentence) + min_sentence_length = MIN_SENTENCE_LENGTH + if len(sentence) > min_sentence_length: # set to 3. well, everything in data is > 3 for the bag of words task + pos_to_split = random.randint(1, length - 1) # for lm, learn all positions at once + inp = sentence[:pos_to_split] + length = len(inp) + num_words_in_input = len(self.parent.tokenizer.decode(inp).split()) + if not failed and num_words_in_input < len(original_sentence): + future_word_position_max = len(original_sentence) - 1 + future_word_position = random.randint(num_words_in_input-1, future_word_position_max) # allow the last possibly partial word though + future_word = original_sentence[future_word_position] + unstripped_future_word = future_word + future_word = future_word.strip().strip(string.punctuation) # NOTE: we didn't strip punctuation for the topic bag of words paper experiments for our method. it doesn't make much difference, though. + if not failed and future_word in self.parent.word2index.keys(): + word_log_prob = math.log(self.parent.vocab[future_word] / self.parent.total_words) # roughly baseline prob of word under noise model + future_word = self.parent.word2index[future_word] + pad_id = self.parent.gpt_pad_id + example = (inp, length, future_word, word_log_prob, pad_id, classification_label, syllables_to_go, future_word_num_syllables, rhyme_group_index) + valid = not failed + elif self.parent.formality: + future_word_num_syllables, rhyme_group_index, syllables_to_go = -1, -1, -1 + raw_sentence, classification_label = self.data[self.pos] + original_sentence = raw_sentence.split() + sentence = self.parent.tokenizer.encode(raw_sentence, return_tensors='pt')[0] + length = len(sentence) + min_sentence_length = MIN_SENTENCE_LENGTH + if len(sentence) > min_sentence_length: # set to 3. well, everything in data is > 3 for the bag of words task + pos_to_split = length # no need to split; we're going to train on all possible prefixes simultaneously for efficiency + inp = sentence[:pos_to_split] + length = len(inp) + num_words_in_input = len(self.parent.tokenizer.decode(inp).split()) + # only look up to 10 words ahead if we're doing count syllables, since we'll filter out anything more than 10 syllables ahead anyway + future_word_position_max = len(original_sentence) - 1 + future_word_position = 0 + future_word = 'placeholder' + unstripped_future_word = future_word + future_word = future_word.strip().strip(string.punctuation) # NOTE: we didn't strip punctuation for the topic bag of words paper experiments for our method. it doesn't make much difference, though. + word_log_prob, future_word = 0, 0 + pad_id = self.parent.gpt_pad_id + example = (inp, length, future_word, word_log_prob, pad_id, classification_label, syllables_to_go, future_word_num_syllables, rhyme_group_index) + valid = True + elif self.parent.iambic: + failed = False + future_word_num_syllables, rhyme_group_index, syllables_to_go = -1, -1, -1 + raw_sentence, classification_label = self.data[self.pos], -1 + original_sentence = raw_sentence.split() + sentence = self.parent.tokenizer.encode(raw_sentence, return_tensors='pt')[0] + length = len(sentence) + min_sentence_length = MIN_SENTENCE_LENGTH + if len(sentence) > min_sentence_length: # set to 3. well, everything in data is > 3 for the bag of words task + pos_to_split = random.randint(0, length - 1) + # try to get a subseq of exactly 10 syllables + inp = sentence[pos_to_split:] + num_syllables = 0 + checked = False + for i in range(1, len(inp)): + decoded = self.parent.tokenizer.decode(inp[:i]) + num_syllables = count_syllables(decoded) + if num_syllables > POETRY_LINE_SYLLABLES: + inp = inp[:i-1] # might get a few data points where the split is in the middle of a word, but it should be ok for learning. + last_line_length = i-1 + decoded = self.parent.tokenizer.decode(inp) + num_syllables = count_syllables(decoded) + checked = True + break + if not checked or num_syllables != POETRY_LINE_SYLLABLES: + failed = True + length = len(inp) + num_words_in_input = len(self.parent.tokenizer.decode(inp).split()) + classification_label = [is_iambic(self.parent.tokenizer.decode(inp)) for _ in range(length)] # predict for whole seq including future + # only look up to 10 words ahead if we're doing count syllables, since we'll filter out anything more than 10 syllables ahead anyway + future_word_position_max = len(original_sentence) - 1 + future_word_position = 0 + future_word = 'placeholder' + unstripped_future_word = future_word + future_word = future_word.strip().strip(string.punctuation) # NOTE: we didn't strip punctuation for the topic bag of words paper experiments for our method. it doesn't make much difference, though. + if not failed: + word_log_prob, future_word = 0, 0 + pad_id = self.parent.gpt_pad_id + example = (inp, length, future_word, word_log_prob, pad_id, classification_label, syllables_to_go, future_word_num_syllables, rhyme_group_index) + valid = not failed + elif self.parent.rhyme: + failed = False + future_word_num_syllables, rhyme_group_index = -1, -1 + raw_sentence, classification_label = self.data[self.pos], -1 + original_sentence = raw_sentence.split() + sentence = self.parent.tokenizer.encode(raw_sentence, return_tensors='pt')[0] + length = len(sentence) + min_sentence_length = MIN_SENTENCE_LENGTH + if len(sentence) > min_sentence_length: # set to 3. well, everything in data is > 3 for the bag of words task + pos_to_split = random.randint(1, length - 1) # for lm, learn all positions at once + inp = sentence[:pos_to_split] + length = len(inp) + num_words_in_input = len(self.parent.tokenizer.decode(inp).split()) + if not failed and num_words_in_input < len(original_sentence): + # only look up to 10 words ahead if we're doing count syllables, since we'll filter out anything more than 10 syllables ahead anyway + future_word_position_max = min(len(original_sentence) - 1, num_words_in_input + MAX_COUNT_SYLLABLE_DIST) + future_word_position = random.randint(num_words_in_input-1, future_word_position_max) # allow the last possibly partial word though + future_word = original_sentence[future_word_position] + unstripped_future_word = future_word + future_word = future_word.strip().strip(string.punctuation) # NOTE: we didn't strip punctuation for the topic bag of words paper experiments for our method. it doesn't make much difference, though. + + words_in_between = original_sentence[num_words_in_input-1:future_word_position+1] + syllables_to_go = count_syllables(' '.join(words_in_between)) + if syllables_to_go > MAX_COUNT_SYLLABLE_DIST: + failed = True + future_word_num_syllables = count_syllables(future_word) + rhyme_group = self.parent.word2rhyme_group[future_word] + rhyme_group_index = self.parent.rhyme_group2index[rhyme_group] + # truncate context a bit since we're just doing couplets. random length from 1 to max desired length for this purpose. + desired_length = random.randint(1, MAX_COUNT_SYLLABLE_INPUT_LENGTH) + inp = inp[-desired_length:] + length = len(inp) + + if not failed and future_word in self.parent.word2index.keys(): + word_log_prob = math.log(self.parent.rhyme_group_counts[rhyme_group] / self.parent.total_rhyme_groups) + future_word = rhyme_group_index # future conditioning is just the rhyme group in this case + pad_id = self.parent.gpt_pad_id + example = (inp, length, future_word, word_log_prob, pad_id, classification_label, syllables_to_go, future_word_num_syllables, rhyme_group_index) + valid = not failed + elif self.parent.newline: + failed = False + future_word_num_syllables, rhyme_group_index = -1, -1 + raw_sentence, classification_label = self.data[self.pos], -1 + original_sentence = raw_sentence.split() + sentence = self.parent.tokenizer.encode(raw_sentence, return_tensors='pt')[0] + length = len(sentence) + min_sentence_length = MIN_SENTENCE_LENGTH + if len(sentence) > min_sentence_length: # set to 3. well, everything in data is > 3 for the bag of words task + pos_to_split = random.randint(1, length - 1) # for lm, learn all positions at once + inp = sentence[:pos_to_split] + while pos_to_split < len(sentence): + if len(self.parent.tokenizer.decode(inp).split()) == len(self.parent.tokenizer.decode(sentence[:pos_to_split + 1]).split()): + pos_to_split += 1 + inp = sentence[:pos_to_split] + else: + break + length = len(inp) + num_words_in_input = len(self.parent.tokenizer.decode(inp).split()) + if not failed and num_words_in_input < len(original_sentence): + # only look up to 10 words ahead if we're doing count syllables, since we'll filter out anything more than 10 syllables ahead anyway + future_word_position_max = len(original_sentence) - 1 + future_word_position = random.randint(num_words_in_input-1, future_word_position_max) # allow the last possibly partial word though + future_word = original_sentence[future_word_position] + unstripped_future_word = future_word + future_word = future_word.strip().strip(string.punctuation) # NOTE: we didn't strip punctuation for the topic bag of words paper experiments for our method. it doesn't make much difference, though. + + # future_word = original_sentence[-1] # useful for debugging + words_in_between = original_sentence[num_words_in_input-1:future_word_position+1] + syllables_to_go = count_syllables(' '.join(words_in_between)) + if syllables_to_go > MAX_COUNT_SYLLABLE_DIST: + failed = True + # truncate context a bit since we're just doing couplets. random length from 1 to max desired length for this purpose. + desired_length = random.randint(1, MAX_COUNT_SYLLABLE_INPUT_LENGTH) + # desired_length = 10 # useful for debugging + inp = inp[-desired_length:] + length = len(inp) + true_label = 1 if unstripped_future_word.strip()[-1] in PHRASE_ENDS else 0 # common ways to end a phrase + classification_label = [-1 for _ in range(length)] + classification_label[-1] = true_label # only learn at the last position + if not failed and future_word in self.parent.word2index.keys(): + word_log_prob = math.log(self.parent.vocab[future_word] / self.parent.total_words) # roughly baseline prob of word under noise model + future_word = self.parent.word2index[future_word] + pad_id = self.parent.gpt_pad_id + example = (inp, length, future_word, word_log_prob, pad_id, classification_label, syllables_to_go, future_word_num_syllables, rhyme_group_index) + valid = not failed + else: + raise NotImplementedError + + self.pos += increment + return example \ No newline at end of file diff --git a/fudge/eval_formality_metrics.py b/fudge/eval_formality_metrics.py new file mode 100644 index 0000000000000000000000000000000000000000..972a5f46f6207f1aa1e0a8833452738c68d404ad --- /dev/null +++ b/fudge/eval_formality_metrics.py @@ -0,0 +1,73 @@ +from argparse import ArgumentParser +import pickle +import os +import math + +import sacrebleu +import numpy as np +import torch +from transformers import AutoTokenizer, AutoModelWithLMHead, pipeline, set_seed, GPT2Tokenizer, GPT2Model, MarianTokenizer, MarianMTModel + +from constants import * +from model import Model +from util import save_checkpoint, ProgressMeter, AverageMeter, num_params + +def avg_formality(preds, model, tokenizer, device='cuda'): + probs = [] + for sent in preds: + encoded_input = tokenizer.encode(sent, return_tensors='pt').to(device) + lengths = torch.LongTensor([encoded_input.shape[1]]).to(device) + scores = model(encoded_input, lengths=lengths) # batch x seq + score = scores.flatten()[-1].item() + probs.append(math.exp(score) / (1 + math.exp(score))) # sigmoided score = prob + return np.mean(probs) + +if __name__=='__main__': + parser = ArgumentParser() + parser.add_argument('--pred', type=str) + parser.add_argument('--ref', type=str, nargs='*', help='bleu refs') + parser.add_argument('--ckpt', type=str, help='formality classifier') + parser.add_argument('--dataset_info', type=str) + parser.add_argument('--device', type=str, default='cuda', choices=['cpu', 'cuda']) + parser.add_argument('--model_string', type=str, default='Helsinki-NLP/opus-mt-es-en') + + args = parser.parse_args() + + # refs = [['The dog bit the man.', 'It was not unexpected.', 'The man bit him first.'], + # ['The dog had bit the man.', 'No one was surprised.', 'The man had bitten the dog.']] + # sys = ['The dog bit the man.', "It wasn't surprising.", 'The man had just bitten him.'] + print('num ref files', len(args.ref)) + pred = [] + with open(args.pred, 'r') as rf: + for line in rf: + pred.append(line.strip()) + refs = [] + for ref_file in args.ref: + ref = [] + with open(ref_file, 'r') as rf: + for line in rf: + ref.append(line.strip()) + assert len(ref) == len(pred) + refs.append(ref) + bleu = sacrebleu.corpus_bleu(pred, refs) + print('BLEU score:', bleu.score) + + with open(args.dataset_info, 'rb') as rf: + dataset_info = pickle.load(rf) + + tokenizer = MarianTokenizer.from_pretrained(args.model_string) + tokenizer.add_special_tokens({'pad_token': PAD_TOKEN}) + pad_id = tokenizer.encode(PAD_TOKEN)[0] + + checkpoint = torch.load(args.ckpt, map_location=args.device) + model_args = checkpoint['args'] + conditioning_model = Model(model_args, pad_id, len(dataset_info.index2word)) # no need to get the glove embeddings when reloading since they're saved in model ckpt anyway + conditioning_model.load_state_dict(checkpoint['state_dict']) + conditioning_model = conditioning_model.to(args.device) + conditioning_model.eval() + print("=> loaded checkpoint '{}' (epoch {})" + .format(args.ckpt, checkpoint['epoch'])) + print('num params', num_params(conditioning_model)) + + print('avg formality prob according to model', avg_formality(pred, conditioning_model, tokenizer, device=args.device)) + diff --git a/fudge/eval_poetry_metrics.py b/fudge/eval_poetry_metrics.py new file mode 100644 index 0000000000000000000000000000000000000000..8ab7874bf3bf27b118ee6760fd7073aa83eecd4c --- /dev/null +++ b/fudge/eval_poetry_metrics.py @@ -0,0 +1,135 @@ +from argparse import ArgumentParser +import math +import string + +from tqdm import tqdm +import numpy as np +import torch +import torch.nn.functional as F +from transformers import AutoTokenizer, AutoModelWithLMHead, AutoModelForSequenceClassification + +from poetry_util import is_iambic, perfect_rhyme_end, count_syllables +from constants import * + + +def conditional_perplexity(prefix, pred, tokenizer, model, device='cuda', sep_losses=False): + # calculate perplexity on pred only, conditioned on prefix + sentence = prefix + pred + sos_token = tokenizer.decode([0]) + prefix_tensor_input = tokenizer.encode(sos_token + prefix.replace(EOT_TOKEN, ' ').strip(), return_tensors='pt').to(device) + full_tensor_input = tokenizer.encode(sos_token + sentence.replace(EOT_TOKEN, ' ').strip(), return_tensors='pt').to(device) + if sep_losses: + prefix_loss = model(prefix_tensor_input, labels=prefix_tensor_input)[0].sum() + full_loss = model(full_tensor_input, labels=full_tensor_input)[0].sum() + else: + prefix_loss = model(prefix_tensor_input, labels=prefix_tensor_input)[0] * (prefix_tensor_input.shape[1]-1) # neg log prob of prefix + full_loss = model(full_tensor_input, labels=full_tensor_input)[0] * (full_tensor_input.shape[1]-1) # neg log prob of full seq + pred_loss = full_loss - prefix_loss # neg log prob of preds given prefix + avg_pred_loss = pred_loss / (full_tensor_input.shape[1] - prefix_tensor_input.shape[1]) + return math.exp(avg_pred_loss.item()) + + +def grammaticality(sentences, tokenizer, model, device='cuda'): + with torch.no_grad(): + total_good = 0 + for sent in tqdm(sentences, total=len(sentences)): + good_prob = F.softmax(model(tokenizer.encode(sent, return_tensors='pt').to(device))[0].flatten(), dim=0)[1] + total_good += good_prob + return total_good / len(sentences) # avg probability of grammaticality according to model + + +def distinctness(sentences): + d1 = set() + d2 = set() + d3 = set() + total_words = 0 + for sentence in sentences: + o = sentence.split(' ') + total_words += len(o) + d1.update(o) + for i in range(len(o) - 1): + d2.add(o[i] + '_' + o[i+1]) + for i in range(len(o) - 2): + d3.add(o[i] + '_' + o[i+1] + '_' + o[i+2]) + return len(d1) / total_words, len(d2) / total_words, len(d3) / total_words + + +if __name__=='__main__': + parser = ArgumentParser() + parser.add_argument('--pred_file', type=str) + parser.add_argument('--prefix_file', type=str) + parser.add_argument('--device', type=str, default='cuda', choices=['cpu', 'cuda']) + args = parser.parse_args() + + preds = [] + with open(args.pred_file, 'r') as rf: + for line in rf: + preds.append(line[:-1]) # drop \n but not beginning spaces if any + prefixes = [] + with open(args.prefix_file, 'r') as rf: + for line in rf: + prefixes.append(line.strip()) + assert len(prefixes) == len(preds) + rhymes = 0 + iambic = 0 + ten_syllables = 0 + end = 0 + diff_rhymes = 0 + all_success = 0 + total = len(prefixes) + for prefix, pred in zip(prefixes, preds): + if is_iambic(pred): + iambic += 1 + if perfect_rhyme_end(prefix, pred): + rhymes += 1 + if prefix.split()[-1].strip(string.punctuation) != pred.split()[-1].strip(string.punctuation): + diff_rhymes += 1 + if count_syllables(pred) == 10: + ten_syllables += 1 + if pred.strip()[-1] in PHRASE_ENDS: + end += 1 + if is_iambic(pred) and perfect_rhyme_end(prefix, pred) and count_syllables(pred) == 10 and pred.strip()[-1] in PHRASE_ENDS: + all_success += 1 + print('iambic', iambic, 'out of', total, ', frac', iambic / total) + print('rhymes', rhymes, 'out of', total, ', frac', rhymes / total) + print('end sentence', end, 'out of', total, ', frac', end / total) + print('10 syllables', ten_syllables, 'out of', total, ', frac', ten_syllables / total) + print('all success', all_success, 'out of', total, ', frac', all_success / total) + print('rhymes with diff word', diff_rhymes, 'out of', total, ', frac', diff_rhymes / total) + + print('distinctness', distinctness(preds)) + + grammar_tokenizer = AutoTokenizer.from_pretrained('textattack/roberta-base-CoLA') + grammar_model = AutoModelForSequenceClassification.from_pretrained('textattack/roberta-base-CoLA').to(args.device) + grammar_model.eval() + print('grammaticality', grammaticality(preds, grammar_tokenizer, grammar_model, device=args.device)) + + perplexities = [] + eval_tokenizer = AutoTokenizer.from_pretrained('transfo-xl-wt103') + eval_model = AutoModelWithLMHead.from_pretrained('transfo-xl-wt103').to(args.device) + eval_model.eval() + for prefix, pred in zip(prefixes, preds): + perplexities.append(conditional_perplexity(prefix, pred, eval_tokenizer, eval_model, device=args.device, sep_losses=True)) + print('transformer xl perplexity', np.mean(perplexities), '+/-', np.std(perplexities)) + + perplexities = [] + eval_tokenizer = AutoTokenizer.from_pretrained('openai-gpt') + eval_model = AutoModelWithLMHead.from_pretrained('openai-gpt').to(args.device) + eval_model.eval() + for prefix, pred in zip(prefixes, preds): + perplexities.append(conditional_perplexity(prefix, pred, eval_tokenizer, eval_model, device=args.device)) + print('gpt perplexity', np.mean(perplexities), '+/-', np.std(perplexities)) + + # NOTE: uncomment this section with the path to the Shakespeare-finetuned GPT to evaluate this metric. it's in ckpt/poetry/gpt_finetune_shakespeare.pth.tar. + # eval_tokenizer = AutoTokenizer.from_pretrained('openai-gpt') + # eval_model = AutoModelWithLMHead.from_pretrained('openai-gpt').to(args.device) + # checkpoint = torch.load('***PATH_TO_SHAKESPEARE_FINETUNED_GPT***', map_location=args.device) + # mod_dict = {} + # for key in checkpoint['state_dict']: + # mod_dict[key.replace('classifier.', '')] = checkpoint['state_dict'][key] + # eval_model.load_state_dict(mod_dict) + # eval_model.eval() + # perplexities = [] + # for prefix, pred in zip(prefixes, preds): + # perplexities.append(conditional_perplexity(prefix, pred, eval_tokenizer, eval_model, device=args.device)) + # print('shakespeare finetuned perplexity', np.mean(perplexities), '+/-', np.std(perplexities)) diff --git a/fudge/eval_topic_metrics.py b/fudge/eval_topic_metrics.py new file mode 100644 index 0000000000000000000000000000000000000000..aec7c42f2797cadf8b91e16d991de7408de8764c --- /dev/null +++ b/fudge/eval_topic_metrics.py @@ -0,0 +1,134 @@ +import os +import random +import time +import pickle +import math +from argparse import ArgumentParser +from collections import defaultdict +import string +import csv + +from tqdm import tqdm +import numpy as np +import torch +import torch.nn as nn +import torch.nn.functional as F +from transformers import AutoTokenizer, AutoModelWithLMHead, AutoModelForSequenceClassification + +from data import Dataset +from model import Model +from util import save_checkpoint, ProgressMeter, AverageMeter, num_params, pad_mask +from predict import predict +from constants import * + +def tw_topic_eval(sentences, category, tw_dir, cap=None): + # num matches of distinct words + words = [] + with open(os.path.join(tw_dir, category + '.txt'), 'r') as rf: + for line in rf: + words.append(line.strip().lower()) + num_match = 0 + for sent in sentences: + sent_match = 0 + sent = sent.strip().lower().split() + sent = [tok.strip(string.punctuation) for tok in sent] + for word in words: + if word in sent: + sent_match += 1 + if cap is None: + num_match += sent_match + else: + num_match += min(cap, sent_match) + return num_match + + +def perplexity(sentences, tokenizer, model, device='cuda'): + # calculate perplexity + with torch.no_grad(): + ppl = [] + sos_token = tokenizer.decode([0]) + for sentence in tqdm(sentences, total=len(sentences)): + full_tensor_input = tokenizer.encode(sos_token + sentence.replace(EOT_TOKEN, ' ').strip(), return_tensors='pt').to(device) + full_loss = model(full_tensor_input, labels=full_tensor_input)[0].mean() + ppl.append(torch.exp(full_loss).flatten().cpu().item()) + return np.mean(ppl), np.std(ppl) + + +def grammaticality(sentences, tokenizer, model, device='cuda'): + with torch.no_grad(): + total_good = 0 + for sent in tqdm(sentences, total=len(sentences)): + good_prob = F.softmax(model(tokenizer.encode(sent, return_tensors='pt').to(device))[0].flatten(), dim=0)[1] + total_good += good_prob + return total_good / len(sentences) # avg probability of grammaticality according to model + + +def distinctness(results): + d1, d2, d3 = defaultdict(lambda: set()), defaultdict(lambda: set()), defaultdict(lambda: set()) + total_words = defaultdict(lambda: 0) + for cw, outputs in results.items(): + for o in outputs: + o = o.replace(EOT_TOKEN, ' ').strip().split(' ') + o = [str(x) for x in o] + total_words[cw] += len(o) + d1[cw].update(o) + for i in range(len(o) - 1): + d2[cw].add(o[i] + ' ' + o[i+1]) + for i in range(len(o) - 2): + d3[cw].add(o[i] + ' ' + o[i+1] + ' ' + o[i+2]) + return_info = [] + avg_d1, avg_d2, avg_d3 = 0, 0, 0 + for cw in total_words.keys(): + return_info.append((cw, 'DISTINCTNESS', len(d1[cw]) / total_words[cw], len(d2[cw]) / total_words[cw], len(d3[cw]) / total_words[cw])) + avg_d1 += len(d1[cw]) / total_words[cw] + avg_d2 += len(d2[cw]) / total_words[cw] + avg_d3 += len(d3[cw]) / total_words[cw] + avg_d1, avg_d2, avg_d3 = avg_d1 / len(total_words.keys()), avg_d2 / len(total_words.keys()), avg_d3 / len(total_words.keys()) + return return_info, (avg_d1, avg_d2, avg_d3) + + +if __name__=='__main__': + parser = ArgumentParser() + parser.add_argument('--log_file', type=str, required=True, help='where to load results from') + parser.add_argument('--tw_dir', type=str, default='test_wordlists', help='test wordlists') + parser.add_argument('--batch_size', type=int, default=8, help='max samples at a time') + parser.add_argument('--cap_per_example', type=int, default=None, help='max matches to count per sentence') + parser.add_argument('--device', type=str, default='cuda', choices=['cpu', 'cuda']) + args = parser.parse_args() + + tw_topic_match_c_total = 0 + category_totals_c = defaultdict(lambda:0) + results = defaultdict(lambda: []) + with open(args.log_file, 'r') as rf: + data = list(csv.DictReader(rf)) + for line in data: + results[line['category']].append(line['generation']) + + all_c_sents = [] + for category, condition_results in results.items(): + tw_topic_match_c = tw_topic_eval(condition_results, category, args.tw_dir, cap=args.cap_per_example) + tw_topic_match_c_total += tw_topic_match_c + category_totals_c[category] += tw_topic_match_c + all_c_sents += condition_results + + print('Test wordlist matches (divide by num outputs to get the Success metric):', tw_topic_match_c_total) + print('per category:', category_totals_c) + + dist_info_by_category, dist_overall = distinctness(results) + print('Overall avg distinctness:', dist_overall) + print('per category:', dist_info_by_category) + + grammar_tokenizer = AutoTokenizer.from_pretrained('textattack/roberta-base-CoLA') + grammar_model = AutoModelForSequenceClassification.from_pretrained('textattack/roberta-base-CoLA').to(args.device) + grammar_model.eval() + print('grammaticality:', grammaticality(all_c_sents, grammar_tokenizer, grammar_model, device=args.device)) + + eval_tokenizer = AutoTokenizer.from_pretrained('openai-gpt') + eval_model = AutoModelWithLMHead.from_pretrained('openai-gpt').to(args.device) + eval_model.eval() + print('GPT perplexity:', perplexity(all_c_sents, eval_tokenizer, eval_model)) + + eval_tokenizer = AutoTokenizer.from_pretrained('transfo-xl-wt103') + eval_model = AutoModelWithLMHead.from_pretrained('transfo-xl-wt103').to(args.device) + eval_model.eval() + print('TFXL perplexity:', perplexity(all_c_sents, eval_tokenizer, eval_model)) diff --git a/fudge/evaluate_clickbait.py b/fudge/evaluate_clickbait.py new file mode 100644 index 0000000000000000000000000000000000000000..476955aba7ea6ade2c9eaca9fcd959d92b0ae948 --- /dev/null +++ b/fudge/evaluate_clickbait.py @@ -0,0 +1,200 @@ +import os +import random +import time +import pickle +import math +from argparse import ArgumentParser + +from typing import Iterable, List, Optional, Tuple + +from tqdm import tqdm +import numpy as np +import torch +import torch.nn as nn +import torch.nn.functional as F +from transformers import AutoTokenizer, AutoModelWithLMHead +from torch import Tensor + +from fudge.data import Dataset +from fudge.model import Model +from fudge.util import num_params +from fudge.constants import * + + + +tokenizer = AutoTokenizer.from_pretrained('google/pegasus-xsum') +classifier_tokenizer = AutoTokenizer.from_pretrained('sentence-transformers/all-mpnet-base-v2') + + +def main(args): + with open(args.dataset_info, 'rb') as rf: + dataset_info = pickle.load(rf) + + article_content = """Australian actor Guy Pearce will return for the iconic soap Neighbours finale on August 1 to reprise his role as Mike Young. + Guy, 54, played the troubled Mike from 1986 to 1989, and is now set to make a comeback on the show after 33 years, Metro.co.uk reports. + The star's character arcs explored the implications of domestic abuse, student-teacher relationships and dealing with loss of loved ones. + Speaking to Metro.co.uk, Guy said: 'It is very exciting and surreal at the same time being back on set again, however it feels like coming home. + 'It's where it all started for me professionally. I've been asked to come back on occasions over the years and wondered if it was the right thing + to do, but once I knew the show was finishing, I knew I had to do it.'He added that there is 'nothing like being here all together again' + , even though he's had a chance to catch-up with other cast members.""" + + tokenizer.add_special_tokens({'pad_token': PAD_TOKEN}) + pad_id = tokenizer.encode(PAD_TOKEN)[0] + + #For loading Clickbait summarizer + model = AutoModelWithLMHead.from_pretrained(args.model_string, return_dict=True).to(args.device) + + model.eval() + + checkpoint = torch.load(args.ckpt, map_location=args.device) + model_args = checkpoint['args'] + conditioning_model = Model(model_args, pad_id, len(dataset_info.index2word)) # no need to get the glove embeddings when reloading since they're saved in model ckpt anyway + conditioning_model.load_state_dict(checkpoint['state_dict']) + conditioning_model = conditioning_model.to(args.device) + conditioning_model.eval() + print("=> loaded checkpoint '{}' (epoch {})" + .format(args.ckpt, checkpoint['epoch'])) + print('num params', num_params(conditioning_model)) + + while True: + results = generate_clickbait(model, + tokenizer, + conditioning_model, + [args.input_text], + dataset_info, + precondition_topk=args.precondition_topk, + do_sample=args.do_sample, + length_cutoff=args.length_cutoff, + condition_lambda=args.condition_lambda, + article_content=article_content, + device=args.device) + # print(results) + import pdb; pdb.set_trace() + + +def generate_clickbait(model, + tokenizer, + conditioning_model, + input_text, + dataset_info, + precondition_topk, + length_cutoff, + condition_lambda=1.0, + article_content=None, + device='cuda'): + with torch.no_grad(): + batch_size = len(input_text) + # encoded_input_article = [tokenizer.encode(article_content, return_tensors='pt',add_special_tokens=False).to(device)] # batch x seq + encoded_input_article = tokenizer(article_content, return_tensors='pt',add_special_tokens=False, max_length=512).to(device) # batch x seq + # encoded_input_article = torch.cat(encoded_input_article, dim=0) + # attention_mask = encoded_input_article.new_ones(encoded_input_article.shape).to(device) + + # CHANGE=ko + encoded_input = tokenizer('', return_tensors='pt',add_special_tokens=False).to(device) # batch x seq + # encoded_input = tokenizer(''+ input_text[0], return_tensors='pt',add_special_tokens=False).to(device) # batch x seq + # encoded_input = torch.cat(encoded_input, dim=0) + encoded_input = encoded_input['input_ids'] + + + lengths = torch.LongTensor([encoded_input.shape[1]]).to(device) + # lengths = 1 + + past = None + use_cache = True + + # CHANGE + # model_kwargs = {'encoder_outputs': model.get_encoder()(encoded_input_article, attention_mask=attention_mask)} + # print(encoded_input_article) + # print(encoded_input_article['input_ids'].shape, encoded_input_article['attention_mask'].shape) + model_kwargs = {'encoder_outputs': model.get_encoder()(input_ids=encoded_input_article['input_ids'], + attention_mask=encoded_input_article['attention_mask'], + return_dict=True, + output_attentions=False, + output_hidden_states=False), + } + + while lengths.max() < length_cutoff: + model_inputs = model.prepare_inputs_for_generation( + input_ids = encoded_input_article['input_ids'], + decoder_input_ids=encoded_input, + # past=past, + attention_mask=encoded_input_article['attention_mask'], + use_cache=use_cache, + **model_kwargs + ) + + outputs = model(**model_inputs, return_dict=True) + logits = outputs.logits[:, -1, :] + + if "past_key_values" in outputs: + model_kwargs["past"] = outputs.past_key_values + + # logits = model(encoded_input)[0][:, -1, :] # batch x vocab + top_logits, top_indices = logits.topk(precondition_topk, dim=1) # batch x topk + new_input_candidates = torch.cat([encoded_input.unsqueeze(1).expand(-1, precondition_topk, -1), top_indices.unsqueeze(2)], dim=2) # batch x topk x seq+1 + expanded_lengths = (lengths + 1).unsqueeze(1).expand(batch_size, precondition_topk) # batch x topk + + if condition_lambda == 0: + condition_logits = torch.zeros_like(top_logits).float() + condition_logits = condition_logits.view(batch_size, precondition_topk, -1) # batch x topk x N + else: + decoded_outputs = tokenizer.batch_decode(new_input_candidates.view(-1, new_input_candidates.size(-1)), clean_up_tokenization_spaces=False) + resulting_tokenization = classifier_tokenizer(decoded_outputs, add_special_tokens=False, padding='longest') + encoded_with_classifier = resulting_tokenization['input_ids'] + attention_mask = torch.tensor(resulting_tokenization['attention_mask']).to(model.device) + tplus1_candidates_classifier = torch.tensor(encoded_with_classifier).view(batch_size, precondition_topk, -1).to(model.device) + + condition_logits = conditioning_model(tplus1_candidates_classifier.flatten(0, 1), # batch*topk x seq+1 + expanded_lengths.flatten(0, 1), # batch*topk + None, + None, + None, + attention_mask=attention_mask + ) + condition_logits = condition_logits.view(batch_size, precondition_topk, -1) # batch x topk x N + condition_logits = condition_logits - torch.log(1 + torch.exp(condition_logits)) # get correct log probs + + condition_logits = torch.mean(condition_logits, dim=2) + full_logits = top_logits + condition_logits * condition_lambda # batch x topk + post_logits, post_indices = full_logits.topk(precondition_topk, dim=1) + post_probs = F.softmax(post_logits, dim=1) + # index_into_top_indices = post_indices[torch.arange(batch_size).to(post_indices.device), torch.multinomial(post_probs, 1).flatten()] # batch + index_into_top_indices = post_indices[:, torch.multinomial(post_probs, 1).flatten()] # batch + + # next_indices = top_indices[torch.arange(batch_size).to(top_indices.device), index_into_top_indices] # batch + next_indices = top_indices[:, index_into_top_indices] # batch + + # encoded_input = torch.cat([encoded_input, next_indices.unsqueeze(1)], dim=1) # batch x seq+1 + encoded_input = torch.cat([encoded_input, next_indices.squeeze(1)], dim=1) + lengths = lengths + 1 # batch + +# print(tokenizer.decode(encoded_input[0], add_special_tokens=False)) + return [tokenizer.decode(s) for s in encoded_input] + + +if __name__=='__main__': + parser = ArgumentParser() + + # DATA + parser.add_argument('--ckpt', type=str, required=True) + parser.add_argument('--dataset_info', type=str, required=True, help='saved dataset info') + parser.add_argument('--model_string', type=str, default='Helsinki-NLP/opus-mt-es-en') + + parser.add_argument('--in_file', type=str, default=None, required=True, help='text to run pred on') + + parser.add_argument('--precondition_topk', type=int, default=200, help='consider top k outputs from text generation at each step before conditioning and re-pruning') + parser.add_argument('--do_sample', action='store_true', default=False, help='sample instead of greedy') + parser.add_argument('--condition_lambda', type=float, default=1.0, help='lambda weight on conditioning model') + parser.add_argument('--length_cutoff', type=int, default=512, help='max length') + + parser.add_argument('--seed', type=int, default=1, help='random seed') + parser.add_argument('--device', type=str, default='cuda', choices=['cpu', 'cuda']) + parser.add_argument('--debug', action='store_true', default=False) + + args = parser.parse_args() + + random.seed(args.seed) + np.random.seed(args.seed) + torch.manual_seed(args.seed) + + main(args) diff --git a/fudge/evaluate_formality.py b/fudge/evaluate_formality.py new file mode 100644 index 0000000000000000000000000000000000000000..054ef796486eb835377394206dbde97ac4e37d1e --- /dev/null +++ b/fudge/evaluate_formality.py @@ -0,0 +1,104 @@ +import os +import random +import time +import pickle +import math +from argparse import ArgumentParser +from collections import namedtuple + +from tqdm import tqdm +import numpy as np +import torch +import torch.nn as nn +import torch.nn.functional as F +from transformers import AutoTokenizer, AutoModelWithLMHead, pipeline, set_seed, GPT2Tokenizer, GPT2Model, MarianTokenizer, MarianMTModel + +from data import Dataset +from model import Model +from util import save_checkpoint, ProgressMeter, AverageMeter, num_params +from constants import * +from predict_formality import predict_formality + +def main(args): + with open(args.dataset_info, 'rb') as rf: + dataset_info = pickle.load(rf) + tokenizer = MarianTokenizer.from_pretrained(args.model_string) + tokenizer.add_special_tokens({'pad_token': PAD_TOKEN}) + pad_id = tokenizer.encode(PAD_TOKEN)[0] + model = MarianMTModel.from_pretrained(args.model_string, return_dict=True).to(args.device) + if args.model_path is not None: + if os.path.isdir(args.model_path): + for _, _, files in os.walk(args.model_path): + for fname in files: + if fname.endswith('.ckpt'): + args.model_path = os.path.join(args.model_path, fname) + break + ckpt = torch.load(args.model_path, map_location=torch.device(args.device)) + try: + model.load_state_dict(ckpt['state_dict'], strict=False) + except: + state_dict = {} + for key in ckpt['state_dict'].keys(): + assert key.startswith('model.') + state_dict[key[6:]] = ckpt['state_dict'][key] + model.load_state_dict(state_dict) + model.eval() + + checkpoint = torch.load(args.ckpt, map_location=args.device) + model_args = checkpoint['args'] + conditioning_model = Model(model_args, pad_id, len(dataset_info.index2word)) # no need to get the glove embeddings when reloading since they're saved in model ckpt anyway + conditioning_model.load_state_dict(checkpoint['state_dict']) + conditioning_model = conditioning_model.to(args.device) + conditioning_model.eval() + if args.verbose: + print("=> loaded checkpoint '{}' (epoch {})" + .format(args.ckpt, checkpoint['epoch'])) + print('num params', num_params(conditioning_model)) + + inputs = [] + with open(args.in_file, 'r') as rf: + for line in rf: + inputs.append(line.strip()) + + for inp in tqdm(inputs, total=len(inputs)): + results = predict_formality(model, + tokenizer, + conditioning_model, + [inp], + dataset_info, + precondition_topk=args.precondition_topk, + do_sample=args.do_sample, + length_cutoff=args.length_cutoff, + condition_lambda=args.condition_lambda, + device=args.device) + print(results[0]) + + +if __name__=='__main__': + parser = ArgumentParser() + + # DATA + parser.add_argument('--ckpt', type=str, required=True) + parser.add_argument('--dataset_info', type=str, required=True, help='saved dataset info') + parser.add_argument('--model_string', type=str, default='Helsinki-NLP/opus-mt-es-en') + parser.add_argument('--model_path', type=str, default=None) + + parser.add_argument('--in_file', type=str, default=None, required=True, help='file containing text to run pred on') + + parser.add_argument('--precondition_topk', type=int, default=200, help='consider top k outputs from gpt at each step before conditioning and re-pruning') + parser.add_argument('--do_sample', action='store_true', default=False, help='sample or greedy; only greedy implemented') + parser.add_argument('--condition_lambda', type=float, default=1.0, help='lambda weight on conditioning model') + parser.add_argument('--length_cutoff', type=int, default=512, help='max length') + + parser.add_argument('--seed', type=int, default=1, help='random seed') + parser.add_argument('--device', type=str, default='cuda', choices=['cpu', 'cuda']) + parser.add_argument('--debug', action='store_true', default=False) + parser.add_argument('--verbose', action='store_true', default=False) + + args = parser.parse_args() + + random.seed(args.seed) + np.random.seed(args.seed) + torch.manual_seed(args.seed) + + main(args) diff --git a/fudge/evaluate_poetry.py b/fudge/evaluate_poetry.py new file mode 100644 index 0000000000000000000000000000000000000000..4656878c39c53dc4647ee741e953234ec3f49393 --- /dev/null +++ b/fudge/evaluate_poetry.py @@ -0,0 +1,115 @@ +import os +import random +import time +import pickle +import math +from argparse import ArgumentParser +import string +from collections import defaultdict + +from tqdm import tqdm +import numpy as np +import torch +import torch.nn as nn +import torch.nn.functional as F +from transformers import AutoTokenizer, AutoModelWithLMHead, pipeline, set_seed, GPT2Tokenizer, GPT2Model + +from data import Dataset, load_rhyme_info +from model import Model +from util import save_checkpoint, ProgressMeter, AverageMeter, num_params +from constants import * +from poetry_util import get_rhymes, count_syllables +from predict_poetry import predict_couplet + +def main(args): + with open(args.dataset_info, 'rb') as rf: + dataset_info = pickle.load(rf) + gpt_tokenizer = AutoTokenizer.from_pretrained(args.model_string) + gpt_tokenizer.add_special_tokens({'pad_token': PAD_TOKEN}) + gpt_pad_id = gpt_tokenizer.encode(PAD_TOKEN)[0] + gpt_model = AutoModelWithLMHead.from_pretrained(args.model_string).to(args.device) + gpt_model.eval() + + checkpoint = torch.load(args.iambic_ckpt, map_location=args.device) + model_args = checkpoint['args'] + iambic_model = Model(model_args, gpt_pad_id, len(dataset_info.index2word)) # no need to get the glove embeddings when reloading since they're saved in model ckpt anyway + iambic_model.load_state_dict(checkpoint['state_dict']) + iambic_model = iambic_model.to(args.device) + iambic_model.eval() + if args.verbose: + print("=> loaded checkpoint '{}' (epoch {})" + .format(args.iambic_ckpt, checkpoint['epoch'])) + print('iambic model num params', num_params(iambic_model)) + + with open(args.rhyme_info, 'rb') as rf: + rhyme_info = pickle.load(rf) + checkpoint = torch.load(args.rhyme_ckpt, map_location=args.device) + model_args = checkpoint['args'] + rhyme_model = Model(model_args, gpt_pad_id, len(dataset_info.index2word), rhyme_group_size=len(rhyme_info.index2rhyme_group), verbose=args.verbose) # no need to get the glove embeddings when reloading since they're saved in model ckpt anyway + rhyme_model.load_state_dict(checkpoint['state_dict']) + rhyme_model = rhyme_model.to(args.device) + rhyme_model.eval() + if args.verbose: + print("=> loaded checkpoint '{}' (epoch {})" + .format(args.rhyme_ckpt, checkpoint['epoch'])) + print('rhyme model num params', num_params(rhyme_model)) + + checkpoint = torch.load(args.newline_ckpt, map_location=args.device) + model_args = checkpoint['args'] + newline_model = Model(model_args, gpt_pad_id, len(dataset_info.index2word)) # no need to get the glove embeddings when reloading since they're saved in model ckpt anyway + newline_model.load_state_dict(checkpoint['state_dict']) + newline_model = newline_model.to(args.device) + newline_model.eval() + if args.verbose: + print("=> loaded checkpoint '{}' (epoch {})" + .format(args.newline_ckpt, checkpoint['epoch'])) + print('iambic model num params', num_params(newline_model)) + + with open(args.prefix_file, 'r') as rf: + lines = rf.readlines() + for line in tqdm(lines, total=len(lines)): + couplet = predict_couplet(gpt_model, + gpt_tokenizer, + iambic_model, + rhyme_model, + newline_model, + [line], + dataset_info, + rhyme_info, + args.precondition_topk, + args.topk, + condition_lambda=args.condition_lambda, + device=args.device) + assert len(couplet) == 2 + print(couplet[1].strip().replace('\n', '')) + + +if __name__=='__main__': + parser = ArgumentParser() + + # DATA + parser.add_argument('--iambic_ckpt', type=str, required=True) + parser.add_argument('--rhyme_ckpt', type=str, required=True) + parser.add_argument('--newline_ckpt', type=str, required=True) + parser.add_argument('--dataset_info', type=str, required=True, help='saved dataset info') + parser.add_argument('--rhyme_info', type=str, required=True, help='saved rhyme info') + parser.add_argument('--model_string', type=str, default='gpt2-medium') + + parser.add_argument('--prefix_file', type=str, default=None, required=True, help='file of prefix lines for couplets') + + parser.add_argument('--precondition_topk', type=int, default=200, help='consider top k outputs from gpt at each step before conditioning and re-pruning') + parser.add_argument('--topk', type=int, default=10, help='consider top k outputs from gpt at each step') + parser.add_argument('--condition_lambda', type=float, default=1.0, help='lambda weight on conditioning model') + + parser.add_argument('--seed', type=int, default=1, help='random seed') + parser.add_argument('--device', type=str, default='cuda', choices=['cpu', 'cuda']) + parser.add_argument('--debug', action='store_true', default=False) + parser.add_argument('--verbose', action='store_true', default=False) + + args = parser.parse_args() + + random.seed(args.seed) + np.random.seed(args.seed) + torch.manual_seed(args.seed) + + main(args) \ No newline at end of file diff --git a/fudge/evaluate_topic.py b/fudge/evaluate_topic.py new file mode 100644 index 0000000000000000000000000000000000000000..ac927bf94d63aa9e0a1ccba3300c8c087d35b34e --- /dev/null +++ b/fudge/evaluate_topic.py @@ -0,0 +1,143 @@ +import os +import random +import time +import pickle +import math +from argparse import ArgumentParser +from collections import defaultdict +import string +import csv + +from tqdm import tqdm +import numpy as np +import torch +import torch.nn as nn +import torch.nn.functional as F +from transformers import AutoTokenizer, AutoModelWithLMHead, pipeline, set_seed, GPT2Tokenizer, GPT2Model + +from data import Dataset +from model import Model +from util import save_checkpoint, ProgressMeter, AverageMeter, num_params, pad_mask +from predict_topic import predict +from constants import * + + +def main(args): + with open(args.dataset_info, 'rb') as rf: + dataset_info = pickle.load(rf) + gpt_tokenizer = AutoTokenizer.from_pretrained(args.model_string) + gpt_tokenizer.add_special_tokens({'pad_token': PAD_TOKEN}) + gpt_pad_id = gpt_tokenizer.encode(PAD_TOKEN)[0] + gpt_model = AutoModelWithLMHead.from_pretrained(args.model_string).to(args.device) + gpt_model.eval() + + checkpoint = torch.load(args.ckpt, map_location=args.device) + model_args = checkpoint['args'] + conditioning_model = Model(model_args, gpt_pad_id, len(dataset_info.index2word)) # no need to get the glove embeddings when reloading since they're saved in model ckpt anyway + conditioning_model.load_state_dict(checkpoint['state_dict']) + conditioning_model = conditioning_model.to(args.device) + conditioning_model.eval() + if args.verbose: + print("=> loaded checkpoint '{}' (epoch {})" + .format(args.ckpt, checkpoint['epoch'])) + print('num params', num_params(conditioning_model)) + + input_texts, conditions, categories = [], [], [] + + if args.condition_file is not None: + with open(args.condition_file, 'r') as rf: + for line in rf: + input_texts.append(line.strip().split('\t')[0]) + conditions.append(line.strip().split('\t')[1]) + categories.append(None) + for cw in conditions[-1].split(): + assert cw in dataset_info.word2index + else: + prefixes = [] + with open(args.prefix_file, 'r') as rf: + for line in rf: + prefixes.append(line.strip()) + condition_wordlists = [] + for root, _, files in os.walk(args.wordlist_dir): + for fname in files: + words = [] + with open(os.path.join(root, fname), 'r') as rf: + for line in rf: + word = line.strip() + if word in dataset_info.word2index: + words.append(word) + else: + if args.verbose: + print('word not found:', word) + condition_wordlists.append((' '.join(words), fname.split('.')[0])) + for p in prefixes: + for c, category in condition_wordlists: + input_texts.append(p) + conditions.append(c) + categories.append(category) + + all_cr = [] + pair_num = 0 + for input_text, condition_words, category in tqdm(zip(input_texts, conditions, categories), total=len(conditions)): + predict_function = predict + condition_results = [] + for i in range(0, args.sample_size, args.max_sample_batch): + num_samples = min(args.max_sample_batch, args.sample_size - i) + condition_results += predict_function(gpt_model, + gpt_tokenizer, + conditioning_model, + [input_text for _ in range(num_samples)], + condition_words, + dataset_info, + args.precondition_topk, + args.topk, + args.length_cutoff, + condition_lambda=args.condition_lambda, + device=args.device) + all_cr.append((input_text, category, condition_results)) + pair_num += 1 + if args.max_pairs > 0 and pair_num >= args.max_pairs: + break + with open(args.log_file, 'w') as wf: + writer = csv.DictWriter(wf, fieldnames=['category', 'input_text', 'generation']) + writer.writeheader() + for cr_group in all_cr: + for cr in cr_group[2]: + writer.writerow({'category': cr_group[1], 'input_text': cr_group[0], 'generation': cr}) + + +if __name__=='__main__': + parser = ArgumentParser() + + # DATA + parser.add_argument('--ckpt', type=str, required=True) + parser.add_argument('--log_file', type=str, required=True, help='file to write outputs to (csv format)') + parser.add_argument('--dataset_info', type=str, required=True, help='saved dataset info') + parser.add_argument('--model_string', type=str, default='gpt2-medium') + + parser.add_argument('--condition_file', type=str, default=None, help='file of inputs and conditions') + parser.add_argument('--prefix_file', type=str, default=None, help='prefix set') + parser.add_argument('--wordlist_dir', type=str, default=None, help='dir of bow wordlists for categories') + parser.add_argument('--sample_size', type=int, default=3, help='samples per input text-condition pair') + parser.add_argument('--max_sample_batch', type=int, default=3, help='max samples at a time') + parser.add_argument('--max_pairs', type=int, default=-1, help='max input-condition pairs, for debugging quickly') + + parser.add_argument('--precondition_topk', type=int, default=200, help='consider top k outputs from gpt at each step before conditioning and re-pruning') + parser.add_argument('--topk', type=int, default=10, help='consider top k outputs from gpt at each step') + parser.add_argument('--condition_lambda', type=float, default=1.0, help='lambda weight on conditioning model') + parser.add_argument('--length_cutoff', type=int, default=80, help='max length') + + parser.add_argument('--seed', type=int, default=1, help='random seed') + parser.add_argument('--device', type=str, default='cuda', choices=['cpu', 'cuda']) + parser.add_argument('--debug', action='store_true', default=False) + parser.add_argument('--verbose', action='store_true', default=False) + + args = parser.parse_args() + + assert (args.condition_file is not None) != (args.prefix_file is not None and args.wordlist_dir is not None) # one of two interfaces for specifying + + random.seed(args.seed) + np.random.seed(args.seed) + torch.manual_seed(args.seed) + + main(args) \ No newline at end of file diff --git a/fudge/formality_data/README.md b/fudge/formality_data/README.md new file mode 100644 index 0000000000000000000000000000000000000000..a3744ed8ab664d4d1c33e3dd104bdc1b32f1cb04 --- /dev/null +++ b/fudge/formality_data/README.md @@ -0,0 +1,2 @@ +`fisher_test_oracle.es` is the source-side Spanish test set. +`test_noid.cleaned_0` and `test_noid.cleaned_1` are Salesky 2019's fluent English test-time references. \ No newline at end of file diff --git a/fudge/formality_data/fisher_test_oracle.es b/fudge/formality_data/fisher_test_oracle.es new file mode 100644 index 0000000000000000000000000000000000000000..90657b9b99983fcf936125a1b804f1f7bcce075a --- /dev/null +++ b/fudge/formality_data/fisher_test_oracle.es @@ -0,0 +1,3641 @@ +haló +alo +alo buenas vasos tenías +qué tal eh yo soy guillermo cómo estás +ayuda no +sí +ah yo soy josé +qué tal de dónde eres +ah pero vivo aquí en filadelfia +en filadelfia +sí sí y tu +yo yo soy peruano este estoy estudiando en ese pennsylvania +ah qué pruebas +eh estudio historia +ah estudiante aquí también soy ah tímidos +de qué universidad +pues vino ciento veinte también +ah sí +pues sí ya ya pronto termine aquí es +ah qué bien +pero pero qué +y tu qué haces etiqueta siendo tu +cada pues pues van +hm +entonces de verdad sí sí pero entonces tu estudiando para es es digo es más porque es exactamente +es este no haber +ah es verdad verdad que +hm mm hm mm +ah pero tocan aquí ahora +perdón +pero vamos a pero entonces +yo perdón cómo dices +vivo en temprano +o sea viví en perú hast hasta hace tres meses +ah +claro este +entonces yo no +no lo que pasa es que yo estudié dos años en un ese de perú y luego me transferido acá o sos soy un internacional transfer que +mm ah okay donde restringiones transfer +claro es eh eh o sea yo me me voy a graduar con un título de esta universidad +ah ah que bueno +a veces a diferencia de un sin ciudad por ejemplo no +ah que bueno y qué piensas hasta ahora +y está un poco difícil verdad +es pero es del inglés o es +y bueno el inglés el inglés de hecho es una digamos +todo todo el trabajo +es una dificultad o sea eh eh yo he ah estudio inglés gran parte mi vida pero de todas maneras se me hace más difícil expresarme en inglés que sesame castellano +sí sí +no o sea eso es eh clarísimo para mi +sí +eh pero aparte sí por la cantidad de trabajo que me que me mandan también es una +más que en perdón +yo sí yo creo que sí te mandan más +mm +más más que en perú incluso oh el ciclo pasado yo en en en perú vez eh en universidad tomé seis cursos eh un semestre +mm +y y incluso así creo que tuve menos trabajo que lo que yo estoy teniendo ahora llevando cinco cursos +mm +pero bueno lo que pasa es que ellos son cursos pero también trabajo +ah okay okay +no sé de repente ese es el equivalente llevar se cursos +sí sí +de repente es un un poco menos talvez no creo que sea tan tan tan vi man dinko seis cursos pero +sí pero pero sigue siendo bastante triste +creo que sí sí no sé de repente en el futuro decida ver +sí es duro +es me me me decide por llevar menos cursos no sé tu cuántos cursos ya más o menos por sitios +um depende y pero y en general cinco pero ah a lo digo ah no solo es como cua el de cuatro pero ahora estoy tomando cinco +ya y y tu +sí pero en verano en en el pasado la gente solo toma cuatro +ya +me parece sí pero en bueno en general la gente toma cinco +entiendo y aparte trabajas o +claro +o te dedicas sultán a a a tus estudios +unas con en la biblioteca de es de votar y pero es eh ahí en por trabajo porque cuando estoy ahí +estudio entonces no es sí +ah pero muy ventajoso que qué a qué qué qué haces en el en nada yo temen trabajo en el en en el ópera pero pero yo soy un sobres +mm +entonces realmente no me da oportunidad para estudiar +ah yo asocia eso pero no pero en en cuál cuál parte de la biblioteca en +en el quinto piso del van pero +mm ya okay +tu en dónde trabajas +en tejas +dónde es esa +es es la biblioteca de un +ya +yo estoy en segundo piso no pero sí pues ahí es del trabajo porque solo trabajo di yo no trabajo tantos trabajo cinco horas a la semana a veces trabajo diez horas a la semana pero +sigue siendo así hago mi tarea verdad entonces no es tan pues hay tele al él ya para el final hay un poco más de trabajo porque +hay más gente que necesita ayuda y todo el mundo +hm mm +está haciendo sus investigaciones y pero en general está bastante no no tengo mucho trabajo +mm +pero sí aquí es sí pero lo que yo es que por ejemplo yo sé de ah latino américa pero sé que en europa +en las universidades dan durante eh pues en general no hay mucho trabajo solo hasta el final verdad entonces los profesores +ah en mi en inglaterra por ejemplo +eh sí no reconocer álvaro +sí sí eres escuchado que o sea la cantidad de por ejemplo de la el el número de horas que qué se llevan por curso a la semana +mhm +son creo lo menos de tres +ajá +entonces uno tiene muchísimo tiempo libre o sea no tiene muchas clases +sí sí sí +y aparte creo que que sí o sea no te dan mucho trabajo no no estoy seguro no no no +sí pues pues pues digo pues no no le dan mucho trabajo pero eh en general ellos quieren que uno pues se supone que que uno se vea +y que uno saliendo todo esté haciendo ejercicio decirte o todo eso verdad +claro mm mm +entendiendo todo verdad y entonces ya al final le dan un un examen y esa es la nota de uno verdad pero aquí los estados unidos es +diferente verdad porque aquí especialmente historia uno tiene que in investigación y entonces un ensayo entonces otra cosa iba tres y un examen y +hm mm +es es más en el sentido que uno okay que hay menos luego pero era +sí claro ese ese ese ese se este definitivamente so es una ventaja es cierto que haya menos riesgos +el trabajo sí sí pero +porque realmente imaginate sí por ejemplo tu fueras a a a a a a decidir tu nota el curso en un solo examen de repente la noche yo no pudiste dormir bien o +cualquier cosa puedo zedillo y de repente +sí +en el examen no rindes o sea de repente pues verte preparado bastante pero por equis razón no te fue en el examen entonces +sí +o sea yo la nota se te +sí +se te te te baja la nota no o sea no sé +sí se sí no pero también hay pero todo el trabajo que le dan a uno o tal sí cada semana uno tiene una cosa otro +otro trabajo otro trabajo verdad entonces +sí sí sí y +cada uno tiene su cada sistema tiene sus ventajas pero en y en perú cómo es en general +a ver o sea yo te diría también nos hacen trabajar o sea no tenemos como que el equivalente sería admiten +mm +pero que son sobre todo controles de lectura +hm mm +eh que a lo largo sabe esparcivos digamos a lo largo del semestre +hm mm +y para unos cursos no todos son hice de pide al final del curso que tres un ensayo un trabajo investigación +mm +y aparte también tienes un examen final pero digamos que no tienes que producir tanto como se produce acá +hm mm +o sea no tienes que escribir tanto +mm mm mm +acá te tienen como qué constantemente escribiendo veintes civil y busy no cierto +mm +allá no tanto o sea ya más bien lo que tenías que quiero por ejemplo lo escribías o en el examen o o para gente ahora usan en investigación +hm mm +al final semestre no pero fuera de eso no no no no tenías que producir mucho +sí sí mm +y bueno o sea eso podría ser visto cómo ventajoso en el sentido de que no tienes no te no no te no te piden tanto mucho tu shop +uno puede vivir un poco más relajado +sí um +pero el puntos este la desventaja es que no llegas no logras practicar tu tu tu tu no no estás en una cosa te práctica de de la labor este +de investigación y tampoco de de como escribí un cierto o sea a veces uno por no escribir tanto un poco viedo de facilidad por cierto para escribir entonces +mm mm +eso es delhi o sea me es más es más fácil no o sea +sí mm mm mhm +es más fácil pero no sé si sea digamos si si te forma también como te forman acá +sí sí +pero tiene costo que tu comer o sea el el costo es que acá te forman mejor está bien pero al menos yo por ejemplo te te de semana estoy repleto de cosas que hacer no entonces +vives un poco más este al menos yo vi un poco más ansioso digamos un poco más +sí +estresado +sí sí +pero no sé como será en wharton no sé +sí bueno y diferente porque en un estás también depende bueno depende porque por ejemplo yo los las clases yo tomó en general no tienen +así es algo investigación no solo en general yo trato exámenes y y estuvo pero a clases por ejemplo que tienen más así como pues uno tiene los dos personas pero además tiene proyectos +ya +entra tipos que history +y son productos cómo que personales o en grupos +en grupos que general una casi todo es grupos y yo no le dan a uno tareas cosas cositas así para que uno sea repasando porque sino +pero y y y algo así por ejemplo cada semana tener una tarea pequeña que uno tiene que entregar porque de esa forma +uno tie lo miran a uno a estudiar cada semana verdad +claro +pero eso eso eso eso me gusta a veces hacen eso pero en verdad son exámenes o proyectos pero en +hm mm +cada rato siempre tienen un yo no yo nunca he tenido una clase donde hay proyectos verdad pero en general dos pensamien y tal vez un proyecto +hm mm hm mm +y entonces ahora en la clase meter tenemos de marketing tenemos un un proyecto que es como un y yo no como hicieron y +dar un trabajo en toronto es como un un geni entonces uno por ejemplo cada turismo pues hay como cinco período qué te digo entonces +uno tiene un grupo +uhum +y entonces todo el mundo a cada grupo le dan una una compañía +hm mm +entonces uno tiene varios productos esta compañía tiene varios productos us uno tiene que decidir a base de de cada producto pues a donde vamos que que tipo de +cuco como vamos a vender ese producto vamos a +ah qué interesante +colocar más sí pues es así como uno uno está en una compras claro que no es así como en la vida real verdad pero +pero o sea se me al menos en algo +la ayuda sí tu no es no es interesante pero entonces va ba entonces ya pues cuando eso termino tiene que escribir varios así ensayos por un análisis +de lo que uno hizo de los de los errores de lo que uno hizo bien +hm mm +muchas cosas y también entonces todo todo depende del sin curso pero +hm mm +eh sí acá si hay yo casi no tengo nada en general porque realmente tenía que escribir +ya +pero un y qué más y ahora y la y el tiempo aquí todo sobre la otra vez verdad +cómo +todavía más frío aquí verdad +bueno sí sí sí sí el el martes creo que fue en la noche que estuvo lloviendo +sí +me congelé sí o sea tengo que ir con mi casacón tu vez con mi tengo es me me compro una casaca que que abriga bastante +exacto sí +y tengo para sacar a siempre solo con ella pero aun así incluso a veces usando la casaca tame me da frío no pero bueno dentro de mi dorm sí es mucho más este +hm +manejable el asunto no del le adentro del dorm este sí si la temperatura es es este en es suficientemente +pe +caliente no +pero en perú regiones donde hace mucho frío verdad +bueno claro sí si vas a la cierra este +mm +también en las noches sobre todo bueno si vas en invierno a la cierra en en invierno y las noches invierno de las cierras son bien yo sí +hm mm +diría hasta que o sea yo recuerdo una vez habe ido a la cierra de perú y es te cosa en vacaciones con mi familia y sí en las noches +podía hacer hasta más frío de lo que hasta ahora yo ve experimentado acá +aló +hola me llamo gloria +hola gloria soy paulina de dónde llamas +o de nueva york +nueva york yo yo +de long island +ah +de long island +long island +ajá +yo estoy en athens georgia +hola yo ya oh maricadas +mhm cómo es +yo no entendí lo que ella dijo +cómo +algo de la religión ella dijo que habla +no entendió lo que dijo +no +estaba hablando de la religión cuál es la tenían de la religión si unifica a las personas o si las separa si todos deberían de de la misma religión o qué sitios +de ah okay am yo soy católica so yo creo a mi creer am separan a uno y unen a otros por ejemplo yo tengo un sobrino que qué ahí +entonces ellos en la religión católica no aceptan a los gays +ajá +porque yo no los hizo así pero sí yo me recuerdo cuando vine mi sobrino nació de un año ya sabíamos que él lo que él él iba a hacer +la gente no cree que nacen así pero él sí que nacio así y solamente y si tu tienes alguien tu familia es que tu sabes entonces él +tiene mucho problema con la religión católica ático no lo exacta y él sabe que no lo experta pero por sí encontró una iglesia en la treinta y dos en nueva york que acepta los homosexual +ya bueno yo pienso que en cuanto a religión que si la gente siguiera su religión no habría tanto problema como cuando los que se ponen a extremo en cualquier religión que sea +mhm ajá +si la gente siguiera por ejemplo los que tienen jesucristo si siguieran las enseñanzas de jesucristo y si actuaran como jesucristo actuó +mhm +no habría tanto problema +ajá +pero cuando se ponen a peliar eso no es lo que sino +mhm +jesucristo +exactamente +ay donde hay problemas +mhm +lo mismo con los musulmanes +mhm +o los judíos los principios de de esas religiones y lo que enseñan +mhm +en sí es son cosas buenas pero cuando la gente se pone fanática y no acepta las demás personas uno respeta las diferencias +ajá ajá +creo que ahí cuando hay división y problemas +sí sí sí como este que yo vi sí yo a lado del lonche yo a las muchachas grande yo trabajo como están están tan estaban tres +yo llevo este un librito que es pollo ismail es y él la envite y decir y yo se lo leo entonces demente ah ese mierda eso yo digo pero +oye lo que ella está diciendo oye que darte la vecina tuya bien como tu a ti te gustaría tratarate hacía ah no yo nada tengo que tratar bien a ella +ella no me caí bien yo digo pero todo el mundo está criado en en la imagen de dios ay no pesaba pelear entonces yo digo mira yo quiero paz porque lo que se pasa es benvetiar de todas cosí yo para que nome vete +hablamos de del del tema del día pero olvidate se ha hecho una pero todavía me buscan para que para que lea todos los días +qué bien +porque hay una que es como un petardo y yo ya le estaba diciendo que yo no me quiero juntar con ella ticos ella me quita +todo las energía y ella siempre está criticando a tomar y yo no quiero no quiero estar en ese ambiente era ella dice sí yo le le ottey tropiezos beso los otros días está diciendo +escriban cinco cosas que están agradecida radio hace am que usted se creen que usted lea olvidate ella siempre hay tensión estás leyendo algo de religión verdad perteneces +yo a eso es lo único que me ha salvado la mente épico si no si yo me pongo a criticar que todo mundo me critica y y yo sé que yo soy una persona buena y que dios me sienta como yo soy +si me vaya a por la gente ya me hubiese tierra por la ventana +sí +y eso lo que le pasan a ella la critican entonces ella yo digo mira dios te quiere y juanito como tu eres pero tu tienes no puedes estar criticando a todo el mundo +y es verdad es lo mismo con las +sí +bueno en la relación de uno a uno o como la religi como pueblo como ponte tu lo lo que pasa en en israel entre los +ajá +entre los palestinos y uno +sí ajá +y me han podido +ajá +es triste pasan peleando +sí sí sí sí sí sí +porque para los dos hay lugares sagrados pero no to respetan +ajá ajá +no éstas personas +es que es que el eh especialmente la religión católica todo mundo se está llendo como m mi amiga se fue a otra iglesia ella me hice yo lo contratamos río +este y esto y lo otro y yo digo tu tienes que encontrar la iglesia donde tu quieras que tu creas que tien conforma a ti +porque yo yo no te puedo decir que ver a la iglesia católica si no te está dando nada ti porque yo voy a la iglesia católica +so entonces ya me ella encontró otra iglesia me dice me visto de ir conmigo yo no déjame habían eh yo estoy yo estoy lo más conforme a donde yo estoy +y tu sabes yo voy a los grupo carismático so entonces no me gusta a otra iglesia no te voy a si que no voy pero no quiero que ella me co +ya yo ha ido a esa iglesia ya mucho tiempo atrás y y escoges todo el día el domingo y yo no tengo todo el día domingo para tal ahí +tres horas cuatro horas +ah sí +ajá +qué religión lempa es su amiga +ah eh yo creo que cristina sabes algo así +no +sí sí sí son como pones quién cristina algo así +ya +algo así sí so entonces tu sabes yo ella era católica pero el esposo vale a a la iglesia católica yo en mi casa la única que voy a la iglesia soy yo a mi nene no le gusta ir siempre me paso peleando con él para que vaya +y él no cree que dios le está ayudando eso yo le todos los días le digo tu ves eso te lo dio dios como estábamos hablando de +de cochinada y él dice ay dios hizo eso que existen estás acá +mhm +y era lo puedes convencer que no fue vió que eso fue un acto you know a a la cargar como disce pero no fue +yo mismo que él no deja esos aunque dijo la biblia que ivan a pasar muchas cosas así so yo le estaba diciendo me vine la biblia te enseña lo que hay +mhm sí +mhm +así es muy yo encuentro que en cuanto a religión mucha gente va nada más por tradición y +ajá sí +uno va y busca el la verdad +ajá +y busca realmente ahí uno encuentra una religión que +ajá ajá yeah +nos gusta pero mucha gente también va sola por tradición pero ni saben de qué se trata su propia religión +exactamente se sientan ahí y y cuando el padre acaba se barcos riske tele +sí o no estuve las escrituras por sí mismos ni nada +sí +sí ayuda cuando uno empieza a estudiar que lo que que es su propia religión +es sí sí como últimamente yo estoy en de grupo carismático entonces estoy entendiendo más aunque yo lo dicen español y yo no entiendo yo puedo hablar español pero no lo puedo leer ni lo puedo escribir +so entonces yo me regalaron una biblia hispana y yo olvidate yo la estoy leyendo pero no sé entonces yo voy y le explico ellos yo leí a ti esto y esto +eso es lo que entonces lo leí inglés a ver si lo puedo entender pero se hace muy difícil la biblia es es +la biblia sí la biblia es difícil el vocabulario que usa de todas maneras no importa que idioma encuentro yo +hay exactamente exactamente so yo le encuentro bien difícil so yo ella me dan unos unos casi diez y entonces yo lo lentes y ellos me dicen esto es tienes y de +tu sabes y y lo empiezan a usar como en la vida de nosotros yo oh okay entonces yo entiendo +mm de dónde es usted +yo soy puertoriqueña +puertorriqueña pero creció en estados unidos +sí sí sí sí yo nací en puerto rico pero me crié en nueva ayer lo que dicen el barrio en izabal lo que dicen el barrio en manhattan +no no sé +sí usted se siempre ha sido yo ya +no yo soy de chile +oh de chile oh okay +sí yo crecí y me crié en chile y cuando terminé la secundaria de jalisco vine a que era la universidad a +pero vi ajá +estados unidos aquí +ah +y llevamos aquí en georgia mi esposo y yo dos años pero llevo en estados unidos once años +wow wow wow wow +viví en wyoming por unos meses viví en en está +wow +por varios años y un año y medio en en nerjan +ajá ajá +en entendí sí +ajá +y ahora estamos en georgia +wow ustedes viajaba mucho +nati perro como dicen +ajá eso es bueno eso es bueno moverse así tu ves yo vive +ajá +yo viví en manhattan después de viene el verano y ahora me mudé para valen y aquí nos quedamos aunque cuando nos retiremos vamos a vivir hayas +en florida ático es mi niño mi niño grande y mis nietos viven en florida +ah entonces van este +so me gustaría ir me gustaría ir la florida pa estar cerca de ellos pero de aquí que yo vaya ya mi nieto a lo mejor se ha casado +porque él tiene ya diecisiete ayuda aquí que yo vez divide son diez hayo más abate de veintisiete alomejor se va a casar +nuestra lo ves en otro lado sí +voy a estar de los bills l ajá +ah sí nosotros de aquí quién sabe a dónde vamos porque +sí +a ver vamos a mi esposo terminar su pizzi +ajá +en dos años más y de ahí donde haya trabajo +oh donde haya trabajo y usted en qué trabaja ahí +sí estoy en la casa con mis niños +oh oh está en la casa con sus niños ay qué bueno +mhm sí tengo dos dos veces uno que tiene un año y el otro tiene tres +oh my car sí sí es mucho trabajo verdad yo hago ni varios de niños yo me visto de payaso y ahora estoy un tratando de imaginar cómo puedo hacer la cabeza de elmo +porque tengo él él malisse pero +ah sí +la cabeza es de mi amiga entonces yo y ella decimos pariente se a veces te piden dos y no pudimos ir puede ir solamente una +una +so ahí estoy tratando mi amiga me la está haciendo pero está muy pesar la cabeza so no puedo ni imaginar cómo vamos a hacer esa cabeza +so y y a través de eso porque por eso no te no estaba oyendo lo que me estás diciendo señora podestá volviendo un sistema de que yo digo ay estoy haciendo muchas cosas debo de concentrar +todos al mismo tiempo sí +todo al mismo tiempo porque a veces indiana y no llaman y y a veces lo cojo y no lo cojo y y ya mirando me habían dado ésta discusión la semana pasada yo no sé porque discuten lo misma cosa +ah sí +sabes tu lo está haciendo mucho tiempo esto +llama he hecho creo que diez once +oh como yo sí algo así sí +sí no tanto +oh okay sí +pero la última vez fue de que yo hice fue de política no no me acuerdo de cuál fue +ajá yo yo tengo una amiga que se llama norma yo creo que ella vive en georgia también +ah sí +sí sí sí ella es peruana peruana sí +ah ya +sí sí sí cada ha hablado con ella ya cuatro veces +creo que sí yo una pones dos veces creo +de verás ajá sí yo creo que ella es de yo ya +sí de a atlanta creo que sí +sí de alaska sí sí sí sí +y yo vivo en hacer mh +ah en haces ah +en otra ta sí +ah okay okay sí una sobrina mía vivía en georgia pero se mudó ella todavía viven yo ya pero s tuvo que vender la casa porque se divorció le marido +so tuvo que vender la casa y ahora está sola sí +quién no su sobrina +sí mi sobrina sí ella tiene como cuarenta y pico años +ah ajá +sí +al las buenas noches +tenés noches habla con fabiola con quién hablo yo +es yosma de filadelfia cómo estás +bien habla con washington +ah cómo estás +bien gracias y tu +bien +um el tema de hoy es la música +y es la música que opina qué qué tipo de música te gusta escuchar +la música alegre he y romántica siempre que hable del amor positivo +y +cuando no no me gusta la música cuando habla de llaman the o de muertes o con grocerías +o de violencia +o violencia sí eso no +porque sí a mi también me gusta la música que sea música positiva lo que sea música así negativa +eh me gusta la música con ritmo también me gusta bailar +okay +te gusta bailar +sí me gusta no las también +oh que bien +yo vayamos más cuando era joven pero ahora hasta no nos y bueno +no yo también ahora bailo cuando estoy sola limpiando la casa eres casada +sí soy casada +ah y hijos +no no no tengo hijos +yo soy casada tengo dos hijos soy abuelita +oh +mi nieta tiene nueve meses +ah +tengo treinta y nueve años +no yo tengo veinte y ocho +eres jovencita porque dice cuando era joven bailaba los ven +sí +y ocho años yo todavía podía bailar toda la noche +cuando estaba por lo menos y y es bueno y nada más pero ahora que haciendo +y tiene +pero tampoco baila +ah +entonces +tienes tu tu cantante favorito +bueno a mi me gusta no mucho así tapados de argentina +oh de dónde eres tu +de venezuela +de venezuela +sí +oh +de dónde eres +chilena +a okay no no me gusta mucho un cantante se llama y tapan es en argentina +ya bueno es bueno a mi también me gusta tito paz +sí él me gusta +y me gusta más eh silvio rodríguez también la música de silvio +uh y +eh bonita música y ahora me gusta la música de ricardo arjona +y también lo que me cae claro +es muy bueno estás un poco resfriada +ah +estás un poco resfriada +sí un poquito +de dónde me dices que llamas +nada +de dónde llama +de filadelfia +filadelfia ese es una es un una ciudad o un estado qué +que atienda ah es al ha estás en van entendí vía o cuan sí +washington estoy estoy llamando de una ciudad que se llama richland +okay ya tienen la este a él en el como cerca de como dos horas de washington y +oh okay pero es una es una ciudad del estado de +pennsylvania +de pennsylvania okay eso era lo que yo no entendía y dije filadelfia me suena pero no sé de que estado es okay bien +yo ya del estado de +oy qué increíble como se pueden cruzar las llamadas de de un lugar a otro es como cruzando casi todo el país +exacto +un fantástico +mm +en um oye te gusta ricky martín +cómo +ricky martín +sí ellos entienden escuché qué tienen un sí de nuevo +y super bueno +sí ha escuchado +a cada rato suena suena porque estoy en la +ah +en la casa y veo televisión en sidi o +ajá +uno uno que es un canal de música en español +ajá +y y suenan a cada rato la música de viste lo ponen acá la telelvisón sí +ajá +lo lo nuevo de luis fonsi shakira eh ricky martín eh thalía las ponen a cada rato +pues yo no yo no escuchado nada los nuevos y martín +estaba cantando una música ese una mezcla entre entre pop y reguetón pero esta buenísima +sí uno +ya esta muy bueno +sí oh una +no +hay hay un grupo nuevo que hay un grupo venezolano que se llama amigos invisibles +oh no lo he escuchado +uh hoy martín concierto ayer ya no +sí es tan bueno +y también buenos +qué estilo de música tocan +es como música hizo más o menos +oh okay pop +ajá +oh yo ha al eh a mi me gusta un grupo chileno que se llama la ley +ajá +los lo has escuchado +sí ya lo ay yo yo no pueden sí yo le estaba llama antes +son bueno tienen una voz muy bonita el veto cuevas +sí +y mm y hay otros cantante chileno pero no me gustan tanto como la leí +como la ley sí +la ley +yo te digo que la ley el chileno +y son chilenos estani tienen antes que chilena también canta música romántica pero a mi personalmente no me gusta mucho +okay +y de de venezuela a ver ese nicky me acuerdo algo de venezuela +de vuelta ricardo montaner +prestaro mantener muere también los suena suena a cada rato +y ya lo mataron y ya atrás con de visita +también lo escucho hasta franco y son buenos +mm que él es de el invierno bueno sí no escuchado a oír internas de venezuela que es super bueno pues yo no sé si nos vamos para venezuela +quién +que se llama tiran gente +no no no +él es super super bueno pero yo creo que él no yo creo que no es muy famoso si fuera de venezuela pero tiene el siguiente y su música es bien bien buena +um cuánto tiempo llevas tu en estados unidos +tengo cinco años ya +cinco años y ya hablas bien inglés y todo +sí sí ya se me hace más fácil +hiciste tu ciudadanía o uno todavía +es la residencia ero porque tengo una más este cuatro años de casada +sí ajá +entonces él +pero después de los tres años de casada tu puedes aplicar a la ciudadanía +sí pero lo que pasa es que yo yo tengo que doble ciudadanía ir tengo ciudadanía en venezuela y tengo mi ciudadanía de italia +porque tenían +oh oh unas italiano +sí y entonces +ya +yo creo que si yo acepto la ciudadanía americana me hacen que yo tenga que +denunciar ahora +exacto la universidad y eso no me conviene +mm las dos hola otras dos ciudadanía éste pero has averiguado algo sobre eso no porque por ejemplo en chile ahora tenemos la doble ciudadanía yo puedo ser ciudadana estadounidense chilena asistieron +sí pero lo que pasa que como yo tengo yo creo que no te dejan tener tres +tienes razón +sí +está un poco difícil +sí +ah suena no hombre con la residencia estás feliz son tus padres están +él +viven en italia y en venezuela o viven eh quiero +no mi mamá ni mis padres viven en venezuela pero mi papá era sí de italia sí de italia +okay so tus abuelos tus tíos están en italia +no más por por parte de mi papá sí +okay so qué parte en italia yo tengo unas amigas que viven en roma +oh yo mi la familia de una pareja en palermo que es tiene em que en cicilia en el sur de +es bonito he visto fotos por fotos de de ese lugar es y he visto bonitos bonitos paisajes de allá +uh uh +sí hermoso y tienes animales perros gatos algo así +no no tenemos a ningún animal también preguntarnos mm en un apartamento +no te permiten animales +tienes también todos los vecinos tienen animales pero cómo a mi me una cosa tener un animal sí verdad el apartamento todo el día +ha +sí y tu tienes animales +sí yo tengo que yo tengo gato +oh +tengo plantas adentro de la casa afuera y tengo acuario +oh +tengo arto para entretenerme +entrar es mi esposo y yo queremos este tener un perrito pero la cuestión es que como aquí no como estamos un apartamento y y no hay +él sí +jardín ni nada +pero se deja capaz que yo viví en un departamento yo me cambié aquí hace seis meses no cinco meses y un y la y y vienen departamento por tres meses con el perro con el gato con las planta +y al acuario y llevaba pasiar mi a mi perro a caminar afuera +sí la verdad es que aquí como yo porque veces queremos tener un perro pero pero desde que sean bebesitos +sí él es +sí estamos hasta todo el día si no que nada más la noche y otra cosa dejar cobro pero así y todo ese lado en el apartamento todo el día +ah +esa es la cuestión pero es más para mudarnos para poder traté em +ah ya tu esposo es de aquí estados unidos o no o de venezuela +no él es de aquí de estados unidos +ah ya y entonces se van a cambiar pronto +sí estamos esperando comprar una casa por aquí cerca para poder +poder mudarse +sí para puedo mudar días y así poder sí dios quiere compro costarte buscar un perrito o algo +para que este en estar tienen se sienta sí nosotros nos veníamos recién hace un mes ah a mi que a a la que en mi casa ahora de donde estoy hablando +y tuvimos que cerrar el patio y pones por stones para tener cerrito afuera porque igual no es tan chiquititos y pero es un labrador +exacto +entonces entere y sale nada pero tiene puerta abierta y está en un espacio donde puede caminar y correr y jugar +sí yo quiero tenerla si que pueda salir y entrar yo pueda jugar en el patio y eso así no +y tiene +corre y se veía atrás y +y tienes alguna idea de que eh que cuál es el perrito que quieres +sí sí los estamos pensando en un am pasados porque yo cuando yo crecí contratado +ah eso es chiquitito +no son como mediador +cuáles son +pero solo que a ti qué te parecen como tito +ah sí sí ya se puede son son bonitos y hay de que color +hola +buenas noches +buenas recordar um +sí usted cómo está +voy bien mi nombre es carlos soy de houston texas y usted +oye y soy yosma de filadelfia +mucho gusto +cómo le no +muy bien muy bien qué le parece tema de hoy +de la música bien umm yo escucho alguna música latina y alguna música americana que sí productivo y vinculados un sí +okay eh qué edad tiene usted +veinticinco +veinticinco +mm oh veintyocho +okay perdón +veintiocho +veintiocho ah yo también +ah +eh pues a a mi para para mi a mi me gusta todo tipo de mu casi todo tipo de música eh desertó rap y uh uh +eh +ajá +todo lo demás solamente ve tanto latina como americana eh me gusta de todo yo rock en español en inglés me gusta uh música +clásica ópera se trenes de todo un poco eh lo que +y y vos +perdón +y sí son música y no me gusta mucho +cómo +música en hijo +en vivo eh conciertos así +ajá +eh a eh eh no mucho eh prefiero más eh eh yo lo que hago es que eh bu busco música emm por internet +okay +lo que casi toda la música ten que tengo la eh tengo yo tengo otro de quinientos y s que he comprado y +ajá +muchos son muchos más que que he buscado por internet +exacto +ah lo que para pero para mi o sea para mi para mi yo necesito música para todo eso todo cuando estoy trabajando cuando tu estudiando +eh siempre me gusta la música es lo que me mantiene hartos supongo yo ah mm lo que para mi sí la música sí somos importante +en ese sentido del +exa +me ayuda concentrarme me ayuda a rezar relajarme eh yo encuentro para mi la música me puede cambiar el estado de ánimo sí yo yo puedo estar +sí +muy tranquilo y si sí es una canción que me puede poner de mal humor o igualmente puesto de mal humor y puedo escuchar una canción que me alegra +exacto exacto no sí yo también yo y por lo menos yo todos todos yo mi yo mi esposo él tocaba en mente por la por algo con shape y valen así +okay +hay un bar que queda cerquita de mi casa donde mucha gente viene a tocar todas las noches nada más no es cierto ya a y a tocar instrumento +y hay círculos abiertos todas las noches y ahí secciones de donde la gente toca y entonces los fines de semanas y viene diferentes grupos de música +a tocar todas las noches en en los fines de semana y es bien chévere +okay eh qué cuál es su tipo de música favorita +a mi me gusta de todo +tiene alguna música que no le guste +a mi por lo menos que no me gusta así por lo menos acá que si va tipo no me gusta o por lo menos música era trabajo +así que si vienes días y eso no no me gusta no me llama la atención para nada +okay +me gusta ah me gusta mucho este por lo menos uno aquí español tengo muchísimas música de rock en español y nunca ya +okay y tienes tiene algún grupo favorito +bueno a mi me gusta por lo menos de voz menos bueno me gusta mucho tito par +okay +qué es de argentina +sí +sí es si me gusta mucho +okay +y y ah mm la música así época americano hay un tenía que se llama algo papi que es muy bueno +que +y hay áreas muy ah ah que también era muy muy cantantes muy bueno pero por lo menos por aquí donde yo vivo hay mucha gente que todo +oh +muchos amigos de nosotros que tocan y tan hay que tienen bandas +sí +y en orlando grupos que ellos tienen son son muy muy buenos también +okay pues para mi o sea pues yo eh mm yo tal vez voy a a algún lado uno o dos años pero no no se va por +por una vez tipo de concierto al que voy es más eh es va en en inglés y de modo que eh las personas que van son más como que +bien jovencitos y como que es demasiado escandaloso de modo que para eso no me no me llama tanto canción el ir a conciertos como tal +ah +bueno y bueno este año fui a un concierto de ah buena opción +ajá +y papi trabajen +sí +y había gente de todas las edades había gente de como de sesenta setenta años y habían hasta niños de y el otro año el concierto +sí +sí y bien bien chévere tener en un estadio pequeños en un en un está yendo digo pequeño y no estaba sí no había mucha gente pero +pero si estuvo muy muy bueno el concierto +qué es eh usted compra música o tiene muchos y sus +más sí más que todo compramos música pero también compramos muchos intereses de todos sí que que que no son así muy populares que hay gente que nosotros conocemos +sí +sí porque nosotros somos miembros de una de la ah la sociedad de música folklórica de ya desde entonces ahí por lo menos hay muchos músicos +que son miembros y hacen conciertos en las casas todos los meses + +hay un concierto en en una casa de un miembro y compramos todos esos ídice +okay +grupos que vemos así que que tienen que no son así super super famoso pero que sí son buenos +okay +y a veces nos hemos visto por lo menos grupo que nosotros +y +no sabíamos que eramos famosos y de repente la lo estamos escuchando estamos un baño algo +sí +y de escuchamos una canción que sí es famoso +okay +pero +lo y las usted dice que todo cada instrumentos es uso de su esposo tocan como en una banda un grupo +no no nada mi esposo es de estar en un grupo porque ya es ser buena están viendo a lo mejor van van a ya de nuevo +okay +me siento tenemos un minuto a veces mi esposo que toco con sus amigos pero lo pasa no la tiempo así mucho como para +para para comprometernos así con gente +okay +porque por el trabajo y eso no no y y no tienen una tiempo comprometía si pero yo no porque si tiene un grupo tienes que practicar por lo menos un día +claro y buscar la +tanta +lo que une este +ya +sí +y sí le tienes que queda mucho tiempo y el por lo menos el hay un grupo que quiere que mi esposo me a tocar con ellos +pero donde ellos se reúnen se reúnen los mexicanos en la noche como a las diez de la noche síntesis practican como hasta las dos de la mañana los miércoles y +como tiene que trabajar y y la escuela y eso no le da tiempo +sí ah ya yo a mi me no hubiese encantado tener eh poder primero algún instrumento pero soy pésimo con eso pero a mi para mi la +músi música eso para mi es bien bien eso para mi yo yo a me más me me me fascina o sea eh yo soy yo puedo para +yo me me acuerdo de canciones de de muchísimas canciones de +mm +canciones que yo puedo pasar años sin escuchar y un momento en eh escucho la la canción nuevamente y después de años puedo cumplo cantar la canción completa +a mi eso si me pasa que yo sí paso mucho tiempo encantan una canción realidad pero me yo estaba la otra vez hablando con una amiga y +y está con su escuchamos una canción en la raza que ya no había escuchado como por ocho años y ella se acordaba de la canción completa +y después pasaron una canción que yo no había escuchado y hace como cuatro años y la la que escuchado y yo sabía la canción y +sería que yo sabía la canción pero no me acordaba de de la letra de la canción me sonaba pero un poquito no mucho a mi se me olvida si sino si no +si no lo escucho todo el tiempo se me olvida la list pero se me hace la canción pero la letra se me olvida tus +pues yo a mi para mi es que para mi depende de de en que estado donde yo este llevo y pues que +pues yo yo yo tengo una ipaq no lo son más +ajá +eh para mi pues ves tengo como diez mil canciones en en en la ipod +ajá +y y pues tengo pues de todo tengo un ah una lista de música que solo tiene solamente música yo para de de de de baile baile yes yes +tengo una lista completa que esto es solamente de rock en en inglés que eso es básicamente usa es la que uso para cuando voy al gimnasio +exac +tengo una lista que es ha de música solamente en español una lista que eso de música que solamente como que música clásica o ópera cosas como que +para relajación +exacto y estudié +eh tengo un eh una eh todo lo contrario para mi eh para estudiar no puedo tener ese tipo de música no podemos hacer que necesito música +sí +que tenga líricas porque me sí no hay si no tiene lírica se es como que me aburre necesito algo que me distraiga +qué qué estudias tu +eh eh contro trabajo con virus +okay +en biología +okay +de modo que todos siempre necesito o algo que que me distraiga que que me mantiene a atento +exacto +sí sí si pongo música como qué clásica no +mm +me tuvemos me so tengo un como música clásica cuando tengo muchas veces cuando tengo que eh si tengo que soy un un reporte que tengo que concentrarme mucho mucho mucho +pues entonces pero siempre desde que era pequeño siempre cuando tenía que estudiar yo siempre estaba escuchando música y mientras cantaba porque estaba leyendo y mi papá siempre me me criticaba de que +es imposible que una persona pueda leer y cantar al mismo tiempo pero yo no sé para mi siempre funcionó siempre sacaba buenas modos así que +supongo que +yo tenía una profesora +no +que decía que cuando no este está estudiando acá y que se lo tiene algo que te tienes que aprender que si tu lo cantas lo que te tienes que tener te lo aprendes más +rápido a que si lo les normal +sí eso no más no vamos para tomar la la música o sea eh uno puede +aló +hola hablas con fabiola + +y y así es como funciona y y te y te tanto +oh sí tío también +sí sí o no y ese tema que tienen que que te dicen para tener conversar y te dan un tema de conversación +pues hay que hablar sobre los recuerdos +sobre lo mejor que te ha pasado en la vida +wow +y cómo ha cambiado tu vida +okay +y qué es lo mejor que a ti te ha pasado en la vida +son artas como +pero lo mejor que tu siente que te ha pasado en la vida +un +ese es un buen tema +sí yo conocer a alguien con estos niños +sí +yo creo que todo tira conociendo a alguien que no lo hubiese conoció a él no +sí yo digo lo mismo +no estarían estos niños aquí +ajá lo mejor que me ha pasado ha sido conocer a mi esposo +sí es como +y los segundo y y lo lo otro mejor que me ha pasado es tener mis hijos +ah sí +ser sana estás +por sí porque sino porque sino hubiese conocido al niño una no no estaría aquí +y en realidad +otra no tendría estos niños no no te conocería a ti tampoco +sí +sí no fuera por por él ni +por qué está bien hasta los buena temas que pues tiene encuentran buenos tema una conversación cuando hablas por acá porque también te ponen la música ayer estaba la música +sí +eh sí y y es entretenido habla y no sé minutos y ellos mismos te cortan +oye me cortan +sí te dicen te quedan treinta segundo para despedirse +ohh +y así que tenemos doce minutos para hablar de lo que queramos porque ellos están reconociendo nuestra vos +pero eh cómo se llama esto no hay que hablar de lo que te dicen ellos ha +hay que hablar hay que hablar de lo que te dicen ellos de lo que tu quieras la idea es conversar porque eso está todo toda la conversación la están grabando +ah para que después el computador sepa que eh +quién es quién +y por el por el acento +por el acento el sistema es la forma de hablar y +ah ah ah +los timbres debo sí y algo tan inventando +sí ah +entonces están personas que tengan diferentes voz +ah muy bien y yo no había llamó porque decía no no se puede llamar ha +y las +yeah más temprano +sí le chiquillas todas se conectan a través de éste número +sí +sí sí al al él mismo tiempo al mismo horario +ah usted +y y se conectan pos yo también +voy voy a tratar entonces de llamar después más tarde hola maría a lo mejor no sé ya +sí pero yo no sé si puedes tu hacer dos llamadas en en el mismo + +ajá yo no sé se escucha la vos de los niños hermosa ajá +si se escucha tan aquí siete +se escucha muy super clarito ya +dependiendo +se están y qué estás haciendo para que se vienen +ah están pendeja los dos sentado en mi en mis pierna y tengo en pelo del crimen también mm sí sí ah +se miran y se veía de dicen oye tu te pareces a mi no no no tu te parece a mi +a nivel ésta es que tienen el chupete amarrado al babero entonces verano le tira chupete alcázar el chupete que tiene agarrado él se lo tira así +son entretenidos los niños ahh sentirte siente yale hablas +ah ajá +tenés hablarles ahora o no +ha cómo ah +si le hablas le hablas a los niños +sí sí les hablo sí les hablo le hablo todo el el tiempo y les hablo en +en inglés +en castellano +ohh +y han inglés habla en en inglés +en inglés qué voy y no porque van a tener las dos lenguas y +sí porque es espacio o crecen con los dos idiomas +sí y +porque tiene y además también crecen con un cuan no teniendo acento +el imagínate yo a yenny con los dos idiomas también eh me habla lo otro idioma y ya puede leer los oír yoma pero igual tiene acento y le cuesta el español +eh +y a pesar de chiquitita y tuvo los primeros tres años nació aquí +uhum +pero a los dos meses y medio medio de chile y en chile igual +y dónde ni hablar aprendió la pues estaba en chile sí pues +es que aprendió palabras solas no podía decir frases completas porque él +ohh +nos veníamos todos los años de vacaciones para acá y un mes acá +ah +y el papá siempre le hablo en inglés +ah que estaba como confundida +y claro y entonces eh él y cuando ella escuchaba escuchaba un español malo de méxico +um +o un inglés malo de parte mía +ah +ahora yo hablo un inglés mejor maicon habla un español mejor y ya ella puede leer otro idioma y ya está mejor pero sí se se confunden cuando el papá +habla con acento y con un acento fuerte +lo lo malo que estoy haciendo yo o sea les hablo en castellano pero lo malo es que por ejemplo cuando estoy con otra persona y hablan inglés +le hablo a ellos en inglés entendí +pero eso no es malo +porque el pero no propuesta mal porque no porque mi acento no es entendí +no es bueno no +pues yo sé que están chiquititos ahora no van a no van hablar ahora pero que oh igual está quedando todo esto gravado pues +sí de los cuatro meses en adelante los niños empiezan a +ah +y tienes planeado que vas a ser para navidad o para el día de gracias +para el día de gracias vamos a ir a con mi con los abuelos de galicia porque mi +ya +mi suegra está arreglando la casa +sí +así que vamos a tener que los nada de eso claro ah +para la de ya ya estás ganando no regalos y todo eso +ah sabe qué cosa +los regalos lo está planeando para la navidad o no +mm no hubo una oportunidad tu también +no todavía +oh y tu +so a los ni los niños ya van a estar grande para la tener la idea ya van a jugar +sí +vos o +y tu ya tienes terminó para la navidad +estoy pensando en ah comprar vamos a comprar el arbolito +uhum +vivo como todos los años lo compramos vivo +eh +emm vamos a ella no sé mira él a maicon le compré un auto +de verdad +sí +un autobús de verdad o un auto +un auto control remoto grande que +no +ehh de siento sesenta dólares lo encontré en oferta a cincuenta dólares +y tu de qué tipo de autos es +eh como reyes mon +un +pero que rotación delle buen y con control remoto se lo voy a poner como regalo de santa clos +eh +y a la yenni todavía no se que estoy buscando oh algo hay algo que a ella le gusta mucho oh y que es una un creen boy pero uno nuevo +mm okay +que tu que no usa teclitas tu tocas las cositas y se va moviendo +sí +uno super super no que salió +oh +así que yo creo que le voy a poner ese para ella que yo sé qué es lo que quieren +y para el cumpleaños qué le regalastes +y un careo quién +uh caraoque y los cuates cuando ponend o no +ajá sí canta que es bueno porque él era que ella tiene están leyendo a medida que van saliendo las letras y se van oscuresiendo cambiando de color +uhum +entonces va cantando la canción +mm +y si y si se entretiene arto y yo le digo que es bueno para el leer más rápido esto está está super bien para la navidad y a a mi suegro +compré allá eh un regalo de parte yo rentan +um +que es un + +para la computadora tiene eh para mover el mauss + +tomar ese el mauss y tiene una calculadora +el mouse una operadora +no no no la parte donde tu mueves el mouse como para visto +ohh esa esa esa cosita de plástico +sí y esa +hay un a +así que compré una para mi suegro y uno para nosotros de parte de manhattan +eh +y y creo que eso de otra buena idea y no sé porque más +y van van a estar ahí para uno niños van a ir a +no ya compramos los pasajes nos vamos para siento nos vamos a crecer a pasar eh quince una semana +una semana +mhm todos los años vamos una semana +oh yo siempre la pertinente dijo la otra vez que estaban pensando en irse a a chile por el trabajo +oye y +y de ahí que no me funcionó +no pero que todavía no empieza pos +pero me dijo que que a lo mejor no y toda la cosa que +claro pero a lo mejor no es cierto que no y no es cierto que sí +mm +le dijeron de que está tienen el personal en caso de cualquier cosa le van a avisar +sí +es como después te llamamos +fue una cosa así +pero resulta de que todavía no en qué trabajo sí +um +todavía está yo también oían emocione le llama esto al mall cool sí nos salen nos vamos +él se diría +mariscos sí sí pero +um +eh igual y yo pienso le digo pero cómo nos vamos allí y recién compramos la casa cómo me dicen +eh +la vende o derrita porque para encontrar estás éste tomar las cosas esas de ella +y a mi me cuesta tanto trabajo +porque te gustó montón igual encontrarlas casado +sí sí después armarla te digo que todavía no le pongo cortinas aporten hasta llegando de a poco +eh +las compramos porque en +uhum +ya llegando de poco a poco sí llegaron primero unas cortina anoche me vivo otra parte una pan la parte de arriba +eh +después me llegó la otra parte de arriba y todavía me falta me tienen que éstas me faltan tres no más que son que llegar y no yo no +y son son esa las porque del living o +la del ninguno porque no les puse no les puse eh cómo se dice perciana +ah no les pusistes percianas +no porque al resto de la casa le puse percianas pero el income no no porque la las ventanas no son ventanas son ventanales +ahh +entonces no no existen de ese tamaño al menos que tu mandes hacer una intencionalmente para eso +especialmente para +hola +hola +quién habla +mi nombre es anny +hola yo soy arturo +hola arturo +de dónde llamas +de miami +de miami muy bien yo lo de +de dónde +filadelfia +filadelfia +sí de dónde eres +eh puertorriqueña +ah okay +y tu +soy mexicano +ah +sí +estás estudiando aquí los estados unidos +sí exactamente +que bueno +tu estudias o trabajas +no eh tengo he una niña de veintitrés meses y tengo un niño ahora de cuatro días +oh es que bonito +así que no estoy trabajando pero no +sí bueno claro +la no fuera de la casa +sí claro mucho trabajo en la casa me imagino +sí +que bueno pero muy feliz me imagino no +sí un poquito cansada ahora pero muy feliz +sí cuatro días tiene el niño +cuatro días +wow poquitito +sí +que joven oye y este entonces tu por que vives en estados unidos has vivido toda tu vida o +sí eh mis padres son de la república dominicana +okay +y en mil novecientos setenta y pico no sensata cometen cuando fue +um mhm +ah yo creo que fue el sesenta y tres no estoy segura +mhm +pero una revolución en santo domingo +sí +y ellos fueron ah a vivir a puerto rico +ah okay +entonces ellos pasaron veintipico de años allá +ajá +entonces y allí mi hermana cuando fue la universidad vino aquí al estado de la florida entonces nosotros nos mudamos a miami +ah sí +y yo tenía como yo creo que era cinco años +ah muy chiquita +sí mi hermana me llevas diez once años +ah sí +entonces de ahí nos tu sabes nos quedamos y +sí +eh me fui a la escuela aquí y tu sabes hicimos una vida aquí +sí sí claro +y +y ahorita estás casada con es con latino o con un americano +un americano +ah okay ya +sí lo conocí en la universidad +ah qué bien este de allí en en miami me supongo +no eh fui a ah flores seguido preferí +ah okay +estarás así +okey +entonces yo lo conocí a él allí +ah ya veo muy bien +entonces +y +después de ah +y qué y qué yo malas más con con este con tus bueno es que otros en tus y todo porque +bueno +tiene veinticuatro meses la otra no +eh la tiene veintitrés meses y el otro tiene cuatro días +veintitrés sí no pues +yo los lo que nosotros hacemos que cuando él está en mi esposo no está en la casa +mm +yo hablo completamente español a mi hija +okey +entonces cuando él está aquí nosotros hablamos completamente en inglés +ah okay +y así ella puede tu saber con los dos idiomas +reconocerlos +y y me yo me quedo sorprendida porque muchas veces ella dice cosas +ah sí +que yo ni ni me di cuenta que ya aprendió +ah de verdad +sí puede ser en inglés o en español no sé +wow ajá ja +así que ya la está cogiendo +muy rápido +sí +también no es osea como que era empiezan hablar los niños normalmente yo no sé la verdad +y mm yo creo que era ella tenía como más cinco quince dieciséis meses +okey +como ella está aprendiendo inglés y español +ajá +eh le coge a los niños que hacen eso le coge un poquito más de tiempo de hablar +sí sí +así que a mi niña le cogió tu sabes los amigos de ella y lo que sea los amiguitos +sí +eh hablaban más claro y más que ella +sí +ah hasta hace poco +ah +entonces ahora ella yo sabía que ella está entendía y podía hablar +sí pero +pero como tenía los dos idiomas sales y un poquito más difícil +claro sí ha de ser mucho más difícil pero pero pues yo creo bueno ha a la larga yo muy bueno también no así crece con los idiomas es una ventaja +sí sí +la verdad +entonces eh pero tu sabes ella yo sé que ella entendía +mm +lo que yo le estaba diciendo en inglés y en español +sí sí +y ahora tu sabe especialmente yo sé que ella me entiende porque cuando ella no quiere hacer algo como que se hace la boba +sí +yo le veo la carita y yo sé que ella me entiende exactamente +sí claro pero son muy astutos los medios luego luego no +sí sí +sabes +así que pero tu sabes ya ella lo entiende ella lo habla +mm +y +pues si ojalá y y se mantenga sí porque luego pues este ya cuando que se crecer más y y y muchos amigos hablen inglés turba a practicar más el inglés yo creo no +sí y no eh nosotros no la vamos a mandar a la escuela si no yo la voy a cenar aquí en la casa +ah okay +porque yo soy era maestra +ajá +entonces yo pienso que para yo ir a trabajar y enseñarle a los tu sabes hijos son niños de otra persona por eso yo me quedo en mi casa +ajá +y puedo enseñar a mis propios hijos +sí eso es cierto +así que +pero pero y qué opinas de que osea de que no va a tener como compañeros de escuela eso eso +bueno +y es una experiencia también no sé +sí eh tienen muchos aquí en en miami programas para la gente que que enseñan sus hijos en la casa +ajá +entonces eh normalmente una vez a la semana ellos se se juntan +ah sí +entonces es como una escuela puede ser que que eh tengan vamos ir a la clase en una iglesia o en una universidad lo que sea pero es como una escuela que se se junta una ve a la semana +ah okay +así que y también tu sabes con sus amistades y todo eso yo tengo muchos he amigos y familias que hacían eso hecho eso +somos curry +mhm y y no tienen ningún problema +ah okay +sabe pero también o no es algo que +sí +porque se mi mi eso me preocupa a mi también yo quiero que ella tenga amistades y amigos y todo eso +sí claro eso es lo va a pensando porque sí tenemos es parte de la experiencia no de estar en la escuela que conoce a gente +sí sí +y lo que también eso es es importante que que no no haga falta eso con al niño porque lavar tus amigos son muy importantes +sí sí +yo creo no +sí sí +pero sí con tal de que te tenía con otra gente ya sea por lo menos una semana pero +y también tu sabes tienen los deportes el de en los eh osea los sitios de la comunidad +sí hay mucho es que hay mucho es porque la comunidad verdad y eso +sí así que tu sabes cosas así es como como ellos se como se dice son se socializan +sí +así que tu sabes +sí sí sí sí yo como osea en méxico eso no es comúnmente no en no conoce no sucede en lo absoluto +sí +yo yo no conozco a gente como que haya salido de ese tipo de escuela te descompone en y siempre va mucho juicio como le hacen aquí en estos días porque si se que es mucho más común hay mucha gente que +que sale de escuela de su casa bueno por lo menos antes porque no sé +sí el ese tu sabes es como cualquier otra experiencia es como uno lo lo toma tu sabes puede ser bueno puede ser malo +sí sí sí sí +pero yo también pienso que como son las escuelas aquí también como son los muchachos +sí puede ser muy malo también verdad +sí que que también yo quisiera que si ella tenga tu sabes amigos y todas esas cosas pero a la misma vez yo pienso que yo la tengo que proteger a ella +sí claro pero hay que tener cuidado porque luego es malo sobre protegerlos +sí sí +puede ser muy malo +sí no yo pero por esa razón es que yo le quiero enseñar porque yo le puedo enseñar cualquier cosa pero depende como yo sé lo presente +sí +tu sabes +sí sí +es un poquito diferente que vamos sé como se lo presenten en la escuela +sí eso es cierto y hasta que grado queso darle el ju músculo en +um no sé eh no he pensado todavía como una más tiene dos años +sí +y yo empezado +con el tiempo ya se va viendo que +sí así que +pero como que crees osea tu pues goza piensas darle toda la primaria o porque +ah probablemente sería hasta hasta se por lo menos el sexto grado +okay +entonces de ahí tu sabes vamos a seguir porque yo no sé tu sabes yo yo con mi yo le puedo enseñar a ella está high school +ah sí +ah +osea tu tienes tu has dado clases hasta calculo qué +sí sí +wow y en qué materias más que nada +eh bueno mi yo era una maestra de educación especial +ajá +así que yo enseñaba todo +ah okay ya veo +así que yo tu sabes lo único que yo si yo no sé algo +ajá +yo no entiendo el tema lo que sea entonces yo misma me enseño para yo puedo enseñarle a los niños +ora okay ya veo +entonces tu sabes como cosas como mm no messi álgebra +mm +no es que no no lo no lo sé pero puede ser más que se me olvida +sí +porque no lo uso +ajá +entonces eh tu sabes yo como antes de enseñar la clase lo que yo hacía era que yo como que me recordaba +mm +que era lo que tenía que tienes que hacer +sí claro +entonces yo lo podía enseñar a ellos +ah okay +así que para mi eso no no es muy difícil yo sé que para otra persona puede ser que sí pero para mi +sí pero así como porque digo ya en en high school como que se empiezan a especializando las materias y osea química es más avanzado y física vos avanzado +y también hay este tiempo yo sé que ahora +ajá +tienen hasta clases que que los niños pueden tomar o los estudiantes que pueden tomar en la computadora +sí +y pueden ir ahora una un jalisco vamos y en el internet +sí +así que tu sabes hay muchas muchas muchas opciones que no es solamente de +sí sí sí +tu sabes que uno tiene que +sí no +que ponerlo una escuela pública también +mhm +tu sabes yo sé que las universidades aquí +mhm +tienen eh clases para niños también en high school que pueden tomar en la vencida +sí sí oído +así que tu sabes tenemos muchas opciones +mucho muy bien mucha suerte +y que +pero sí como haces también osea apenas de dos años no todavía no hay que pensar mucho en eso +no pero como mi esposo dice que tu sabes cómo yo soy maestra +ajá +ya yo siempre estoy leyendo libro le estoy tu sabes eh cantando canciones +mhm +para que ella no este tu sabes para que se esté divirtiendo pero a la misma vez no este eh este aprendiendo algo siempre +sí okay +así que tu sabes yo no le esperando hace en la escuela formal +okey +pero si le cuidando o la estoy educando +mhm +poquito a poquito ya ella sabe el abecedario bueno sabe la canción +sí él vivía +sí ajá entonces sabe eh los números +sí +un poquito yo tu sabes si yo le digo uno ya me puede decir dos tres entonces el próximo que me dice ya sabe que el ocho viene después del siete tu sabes cosas así +sí ya sabe el orden +sí no toda pero poquito a poquito +sí que bueno +así que tu sabes así qué +sí una zona bastante interesante +sí +que yo no conozco nada no sé como so sí estuviera en esa entonces yo no sé como le haría porque yo nunca me me imaginaría como +darle clases yo a mi hijo yo no podría porque también digo la va yo no estoy tan osea eh no no tuve una educación en cuanto como dar clases me entiendes +mhm +yo imagino todos los estudiado algo como de educación o algo así no +bueno este +o qué estudiaste +estudié sí educación pero no me enseñaron exactamente como enseñar vamos y como enseñar a un niño como leer +sí no +todas esas cosas yo tuve que aprender cuando yo estaba trabajando +ajá +así que estoy usando la experiencia +claro claro y que existen todas vos escuelas vamos todos +sí pero por esa razón es que tu sabes yo para mi para yo hacer hammonds cuáles con mi con mis hijos +mhm +no es ningún problema porque ya yo tengo la experiencia yo no sé tu sabes como la otra gente lo hace +mi nombre es mariza palacios +hola buenas tardes mi nombre es lorena suarez estoy aquí en san antonio tejas +hola +hola eh pues el tema del día de hoy es de lo más conmovedor no +sí mi también me ha costado pensar cuál es lo mejor y cuando lo peor +exactamente ahorita que bueno pasé a los recuerdos dije yo bueno los recuerdos son presisamente como lo más importante que te puede a uno pasar en la vida porque vive como de recuerdos no +exactamente con tanta y no se en cuanto más tiempo pasa más recuerdos anoche no sé no sé quién cual elegir para empezar +ah +por ejemplo el mejor +así es el mejor bueno yo soy mamá +sí yo también +y talvez sí sí quisiera que pensar en lo mejor que me ha pasado a lo mejor es eso es tenido a mis hijos recuerdo que en el momento en que estaba yo teniéndolos dije yo esto es lo mejor que me ha pasado en toda mi vida entonces quiero +claro +quiero ser de consecuente digamos con ese comentario que yo me hice en mi misma en el momento que estaba sucediendo pero sin embargo debe deben haber otras cosas +maravillosas y talvez no puede uno seleccionar solamente uno verdad +claro pues estaba pensando que y además preguntaba que si no que acudido ese eso como dice sido su vida diferente novienta en su caso de no me tenido sus hijos +sí sí sí pues no me hubiera gustado + +porque porque ahora ya son grandes ellos me han aportado oh bueno tantas cosas bellas no que talvez yo misma por mi cuenta no hubiera sido suficiente para darme tantos recuerdos y tantos +eh emociones positivas y negativas luego también pues no todo es hermoso no yo oí interesante pues tengo un hijo que que que tiene algún probé un problema de salud y eso también es muy doloroso no +sí +sí y y bueno este pero sin embargo son las emociones más salís más amorosas y más tiernas y más r eh bueno y está el marido verdad el esposo +sí y es que nos pero los hijos los hijos +ese también tiene mucho mucho que ver +sí +en en la vida de uno no y este +no él +pero sí yo yo pensaría que no puede ser nada más uno solo un solo vivien +claro +ahora un evento doloroso un recuerdo doloroso pues la muerte de mi mamá por gen +claro sí la muerte algún familiar o un ser querido tiene que ser lo peor que puede pasar a +y sí sí sí por la enfermedad de mi hijo también no eso también +también +es bien doloroso pero como digo pues no puede uno eh decir que solamente uno pero es bonito intentar pensarlo no +claro toda como no las uñas parte de la pregunta era que que que hubiera sido de las de su vida este que no te no pero cuido ese o doloroso +eh sí +o sea que no se seria que esa persona estaría ahora todavía por ejemplo en mi caso mi mamá vive pero mis mis abuelos los dos son fallecido hace tiempo +y no tuve oportunidad de despedirme de ellos y porque ya lejos entonces quizás las sería que que hubiera sido de si la mi vida había sido diferente de intervino difícil o porque claro ellos será a mi marido ni a mi hija tampoco +entonces pues sí +exacto exacto mhm +claro la vida sería muy diferente +mhm tu marido lo conociste en donde +aquí en estados unidos casi poco hace por casualidad +ajá porque tu eres española +y yo sí soy span +ajá sí +y vine aquí a estudiar peri con la esconda estudiar pero lo conocí uno y acabe espérame y llevo aquí doce años +ajá +y nada tengo una hija de cinco años es no pude decir bueno mi ha cambiado claro porque los hijos se cambian a uno en la vida pero todos es tan pequeña que todavía le queda tanto +sí claro que sí ajá +y entonces pues nada no sé es diferente con los hijos son mayores sí se hacen más independientes pero todavía tengo que pasar por eso +sí sí y y de verdad son tantas cosas y tantas etapas +y claro +y sí pero bueno esta esperar de cuando son chiquitos es de la más amorosa +sí sí todo el mundo me dice igual sí +mhm eso es de las más amor y bueno ya cuando ellos crecen y hacen su vida por su cuenta por ejemplo pues es bien bonito pero ya no más recibe uno como las +oye mamá pues que me fue muy bien en estoy oye mamá pues que esto yo eh ya es así como a nivel conversación como a diez +no hay tanta dependencia no hay tanta cercanías y +sí +este pero es muy bonito la verdad es muy y entonces para ti cuál hubiera sido lo mejor que te ha sucedido el mejor recuerdo +pues yo creo que si lo mismo que usted el el tener hijos eh bueno tengo uno solamente no creo que van no sé si tendré más pero +ajá +fue no no saben no creo que es estuviese preparada para para ser madre quizás porque fue una un cambio muy grande y ah el embarazo pues fue difícil y y ah +el la hemos criado mi martini mi esposo yo los dos aquí solos entonces fue pues un poco difícil pero también fue claro tener un hijo a uno le cambia la vida entonces pues es mejor también que me ha pasado digo yo +por ahora +sí +eh no sé puede comparar nada con eso digo +sí verdad es lo que yo ahorita también así de inmediato pensé que si como que más importado porque bueno tiene uno soy cuerpo bonitos en la vida de los los que uno tuvo +claro +pues como persona en el oeste o en o en la vida ca limitará o en el trabajo no +claro y y por eso la que la otra pregunta era que brasileña es diferente este no te pasado eso quizás no haber sido madre pues mi vida sería muy diferente +igual hubiera acabado los estudios hubiera +así exacto +claro una consigue una carrera más pero más importante o viera viajado más o conocido a otra persona pero claro eso nunca se sabe uno puede imaginar solamente +exactamente exactamente y sin embargo bueno cuándo va uno acumulando +sí pero +recuerdos en fotografías de las navidades y en las fotografías de los festivales de la escuela ni en las fotografías de los festivales deportivos de los hijos +oh +es como políticamente ir armando esta vida porque esta como hecha de recuerdos no +exacto sí no todos somos las fotografías que tengo tengo miles y miles son todas de la de son todas de mi hija y por eso claro ves +es fácil decir que es lo más importante que aparte de eso claro aparte de eso pues no sé he viajado mucho conocido a gente interesante pero no se puede comparar con +con los hijos supo +mhm sí porque esto es así como muy como muy completo como muy no se estudia para ser mamá no se estudia para ser +sí no +ser humano no se estudia para aprender a amar pero finalmente como que es la emoción mas profunda y más completa no +sí como le digo a mi hermana que ella no tiene hijos y le digo tu estartelo cepas hasta que no seas mamá no vas a saber lo que ser una mujer digamos más +completa porque ellos tienen llevan veinte años casados pero todavía tienen tienen hijos no no creo que vayan a tener y entonces pues es difícil explicar +es difícil explicar +es muy difícil explicar bien no está como es +pero pero dice uno que bueno que yo si tuve no porque no me hubiera gustado perdermelo +sí yo lo tuve por eso porque digo yo cumplí los treinta años y digo bueno yo creo que ya es hora de que o ahora o o o tenemos una hora o ya nomás mayor no quiero tenerlo porque +pero para criar a un hijo y tener mucha paciencia mucha energía y muchas +mucha energía así es +de todo sí sí y mi hija que es sí sí requiere mucha paciencia mucho mucho sacrificio +ajá +y +sí sí en realidad y ella por ejemplo por qué porque es muy traviesa +leyes muy es sí sí si muy activa muy intrusivo hiperactiva y eh no sé no es una niña como hora yo cuando era pequeña que era más bien tranquila y más y hacía todo lo que mis papá me decían ella no ella es más +ella es una se como tres y a veces es +sí sí sí +a acabo cansada me entiendes después de todos los días pero bueno y es así cristi es así uno tiene que aceptados los como son +así es sí sí sí +y +y este y luego entiende uno mucho ir porque eh son así y todo lo que les va a permitir lograr teniendo un carácter fuerte un partes muy activo no +sí yo eso es lo que pienso o lo que espero que ella +ella va a lograr muchas cosas yo creo +sí pues sí con si la comparo con mi sobrina que son tan diferentes yo pienso mi hija no se ella tiene un carácter más fuerte quizás eso la ayude en el futuro a salir adelante mejoré o mejor +sí con con todas las cosas difíciles que se le pongan enfrente los retos +claro +no tengo una hija la más pequeña que es un poco así y ella además de ser muy buena en las cuestiones de la escuela pues es una excelente deportista +exacto sí eramos que queremos que mi hija también practique algún deporte pero queremos esperar que son un poco más mayor porque con cinco años no sé quizás demasiado pequeña pero +ella tiene el cuerpo digamos al ser deportista y quizás eso le ayude terminar a desarrollar más y +a su carácter poderlo oh también +sí +como que orientar no mhm +y y quizás se calman +y que se establecen +sí sí me hace falta porque a veces vamos a dormir antes que ella no podemos más sí +sí sí sí necesitan cansarse que barbaridad +no sé hay que sí me dicen que es la edad +en dónde viven ustedes +muchos ahora mismo en filadelfia +ah en filadelfia yo tengo a mi hija mayor estudiando en la universidad de pennsylvania en filadelfia +oh países que casualidad es una buena universidad +sí sí es difícil esta en pues en filadelfia mm +sí sí aquí es una ciudad donde viene mucha gente a estudiar muchos jóvenes eso una de las más importantes que esos eso es otra cosa también sos la educación +eh y ya nos +sí como no +claro me gustaría que mi hija tan fuera a la universidad pero todavía me quedan muchos años para eso +sí pero estado que lo va a hacer tu que estudiaste +yo muchas tres pero no cárdenas bueno él sicología pero no nos terminé la carrera +ajá ajá +bueno después que me que embarazada la niña la vemos criar en casa no queremos llevarla a un daycare porque queremos no sé es la forma más tradicional como me criaron a mi que ni tenían en casa mis papás no me cuidaban ellos y +mhm mhm +no queremos dejarlas sola en un veintiocho en la +sí pues es buena decisión +sí no sí es bueno eh +yo la apoyo hay que tomar muchas distantes para tener toda la energía necesaria +mientras se pueda clave ahora ya sí sí sí y +y ya ella verás como cuando pase más tiempo sí yo ya mi hija más pequeña cumplió quince años ayer +wow +entonces ya cuando cuando veas para atrás tengas todavía muchas más memorias muchos más recuerdos más vivencias de todos los los glóbulos también de ella que son los tuyos porque +ellos logran cosas gracias al apoyo que los papás le pueden dar y la entrega de pues de todo lo que estás entregando no como tu dices bueno pues estás dejando a un lado +talvez tus cosas más personales tu carrera tu profesión +sí um +bueno mi nombre es claudia y te cristi con quién tengo el gusto +hola mi nombre es juan roja +oh mucho gusto juan +mucho gusto igualmente dónde estás +de dónde mande +ah dónde estás +eh yo estoy aquí en el estado de idaho +ajá +este en un lugar que se llama robert sí y tu de dónde estás hablando +ah okay yo estoy en tejas en san antonio +wow un poquito retirado +ajá por ahí andamos mhm +sí sí pues ya ve nos tan pues ya vez que nos tocó el tema de las películas un +no sí +bueno pues yo mucho de eso de las clasificaciones realmente yo no yo no entiendo mucho yo sé que hay películas que son de tejer trece am teje +ajá +y la verdad yo he visto algunas que que realmente tienen más grocerías que son eje tre que em son más como más violentas y más +más así son las de las vejes las déjeme que las vegetales en me he dado cuenta +ajá ah +entonces pues yo no entiendo mucho de eso +pues mhm sí yo no ajá yo no he hecho muchos caso de esas de esas he clasificaciones +ajá +termino por no entenderlas tampoco muy bien +ajá +me parece que son un poquito complicadas más bien deben de tener un poquito más de información sobre que es lo que tienen +sí sí es cierto +no vino en general pues como ya no tengo niños chiquitos +ajá +eh hijos pues no me preocupo mucho +ajá +por esas clasificaciones más me preocupo en todo caso por cuando vamos a ver una película que sea una película que valga la pena que tenga algo de interés y no ir a cualquier película entonces la clasificación +ajá +no me interesa tanto como la calidad y los comentarios que escucho sobre todo las películas no +ajá ajá +ese es eso es uno lo que más me llama la atención un poco es no sé si te pasa a ti lo mismo siempre vas tu con vas solo o vas con +no yo yo soy casada yo tengo oeste tres años de casada y la verdad yo sí tengo una nadamás tengo un niño tiene veinte meses +ajá +vas a penas va a cumplir los dos años y sí la verdad eso me preocupa lo que nosotros hacemos bueno mi esposo más que nada +él por ejemplo si vemos alguna película y la verdad nos encanta nos gusta la película por ejemplo si éste que o pg trece +ajá +que es lo que más vemos no nos gusta realmente hay ni a él y a mi nos gusta ver películas ya de adulto o sea +ajá +hasta pg trece +ah sí +este o o a veces una que otra eran pero pero casi no la verdad no nos llama la atención pero por ejemplo si hay una película que nos gusta +sí +la compramos y tiene por ejemplo a veces tienen algunas escenas ahm de desnudos y eso la mi esposo agarra pone la película y borra esa parte +ah +y lo hace más que nada él porque por ejemplo va a ver ocasiones que mi esposo ni yo vamos a estar entonces pues los niños pueden agarrar la película y la pueden ver +y en eso ah mi esposo va a grabar nos algún comercial o alguna cosa +ajá +entonces realmente pueden ver la película porque no va a ver mejor puede ser pura de carros o de acción +sí +pero por ejemplo le quitó le borró la parte que es que es un poco pornográfica porque ya vez que siempre aunque es una buena película siempre tiene que haber algún desnudo +sí +y a veces no tiene nada que ver porque +siempre hay +ha tenemos películas que son de acción ni de carros y estoy de repente sale algo que tu y eso no tiene nada que ver pero +sí no nada que ver +entonces él lo es lo que los que ha hecho para porque pues vamos a tener otros niños entonces alguna vez van a estar solos en y pues así yaa podemos estar tranquilos que si ven una película pues +no va a ver problema pero +sí sí yo creo que en ese sentido puedes tener mucha razón +sí +ah a mi eh fíjate que curiosamente +ajá +lo que más me preocupa en las películas es un lenguaje y la violencia +eh sí porque realmente +regularmente porque como dices tu cuando hay una exageración en el lenguaje +sí +o en la violencia todo lo demás es todos más está igual yo +sí +entonces son la película es así erre pues obviamente va a tener que escenas de todo tipo +no sí +un gratuitas entonces más bien perro parece más que restrictas parece como si no tienes mucha información sobre la película es este exagerada en todos los elementos +ajá no y y aparte por ejemplo hemos encontrado películas que son para este para niños o sea son no son de niños pero a ver son +pasando de la de niños que es eh supuestamente la vejes trece que es para niños de trece años que la pueden ver entonces pero a veces dicen como tu dices vocabulario y luego pasan escenas +de desnudos y eso entonces igual como va a estar viendo bueno +sí +no sé yo soy yo soy mexicana +mhm +este y realmente allá por ejemplo todavía amm como que todavía en la televisión como que nos te te cuidan y aun en las películas todavía te cuidan como un poco eso +sí pues fíjate que +pero digo ah no sé no sé se me hace muy +haciendo haciendo memoria de las películas que hemos ido últimamente a ver pues todos son +muy rápido mhm +peque trece o algo así por el estilo no sé de dónde es raro porque las que tenemos aquí +ajá ajá +disponibles en los cines no +ajá +son no son buenas simplemente +no sí +entonces nos nos preocupamos muchos por esa información como mis hijos ya son adolescentes los hacen todos juntos pero +ajá +vamos más que nada por la por de la película entonces +sí +el la en ese sentido la clasificación que tienen aquí para orientarnos sobre la película pues está no da información realmente no +no a veces no tengas no te dice nada porque a veces por ejemplo te dice +no +y y y te cambia por ejemplo las cosas y cuando tu ya la estás viendo éstas es es diferente a lo que te dice +ajá +oh sí por ejemplo te dice que va hacer demasiado violenta a veces no es tan violenta simplemente a veces no no no noticias la realmente aveces la información +entonces a veces no +ajá +ni uno ni le hace caso mejor porque porque no tiene y esos por ejemplo +sí no no +esas am cosas que venden por ejemplo para poner en los aparatos de televisión que que ya vez que éste +que +que te quiten las grocerías o cosas así pues a veces funcionan pero a veces no no funciona mucho que digamos yo rea bueno yo realmente no tengo uno +pero tengo una amiga que tiene uno y realmente me dice que no no le ha funcionado mucho porque a veces tapa las groserías que ah palabras que no son tan grocerías y las grocerías las deja +sí +entonces uf +fíjate que ajá en ese caso cuando nosotros para los vacación de los hijos +ajá +nunca hemos hecho hatton acciones de censura nosotros +um +lo que hemos procurado es cuando hay escenas que qué son fuertes procuramos comentarlas no +sin +las comentamos y decimos si estuvo oh que pues regularmente es cuando nos preocupa decimos oye eso está sobrado no tiene caso verlo puesto el agua está muy feo +sí sí +no oh lo analizamos y entonces lo aprovechamos como parte de la educación de los hijos +sí +en general los funcionó nos funciona muy bien porque o nos funcionó no ya ya ahorita ya están crecidos +sí +y lo que sucede a éstas alturas es que tiene muy buen juicio sobre las películas no y +sí fíjate que sí es cierto eso eso es mejor idea yo recuerdo que mi mamá cuando veíamos una película igual no veíamos una película después de las diez de la noche porque +ya sabíamos que íbamos a poder encontrar +ajá +o mi mamá se arriesgaba a encontrar películas feas +ajá +de tipo este de que ya no es apta para unos niños pero por ejemplo a veces decía no se pasaban una película y con una que otra grosería +sí +oh o alguna cosa que no es tan de desnudo pero igual por ejemplo poca ropa y cuando estábamos chicas am por ejemplo mi mamá +ajá +no hija pues ya ustedes van a comprender más y nos lozano decía +sí +porque también igual entonces si uno dice no pus volteate no no pues de tener eso entonces como que a un a un adolescente o un niño le empieza entrada a pero porque mi mamá no me deja entonces tienes una película de las casas +claro +cuarto que nos tenía mañana voy chari y la voy hacer y y voy a ver porque mi mamá no no me dejó ver esa parte +sí no yo yo siempre siempre se lo van a encontrar en el camino siempre van a tener oportunidad de ver todo eso +entonces yo creo que no sí sí +pero lo que lo que si hablando de esas cuestiones es que la las censura o la información que que supuestamente debe censurarse o +sí +ese tipo de cosas pues a mi nunca me parecido bueno realmente porque +no sí yo creo que +pues hay otra mucha información pues acerca pues unas películas que conviene ir a ver con tu familia +sí +y después de la película comentar todo lo que sucede y educarlos en torno a lo que es el tipo de película el mensaje la calidad con que se laboro etcétera no +sí sí cierto +porque la restricciones que ponen pues muy como dices tu muchas veces hay una violencia quizás a eh en una caricatura +ajá +exacto es que ésta para todos los niños y él tiene una viernes exagerada no +uy sí y eso no es tan segura están a pleno día la verdad +ajá exactamente y en las y en el y en general a mi me parece que el ochenta por ciento de las películas son tan malas que no hay que verlas +sí ya ya no +no y de lo otro pues a lo mejor sus unas son medianas y solamente un menos del cinco por ciento vale la pena verlos +sí +no pero con esas ya tiene uno suficiente con para tener un una idea de qué es lo que que no buscando no +sí +si hay gente no que decir que no no hagan suficientes películas pero hacen tantas que no hay que ir a ver todas es es +eso sí +no y entonces +eso sí +sí procuramos nosotros por ejemplo este saber quiénes son antes de ir a una película informarnos +ajá +sobre la crítica que hizo en esa película y entonces ya acudimos +sí +pues no eso es lo que siempre procuramos vamos ir a ver ésta película +ajá +ya llevamos una decisión sobre que películas y es desde mis hijos desde pequeños han han tenido seguro social porque nos gusta mucho el cine a mi esposa y mi nos encanta el cine entonces +ajá +nunca incluso cuando eramos eran más pequeños +sí +si había una película a veces lo llevamos aunque fuera para mayores de su edad no +ajá +y si podía ver algunas escenas no más fuertes pero la dicen ah no hace en la película necesariamente +ajá +entonces procurábamos sabes hablar sobre el mensaje no por ejemplo muchas películas de guerra no +sí +muchas películas de guerra son por ejemplo resultados +sí buenas noches +buenas buenas noches yo soy jou mendez +cómo te llamas +yo +joe +sí y cómo te llamas tu +alex +alex de dónde eres +ah sabes estoy aquí en los ángeles que hablamos antes una religión +oh sí sí sí claro me acuerdo cuándo +hablamos el cuatro de octubre hace tiempo sí ya +ah qué memoria sí sí me acuerdo cómo no +de dónde eres otra vez +yo soy de colorado ah denver colorado +oh sí sí +por y qué piensas del tema de esta noche +ah yo yo miro la televisión a otra vez de calidad no no de clasificaciones +sí yo también yo no presto mucho siendo la clasificación aparte que y estoy en un grado adulto no claro que tengo una niña que +siempre estoy pendiente de lo que miran en no quiero que vea programas que no le esas y yo le demandas ah motivaciones pero sí hay mucha +muchas cosas permisiva también en la por ejemplo las películas afuera pues cada vez tan yo no pienso que está más violento yo no sé si +terrible ya suficiente para clasificar porque están saliendo películas bien violentas de muchos temas +esto sí no y yo yo pienso que a mi me interesa la las películas y y la televisión a través de de la tema que que tiene +sí +ahora sí es una tema violenta y no tiene calidad no es buena película pero sí tiene algo de la violencia y y nos está enseñando algo +como un documentario o algo de la vida entonces tiene valor +claro +porque uno no puede negar la la verdad de la vida +claro +uno no puede vivir la vida con los ojos ciegos +como esa película que está pues salido ya salió de la guerra en irak que es de soldados que la experiencia que están pasando +esta este actor de color y mi se llama creo que +sí +y entonces tu otro muchacho blanco que parece que eh está traumatizado o algo cuando está en su experiencia y en irak esas cosas son bien reales eso pasa allá todos los días +está y esas películas pueden ser también críticas políticas +y sí +de la administración de bush pistado siempre ha sido una distracción obsesionado con la guerra +sí +especialmente con irak y engañar el público +sí entonces no muchas cosas para afuera de de la mentiras que dijo para invadir a irak que es realmente ama ahora que uno lo mira pues realmente no no +no vale la pena meneito eso ya muerto más de dos mil soldados en todo eso +eso es esas películas son reportan pues porque la mayoría de la gente son muy ignorante hacer las cosas que pasan en la ge en la vida +porque no hay información +sí es cierto +la información que que tenemos todo es propaganda entonces es portante ver otros versiones de lo que está pasando en el mundo no solamente de la versión de las disuasión de bush +sí es cierto pues yo yo creo que lo de la clasificaciones hoy día es bien relativo yo sé que tienen él trece tienen claro que una aquí son +fobia verdad pero te yo creo que la agarré o estos días está bien estirado lo que se permite no se permite sí que estoy de acuerdo de que +esas películas verdad que no tienen yo por ejemplo eh muchas películas de pandilleros que que son pandilleros muchos pandilleros son los que van a verla porque como +mhm +visitara la violencia +esas películas son malas +sí son muy malas +porque enseñan la violencia +y como que la glorifica en cierta manera +sí y lo hacen más de todo no por valor lo hacen para vender +y eso no para vender a +a ciertas personas +sí por eso yo veo a veces muchachitos jóvenes así replicando las forma en que se visten o o como caminos como se expresan o porque esos son su beethoven +y eso no está bien eso de corrompe la juventud esos programas esas películas le enseñan los los falsos valores y y no está bien pero también +la sociedad los padres la familia tiene mucho que ver en ayudar a los hijos a entender esas cosas y y cómo evitarlos verdad y yo a mi niña yo no lo cuando +quedar viendo algo sí yo no quiero que vea algo yo no yo o sea yo no lo fuerzas una manera dije diciendo que no él +o sino que yo trato de de una manera educativa de señora porque no es bueno para ella esta programa en penn imponérselo a la fuerza en otra palabra +uy yo también yo tengo un hijo de catorce años +mhm +y cada vez que me viene a visitar tengo que ponerle controla a los canales de sexo +oh sí +sí porque estás funcionamos con eso porque cuando yo salgo voy a trabajo y mira eso +sí es que +entonces yo yo le he puesto control a ella no lo puede hacer porque ya lo ya lo tengo controlado pero lo tengo controlado porque yo puse la visión tiró para controlarle +sí +no por las clasificaciones entonces es el trabajo de cada papá y mamá controlar a televisión que los hijos van a mirar y no hecharle la culpa a las clasificaciones +sí exacto pues yo en en mi caso yo tengo cable básico y o sea ya no hay ningún canal que sea que se pase más de la vaya +estoy describirse +tengo no mi niña solamente tiene cinco años +ah sí niña +sí tiene un o sea hay un canal de mi que ella le encanta ver y también vemos el discovery channel a ella le gusta de otro +programa de comedia que no son tan fuera de sitio que los dos vemos junto que a ella le gusta mucho reírse le gusta lo gracioso +pero cuando hay cosas que son más allá se pasan un poquito más allá pues yo no dejó que lo veo porque no quiero que aprenda cosas torcidad de +eso lo hacen entretenido cuando no no es eh moralmente correcto o cultura o socialmente correcto +sí uno uno puede enseñar a los hijos pero los la la la realidad es que uno como padre no debe tener los ojos cerrados especialmente cuando +vayan a crecer porque van a tener muchas más tentaciones que nosotros tuvimos +sí +um no porque no somos buenos padres pero por la cultura +que la cultura es más +porque la cultura hoy en día con los vivir son ah ya es pandillas ah música hip hop ah mucho sexo mucha violencia +los videos +los videos +sí por +y ah no es fácil controlar todo eso uno trata y uno yo trato de explicarle lo que las consecuencias sí él se mete a esto +si él hace eso si hace el sexo con una muchacha estos son las consecuencias que que que puedo que puede pasar me entiendes +sí +uno tiene que no hablar con ellos continuamente porque una cosa que yo he visto con los padres porque yo yo soy substitute irse en las escuelas +sí +cuidar mucho a los hijos cuando tienen cinco seis siete ocho nueve diez años pero cuando ya están creciendo y necesitan más ayuda los padres no sé qué les pasan +comienzan a fallar y estos muchachos tienen más tentaciones y +la edad de tinelli era una crítica +y es a esa edad definición de se se debe de meter más en la vida del muchacho +exacto +no solamente cuando tiene cinco o seis años +que la manera de razonable de pensar ellos dicen entonces nosotros fuimos tienes yo también yo me acuerdo cómo yo trabajo en esos años +que tenía mi espíritu de rebeldía y todas esas cosas pero es cuando más uno necesita de la que de los padres +exacto exacto entonces todo depende de la educación de los padres la manera como están metidos en la vida de los jóvenes no no las no las clasificaciones +la clasificación solamente es un uno +sí y si uno viene a ver es como cuando están ellos solo con sus amiguitos yo pueden ver lo que quieran porque no hay nadie que se lo prohiba +sí +eh pero si uno le ayuda en poniéndolo en buen fundamento en en cuanto que es bueno y qué malo eso lo ayuda mucho a razonar antes de hacer +tomar una estación incorrecta +hay que darles fundamentos a los muchachos qué es bueno y qué es malo no solamente cuando tienen cinco o seis años pero cuando también tienen quince dieciséis dieciocho años +exacto +y es más importante cuando tienen quince años que cuando tienen cinco porque cuando tienen cinco van a seguir las reglas básicas +sí +pero cuando ya tienen catorce quince años es supuesto y visto +y se creen más independiente que no necesitan a los papás +ya ya tienen amigos ya ya están involucrados en la cultura +sí +el papá o la mamá tienen que trabajar no tienen siempre el tiempo es más difícil +pues sí la influencia de los jóvenes hoy día es bien grande yo estoy yo estoy de acuerdo aunque yo me acuerdo que también yo tuve mi mi influencia de amigo cuando cuando chamaco y eso +pero yo puedo ver que por la tecnología y todo esa cosa pues es aun mayor porque realmente las películas tiempo cuando yo era chamaco no eran tan violentas como ahora +tampoco habían juegos de video la televisión era mucho más tranquila no no se enseñaban nada esta violencia moderna ni la sangre ni cuerpo como es y asadito esos programas que son bien viktor clásico +enseñen cosas como si fueran realidad +este mhm +ay mi muy pues como que para los jóvenes se le acostumbra la mente a ver eso como aceptable pero en el tiempo que yo estaba creciendo esas cosas o enseñaba y si hubiera causado un caos +de hecho no suena permitido lo absoluto pero es cierto la mentalidad está cambiando y por eso eh los jóvenes que una influencia inmensamente +grande y negativa de de estas cosas que se permiten en la sociedad y yo pues +sí +yo yo espero que cuando mi en ese tiempo de de adolescente pues que yo éste +eso hace va a ser en poco tiempo amigo +sí yo sé el tiempo se va rápido +el tiempo vuela +yo me acuerdo cuando era una bebé y ahora está ya brincando y corriendo por todas partes aprendiendo muchas cosas nuevas y curiosa el preguntonas +hola mi nombre es mariza relacionces de filadelfia +hola marisa es carolina de aquí desde los ángeles +hola buenas +y bue bueno aquí es buenas tardes +hoy verdad sí que son tres horas antes +ay yo decía mi madre todo va a ver oye hoy nos tocó el tema dificilísi +muy difícil sí +ay mamacita querida porque yo soy de venezuela +mm +tu eres de dónde +yo soy española +oh okay +y pues +y y tu sabes que ahorita estamos viviendo un momento bien tirístico justamente con con los estados unidos y el nuestro nuevo presidente +sí +they entonces ay mamacita querida +si me pa y bueno a mi me pasa parecido que lo que tengo que decir tros unidos tampoco es muy positivo por porque ah mm soy de izquierda de todas maneras entonces pues +wow no +lo de lo de estados unidos si que es que +esta fuerte esta +esta muy fe +fuerte incluso yo no sé si tu por alguna casualidad de la vida tienes esté conocimiento de una página que se llama eh viví por por +y ahí puedes ver los canales de televisión de +no +todos los países del mundo incluyendo por supuesto españa +ah sí +ajá se llama así tevez pu eh este eh viste ve un cuatro +y vi fuego oh +ajá un cuatro sfor y hoy a elegir y como televisión para todos algo así +oh +éste allí puedes ver bueno y nosotros casualmente y eh hemos estado viendo eh un canal particular de venezuela +mhm +y es un canal por supuesto del lado pero realmente ahora del estado no como antes que era del estado pero como que si no era +mhm +y entonces ahora podemos eh realmente ver la verdad que es lo que está pasando este lo que nunca se dijo y especialmente con nuestro presidente que es una persona bastante +como decimos nosotros en venezuela claro vi raspado +mhm +eh no sé si has tenido la oportunidad de escucharla en alguna oportunidad +pues yo creo que si sí en la televisión y de después de los de ah mm ah mm las cumplo las américas y todo lo que esta pasando por ahí +exactamente exacto ento +sí sí lo ponen aquí en en filadelfia y nunca hay varios canales hispanos los de éste pues telemundo univisión +ajá igual +galavisión y todo eso +igual acá +y se oye todo sí y +pero tu sabes que esa gente lamentablemente pues no o sea pone lo que les conviene me +no es que y aquí también aquí esta controlado todo por el gobierno o sea digamos +exacto exacto +eh solamente oímos lo que no son los que ellos quieren que oigamos +correcto correcto y ponen incluso este a veces tergiversan +mhm +tergiversan lo que esta ocurriendo y entonces siempre yo me encuentro po con personas que por ejemplo me dicen cónchale y qué opinas tu del loco ese que tienes como presidente y +yo ay mamá querida me tocaron el punto bueno la verdad es que yo con ese loco estoy totalmente de acuerdo ah bueno yo lo que te +quería decir era que parece que ya han dicho un poco barbaridades no +yeah +y yo ay dios mío tonto cien señor porque es un tema sus originalmente delicado +sí +incluso ya yo he tenido un varios inconvenientes acá y con incluso con con venezolanos +mm +y gente que tiene muchos años aquí y que desconocen lo que esta pasando verdaderamente en venezuela +sí +y aparte de eso tienen miedo de la idea que le llamé vino que comunismo que yo no sé cuán que fidel y que aquello que lo otro y +bueno realmente no sé qué qué tanto conocimos tu tienes tu pero este por ejemplo la situación que tan viviendo en venezuela es una situación muy especial +mhm +muy propia de venezuela o sea que no tiene nada que ver con la realidad cubana con lo que pasó en cuba este y cómo sé sé ellos +tuvieron que adoptar ese sistema y cuáles fueron las necesidades que los llevaron a ellos asumir ese sí temas y qué pasó durante el tiempo en que +este estuvieron aplicando eso porque evidentemente segú errores como en todo como nosotros también tenemos errores ahorita +claro sí +hemos estado cometiendo errores sin embargo pues se esta trabajando en función de eso como dice presidente pues este claramente él tiene una denuncia cuant +el gobierno no contra el el país sino contra el gobierno de acá que que son los que ellos +claro +pues asume unas políticas como le parece como mejor le parece arbitrariamente y +sí que sea no se han hecho la digamos como dice la pregunta la policía del mundo ellos son los que se hacen los +exactamente +gente de todo y y eso es lo que va a pasar y si no estás pues pues a las malas te te te va de acuerdo +exacto correcto o sea y sí no entonces te te chantajeo +mhm exacto +ajá entonces wow viven +con embargo con con todo lo que sea o la ma malas con violencia ay un guerra +exactamente exactamente entonces es una situación más +sí +tanto delicada pero yo creo y por lo que he visto siento que el pueblo norteamericano como que de alguna manera ya como despertando yo siento +mm +que hay un poco más de personas que están como dándose cuenta de lo que realmente está sucediendo porque también los tenían como en una burbuja +todavía falta mucho y y es lo que me primero me da más +sí +me da rabia porque esta tan claro sí caí si uno sabe dos más dos es igual a cuatro y uno de cómo están manipulando a la gente +claro +y cla y unos y los y tus intentas decirle a la persona veata que es así así así no te das cuenta y te dicen no porque tu eres +liberal o comunista o sea tu te +claro +te pongas unas etiquetas y +eh sillones tiquetes y más de paso +sí malas malas si tu eres research no terrorista au eres de antiyanki vete de aquí no te queremos si no te gusta +correcto +y yo tu prefiero este país no primeros países es son los líderes del país +exacto todo eso es lo que a mi a veces me dicen qué haces tu aquí +sí +yo mira eh yo pudiera estar en venezuela y no apoyar al presiden pesar que el el hecho de que tu estés en un +país o o no o sea que te fueras de tu país no implica que tu tengas una posición +mhm +nadie sabe las razones por las cuáles las personas están aquí +claro +en en un momento dado pero eso no tiene nada que ver con oposición porque cuántas personas por ejemplo en venezuela no viven en venezuela y lo que están haciendo es echándole lavar +y al gobierno venezolano y al pueblo +mm +o sea que tu no tienes que estar aquí o allá para apoyar o para no apoya o sea eso es una posición muy un a mi me cuando me dicen así a mi lo que me da risa +sí +pues qué haces tu aquí bueno lo mismo que quizás estarás haciendo tu gracias a dios que tu estas aquí no tu en venezuela +no pero también en españa es lo mismo lo que pasa que es dis es diferente el gobierno elige ser pero aunque fuera de derecha haces una otra mentalidad porque +pueblo cuando está de acuerdo se echa la calle y y se manifiesta ciones y tejano eso nunca se me yo nunca lo he visto +correcto correcto no fíjate que con todo el problema está de la sobrinas que de verdad eh estado pero mira +tu trabajas mhm +de una manera sorprendentemente alta que ya la gente no puede eh no no hacen protesta yo digo no pero qué pasa qué pasa con ésta gente o sea +supuestamente a ti cuando te afecta tu bolsillo cuando tu reaccionas pero pareciera que no no sé qué lo que pasa o o se cambian de carro y compran un carro más económicos no sé +sí +no sé qué pasa pero no tienen o sea en en general no tienen esa como esa necesidad de protestar ante ciertas cosas +sí +sin embargo te digo no sé de repente aquí tu estás en en pennsylvania me dijistes que +sí filadelfia sí +en filadelfia no sé pero aquí yo he sentido que hay un poquito más esa como que la gente esta como comenzando a despertar +y mm +siento que están rechazando las políticas de de del presidente actual y y como que están viendo que realmente las cosas no son como las están pintando porque +yo también yo al principio que no había no tenía acceso a eso a esa página yo decía dios mío se se hace lo que están diciendo de venezuela pero yo hablaba con mis amigas +y me decían no chica qué gesto nieto es así así así osado y yo cónchale verdaderamente pero mira el poder de la televisión es +sí +muy grande bueno precisamente hablando del tema el poder +el poder sí +y la televisión es un moderadas +sí ellos son los que control digamos sí aquí +y no +y filadelfia es una ciudad demócrata todo el mundo es demócrata pero el resto del estado es republicano y de gente mira el gringa de de de pueblo que le dicen las cosas +no sé muy muy ra muy radicales +correcto +así muy religioso si muy cerrado eso entonces +sí sí sí sí +no porque no va a cambiar entonces que eso no cambia pues +claro claro y qué haces tu allá en filadelfia +yo pues yo ando con mi marido aquí no n nos mudamos hace un hace un año antes digamos en florida y ah +okay +aquí buscando trabajo hemos nos acabamos de mudar y +oh y te parece mejor allí qué miami +vamos en el proceso de mm bueno me gustan más lo que pasa que era el el la cosa de trabajo es mejor aquí en el norte en no está muy saturado +okay okay +y qué se va hacer es lo que trabajo son primero +claro claro y sí y ven acá y qué hacen ustedes +ah es dicen es trabajar en la industria farmacéutica haciendo research ah +okay okay +y yo pues mira trabajo me castigo voluntariado y +okay lo lo que salga claro +pues lo que lo que encuentro claro +pero y ya tienes mucho tiempo en los estados unidos +y pues doce años +no sí +mhm +ay madre mía yo tengo seis aquí y y estamos por regresar si dios permite +sí yo cuando llegué jamás de clinton que el país llama en una en una etapa increíble mucho trabajo todo mundo estaba contento la economía estaba para arriba +sí y como no +luego entran los republicanos en doy con bush y se fue todo trabajo como dice +sí señor sí señor y +y esta todiendo poco a poco y esta es es yo no sé el el mundo españa ya está +sí +para yo voy a españa todo el mundo la a la a mi marido que es americano lo mira mal y dice y quiere mucho resentimiento porque dice mira tu tu país esta +está destrozando el mundo esta hasta apoderándose de todo y +ay dios mío +se creen que que sí que se creen que son los tu sabes los dueños de todo y +sí sí sí sí sí sí +y hay mucho resentimiento del poder +sí y fíjate que yo antes también caía un poco en eso y y ya ahora entiendo que no es así es como nosotros pues nosotros no tenemos +culpa de nuestro lo que nuestro gobiernos hayan +claro +entonces antes yo también veía a los americanos con los gringos pues este este ahora entendí que las que son americanos que son estadounidenses porque eso otro concepto equivocado que se manejan no +ajá +supo nosotros somos americanos y el caso vamos +claro +y y entonces cuando después que empiezo a como a reflexionar un poco de no no no no son unos americanos no so son islas política de gobierno que bueno lo que hacen es +ellos deciden hace entonces uno claro lo refleja contra el pueblo contra el país +mhm +pero no es así es el estado es las políticas de del gobierno +sí sí no me gusta yo soy yo soy española y nos americana yo yo aquí por necesidad y por circunstancia pero yo me +claro +y me tenga cuántas y tus aguantar lo que él hace supongo que no pero tampoco no sé no me gusta es un +claro claro sí no tu tiene uno tiene su derecho veces examentes por estar en democracia tienes derecho a protestar +claro bueno te tiene pero deberían práctica no digas nada sino +yo ah exacto exacto tuyo ojalá que esto lo +mm es como un régimen sí +no afecte nada el eh el proyecto este pero bueno por lo menos es un tema bien controversial yo cuando escuché +muy +tema yo me voy muriendo yo paraguay +yo +por qué +yo digo voy a hablar de bush porque dicen que tengo tanto tanto rabia que tengo que hablar de bush y ponerlo mal porque +pero bueno pero creo que no todos sola yo escucho tanta gente que dice no que es hablan pero despotrican de él y yo digo +sí sí sí +ciertamente ya la gente se está dando cuenta parte de que +que es que +piensan que la gente es tan brutal que no se va a dar +mhm +cuenta de las barbaridades que están haciendo por dios +no tenga barbaridad y luego y y se todo mundo se se la prestamos a la cabeza oh dios mío no puede ser no sé qué +y no vas a la semana siguiente se olvidaron del tema porque +cierto +la prensa y entre ellos pues pasan otra cosa que digamos que para para para está gente abusa distraer todo la gente se olvida +claro mira sí y tu sabes que hace poquito aquí terminó el festival de cine y latino americano +mhm +y por cierto pasaron una película y y te argentina pero los directores eran españoles que +mhm +y entonces bien interesante porque tu sabes que cine español también tiene muchos zinni de deportistas un cine de +sí +tipo documental este donde y +mhm +bueno mi nombre es ibet con quién tengo el gusto +habla mercedes +hola mercedes cómo estás de dónde no mercedes +de honduras +oh +mhm +wow yo tengo una concluiría que ella es de de honduras también +ah de dónde +no no eh no sé pero yo sé que ella es hondureña también +ah qué bueno +sí es +y usted de dónde es +yo soy de méxico +ah de dónde la ciudad eh capital +de la ciudad sí de la ciudad de méxico sí y +y qué piensas del tema de hoy qué si es más eh es más fácil que terminar con alguien joven o si la edad hace diferencia +mm mira bueno yo ya pasé por esa etapa y yo ya estoy casada pero por ejemplo ah mm pues no sé la experiencia que yo tuve fue fue muy difícil +yo siento que es difícil cuando realmente quieres a la persona cuando realmente no la quieres yo creo que es como cualquier cosa okay está bien terminamos +cada quien por su lado +ajá +entonces yo creo que cuando realmente quiere a la persona pero en este caso me imagino que es por porque no te llevastes bien con la persona +oh o o porque realmente no sé a lo mejor no se quisieron llevar entre los entre las dos personas yo creo que debe de haber más que nada +un una comunicación entre relación +mhm +o sea entre en la relación y si no hay una una de las dos partes empiezas a perder las desconosco va a ver desconfianza y empieza +a deteriorarse la comunicación entonces yo creo que eso puede puede ocacionar un rompimiento pero sí yo sé que yo siento que duele +y alguna vez tuviste algún rompimiento que fuera difícil +mm pues pues realmente sí sí sí porque por ejemplo antes de que me casara con mi esposo eh yo andaba con una persona y por ejemplo ya +igual no fue mucho tiempo para la playa eh primera mi primer novio +sí +entonces este +es difícil siempre +tuve un poco de tiempo con él no fue mucho igual pero era la primera ilusión que tenía no sé y y yo ya hasta había dicho bueno y hasta decía no pues con él sí me voy a casar +allá voy a tener tres hijos y ya estaba poniendo mi sí hacen el aire y cuando una vez llegó él y dijo terminó + +mm +que había tenía más de experiencia de decir hasta aquí se terminó que yo sé decir oh entonces creo que para él um +no fue tan difícil pero para mi sí +mhm y +y después ahora sí que todo fue para bien porque después conocí a a lo que es ahorita mi esposo y wow y es sumamente mejor +la verdad +qué bueno +entonces no sé +o sea qué tal has tenido dos novios +así que y +qué bueno mejor para qué en problemas meterse en problemas +y a ti +cuando no hay necesidad +sí y a ti cómo te pasó +a ver saber ah ya yo también sí hace rato que no eh no paso por eso pero yo creo que tuve alguna vez ninguna experiencia difícil vamos a ver creo que +ajá +con un muchacho que anduve así con el primer vez que tuve que nuevos como dos años +ajá +un me acuerdo que decimos que ya no me acuerdo por que precisamente íbamos a a cortar +ajá +pero eso este aseo diez años +wow +yo tenía diecinueve dieciocho tenía hace +tu eres casada ahorita +sí +oh +y después no bueno nos dejamos de ver después eso no fue tan difícil porque estamos a parte o sea él vivía por un lado yo yo por otro lado +ajá ajá +después con otro meche con que yo anduve también elmo pocos meses también él no vivía donde yo he donde +ajá +estábamos en la universidad me estábamos y se regresó a su país de origen +ajá +y de esa también fue fácil por el hecho de que uno lo deja de veías rápida o sea es fácil pues verdad +sí +de esa manera y +sí +eh qué más a ver qué otro después de eso no tuve ningún otro novio formal nuestras sí más qué sí la verdad que las experiencias que nunca tuve alguna mala experiencia como que ni se verdad gracias y +ajá no sí es que a veces no sé bueno por ejemplo yo creo que en en el caso mío eh con la primera persona yo creo que me encariñé demasiado +bueno fue muchísimo +mhm +más de lo que de lo que eje él se encariñó yo creo conmigo y no fue mucho tiempo yo creo que fueron como dos o tres meses +mhm +pero igual yo estaba que volaba porque si está es mi primer no yo y y probablemente con él me voy a casar y cosas así +sí +y en y él y él creo que que no lo pensaba así él decía bueno ella no sé si era su tercera cuarta quinta no sé +pero decía sí pues con ella no vaca voy a andar con miré y la voy a conocer y y hasta ahí en cambio pues yo creo que yo fui la que me hice los ilusiones por eso +y este sí sí duele la verdad +verdad +sí duele porque yo creo que tu estás ilusionada y tu tienes mucha fe en esa relación y cuando llega una persona y te dice que no pues ya +pero yo creo que ha deber ha de doler mucho más cuando ya convives con la persona como matrimonio +sí +yo creo que ha de ser la peor experiencia yo creo de tu vida es i y espero espero nunca pasarla porque no sabemos verdad +mhm +entonces espero nunca pasar hasta ahorita tengo tres años de casada y todo está funcionando pues no de maravilla pero todo está bien +gracias a dios +mucha comunicación y cosas así +pues sí que tampoco es nada pues todo puede ser perfecto es verdad siempre y además +sí +porque hay gente que se equivoca hay gente que piensa que oí que el matrimonio es en es según la época de edad y todo tranquilidad +no +pero y vive uno con la gente día y noche y lo mira la gente o sea +sí +es imposible pues que se mantenga un verdad una situación así de que ay +no sí +sí uno siempre quiere la persona pero es imposible que es solo sea paz pues ese lo que estoy diciendo verdad +sí +porque uno pues yo uno yo soy uno puede ser humano y uno tiene que cosas que muy le molestan a otras personas verdad y +sí +y ve a cualquier otra persona pue no estoy diciendo a la persona con que uno está particularmente de cualquier otra persona pues no sé que +eventualmente pues como que no éste municiones monedita de orde todo el mundo todo el día las veinticuatro horas del día para todo hasta la vida pues +así es +sí +sí la verdad yo yo creo que ha de ser algo la verdad ah muy difícil eh mantenerlo que todo esté alegre verdad pero +mhm ya +y yo creo que también eso y yo creo que eh cuando llevas tu noviazgo por ejemplo puedes saber y conforme vas conociendo a la persona +que claro no la vas a conocer a fondo verdad hasta que ya estés casada con esa persona pero este pero yo creo que yo creo que +si ves que realmente no te llevas con esa persona y por ejemplo he conocido a personas eh que le pegaba a sus novios siendo novios les pegaba y las maltrataba y las obligaba a todo lo que quisiera entonces +yo creo que esas relaciones pues nunca van a llevar a nada bueno porque si todavía no están casados +y a tratar +y ya las tratan así imagínate cómo va a ser si van a estar casas no yo tantito van a decir tu eres mi dueña si así ya +sí sí +ya como la tratan entonces yo creo que que un que esas relaciones eh yo creo que no van a funcionar nunca no sé o o cambia él o +o cambia o se termina una relación así yo creo que si fuera una relación así pues yo yo creo que no ha de doler nada en contra de +ah de descansar si tienes un novio que te pega o eso +mhm +vas a descansar vas a decir ay qué bueno que terminamos no sé y yo creo que si por ejemplo todo empieza a llevarse bien y todo +todo está de maravilla y de repente alguien no sé se tiene que ir por ejemplo a otro país o se tiene que ir a otra escuela yo creo que ahí sí también dolería un poco +sí +porque todo está bien pero solamente por tercera circunstancia pues se tienen que separar entonces yo creo que en ese tipo de relaciones pues sí sí duele pero si es una relación así que +que te pegan y cosas así pues no +ah no sí estos sé y lo lo que es eh y irónico es que eh esas son las usualmente hay veces que son las relaciones que son más difíciles +para ese para las personas que están en mi envueltas en ese tipo de relación +eso sí +voy que usualmente pues te la gente se cuando está en ese tipo este ción es hay como un autoconfidencia bien baja +ajá +y entonces ellos piensan de que las personas piensan de que esto es lo oí lo mejor que alguna vez me va poder de lo que voy a para alcanzar +tengo que aguantar tengo que seguir avanzando pues +sí +y entonces eh de verdad que no es tan fácil como uno piensa de que ah ya me hizo esto oya lo voy a mandar por el tubo no +eso sí +es difícil más bien porque uh se vuelve como no es como que no decir adicto locos pero si a la a ese tipo de situación de que +el drama es al es bastante verdad y y entonces la gente no sabe salir de que ciclo de de abuso verdad es lo que pasa +eso sí sí sí cierto tienes razón porque +sí pero +por ejemplo yo una vez en estando en méxico conocí a una muchacha que en una vez llego con unos lentes negros a su para al trabajo +mhm +y le dije y ahora tu nunca no estaba pues nublado el día verdad y y traía un golpe que su novio le había pegado +mm +y le dije sal le dije creo que no debes de per no sé le dije pero creo que no debes de permitir que que te toque tu +tu novio porque y dijo ella bueno es que me es más me es muy dis visión terminar mi relación con él y le dije por qué dice +a pesar de todo lo quiero +mhm +y entonces wow le di qué cómo puede ser posible quieres a una persona que te pega que te golpea a veces venía eh moreteada o a veces este +mm +que le daba cachetada son cosas así +un +entonces como tu dices a veces esas tipo de relaciones son las más duras y cuando por fin ella pudo lograrlo yo me acuerdo que ella era la que llorar de llorar y lloraba cada +cada que podía llorar en los descansos y cosas así porque lo extrañaba y todo eso entonces yo creo que sí en cierto modo a veces este +y algunas relaciones yo creo que +carolina +fabiola +qué tal fabiola cómo estás +bien y tu +bien bien por dónde andas +en washington they +en virginia bien +y tu +yo estoy en los ángeles +uf + +extremos +qué bueno y de dónde eres +chilena +de dónde +que viene de chillán +oh chilena okay yo soy de venezuela +de maracaigo +no fíjate que no por qué conoces gente bien +sí conosco unas personas de maracaibo +oh ya ya bueno tu sabes que ellos tienen un acento más fuerte no sé como mirá y vos mm +eh sí sí +ajá +mirá yo no eres alérgica +a sí yo creo sí y qué bueno qué bueno porque a veces es tan difícil encontrar venezolanos y y dicen no no realmente conocemos pocos venezolanos esto es qué y yo ay dios mío +estamos pocos por aquí realmente pero como que dentro de un myspace de mm unos diez años quizás pienso que se han incrementado +sí +mhm +personas sí una muchacha de venezuela y en houston +mhm mhm oh trabajas en el viento +no no no no no y houston en e +ah yo yo viví en el historia ay dios mío oh okay okay +texas no no no trabajo en la casa en mi casa +okay okay perfecto +tu trabajas +sí yo trabajo con niños sordos +oh +ajá bueno ahorita en realidad estoy trabajando con los padres de los niños sordos mhm +que qué buen trabajo +oye sí bastante fuerte +sí pero eh te da satisfacción al tener +sí +al poder ayudar a la gente +exactamente exactamente y l lo mismo así en venezuela solo que eh lo hacía con lenguaje de señas +yo me aprendí el alfabeto en verdad +ah okay okay chileno por supuesto no +me lo sí sí +mhm +pero por señas +mhm correcto pero aquí es oral +ajá aquí me delfino mi hija el azar el hasta eh algunas palabras +okay +no todas algunas como bailar vivir uh y cosas +mhm +sí palabrita chicas +mm okay +pero lindo +sí sí sí ahora estoy es en la parte oral no estoy como que en me en el otro extremo del de de de la +de la profesión porque ésta es de aquí se incentiva que los niños hablen +y co que hablen +mhm +sin escuchar pero que hablen que hagan +sí no sí porque ellos mm conocí quieres auditivos pueden lograr escuchar +ah +entonces él lo que se hace es que se entrenan auditivamente para que ellos reconozcan los sonidos +qué bonito +mhm mhm sí sí eso es como una una posibilidad que tienen pues de poder hablar claro nunca van a hablar perfecto el tu tu vas a sentir la diferencia la hablar +pero definitivamente van a tener esa opción pues que incluso en eh es hay unos padres que combinan el lenguaje señas con con la parte oral no dependiendo de +del grado de la pérdida auditiva de de del niños si es demasiado profunda donde realmente no hay posibilidades pero ni con la mejor operación entonces ahí +eh se utiliza el lenguaje de señas como complemento +trabajo más fuerte para los padres son +mhm mm es un trabajazo verdaderamente es bien bien duro pero es bien eh recompensante pues al final y tiene su su su su prendió claro tiene que realmente ponerse como decimos nosotros ponerse las pilas +porque de otra forma mm pues difícilmente pues lo lo lo va a lograr pues +y qué opinas tu de del tema que nos dieron hoy día de los +bueno fíjate tu que es un tema caen vivirla candela candela verdaderamente pienso que las relaciones de pareja no son nada sencillas y tienes que lidiar con una persona que +que es diferente a ti que viene de otro mundo otra cultura otra forma de ser y entonces tratar de tener un solo proyecto como que +eh a veces es un poquito difícil no pero pienso que el amor es lo único que hace que las barreras puedan ser superadas más nada +solo si hay si hay amor y si hay mucha disposición de la de la pareja para que esas esas diferencias y esas mm esas nada encontronazos que se pueden tener en un momento dado +se superen qué crees tu +sí claro yo creo que de repente más que el amor y todo eso porque el amor igual se +mhm +se quieren con el tiempo +claro +y y con y con ganas de lo que quieres mantener una familia tiene que querer mantener las familia porque mucha gente que ama +mhm +y son tan jóvenes que lo primero que se les ocurre hacer cuando tienen la oportunidad pelear separarse +correcto +no trabajan fuerte y se andan y se aman quizás más que una pareja que lleva treinta años de matrimonio +claro +pero ellos luchan día a día y pasan las problemas pasan por encima de los problemas +correcto +y eso es que yo creo que necesita más la gente de hoy en día tener paciencia en +sí +pensar de que si decidió quedarse con esa pareja o casarse con esa pareja +claro +estás bien allá aunque hayan problema no salir corriendo primer problema que tiempo hace +claro bueno fíjate que yo con mi esposo tenemos ya vamos a cumplir ocho años de casados +y yo doce +y doce imagínate y y de verdad hemos tenido bueno dos momentos críticos críticos a punto de separarnos y y llegó un punto en que también la madurez aquí juega un papel importante no +sí +yo en otro momento de mi vida me hubiese ido +yo también +ajá +puede importado nada pero +no me hubiese importado nada nada pero mira ni un comino +ah te digo yo que si me qued me vuelvo a parar problema +exacto +ahora la pienso tres veces +claro entonces ahora de verdad lo pienso digo no pero él tiene otras cosas este me me enfoco las cosas buenas que tienes yo digo es diferente mía nosotros estamos y no tengo porque molestarme si no piensa como yo +pero tampoco esa quiero permitir que me afectó +ah claro yo hago lo mismo +no o sea exactamente entonces afortunadamente bueno la primera vez fue bien horrible porque yo pensé que era el fin del mundo y bueno ahí estuvimos y duramos un buen tiempo que no nos tratábamos hasta que un buen día y bueno pero es lo que está pasando +tenemos teníamos casi tres semanas jamás en la vida habíamos hablado tres semanas sin verlo sin hablarnos y durmiendo la misma cama +oh my guerras +mm por horrible horrible yo le eh mira sabes qué sí me parece +no me ha tocado no he llegado a eso +oye no terrible una gran malcriadés de nuestra parte en realidad y dije sabes qué a mi me parece que esto es una talón kobe malcriadés +no tenemos ah esto no tiene sentido si tu quieres continuar con el proyecto lo continuamos si no quieres continuar no lo continuamos yo te llamo +te quiero pero así no podemos continuar porque tu vas por un lado y yo voy por el otro y de verdad creeme que tenía muy porque te amo +es que necesito que nosotros definamos esto porque es insenstado todo nuestra parte vivir así además un lugar así no lo bendice dios así que +vamos a ponernos las pilas porque independientemente de por muy grave que pueda ser la situación que a afortunadamente no era una cosa grave sino y como que ninguno de los dos quería dar el brazo todos ser no +y el orgullo +el orgullo tu porque eso +si que no sirve para nada +españa no todo lo contrario +ponen a afecta solamente +exactamente entonces bueno afortunadamente retomamos nuevamente el rumbo y después tuvimos otro y sin embargo éste fue menor yo creo que el primero fue realmente que nos marcó +y pues bien bien es más yo estaba a punto como decimos nosotros punto caramelo yo dije nada hasta aquí llegué +de caramelo es como lista para el dialecto +sí lista para tirar la toalla yo dije nada no no no no lo voy a co no te lo voy a permitir le digo no te lo permito sea estás equivocado +si algo he aprendido en ésta vida es a buscar soluciones para las cosas que se pueden +claro +por qué vamos a hacer con una relación mediocre yo no quiero una relación mediocre como tu misma dices hay personas que pasan hasta treinta años juntas y eso es una escuché una relación +sí +que que se tratan mal este mira pedazo de no sé qué cosa qué qué es eso para que yo quiero +no es la chica y a veces se enteran rebien pero no se aman +exacto también +están pasan toda la vida juntos +sí sí sí mira que pasan miles de cosas de verdad pasan tantas cosas en las parejas que es es un tema bien interesante porque tu dices +verdaderamente y personas que mira se la llevan super de lo mejor no se quieren como qué bueno me acostumbré a vivir con él +no se respetan nomás y +exacto +y lo que querían formar era la familia y ya +exacto hay otros que no hay otros que decirte definitivamente hacer lo que les da la gana y en y mantienen una imagen +no y hay que dicen el amor si no hay amor no hay nada +no hay nada no hay nada de verdad tiene que haber una gran un gran amor por eso te digo porque yo siento que en mi relación lo que pudo fue el amor +porque de verdad con una situación tan tan difícil como la que vivimos si no hubiese habido amor ahí no hubiese no se verás terminado así es así porque que no tenía sentido +no tenía sentido continuar algo que donde no habíamos entonces yo siento que sino mucho de amor y mucho de ese compromiso de el que tu hablas de querer realmente +estar allí porque quieres porque vale la pena +porque claro no porque nadie te obliga tu quieres estar ahí y y luchas y para mantenerte porque +exactamente exactamente +para tener una pareja es difícil y cuando la tienes tienes +exacto +lo más difícil después es mantenerla +claro eso es lo más difícil sí señor y buscar cómo estar constantemente en esa y y esa armonía que que como de cosas nuevas de vamos a hacer esto diferente vamos a hacer no caer en esa rutina +y +pero no ha que el tiempo antiguas sabes pero lo importante que puedas salir de ella +exacto claro que sí reconocerlo +y que el sistema igual te lleva a eso +claro claro tu esposo también es chileno +no él es de aquí +uy imagínate como eh es un poquito más o sea no es que sea más difícil en realidad yo siento que el amor lo puede todo +ha ha digo yo +tu piensas que es más fácil +bueno para ciertas cosas que +oh ah okay okay porque mi esposo es venezolano y +para ciertas +y a veces yo digo yo creo que que eso no tiene nada que ver con la con la nacionalidad yo creo que esas son cosas universales +sí yo creo que para mi es más fácil porque a veces la las discusiones también entretenidas porque no entiendo lo que dice o lo dice no va bien no no no tenía un punto para pelear +mucho con él porque me da risa +qué bueno que +sí o cuando estamos super +malo +hola +hola +haló +hola cómo está +bien yo soy faviola de idaho +ah oh muy bien yo soy alicia de atlanta +de atlanta +sí +oh cómo está +bien y usted +bien bien +qué buena vida originalmente +de chile +yo también +de verdad +sí +oh qué +qué un +y hace cuánto ya que vive acá +sí bueno no meno en ayudan pero por ejemplo estoy ahí todo el dos mil tres +oh okay +y cómo se llama y claro entonces venía volvía pero más en el noventa y uno sí y usted +yo estoy viviendo acá desde el dos mil dos +ah no es tanto no para nada +no no hace tanto hace poco +y de santiago seguramente +sí de santiago +claro +y y usted de dónde es +yo vivía +de santiago también +qué estás haciendo yo vivía los andes en concepción +oh okay +entonces +mire qué qué chico el mundo +sí exactamente tener +y hace tiempo ya que te estás en ésta cosa de llamar por teléfono +no sé qué tía el lunes +oh sí +y no uno supiera está por ahí pues +haló +o sea que no sí +ah okay +ay y hasta las relaciones teléfono mío malo pero a veces +oh okay +no ves decía que desde noveno o tomando llamadas qué sino +ah y estaríamos ah estás llamando cada día +bueno empezé claro llamar una vez a debe llevarlo venimos cuatro veces pero solo pude contestar una ajá +oh okay +sí +sí sí a mi también me llamó ésta semana pero yo no podía contestar +bueno eh +semana sí es que oh como media floja situación +claro sí pues igual derrepente así como no +sí +pero igual le cierto los demás que bien +sí +dios que dan un tema será para +para hablar para tener de que hablar yo creo +no ah sí eso debe ser +sí yo creo +yo pensé yo creo que era porque como está está este tuviera para hacer estar un cómo se llama menos de teléfono y cosas así +eh +para para hospitales y y teatros y cosas así entonces querían ya la gente hablara de cosas respecto a la salud o algo así por ejemplo +no lo que pasa es que a mi me dijeron que daban temas porque así como supone que uno no tiene que hablar de cosas personales +ah porque porque uno debería o porque uno no quiere hacer +porque uno no no debería hablara como cosas muy personales +ah +porque nunca se sabe la otra persona que está en el teléfono porque +ah claro ah ya +entonces por eso dan temas como para tener de que hablar +ah ya yo pensé que era parte del que querían escuchar palabras en español o del castellano que sí no +oh okay +no pero no +sí lo único que m y me dijeron era que había que hablar temas como susto temas como con importante importancia pero +claro con +tener como un tema no hablar como puras cabezas de pecado +claro la entender expresiones casado +pues sí +sí +eso si y te gusta aquí +no no creo sí estoy en atlanta +tres +sí yo estoy en en washington acerca de cigarros cuando recién llegué a estados unidos claro +eh +y eso y ahora estoy en georgia estoy al sur traen en bueno así como donde los los imposición tomó cuartito acá y qué sé yo hijos andaba que estoy en atlanta y no nos +ándale hacido nada más es más puesto acá pero +eh +emm pero ya algo por ejemplo yo estado realmente ocurre queriendo rural así uno +sí es como campo po y todo bien bien campo +sí me imagino igual como uno está depende +sí es como medio fumen medio es como no sé no es como vida nocturna no +ah sí me imagino oh la lo conocí estoy en atlanta que es una ciudad tan grande supuestamente la vida nocturna debería ser fantástica verás ve +dos tres años +eh +va pasar órale y buena donde todos me gustó todos los bares todos los clubs tienen que iba a las dos de la mañana imagínate vos +ah las a las dos +a la mamá todo cerrado +oh y porque por qué +pues la la razón tienes que ha el el ser así como de de plus y cosa eh en en atlanta se llama paz gente +eh +y como y ya como dos tres años atrás había su primer y cosa y las demás gentes personas fueron matadas ah mataron a las personas +oh +por ahí entonces la ciudad ma estimados nuevo alcaldes alcalde sé yo entonces si eran yaya que la gente bueno una matando a mostrar pagando y casaron todo +oh os su +pero es pero es como también quedó nacida igual es como como pueri tanto se ya y tiene que tener por diversión vida nocturna usarlo +sí pues y como susto pero ayer la gente usa arto auto o hay más como locomoción colectiva +ah no es de mucho auto demasiado ca sí +nosotros ah entonces solomon igual porque salir a la a las dos de la mañana igual no es tan +bueno es que +botado sí si tienes auto o algo así +claro no es que lo malo es que ellos saben siempre preferían mil veces tener un un sistema tan buena bolas ya razón de qué bueno problema de la +cine quejaban cara y además que +sí +mucha congestión +oh okay +entonces claro es como un tráfico horrible o sea demora uno media hora venir a cualquier parte sí que +sí +sí el auto +acá es totalmente diferente +ah sí como allá +bueno hay arto auto la gente ha tiene autos todo el mundo porque es una necesidad por decirlo así +claro +porque no hay locomoción colectiva pero +ah +son como no no se matan turín como para ir a tantas partes el perdone la ciudad donde vivo yo es como la mitad del porte santiago pero hay mucho menos gentes o sí +así pues +porque tu salía acá las cosas son como las casa más grande están más separados cosas así +claro claro está en policía o +y no estoy en idaho fumamos +ah ya ya +en las vos +ya +en voy si una ciudad más grande +mm +ahí una ciudad más grande pero +claro +pero estamos nosotros los es campo +ah qué vestido es todo claro pues eh entendí una cosa allá como está la experiencia diez diabética por decir ésta porquería experiencias de washington +ah +sí eramos repoco latinos y +no acá hay harto como hay máquinas mexicanos eso sí +ahh ya listo +hay artos mexicano y como es más que nada un lugar rural +mm +contratan artos mejicanos así como como para hacer trabajo en +ah +la tierra y cosas así +ah claro como +entonces casi siempre lo que se ve son mexicano y inclusive y la gente también te confunde por por mejicano +claro sí sí +menos latina dicen es mejicano +claro el tío +uno tiene que nadie se no no no +no + +claro o sea los gays a tu que creen que yo soy como de spanish y una una cosa acuática sí verdad sí realmente intento nuestra +sí +sí como de economía del medio oriente ellos me dicen +eh +y tratan de hablar en árabe no sé encuentran cara más de de de india o algo así pero galicia y hay discriminación hallado o no +uh sí igual igual pero no +vas pero +o sea sí como en todos lados +ah claro +igual es que más que nada como es con la gente que es latino pero que no sabe mucho hablar y cosas así +ah claro +porque igual hay arta gente que por ejemplo va a comprar y no sabe nada de +y claro claro +inglés por estos tienen que andar no pero igual la gente tu sabes como en todos lados igual son medios +sí sí claro +porque allá son bien discriminatorios y usted qué +bueno acá es como super diverso echándole ayer que atlanta y todo el sur es como sesenta por ciento desde así +oh okay +entonces es como ya él esta semana está así es como mucho más eh aceptable que sé yo pero es más tiempo hacer sur estar el sur de estados +unidos tiene esa y historia de ser uno de los lugares más pasi talvez todo estados unidos sabes está aquí +oh +había las clarito y todo eso entonces igual hay un una cierta minoría de blancos que odian al cualquier él grupo étnico y tienen sus demostraciones raras y todas esas cosas pero +ah pero cosas así como fuerte sí +claro +nos peleamos pues +sí pero +acá no no es como algo así masivo sino que es como alguna gente medio espectáculos pero no no como grupos y cosas así no +claro por ejemplo acabaron las partes lugares se vería cosas como se ve el el klux klan que no sé yo perspectivas +oh sí de verdad +sí todavía +oh un +y que sus cosas raras pero está haz muy muy lejos de lo que así es lo que la ciudad o sea +eh +está adentro de la ciudad atlanta uno ves está en lugar por decir más civilizado enton esas cosas no +eh +sí por eso también no pasa ahora +oh oh qué raro +y cómo llegaste a airaho así +oh me casé con un con un gringo +ah claro ojalá airaho entonces +sí me casé con un gringo así eso cómo y acá y tu cómo cómo +bueno mi mamá se casó con un gringo +oh sí +sí entonces por eso vinimos a fuimos a ancianos el noventa y uno cuando tenía once años así +mm +y pero mi papá se quedó en chile entonces y por eso voy y vuelvo así +oh okay +claro +mm +y a +okay uh +pero interesante +sí entonces tu ahora estás tan soltera +bueno así entonces estoy estoy cotejo un pololo sí como que vivimos juntos +oh okay +entonces claro +okay oh mira y y cómo se mucho de buscarían niño o un un +sí porque o sea estoy dentro de la ciudad me gustaría sé más la quizá osea yo soy de ciudad o de campo por ejemplo yo vivía en san rafael que no sé si ricas pero +camino de san felipe a los andes que es como un la cuestión más más rural y no travis imaginaba sí cómo +oh +típico campo chileno y me encantaba eso +sí +una una aldea sí qué sé yo o trae gusta estar dentro de la ciudad que como tararea porque más onda qué sé yo hay más cosas que hacer +más no sé por más más eventos determine canadá y lo que suburbio eso examina pues +ah +entonces +oh +sí +no como +pero +no es como un cambio como super drástico por mi venir acá +sí me imagino +porque como estaba acostumbrada vivir en la ciudad y todo y ahora acá pero igual hay una ciudad cerca podía contra todo lo que necesitan pero la vida es más +es más calmada por decirlo así +claro +no y todo igual no es bueno porque no que son por ejemplo los eh no hay tanta delincuencia y cosas así una ciudad más grande +claro +pero es medio aburrido +sí me + +igual encontrar edades es difícil también +acá sí pues pero no tanto no tanto que como o por lo menos chico no es tan grande +bueno hola juan marcela +hola cómo estás mi nombre es juan marcela +sí cómo te va +oye no hablamos el otro día con +me parece que sí vos estás en tejas y yo estoy en north carolina +sí exacto me da mucho gusto +este encantada +no te ha olvidado practicamos to o no sí oye retocarte má la salud +sí +tu tienes seguro social aquí pues cubierta +sí yo estoy cubierta a través de mi esposo +ajá +y los niños están cubierto así que así que estamos bien +ah pues fíjate que nosotros sí nosotros no +es un problema no +no estamos cubiertos es un problema porque pues siempre puede pasar algo no +mm sí nosotros somos muy sanos pero uno nunca sabe +sí sí y el otro día yo fui precisamente vedad acudí a uno sino en que supuestamente daban algún tipo de pues ya pensión para ah +gente así de la comunidad no +sí +y suceden los papeles que me pedían con contenido mis silvio y el comprobantes de trabajo y finalmente encontraron el pretexto para para no no no porque me pidieron +que diera información sobre la persona que me solo contratando y en ese momento pues no la persona no quiso información +mm +y y en mi caso yo tengo un hijo que tiene epilepsia +ah +y entonces y necesitaba pues algún tensión de nací aquí cosas que +y no te dieron en la atención +eh no no no no me xiamen sin no entonces en los casos eh si se me presio con él se puso mandó una vez sí se puso peor +y entonces tuve que regresar a méjico y que yo lo entendía el médico que lo ven +mm +y lo recetaron y entonces ya van una vez se me acabó aquí la medicina eh normalmente la compro en méjico y +sí y puede ser más barata +es un problema con la receta entonces un amigo que es médico tenían las muestras y y me dio muestras de medicina +sí eso ciudad es qué cosa +no sí me dio entonces sí es algo que nosotros pensamos que pues debería haber algún tipo de courtroom poco más flexible no para um pues de por sí hay para la comunidad pero es cierto tipo de comunidad +sí no un a mi me parece que todo el sistema tener que caerse antes de que hagan algo diferente porque me parece que yo muy difícil arreglarlo porque hay +los costos de los costos de todo depende de la demanda y entonces si mmm esos costos haces bien nice bien y subiendo +sí sí +mm porque hay más demanda y porque la gente lo paga y entonces van subiendo los costos porque la gente pide más más dinero y la gente que trabaja pide más dinero es un circo vicioso y entonces cómo puede en de repente hacer una medicina social +sí +sí es es especialmente imposible porque entonces toda esa gente ya está como +sí debería ser +el dinero no deja de ser como una droga viste hice están acostumbrados a cierta cantidad de dinero +uh uh +y entonces ahora de repente no lo van a tener +exacto es un problema es un círculo que funciona con la nace aquí muy fuerte +sí claro que sí +entonces el interés +pararíamos de hacer bombas y de ir a la guerra mira todo ese dinero que se podría poner +mm +en las escuelas su o en un sistema de medicina de medicina social +mm mm un poquito nada más que trabajar +mm sí +loca suministran con eso porque aquí no se siente como seres sandalias tu dónde estás viviendo pero aquí si alguien que tiene dinero son las enfermeras y nosotros no +sí bueno las enfermeras le pagan muy bien porque pocas enfermeras sabes hay menos +entonces mhm y pero pues aquí así como dicen su vez un carro bueno con una mujer que está ahí de treinta años por ejemplo no +mm +y es enfermera y y así pasan cuando te enteras sin verdad si son enfermeras +sí dígame entendés veinte y treinta dólares la hora +sí sí locos ajá entonces qui en este caso pues como que se deshizo presenten en canadá yo tengo entendido bueno ellos tienen mucho cemento la medicina no +mhm +entonces cualquier residente en canadá tiene derecho a los servicios médicos por el hecho de estar ahí y no tienen mayores consecuencias sobre uno bien realmente +no pero sí la diferencia es que ellos empezaron bien +y mm exacto +sí es como en argentina mis padres tienen toda la medicina paga +ajá +toda la medicina paga pagan un poquitito no pero pero muy poco +sí sí sí esa es la otra cosa que podría uno por lo menos tratar de pagar algo +sí +por algún tipo seguro pero hasta eso es +estoy es carísimo screen +es caro no y luego no sé cómo sé las medicinas aquí bueno méjico son más económicas y es más así +en todas partes del mundo en todas partes del mundo +eso y hay más competencia de medicinas allá para la +sí había una medicina que estaba tomando estemos mi hijo por un tiempo muy cortito y resulta que acá no había la medicina viste sin sin sin la marca +ajá +eh y entonces este fuimos a la argentina el año pasado y fui al farmacéuticas eramos tres y algo que costaba acá más de cincuenta dólares +allá lo compré por doce dólares +sí sí sí +todos cien dólares la misma marca todo +sí +y podría haber podría haber sido menos si compraba la de otra marca la marca segunda vaca desconocida una cosa +igual sí +pero no entiendo +y tienes tanto sí el caso de méxico por ejemplo la medí tina de mi hijo hay un cinco seis marcas +mm +con ingredientes semejantes +mm +no sí te y aquí nada más hay una y segundo queremos en la literatura no es la mejor y sí es oye pero solo los laboratorios yo pensé que todos los votos norteamericanos eh +todo eso la hora de la competencia yo aquí hay un monopolio +sí sí sí +interés quisimos en todo no +la verdad que sí de verdad que sí +mm +o sea qué sé yo según qué cosa sí ha +pero +según que especializaron tienen que operar acá pero o sea tendrías que hacer +sí +sí por qué te pones en contacto con una organización que se llama the jóvenes +ajá ah sí +suena sí +sí ya sé sí ya sé +eh porque ellos ayudan a niños +mm +ahora yo no sé si se especializan en una enfermera específica o si cubren todo porque a lo mejor +mm +ustedes pueden con medicasy con ellos y decirle miré nosotros tenemos este niño y está es su condición y ni visto está es nuestra nuestra situación +sí +y a lo mejor ellos pueden ayudar y alguna manera porque los sueños sí sí se dedican a ayudar a pagar el el cuidado médico de niños que no pueden pagar +hasta oh ajá pues sí mira sí +de los padres no pueden pagar +sí sabía de eso oye qué ya se nos fue tiempo o qué +qué sé yo dicen que es de doce minutos pero los doce minutos de ellos parecen media hora +ah fíjate que sí yo sabía solo extrañas y pensé que era para niños más chiquito se con casi esposo si por un estilo más +sí a lo mejor me equivoco pero con averiguar viste no cuesta nada +mm pues chocar +y también si llamas am a caridades católicas cáritas +ha ajá eso sí +a lo mejor ellos a lo mejor ellos tienen qué sé yo una onda ah algo viste que te puede ayudar en +sí es muy sencillo porque en realidad lo que bueno por un lado el mantenimiento es una medicina tiende todo esta persona que me digo con vamos a decir no estos +aquí nos regalan no tienes problema nada más ver algún centro comí radio o algo y +mm +hay mucha muestra y pero conociendo un poco más de los avances es que todo de la medicina pensamos que donde unos tipo más profundo pudiera mejorar la vida de mi hijo con +con la leche no +claro +porque so bajo control pero últimamente ya tiene cerca de dos años que se le ha descontrolado he estado pero no +mm y claro él está creciendo y entonces a lo mejor sabes esa medicina no le sirve tienen que dar otra +y bueno le da le da también sí sí le dieron otras lo potensializaron y le cayó mal entonces pues ni modo se tuvo que quitar y regresar a los +mm +sí sí se puso más +qué cosa +sí sí pues es que ya sabes un cuestión +ustedes ustedes deben vivir con el corazón en la boca +pues sí a veces sí +y es mucho estrés eso +yo siempre sí +mucho estrés +la vida aunque no lo digas siempre estás al pendiente todo el tiempo +mm sí sí sí +no después sabes eso siempre strauss esperando que no pase pues no sé que que suceda realmente no pero pues es un trauma pero a mi pobre hijo porque ellas adolescente entonces +mhm +le pasa en la escuela entonces se siente muy mal +claro porque sino le da vergwenza a mhm porque cuántos años tiene +sí sí es un sistema es una estima lo que tiene un entonces +cuánto cuántos años tiene +diez y siete +ah claro ya es gente +en sí pues yo bueno regresando tema yo considere ven unos muchos profundos +sí también sabes le puedes averiguar en los hospitales que enseñan +oh de eh +a los médicos a los centros entras médicos donde hay escuelas de medicina +ajá +ahí muchas veces los reparte diferentes departamentos +sí +vienen a gente que no no pueden pagar en la situación como un normal viste como nosotros que no podemos ir a un doctor especializado porque cuesta mucho dinero +mm +y no lo tenemos +mm sí +y entonces ellos toman y entonces en toman nota de lo que lo que dan a ustedes y les cobran de acuerdo algo que siempre es este +razonable algo que ustedes pueden para poder este hacer oh a veces no le cobran nada +mm +del mes y eso es es este interesante yo tuve que hacerme un narciso yo resulta que tengo una cosa que se llama alegre hill +ajá +y yo hace años que pensé que lo tenía pero al final fui y chico que me había diagnosticado yo misma y al final encontré acá en el hospital que enseña de la universidad de de north carolina +ajá +y no me cobraron nada en hicieron todos los exámenes +ah sí +sí +pues todo muy bien allí es cuando vamos a ya pues se echó a donde acudí justamente se llama university sí system quiero que existen algo así pero +ah sí entonces está vinculado con la +entonces justamente ahí fue donde me rebotaron +con la universidad ah +le dije +ah ah qué cosa +mm uh uh entonces me dicen no pues tiene que terrenos formaciones yo llevaba una carta de mis ingresos etcétera no +mm +pero no no estamos el seguro social de su empleador y entonces ahí fue donde ya no quisieron +no quisieron darte esa información +no pero bueno sí pues yo no pero oh bueno pues ahora ya yo tengo mi seguro social yo mismo +ah entonces a lo mejor puedes +sí tanto empleado no +mm +y son igual voy +a lo mejor puedes ahora +ajá +hola cómo estás mi nombre es juan +aló buenas eh mateo aquí +estoy tan mateo creo que ya habíamos hablado estás en filadelfia +sí sí sí tu estás +ah me da gusto hablar contigo otra vez +sí cómo cómo estado +oye bien todo bien este qué te parece el tema de hoy +sí no no lo escuché cuál es la tema +el tema son los aparatos técnicos o sea la tecnología unos los aparatos que más utilizas y que tanto dependes de ellos y si y cómo consideras esa dependencia +y cómo lo considero una persona la tecnología no tu vida diaria si se convierte más en un problema en un solución o algo así +y eso incluye automóvil los carros +es lo mismo que es lo mismo que estaba pensando hijos claro debería incluirlo no +sí porque es un sabes una máquina +exacto por lo dije bueno si el automóvil parece ser lo más importante no te luego pensé que la mujer es la computadora pero no +sí es más o de la computadora pues pero no es la única +ajá exacto pero a veces te lo que parece como un mucho más personal dependiendo el caso pues puede ser el auto no porque la computadora ya esta vez no me encanta +pues más de de a veces digamos del que pertenece a la institución la y te has no es más una herramienta de trabajo +ah +pero una herramienta así muy personal parece ser el auto no +sí y por eso la misma cosa compras un auto y siempre lo está usando y siempre tienes que mantenerlo siempre éste es una parte de su vida +porque tienes que cuidar el auto y sabes +sí sí exacto además como yo soy aquí en texas +ah +yo siento que aquí la cultura del auto es así como una rubia cerca de la cultura de los caballos también +este usaban todavía más +no es como un caballo es algo así como muy muy personal muy cercanos +sí +la vida un aquí en cuidan míos es tan importante como vamos como un caballo en aquella época no +sí +hace unos años y y bueno pues sí no dicen pues noso en nuestra época de comunicación los aparatos importantes van en o con la computadora +eh lo que está el más información y todo eso no +sí pues ahí en texas sí pero alguien ahí en tejas +pero +ustedes necesitan el auto sabes para para trabajar +sí +viste +exactamente y aquí la gente trabajadora tiene como si fuera en aquellos tiempos como una mula no necesitan un una un pick a una práctica +ah sí sí +ya pero no y sale y que no los deje entonces es sí sí se nota como que hay una cultura del trabajo pesado muy muy importante +ajá +y las computadoras bueno pues en todas las casas hay televisión teléfono computadoras practicamente no pero pero como que hay otras invenciones no de las cosas los santos el auto parece ser +de lo más más importante +sí pero las preguntas era la tema eran cuáles +claro qué hay tiene cuestión técnica tecnológica es más importante tu vida que no que somos discutiendo ahorita si es que el auto o no entonces tu qué bueno +bueno para mi sería más mi computadora y mi teléfono celular +ajá exactamente +porque sabes porque yo tengo mi celular y siempre estoy con él +ajá +y bueno yo me he acostumbrado a tener un teléfono celular tu sabes +ajá +en antes yo no tenía un celular hasta que tengo como veinte años pero ahora que york que vivo en filadelfia en la ciudad y que no siempre estoy en la casa pa +no siempre estoy regresando la casa para para para ver mis mensajes +sí sí +bueno siempre siempre me estoy siempre tengo mi celular +tienes un celular +yo creo que es muy es como sorprendiente que casi todo el mundo tiene un celular aquí en los estados unidos +te sí fíjate que sí eso es muy importante lo que acabas de decir hace tiempo cuando trabajaba yo tenía un tipo de trabajo en el que la computadora o lo más importante no +sí +y bueno a la computadora estaban los mensajes que empezó el internet los correos más que el teléfono celular ni nada no +sí +la computadora es lo más importante +pero ahora +pero ahora con el tipo de trabajo que zorro entrando el auto lo más porque la computadora porque el auto es lo que te permite re el veinticuatro eso es que no es más +más físico no entonces el auto se convierte en el en el aparato más importante y la computadora pues vas a un segundo plano aunque también es bien importante no +pero pues es por el tipo de trabajo bueno +bueno para mi yo creo que bueno usted y usted estaba porque así y obviamente sabes esta hay más ahm cómo se dice yo entiendo que hay más como oh fincas y todo por ahí sabes +mucho más espacio +sí sí +por en las en la ciudad teniendo un auto puede ser un inconveniente también +sí sí sí +porque siempre tienes que tratar de estacionar y tiene que pagar mucho para estacionar y la estación de gas no están cerca y utah no es +es más una problema que uno uno que que una ayuda pero obviamente sabes obviamente +ah sí +es mejor tener un auto yo pienso +sí eh sí no pues aquí sí por las distancias que hay que recorrer el trabajo el resto es fundamental +ajá claro +pero sí en en la ciudad yo creo que sí lo más tiempo y dependiendo el trabajo también pues eh la computadora no entonces +la la otra pregunta o o los aparatos de comunicación tu muchos para y +ajá +y eso y eh y la otra pregunta es si tu consideras que estos eh está tecnologías se convierten más en un problema que en +bueno qué tipo de problemas puede tener no como lo acabas de decir con el auto los problemas que tienen que ver con el estacionamiento +ajá +no aquí en tejas no no han en donde yo estoy no hay tantos problemas no con un ambiente hay mucho espacio para los no todavía no se presentan +digamos esos problemas aquí pero pero en fin no sé no sé qué tienes tu más más que nada yo diría que pues con relación a los auto cuestiones de automóviles y todo eso pues no se ve como una problema a menos de que +pudiéramos censurar como un problema los intereses creados al rededor de la de mendoza automotríz y como ellos a veces parecen afectar el mismo desarrollo la tecnología de +del transporte no por ejemplo +ajá pero no crees tu que es que es muy como magnífico que que ha cambiado en como sesenta años +sí +pues sí miramos como setenta y cinco en en el pasado no había autos pero hoy en día casi todo el mundo tiene +sí sí sí pero sí +y la misma cosa con las computadoras ellos han ellos tienen computadoras que que no van a dejar salir en el mercado hasta por como diez años porque +pues +porque ya tienen la las cosas muy avanzada y las cosas no han cumbri no un poco +sí +cobrado sus costos de desarrollar sí me entiendes explicarlos muy bien pero +exacto sí pues como dicen también con la entonces automotríz no si tengo solo utomotríz hubiera avanzado tecnológicamente tanto como la industria de crónica a lo mejor el automóvil nos podría transportar con +a cien kilómetros con un solo vitro de gasolina +ajá +no y en lugar de costar por decir veinte mil dólares estaría costando dos mil dólares +sí +ese por el caso no pero como no tengo ya en este caso mendoza tiene sus intereses o no como que no bastante ya lo que están diciendo ahora con los vivimos +que no muchos de ellos dicen que no son costeables cuando le da de nada más una cuestión de imagen que manejan las creencias y a la hora de tratando de de quinientos +de los automóviles híbridos pues yo pensé que vas a ser mucho más suficientes yo creo que lo que han logrado eficiencia mínima +sí +no no a mi no me parece que tengan una tan un real este que sea realmente un cambio así tecnológico muy importante la la dijistes que +sí es un cambio importante +mande +no crees que es un cambio importante o +no no creo que sea tan importante toda vez que el deficiencia que demuestran no es radicalmente diferente a lo que tienen los otros autos es muy poquito no ya vez digo +ah +una a una tablazo un auto económico te maneja puede ser treinta y seis millas por galón +ajá +y un híbrido te puede manejar cincuenta +ah no ah sí claro claro que hay autos ahí ahora como los los por +y pues +so pero bueno los que otros mostrando porque no están cambiando para que sean más eficiente sabes +ajá +pero pero los expedición y esos carros enormes así que gastan sabes solamente puede nada como veinte millas y dieciocho ni al lado algo así eso es un gasto enorme +sí exactamente y y claro y pero al mismo tiempo por ejemplo con estos autos de este hay algunos autos pequeños que te dan casi el mismo rendimiento que los ingresos y no son unos no +por carros pequeños nuevos que no están el mercado norteamericano que están más europeo o latinoamericano donde te que ser mucho más suficientes +ah sí +y más pequeños no entonces si comparamos los costos de un híbrido contra un carro pequeño europeo o o los que circulan en latinoamérica pues entonces +sale mucho más acá no se casó con lo que están kostunica y lo que se lo dan en gasolina termina +siendo menor a lo que tiene un auto un buen auto económico no +y por qué que +europeo +porque es que los estados unidos una lo único no sé que tiene esto que solamente aquí tienes una otra enormes sabes +sí es sí +hay en otros países todos tienen carros pequeños que bueno diferente diferente cultura sabes pero +sí yo justamente hace años que fue el problema del petróleo los ochenta o algo así no me acuerdo +ah ajá +pensé que va a haber un cambio en la cultura porque empezaron a a desarrollar autos pequeños aquí en estados unidos +sí pero +pensé que bueno pues a mi en la cultura pero eso fue nada más por el momento no parece porque tiene los autos siguen como +en americanas +ah fabiola hola +hola faviola +cómo estás así que +bien y tu cómo está el tiempo por ahí en tu casa +muy bien con solcito con frío +sus y te frío ah +frío +por que estamos muy sí estamos muy fríos okay qué opinas de las películas habías hablado ya de este tema +sí +a mi también ya me había tocado este tema antes +no me había tocado y me tocó hablar del eh específicamente la persona con la que me tocó hablar me hablo de la violencia +y sí mhm +que que no le gustaba la idea de ir a ver películas y yo le digo que el mundo y que es mundo tiene violencia +mhm +siempre ha tenido y tengo la experiencia de enseñarle a los niños salen puras paz y amor en la televisión o o en el mundo y después cuando se enfrenten al mundo real que es la escuela +se encuentra que los niñitos le pegan que no se saben defender sobre todo cuando tienes hijos únicos +ajá +entonces eh yo encuentro que qué sí está bien la clasificación que tienen ahora pienso que responsabilidad de los adultos hasta dónde los niños pueden ver la televisión +estoy de acuerdo la tira la responsabilidad máxima de los padres +ellos están haciendo su trabajo de las película y +then ganando su plata cuál es usar tratar +es ese negocio vos +haciendo su negocio sí +sí ahora sí que lo quiere tomar el que lo quiere ver no quiere ver ya no es responsabilidad de ellos ellos ven +de sí +eso vende +sí +y es lo que hacen es no es la culpa de ellos la culpa del que compra +sí eres que le gusta el producto en el fondo por eso +sí +pero cuánto contigo que la responsabilidad máxima ya sea de violencia de sexo de lo que sea que quiera proteger a a un niño la responsabilidad mayor creo que es de los padres aun habiendo una clasificación +porque sí es de clasificación de por ejemplo una película utilizacin +sí +y tu tienes un niño menor de se edad y tu dejas que vea la película es tu estás salidas +sí +es porque tu lo dejaste tu presente que se puede ser no es cierto +exacto +entonces porque yo la la ahmm asociación o or or or lados lo que sea que pone el eh que pone lava mm clasificaciones ya la tiene entonces +pienso sí fíjate que pensamos más o menos igual en eso faviola porque al final de cuentas que stone la responsabilidad de criar y de cuidar y si quieres que vea unos vea +tus hijos o tu familia y tu como madre o otros puso como padres +mm yo creo también el que soy totalmente de acuerdo con eso y lo otro normalmente los niños tienen acceso a la televisión cuando los padres están afuera +sí +los niños están solos +mhm +y ahí no está el papá para enseñarle o decirle esto no debes de esto y debes ser +o si se van a veces cosas tu no sabes tampoco +no no pues no no tienen +si se van a veces pobrecito les ponen una película que una película o o no tiene control en esa otra casa o lo que sea +tampoco sabes +exactamente +yo creo que lo importante tenerlos a los hijos uno que respeten necesi se señalizaciones si uno le da buenos principios en la casa uno como familia o sea le enseña um cosas +claro +que realmente eso no me gusta ir porque no me gusta que lo veas o que no está preparado por que igual no llega el momento +que porque como bien dicen no los porque en una casi cristal +no y además +va vander expuesto o expuesta +sí no además que cuando los niños llegan a una edad mi hijo tenía quince dieciséis diecisiete años y me dice no te preocupes porque tu hiciste lo mejor que podías hacer +mhm +ah es el veinticinco por ciento de los genes y la educación y el resto es decisión mi decisión de mi vida +será con eso que +claro yo yo aprendí oh no estamos porque estoy y +mm mm +tan mi celular sonando okay okay te contesto +okay +es eh no no me vayas a acostar porque tenemos que hablar doce minutos +sí +el solamente lo fui a pagar +okay ah +sido y sobre las personas yo creo de las películas a mi me encantan ver películas de terror +ya +pero hay veces que los he que que a mi me dan miedo +te te espantas a ti misma +me dan y voy a averiguar las películas de terror +pues ya ya sí y tu misma te metes mío tu +sí +ya pues a mi no me gustan y yo no las veo tele ninguna clase de esa por eso también es mi decisión país incluso aun teniendo la edad para verla o si es muy agresiva lo que sea no no quiero ver +sí por eso por eso yo respeto lo que mi hijo merecer me dijo esa vez que el cincuenta por ciento responsabilidad +si +de del individuo de la persona eh tu ya hiciste lo mejor que podías pero llega no existiera la edad de los muchachos de antes de tener los dieciocho años +que algunos son más maduros de lo normal +sí +y empiezan a ver las películas errores +mm +ca a los catorce quince años y las fishers tiene la están viendo los niños de once doce años +y antes sí +y a veces chicos y a veces más chico porque yo me acuerdo de la amiguita bikini qué tienen que que veía que dejar ir por y es +sí ya y ya +y sé quince fortín y un y entonces yo digo la yenni no le gusta le da miedo +ya +le da miedo mor todos y todo eso +sí +pero um sí estoy estoy de acuerdo que la mayor parte de ese criterio que tu le formes y al final cuidarlos si no que quieren televisión cuando perso +sí porque porque +no dejarlos con la tele +sí +yo no más vos +por qué no pues controlarla mapocho el esta película no la puedes network y esta razón porque te falta mante o lo que sé qué uno decirle no es cierto +que que tener un criterio formado para y a ver algunas películas +sí por eso te digo o sea no sé pena con decirle no puedes ver oeste no so porque va a llegar el momento en que se va a la casa como te digo en la casa de un amigo una amiga +ajá en la niña escuela muestra películas +sí o la misma buena pero la la escuela un poco más supervisado porque eso ya es otra cosa porque él va con vacunos siguiente +le tenían documentales +pero yo lo más que le estemos cuando vaya a casa de amigos y tienen a veces la televisión ahí mismo en la pieza lo que se usa tanto o el computador o lo que sea +y tienen acceso a información sin que los padres no ni los padres ahí tengan idea y y están en la fiesta sí padres que que están escuchando música haciendo tenido lo que sí +lo el portamiento alguna cosa inadecuada por eso digo o sea lo que pasa es que sí sí mi hija otro mi hijo lo que sea +se enfrenta esa cituación qué tiene que aprender a valorarse y aprender a responder a eso eso es lo que digo o sea darles tratando de los valores valores la casa +sí como como superman el niñito que sentido en la ventana y se mató +me vos sabes que no están preparados todavía sí +que quería volar no te te quieres ser una pregunta +ajá +eh tu leíste él las reglas que hay en este juego del teléfono +sí okay no +am yo estaba preguntando ni cómo está esto tienen estás preparandote para la navidad +sí sí sí ya me estoy cerca de estoy comprando los regalos para la familia pero estoy con toda las con otras cosas en mente pero +anda de cumpleaños no +sí pero hom ya estoy preparando estén comprando regalos para la familia por lo menos mis sobrinos ya los tengo listos ya les hemos comprado los regalos entonces qué la gente grande no más +comprarle a la gente grande algo una canción de todas maneras mayoría de los regalos voy a hacer +eso te iba a decir yo +voy a cocinar sí ah +traer cocinar y cocer cocer eso que hiciste para que me regalastes mi +sí también para los niños si también +no sé lo de la mesa +sí la la sí también pero no tengo tiempo todavía tengo que esperar hasta mediados de la semana semana de diciembre para serte +oh porque están +porque no tengo tiempo antes +eso está bonito +sí así que eso es lo que voy a hacer también por eso algunos regalos yo los puede hacer pero por ejemplo am la andreíta que está de cumpleaños por ejemplo pronto +dos días antes que miranda +andreíta encontré yo también hace tres +sí es del veinticinco o por el veinticuatro mano me fuerza noches +ah ya sí el clima por eran tres días +tenía entonces del veinticuatro entonces yo le tengo su regalito le compré lo mismo que le compré a miranda entonces eh +y qué qué le compraste miranda +para el re cumpleaños una pantalla de esas que dibujan y se van borrando +ay qué oí +porque le gusta ya las conoció entonces le gusta hace repite y por las nos borrando y tien los no solo fuera a todavía pues somos chicos se los mete a la boca +pero mm entre la y la pantalla sí +ay qué bonito +pero sí porque se cositas así +siendo bananas que emoción +claro les entonces esas cosas así me gustó de hacer entonces le compré lo mismo a la andreíta y con eso ya +y sabes que mata el cumple años +ya +pues la misma +quién +yo yo me acuerdo van estaba allá +mi suegro +suegros +sí es cierto quién +el la el apare luis el hijo menor de la sandra +n +también el veinti y el veintinueve también yo me acuerdo que más o menos en la misma vez se me acuerdo que están toda la misma fecha +no me acuerdo de él de haber estado spicy no supe por lo menos +no tu fuiste al cumpleaños de créditos y de de la niña +no he ido un poco por la casa de la fui a uno uno no la verdad +no sí fuiste una vez tu te fuiste a chile le hace el regalo que fue para el cumpleaños +eh fue habito cuando fui a chile fue +sí ese fue otro cumpleaños que ella tiene crespo +y ahí dejé de sí ahí dejé el regalo yo +sí para un sobrino de ella también que vino después +claro que vino sí sí me dijo que esto se lo había hace pero cómo se llama no +no pero la sandra no va a ser cumple años va a ser siete este año +ay no okay +no sino que no que para la familia no más porque ya le van a comprar algo mejor para el niño y +sí sí todos +es que de la vida ella hace unas fiestas demasiado grandes son +se le va demasiado sí +demasiadas gasta demasiado en eso y cuán y no le pueden comprar al niño lo que +lo que realmente quieren sí exacto +ellos claro se tiene que decidir entre una cosa y la otra sí así que la este año decidió el niño decidió que quiere la familia no más +y para tener un regalo más especial +claro para tener un regalo más +es algo cuál es el más grande la chico +el más chico de todos +ah sí ya +y y dice no quiero nada de ropa +pobrecito +pero el libro +carolina +tamara +tamaracomó estás ni +sí y tu vives +bien bien dónde estás +estoy en el estado de washington ya +wow yo estoy en los ángeles +ah sí +sí sí increíble justamente +sí +ahorita estás en la llamada y de repenete y yo o sea no pensé que hable mira estaba media más dormida que despierta y yo ay dios mío +sí sí me agarraron fuera base pero ya tu tienes tiempo participando en esto +sí esta es yo creo que esta es mi llamada veintitrés +wow ya estás casi ya yo voy justo por la mitad voy por la décima +sí y esta es la segunda vez que hago el servicio con ellos y +oh okay okay sí porque casualmente recibí un correo de que están aceptando personas se vuelvan hacer el eh participar porque vas al principio pareciera solo una vez que podías participar +sí +no soy de la mismo correo hacer o sea que aparentemente esto va a continuar ves por lo que pude entender en en y lo en el correo que mandaron +sí yo es +más bien ajá dime +entonces qué tu piensas acerca de lo que ponen en las películas el +dime bueno mira yo te voy a decir sinceramente yo tengo más de un año que nosotros ya dejamos ver tele horas en el cine regular y nos pasamos al cine +poco convencional +mm +nos pasamos al cine por ejemplo en el caso del cine no igual que en que la televisión ahora vemos películas tipo documental y ingrid con otro tipo de mensajes pues +ajá +ve películas que que están en en eh cómo se llama esto los festivales va por eje turistas recientemente terminó el festival internacional de siguen latinoamericano +y si que estuvo + +haló +no no estoy aquí en mi computadora rusia a +ah okay este uno aproximadamente y como un mes o menos de un mes este porque desde hace muchos tengo tiempo como te digo pues decidimos que no íbamos a seguir perdiendo el +entró en la en la mayoría de los casos realmente son películas de un contenido bastante tanto zurdos y bueno tengo una desición porque no no no queríamos más perder ni tiempo ni dinero +okay +eh viendo un tipo de películas que verdaderamente no nos nos llevaban a nada +sí porque hay bastantes películas así yo me ha hoy +sí +sí a mi me gusta un por aquí donde yo vivo antes había unos estados ah hombres como joven convivido pero o pocote pero era como +más chiquito +okay +era entonces tenían películas así como la que están hablando ah documentarios y cosa así pero lo cerraron porque como las tiendas están grandes siempre tan por aquí la gente no quiere ir a eso +claro +pero esas son las mejores como encuentra películas a mi me gusta sí mi esposo es americano pero también le gusta películas internacionales películas que tienen más +más cosas importantes que decir +exactamente exactamente +de leyes cuando yo tengo niños chicos a veces ellos quieren ver algunas películas y lo otro llevamos pero usualmente no tenemos antes ibanos como dos o tres veces al mes al cine +ajá +pero ahora se acortado así que esta vez una o dos cada dos meses +okay igualmente nosotros menos más o menos como una vez al y pero no con muchísima frecuencia mucha mucha y un buen día vimos una película pero tan es +tu vida tan abstracta que no sentía molestia de estar en el cine yo encontré estamos haciendo aquí qué ustedes tiempo es estás +no no no no eso de verdad de repente empezamos a recibir información de otro tipo de películas y total que bueno nos pasamos completamente o eso es más ahorita estamos en una +en una onda de febrero pero muy intelectuales ahora pero eso es porque en realidad oh que llegó ese punto donde tu sientes que +qué estás haciendo no o sea para ver eso es sinceramente prefiero también dormir o prefiero hacer otra cosa en lugar de viajar no por lo que todas las películas hay unas que tienen un +un contenido bastante y diferente que vale la pena verlo pero no mamita ese sentido que están haciendo películas como por hacerlos +ajá exactamente +ajá como que bueno tenemos que hacer diez películas vamos hacer diez películas pero no importa cómo ni cuándo sa a como salga a la hablaba +a la noche como decimos nosotros de dónde eres tu +yo soy de panamá +ah okay yo soy de venezuela +oh okay +ajá sí +en entonces sí es es +nosotros decimos así a la máquina no como que bueno si le hagan películas como quieran pero ese salón unas buenas salen y otras veces no salen no salen pero +honestamente no no lo mismo está pasando ahorita con la televisión teníamos cable y ahora recién hace cuestión de un mes lo cortamos porque no no no sé de repente +que nos pusimos en contra de eso vimos que había mucha manipulación de los medios solo te pasan las noticias que les conviene esconden la verdad +eh nn entonces eso es a nivel de los de los noticieros y de las películas entonces si como no una que otra película muy buena de verdad muy buena +pero entonces la tortilla y repetía y uno vendían ah niños nosotros pero bueno qué es esto estamos pagando por esto entonces es como una molestia tanto tenemos culturas bueno éste con +los medios de comunicación estamos así renuentes sí sí +sí es verdad lo que tu dices yo aquí mi esposo y yo nosotros vemos ah noticias +yo pienso ajá +porque cada vez que tu ves algo o te ponen algo bien estúpido +exacto +te lo has o te exageran bastante +exacto +porque cuando yo estaba nosotros no en panamá antes que saliera noriega de panamá +ay imagínate +y muchos allá y mi esposo sabes que hombre blanco blanco papel mi papá es moreno y mi mamá es blanca así que yo salí más morena con papá así que +cómo salíamos tu sabías que él era americano +lógico lógico +nos cometemos los dos nos metíamos por creas que él tenía que al trabajo a la base yo me tenía que ir con él o algo así +claro +y y derrepente llegas a la casa y pues la televisión si tienes un pocotón de vender cosas que pasan en panamá yo lo miraba él +oye tu y yo no toco por allí está mañana +exactamente +sí así sería siguiente lo mismo digo ay sí ay sí yo creo que están enseñando una cosa que pasaron la semana pasada y exagerando la cosa de qué +exact +en ese entonces llegó no no quiere hablar algo que dice la televisión +exactamente +las noticias que eso eso lo que les a mis hijos no creo todo lo que dice la televisión +exactamente +porque verdad y esto +y resulta que casualmente me prestaron una película que se llama la algo así como la situación de panamá o la defención de panamá +ajá +este justamente cuando el problema de noriega y todo lo demás estuvimos viendo hubo el documental yo me quedé sería porque en realidad nunca me imaginé que hubiese sido tan triste y tan +tan feo lo que pasó +sí yo estén el comentario hablaron acerca del hombre ese que le habían quitado la cabeza +y oh +no no pues +no que no recuerdo con exac y tu no recuerdo pero lo que me acuerdo talvez esa noche cuando bombardearon y murió tanta gente este y nos en estos días pasaron una +un recuen todo de ahora la visita del presidente de acá +ajá +estuve por allá y la gente estaba protestando que por el presidente actual no hizo nada para que recordarán a las víctimas de ese sector +que creo que se llamaban los de del schuylkill nun habl sector donde practicamente desapareció todo el mundo y pues +oh del toribio +eh yo no exactamente +sí está allá pero estaba allá donde estaba la la policía la parte de la ajá +ajá pero yo sé que tu dices mira que pasan muchas personas en sudamérica con el presidente actual están pasando unas cosas que tu sabes que nos están pasando +ya pasaron hace mucho tiempo entonces las ponen aquí en venezuela está parientes y que tarado el otro día le escribí a uno de los periodistas de +y denominación que nos hacen tan descarados que no pusieran unas cosas allí que no eran realidad entonces la gente lo primero que te dice no ese presidente +y no sé cuanto es un doctor no lo que pasa es que mantener rezando la la la forma de tal forma que te lo ponen como que es un uno un +tador bueno uno puede y hemos pasado ya por cuatro elecciones y cuatro referéndum o sea más democrático no puede ser entonces pero es su personalidad uno tiene una personalidad que +y poco común y entonces la gente no acepta eso y es una persona que tiene no es corriente que no es común y la gente no acepta eso entonces y incluso el primero que criticar todo eso +sí +y y ah bueno no sé si lo has escuchado +no no porque como te digo yo a mi con eso de noticias allí yo no me meto mucho de vez en cuando +claro claro ya hay una hay una un internet que tu puedes ver la televisión de todos los países incluyendo porsupuesto panamá se llama +yo yo cuatro a sí como niños +viví +yo todos +yeah uno +pero es un número cuatro +ajá y +mm ajá número cuatro ha uy +ha vivido ti mismo porque +exactamente exactamente allí los +exacto +de pronto com +okay +allí los la programación de todos los canales todos los canales del mundo entonces esta porsupuesto panamá y esta venezuela y y allí ahora yo ahora veo la televisión de venezuela +pero específicamente veo el canal del gobierno allá el canal nacional porque los otros canales son de la oposición entonces porsupuesto un poquito más de lo mismo +pero me gusta verlo para ver qué barbaridades están diciendo +okay +entonces lo comparo desde que yo te esta página del internet ahora ya no prendo la televisión ahora estamos pero pegados con el internet viendo los canales del +de todo el mundo un poco como para comparar ves que es lo que está pasando incluso lo estamos haciendo también con la radio estamos escuchando radio comunitarias radio que tu sientes que te +diciendo verdaderamente la verdad por por lo menos la otra cara de la moneda no pongamos que es la verdad cien por ciento porque a veces no es +o sea no es que no sea si no que tampoco no puede decir que que todos lo que dicen los otros no es pero +ajá +cónchale de verdad que te lo manipulan demasiado +sí de +yo no sé si tu +sí +un una no sé si tu vas una película que se llamaba auto fotos +no talvez pero no me acuerdo +esa es un un documental pendiente de las personas que trabajaban en ing no +mhm +y bueno qué practicamente los obligaban a decir este lo que no era y entonces ellos decidieron renunciar al canal y aparte de renunciar se unieron todos me empezaron hacer como una protesta a nivel de +pues a nivel del del eh local para decirle al mundo de lo que estaba pasando allá dentro no es bien interesante se llama algo así como +unos los trabajadores de fox que están fuera + +algo así como o es de fuera +ajá +y de los niños +mi nombre es +hola me llamo fernanda +hola fernanda cómo estás mi nombre es claudia +cómo está +de dónde estás todo bien +de washington +oh cuál de los dos +orientan visi +ah sí porque luego creo hay dos no +sí washington te +ah ya y el otro +y tu dónde de dónde estás +sí yo estoy aquí en el estado de idaho no sé si lo conoces +sí sí sí claro que sí +sí y este pues yo la verdad mucho de eso de las películas la verdad muchas cosas umm para mi punto de vista realmente no van muy de acuerdo conmigo porque luego +no las saben clasificar muy muy bien eh por ejemplo luego a veces dicen que es tejer y después eh tu la ves esa película y realmente +tiene bastantes groserías y y sí pornografía que a veces una más adelante por ejemplo tejer trece a veces es más no sé es más tranquila +y no tiene tantas cosas como de desnudes o groserías a mi la verdad um esas clasificaciones para mi no como que a veces no +no saben las personas que las critican esas películas no no las saben calificaron o no sé cuál sea tu punto de vista +sí la verdad yo de películas no sé mucho porque +ajá +digamos no tengo hijos ni nada así entonces casi nunca me doy cuenta +ajá +qué qué clasificación +ajá +pero pienso que la mayoría de televisión que hay digamos si tu ves durante el medio día que es cuando muchas veces los niños están en la casa +ajá +son cosas que no son apropiadas para la mayoría +sí +y pienso que los americanos han no como que los mo estándar morales han bajaron me entiendes entonces +sí +ya muchas cosas son como normales que que pienso que no deberían ser +sí sí es cierto porque eh y es cierto porque pero una vez bueno yo no tengo cable tengo los canales normales los que se mira +ajá +pero por ejemplo llegué a tener un un tiempo cable y a veces era pues qué te gustan las diez de la mañana once y pues yo me gusta estar cambiándole de canal +para estar pues escogiendo mi programa que voy a ver en ese ra en ese tiempo +mhm +y a veces pasan películas que realmente uf sí un niño de diez años o nueve años estaba en casa y estaba viendo el estaba cambiándole también al mismo tiempo que yo y +paro en ese canal habían cosas pero muy pero muy ya de adultos +claro +entonces dije uf dije yo pensé en los niños dije bueno yo yo soy casada tengo tres años de casada y tengo un un niño de casi dos años +okay +igual mi hijo va a crecer y sí y a lo mejor esto va a ir avanzando para peor entonces +claro y +imagínate al rato qué tipo de caricaturas van a bueno yo me acuerdo que una vez estaba mirando la televisión fíjate en méxico yo soy de la ciudad de méxico +mhm +eran las diez de la noche exactamente las diez de la noche entonces yo prendí eh igual tenía cable allá vendía el la el cable allá +ha el canal que aquí el diez y seis entonces estaba una caricatura en inglés porque ya la noche las pasan algunas en inglés unas en español +y está una acató en inglés entonces le dejé y yo estaba mi mamá pues pues porque estaba viendo un canal que era de caricaturas +bueno pues los monitos empezaron a salir desnudos +ah +y el monito estaban empezando hacer sus cosas los dos muñequitos y era caricatura imagínate y eran las diez de la noche mi mamá hombres me dijo +qué raro +y apagó la televisión y y pues me tuvo que explicar un poco porque pues mi mamá pues no no le le sorprendió porque yo había puesto un canal de caricaturas un canal normal +entonces ya la verdad ya no ya ni las caricaturas se salvan +sí y eso le podría pasar digamos a cualquier niño que estuviera viendo televisión +a veces las caricaturas sí +y tu tampoco puedes estar encima digamos si niño cambia tu no puedes brincar a ver o sea tu tienes que confiar que que digamos al menos durante el día +sí +la programación no tenga ni es no de ni crecería ni nada así +sí sí es cierto pero realmente no es las caricaturas pero las caricaturas japonesas son son las que más clasificación eh tienen en méxico eh +eh al infierno en cablevisión y multivisión que sería lo que cable aquí tan para allá en méxico no tiene tantas restricciones pero por ejemplo en televisiones normal es canales normales +sí tiene como más más restricciones eh no tanto ya en los otros cables y por ejemplo en en teles por ejemplo normales de ca canal de niños +de televisión así cualquier canal el canal por ejemplo que es el cinco en caricaturas +sí +por ejemplo luego llega a las diez de la noche once y puedes ver la tele y y no te pasan así programas tan sea bueno +en méxico hice mhm +antes en méxico pero por ejemplo si tu estás viendo un canal de cable ya y arriesgas a que la caricatura puede ser de algo de a veces alguna +cosa de pornografía o ya más de desnudes +yo sí yo pi mira yo soy colombiana y yo pienso que en colombia +entonces us ajá +la televisión es mucho mejor que acá en ese sentido +ajá +porque pue pueden pasar digamos las diez de la noche y las programas que dan nunca son tan no no te arriesgas no a que sean tan malos como acá aquí +ajá +es más aquí viene a las diez sin a cualquier hora te estás pensando a ver cualquier cosa +sí sí es cierto sí la otra bueno eh yo estaba con una vecina imagínate yo estaba con una vecina eran las doce doce y media del día +entonces su niño estaba viendo eh la han canal de caricaturas y después la niña se le ocurrió cambiarle a tele y em y era otro canal que también estaba programado para ellos para niños +pues había un programa donde estaba donde estaba una una niña que pasó nada aventuras de una niña y que estaba que que en un hospital +y de repente pasó ahí mismo del hospital y ya estaban pasando de que cómo cómo su mamá estaba teniendo su hermanito +ah sí +ajá y yo nada y le dije al a a su mamá de ella y me dijo no ella me dijo mal de +de de caricaturas de de que pasan programas y sinceramente estaba estaba no no los dejaban mucho a la imaginación estaba realmente como la voces de bueno pues era una sala de operaciones donde estaba la mujer teniendo su verde y se veía como pasando el bebé y él latinas +claro +tenían tienen seis años +sí +porque son gemelas tienen eh las dos tienen seis años y su mamá le estaba dejando ver eso bueno cada cada padre deja ver lo que +lo que quiera pero sinceramente a m si no quiero explicarle tanto a mis hijos en ese momento pues sinceramente yo como que vigilo más lo que +pues lo que ven no en ese aspecto pero uf +sí imagínate cuando digamos hay hay divisivas y cosas así que no tienes control y ni estás en la casa para ver +mm ajá +no sabes ellos que estén viendo que vayan donde los amigos o cualquier cosa +un no +pienso +sí es eso es de verás esas clasificaciones que pasan y n y mm y de la principalmente de la televisión la verdad ya ya um +ya no dejan nada a la mi a la imaginación ya te lo muestran +sí +ya en cualquier en cualquier hora del día ya ves una de esas telenovelas a mi no me gusta ver las telenovelas pero ves +cuánta mo mamá está en casa y tiene a sus hijos chiquitos tres cuatro años cinco o más o están en la casa y ven están viendo su telenovela +y siempre se aparecen escenas donde están los la una pareja ahí están teniendo relaciones +mhm +y en pleno día porque las telenovelas luego las pasan desde en seis de la mañana hasta que anochece +claro +y ya son así entonces ya no dejan nada la imaginación +no +entonces ya los programas ya ya están clasificados ya ver una escena de de pornografía en la televisión a cualquier hora del día es normal y ya para muchos +padres desgraciadamente se les está haciendo normal +exacto +y yo creo que que si los padres hablaran a esa televisora y dirían que o exigirían que que fueran programas como más estrictos a a privacías de escenas de ese tipo de escenas +yo creo que se bajará un poco pero ya ya no ay ya hasta los padres ya si sus hijos ven algo así ah está bien no hay problema +no les importa mhm +que se vayan enseñando y entonces esas cosas de clasificaciones para mi no me gustan y los productores no les importa yo creo por yo siento que a ellos les conviene porque +si una película tiene alguna escena de sexo o tiene groserías para la gente la compra o para la gente la ve y hasta le y se ríe +o a veces hasta le llama la atención porque tiene una escena muy fuerte entonces realmente ya esas esas cosas a veces hasta les ayudan más a los +productores a vender +a vender y +entonces no tener a mi en lo particular a mi el tipo de películas que me gustan la verdad a me gustan mucho las de disney las +películas infantiles me gustan +sí sí sí +a pesar de que ya ya estoy casada y todo eso me encanta yo tengo alguna que otra película aquí de de disney sinceramente a mi no me gustan las películas +fuertes así de de que tengan muchas cosas de de sexo y todo eso porque igual te repito yo voy a tener más hijos y y las rato no voy a estar y +y por lo menos que si van a poner una película pues que sea una película decente por lo menos que no tenga tantas cosas +claro claro +que así como vamos al rato hasta la de dicen a lo mejor van a a tener pornografía verdad entonces +sí no sabe uno cómo vayan a cambiar +no no sí entonces ya a a la verdad de esto esto sí está llegando la verdad bastante lejos ya va prender la televisión y si tu pues ya ves un comercial +de toallas femeninas y aparece bien hasta casi casi cos te van a explicar a cómo va al rato van a poner una mujer desnuda y te van a +poner ahí cómo se está colocando la toalla +exacto sí sí +porque a veces hasta te la dibujan no sé si has visto los comerciales así que uf igual no te espanta porque ya estás grande verdad pero +pero si lo está viendo por ejemplo un niño o una niña y dices si está la mamá y le puede contestar pues bien y si está el amigo o la amiga +y le contes de le puede explicar dem mala información entonces +y que uno mismo se va acostumbrando me entiendes digamos +ya sí +como que yo a veces veo y como que no se da uno cuenta cómo han cambiado las cosas +buenas noches mi nombre es mariza de filadelfia +hola hola mi nombre es juan tu eres marisol +mariza way +a lo mejor yo mariza ya prestamos hace como unos días yo creo no +oh sí un quizás sí +puede ser yo estoy en san antonio tejas +en san antonio sí +oye pues el tema de hoy es se la cuestión de la religión no +sí que es un tema muy complicado y muy económico polémico +pues exactamente como que la necesidad de religión es algo que que todos tenemos supongo +mhm +y eso como todas las noticias las instituciones tratan de +sí +da alguna respuesta y termina siendo una forma de control no +am si mi realmente hoy en día en este país eh en los estados unidos también hay mucho mucho problema con la religión que se mezcla con la política y mucha gente de derecha que son los que quieren controlar +intentan controlar el país a base de religión también y puede ser positivo puede ser negativo para mucha gente pues la ayuda eso de rezar o creer en algo pues les ayuda y otras en otras de otras +de otra forma el la los cristianos son la religión más poderosa del mundo y son los que más digamos los que tiene más poder para influir a los políticos a los países +sí fíjate que en este caso por ejemplo aquí donde por donde yo vivo una vez fui a una iglesia +mhm +que bueno representaban todo un proyecto de ideológico pero que de plano son de los grupos más conservadores que hay en estados unidos no +mhm sí +entonces dije tienen poder muy pues muy directo muy claro uno de tratando enfrentarían la gente en la iglesia +sí +en sermón sobre todo me llamó mucho la atención en contra de la escuela pública +mhm +directamente en contra la escuela pública y rezaban porque dios nos libros de escuela pública algún día +de verdad +porque sí +ah ah no +y en contra de la teoría de sabes que que tratan de ver no no no quieren evolución no +así eso sí que lo he oído sí +no nos terrible osea decían porque están este hostigando o los maestros que enseñan la biblia para explicarle canción del mundo +exacto sí hay muchos problemas sí +pues me lleva el tren pues yo digo pues es que con toda razón no la verdad no hace una explicación del mundo +no cada uno puede creer lo que quiera lo que pasa es que es intentan es imponer la creencia de ellos a para todo el mundo y que sea la biblia que sean los que piensan +exactamente son fundamentalismos no +si que fundamentalismo crisis si si de derecha pero es que además el país está que el poder lo tiene una el partido a lo que todos gentes el presidente hasta todo los que están metidos en ese en la casa blanca son todos de derecha es conservadores +blancos de que cristianos y que son los que la gente con poder en el país lo que tienen todas las empresas todo el mundo son igual son mucha gente conservadora fundamentalista derechos que quieren quitar la ley +el derecho a abortar el derecho de por ejemplo como otra pregunta era la homosexualidad los matrimonios que y del derecho a la creencia de la de la +sí más científica no no le no hay que creer solamente lo que digan porque dicen que dios creo hablan hombre y la mujer sino también dar una población a que los niños crean +que fue puestos hasta una la teoría evolución la y +sí +y es muy complicado también lo de los la otra pregunta era sobre la homosexualidad sí sí y si todos fuéramos igual o queríamos lo mismo no había problemas alguacil preguntaba +pero +pues yo creo que a lo mejor entre más parecidos somos problemas no +sí +en ese sentido las diferencias soy una complementar +claro a mi yo no tengo ningún +el tema el tema de la homosexualidad todo es muy polémico uno +mhm +pero en un momento dado no es un a vamos como que la tolerancia y eso de fenómeno sé debe ser algo eso que que en el cuál estemos bastante bien informados no yo en lo personal por ejemplo antes pensaba que +podía tratarse una desición homosexualidad pero últimamente he leído que también tienen una cuestión una carga genética +si yo yo estoy convencida de que es eso porque yo conozco mucha gente que son +no +eh pues homosexuales o lesbianas y yo estoy muy informada y entonces por ese sistemas siempre no sé porque desde que soy desde que era niña pues +como que aceptaba a la gente ve por no que crean ni mejor ni peor por ser sexuales meterse algo normal y que cada uno tiene derecho a a pues no sé la casarse wow +pues sí +a estar con quien quiera del igual es es decisión más mujer a mi me importa no me importa y tanto que tiene los mismos derechos porque son ciudadanos igual y pagan sus impuestos y +sí +tienen que tener derecho nena casas concluyeron a vivir con quisiera +sí sí estoy de acuerdo contigo exactamente yo creo que tienen todos los derechos yes que podemos tener cualquier otro tipo de personas y en este caso con los derechos relativos al matrimonio +pues muchos manejan la cuestión de la homosexualidad como una cuestión muy pues muy perversa y que no tiene derecho al matrimonio no cuando es una cosa cuando el matrimonio solo es un contrato +mhm +entre dos personas que vecina hacer algo en común +claro pero la hasta la iglesia no lo ve así +no +viste que es una abominación porque se el matrimonio lo definen como una unión entre un hombre una mujer y creen y lo y la gente se los cristianos devotos fundamentalistas como decia yo antes ellos lo ven eso como una voz común abominación y son tan cerrados que no entienden que +eso quizás era antes aprenda manera de pensar antes tradicional pero ahora los tiempos están cambiando cada uno pues es igual que antes homosexualidad ha habido siempre desde principio dentro del hombre lo que pasa es que antes había una manera y ahora ya pues +se va no se las cosas van siendo más liberales digamos y la gente ya no tiene mirá decir pues yo soy homosexual o yo soy y ellos yo soy lo que sea entonces +eso es el problema que tiene la iglesia tiene un problema pero no pueden no pueden hacer nada porque +ajá +la gente está afectando el echo de que la gente si pues mira pues el es homosexual y vale pues muy bien +claro sí pues es que hay una muy extremas de que eh de la familia y el matrimonio él la institución eclesiástica y la bendición de dios para un artículo y eso son lindas +pues la iglesia y la religión es una forma de discusión igual que la escuela tienen +claro +una necesidad primero de cambiar y encontrar nuevas todos formas entonces las cosas de la vida +sí +de la sociedad y los individuos no +sí las de la religión tenga que sea algo personal no algo que se metía con política cada uno puede nosotros lo que piensa lo que querés de cada uno no tiene porque sé es +eh pues mira pues porque no piensas lo mismo que yo no eres como yo soy pues de como que los castigan conoces igual yo no sé eso nunca uno puede pensar lo que quiera puedo creer en quien quiera o lo que quiera no tiene +por los cristianos porque era ellos hablan mal de los musulmanes porque dicen que son radicales o hablan mal de los de los ateos porque no creen en dios y los llaman herejes o +pero no sé +ajá +eso no es digamos muy cristiano de pensar así tienen que aceptar a la gente como es y cada uno que crea o que tenga su religión pero eso es el problema de los fundamentalistas que no no aceptar las diferencias +sí bueno pero en ese caso aceptar las diferencias parece ser algo que tiene que ver con una cuestión de de humanidad no +mm +como que es una paradoja no poder aceptar la diferencia por mes pero ajá +lo que pasa es que sí es que este país a los niños cuando son las familias esas que las familias quisieras de de derecha digamos que los niños crian una manera que desde te que son pequeñitos les enseñan que tiene que ser así y así así así entonces +sí cuando ellos son mayos y conocer a gente que es diferente pues ellos dicen no eso no es porque a mi me enseñaron que es así y así así y tienen que ser +sabes que son muy radicales no no lo aceptan las diferencias toco se criaron de una manera es enseñaron sus padres entonces +sí +yo por ejemplo tengo tube la suerte de viajar mucho de conocer a gente de muchas razas de muchas culturas entonces yo pues soy abierta a todo +ajá +y por eso cuando te una persona que no lo esposo yo pues sin enseguida no lo sé solamente para con mirando digo i esta persona no me va sé tanto que no soy como ella no soy no pienso igual no un número igual +pero es que hay clases ausentarse todos los de todas clases y y pues tiene que haber que senos radicales tiene que haber de todo pero que yo creo que si que influye mucho al país la la religión si +sí sí influye bastante lo que más me asombra a mi es que en este caso +sí +en este país sea tan tan fundamentalista no +si yo son +con las iglesias hay una buena proporción de fundamentalistas incluso lo el discurso del propio presidente unos fundamentalismos +claro sí sí sí +cerrados ahí no +the mensajes vo y claro y ya son cinco años de gobierno así cuando visitas estaba era el gobierno pues el no era tan era era más abierto digamos más claro de izquierda será más sabía una persona más +que entendía más las cosas a las personas y te este gobierno digamos que lo llevan los pues eso el la los religiosos que los cristianos de de derecha nos están los que están +diciendo como se hacen las cosas en el país y por eso hay tanta polémica con los matrimonios también está con los con el super incorrecto los con los jueces que quieren que sean de derecha también y que sean religiosos bueno les que +sean los católicos o lo que sean también quieren que él se quite la el derecho al aborto y cosas así que que es ridículo a estas alturas de del siglo +ajá +que como que quieren que vaya la cosa hacía atrás que se procesarlo en lugar de seguir adelante quieren que se lavo las cosas van como hace treinta o cuarenta años y eso no puedes ser +pero así es que estamos ahora +ajá y tu tienes prácticas alguna religión en particular +yo en mi familia somos de en españa soy católico catolicismo es digamos es portuondo tu naces pues te bautizan la primera comunión y todo eso y me casé por la iglesia +claro +yo creo bueno yo tengo mi creencia pero yo no voy a la iglesia tomaba misa todos los domingos ni practico sabe no practico yo soy yo creo +pero digamos que lo llevo por mi cuenta llevó mis que la llega llevo conmigo no +sí +y no son o sea yo soy muy abierta entras cómo es como contradictorio que soy creyente soy católica pero no soy sabe no soy un nada entonces +sí a mi me pasa igual y cuando a veces tengo alguno acercamiento de nuevo con la iglesia católica es casi temporal porque son trabajos dices oye donde hay un sentido de integración de comunidad aquí hay +intereses creados en todos personas presas +sí sí sí sí hay mucho interés económico sí +no entonces +ese es el problema que es que se ve enseguida que no tra interesados en los feligreses materias interesados en el dinero y +sí +y también tampoco ellos tampoco se los venciesen que sean muy creyentes han igualdad muchos casos de de de abusos infantiles y cosas así de voces de niños y +que se oyen trece uno se cuestiona pero como puede ser esto posible que que un un cura a estos niño y hay mucha polémica también en cuanto a eso +sí +pero digamos que la fe es cada uno que no sé yo que cada uno es libre de creer lo que quiera y practicarlo pero con respetando nosotros a los a nosotros que no son igual +ajá +porque hay muchas religiones y lo que ocurre es que la la religión cristiana es la más digamos la más abundante el mundo es la más la que llevar poder de todo +pues en el mundo que nos ha tocado nosotros de este lado del mundo no porque creo que no más lo yo creo que dice que es la mayoría de los cristianos creo que más musulmanes que cristianos +si pero no tienen tanto poder económico ese es el problema +mhm +hola buenas +sí buenas noches +buenas noches mi nombre es carolina +ah cómo estás carolina hablas con alex +qué tal vale +de los ángeles +ah muy bien yo soy estoy desde nueva york +oh okay yo pensé que que que eras otra persona está bien +ajá +yo soy aquí de los ángeles +ah pues muy bien mucho gusto +mucho gusto +pues nos toca ésta noche los aparatos técnicos +dónde eres +sí yo soy de perú +oh okay +y tu +eh yo soy de artes esencial colombiana +colombiana +mhm +oh pero habla como mexicano +porque aquí se habla en español mexicano +ajá +por eso +ah ya claro +uno le pega la uno le pega el acento de vive +oh +con los cuando vivía en español me pegaba a les acento español +mhm +cuando vivía en colombia me pegaba el español de colombia éstas de bogotá especialmente +mm mhm +ahora me toca el español mexicano +ah qué bien +eso es lo que se habla aquí +ajá sí +ay ay creo que los hispanos aquí son como noventa y cinco por ciento mexicano +ya claro ajá +sí +sí pues el tema de ésta noche son los aparatos técnicos +sí ah yo uso utilizo computadores +ya +y ah tengo el día zero rapidísimo ahora +mhm +sí me encanta porque me gusta puedes ir por el internet rápido a mi no me gusta esperar las páginas +ya ajá +entonces para mi es muy muy útil porque yo busco trabajo yo hago encuestras busco mujeres +mhm +y muchas cosas y y no me gusta esperar la las páginas me entiendes +mhm ya ajá +me gusta hacerlo rápido y y antes lo cuando estaba cuando tenía la línea por teléfono +sí +era muy despacio +muy lento sí +entonces tenía que esperar como dos o tres minutos solamente para aparecer una una página +ya claro +y hasta ahora pues tengo webcam y y lo puedo tal sale rápido con el tigre feo +ya +el pues james cuando te pueden ver ah como tele co conferencias vivió cupones +mm mhm +es latino +ya claro +y tu +pues para mi también claro y yo trabajo mi travieso el ministro verdad y entonces eh mi trabajo lo uso y para mi la computadora o sea que +lo más esencial y sobre todo eh y y las nuevas técnicas no la nueva tecnología que ha venido y cada día hay salen cosas más nuevas no +sí +entonces la verdad que yo me he gastado muy bien y mi ha encantado desde que estoy usando la computadora pues éste antes que se usar la máquina de escribir que era tan lento para +escribir documentos y formularios y todo ahora todo se hace através de la de la computadora y el internet no se que es algo maravilloso +para mi es esencial creo que no sé qué podría hacer si y sin la computadora no entonces la verdad yo estoy muy contenta con ésta nueva tecnología y ojalá que siga +avanzando cada día más no +mm claro yo creo que han han hecho más a avances en la ahora que han echo en con la medicina +es verdad +el computador es lo más avanzado de la civilización ahora +ajá sí y para todo no o sea que es todo lo que uno +sí +quiere lo encuentra y y pues cuando uno se sienta en la bueno yo uso para mi trabajo pero pues también y cuando estoy en la casa y necesito +alguna información pues me siento en la computadora y no hay quién me parece no sé que cuando uno ya es como algo parte esencial de la vida de uno no +sí exacto +para todo porque si veinte saber cómo ta la temperatura fuera pues se va a la computadora +quisiera soportes +antes era sí mhm +ah salidas con mujeres de todo +sí sí sí +no y hasta esta encuestra que estamos haciendo ahora lo encontré por el computador también +oh también sí oh +sí a casi entonces computador tiene mucha influencia +ya claro y ya cuántas llamadas has echo +en nuestras vidas veintidós esposo es mm mi vida veintidós llamada +oye y ya estás ya terminando entonces +ya casi me me falta unos tres pero una llamada que la persona habló más en inglés entonces me me parece que va a tocar reportarlo +oh ya ya +pe pero quién sabe +ya ajá +porque yo hablé en español todo lo deben de contar +mm ya +porque si hablas en inglés no no lo cuentan +pero y el pago que lo hacen después que terminas de las veinticinco llamadas no +este sí haces un una llamada para pasar +sí oh ya ya ajá +va a hablar con él yo conozco el dueño de esto +oh sí +y y le voy a preguntar si me toca reportarlo +oh ah lo conoces al dueño +sí +ah qué bien +sí es fácil es fácil hablar con él +ah es de él es de allá de california +no debe estar en filadelfia +oh ya ya ya +pero pero él me dio el tele +ah pero tu lo conoces personalmente +no no no no +ah solamente a través de la computadora +sí lo conozco a todas de la computadora pero él +a través del internet ya ajá +pero él él habla con las personas que están participando +oh ya ah sí ah no nunca hablo con ellos +sí entonces si tienes cualquier preguntado le puede es un chino +oh sí +sí pues no sé si es el dueño es en +oh +en el manager +sí +sí eso por supervisor dentro del proyecto que están haciendo +ya ya ya +sí es que están estudiando cómo hablamos español +ya claro y +no sé si supiera si sabías +sí sí sabía y aparte sí creo que también van a empezar otro más después que uno termina este +no no lo sé pero lo más posible que sí porque yo yo hay ya he hecho dos +mhm +uno en inglés y otro español +oh ya si tu segundo oh sí +sí y esto lo que estamos haciendo ahora es tecnología +oh oh +porque están haciendo conexiones por el teléfono +ya ya ah y el otro también era igual veinticinco llamadas +y esto es tecnología sí algo así era era la misma cosa pero era en inglés +ya y te pagaron también igual +y pagaban igual +oh ya ya +sí a mi me gusta hacer esto porque no solamente por el pago pero me dan la pu +ah qué bien +tuviera para hablar en español +claro +porque es la u la única vez en al día que hablo español +mm ya +yo yo hablo muy poco español ahora es más vivías en inglés +oh ya ajá +sí +ya +y qué más tecnología utilizas esto lo que estamos haciendo ahora es tecnología +bue claro seguro que sí +esto no se pudiera hacer hace unos veinte treinta años pues estamos haciendo ahora +exacto ajá +porque están usando líneas múltiples de teléfono para conec tapa muchas personas que viven en diferentes partes del país +exacto +yo creo que la tecnología del teléfono han nacido avances también porque ya puedo hacer llamadas de larga distancia no me valen nada porque uno paga +ah un mascota mensual +ajá +y puede hacer todas las llamadas que uno quiera +oh pero acá en +y eso no era si eso no era así hace cinco o diez veinte años +claro o sea pero aquí en estados unidos +aquí en estados unidos sí +oh ya claro sí sí justamente yo acabo de recibir un ah de verizon que me están ofreciendo hacer las llamadas todo gratis aquí en estados unidos +sí +y me dan y mientras qué les y ahí me cobra +sí te cobran algo mensual pero si haces muchas llamadas vale la pena +sí claro +y sabes qué algún día lo van a hacer internacionalmente también a su país favorito +ay qué bueno +pagas una cuota mensual y puedes hacer las llamadas que quieras +ya ajá +sí +qué bueno que fuera no sí hay sería excelente para llamar al país así cuando uno quiere yo creo que sí va llegar porque con eso de las tarjetas también no que cada día +antes era carísimo te acuerdas antes para llamar al país +y hasta más barato verdad +ahora está baratísimo claro +y por qué está barato por la tecnología +eso claro sí pues sí +sí la tecnología +ahora se puede hablar tres cuatro o cinco horas por cinco dólares +exacto +antes era un minuto oh my car vienen como ocho +un minuto era veinte centavos sí +y sí y yo me acuerdo que tenía que hablar creo que diez minutos solamente era cómo me costaba como veinticinco dólares +mm +y tenía que cuidar mucho que estar con el reloj adelante no +sí sí sí yo eso me ha pasado +sí ajá +que sí sí sí yo sé lo que tiene que recorrer o +ajá claro y mm +sí pero eh con con +yo creo que la verdad que él ojalá que siga avanzando la tecnología yo digo de acá a unos diez años qué más van a sacar no +porque como esto tiene que ir avanzando no +lo que pasa es que como está avanzando y y la tecnología ya está en las manos de de más personas +mhm mhm +entonces los servicios son más baratos porque venden a más personas +unas seguro sí +me entiendes +mhm ya +eh el ejemplo sé el computador el compu ahora hace cinco años valía unos dos dos o tres mil dólares +exacto sí +hoy en día pues compró un computador por doscientos o trescientos dólares +ah sí es verdad si ajá +porque hay hay más demanda +ahora claro claro ajá +porque está la tecnología estaba avanzado +ah sí es verdad +lo que a mi me gustaría ver +sí +tecnología más avanzada es con la medicina +mm +tiene que buscar curas como ah cáncer tu si puedes ir a la luna porque no pueden buscar una cura alcanze pero sí puede ser sí puede hacer un +verdad +sabor super rápido que puede pensar no porque no le pueden buscar una curar cáncer +mm mm +quiero ver avances más en las enfermedades yo creo que van molestos en esa área +mm ya +no he visto muchos avances en en enfermedades en los últimos diez veinte treinta cuarenta años +mm mm +pues +es verdad porque el cáncer ya cuántos años tiene +y cuántas personas no mata +y no entrar cura no y no le encuentran jurados no +no y eso corta la vida a muchas personas +a sí sí sí +o o la enfermedad corazón también +mhm el sida ahora que está tan propagado por tantos sitios +y es decir está más avanzado que alcanzas en en +bueno eso sí +en el sentido de controlar porque ya tienen drogas para combatirlo +sí sí +pero el quarter va muy lento me parece +mm ya +tu has escuchado un descubrimiento de cáncer +no no no no es verdad +yo una nada +ajá +muy lento +sí +en eso podían mejorar +claro +sí +ojalá no no que que salga algo que que dios los ilumine para que encuentren algo que pueda eh curar parar ésta catástrofe que es cuando llega el cáncer no importa la edad que sea pero que llega no +sí sí +que se presenta en cualquier persona +yo yo tuve una amiga que se murió joven a los treinta y dos años y le dio el cáncer de un día para otro +sí ya +y se murió en tres días +como hay creen en tres días no +sí porque me dio una hemorragia del cerebro +oh my god +y y se murió inmediatamente tenía luki sucierías del de la sangre +oh ya +y y de eso le dio eso de un día para otro +oh +mhm y no le podían hacer nada no +mm +no le no eh diff --git a/fudge/formality_data/test.noid.cleaned_0 b/fudge/formality_data/test.noid.cleaned_0 new file mode 100644 index 0000000000000000000000000000000000000000..b5ff4e733aea9272897afaf65bc720f54186bff7 --- /dev/null +++ b/fudge/formality_data/test.noid.cleaned_0 @@ -0,0 +1,3641 @@ +Hello +Hello. +Hello. Who is this? +How's it going this is Guillermo, how are you? +Guillermo +Yes +This is José +How is it going, where are you from? +But I live here in Philadelphia. +In Philadelphia. +Yes and you? +I am Peruvian. I am studying at the University of Pennsylvania. +What do you study? +I study history +Oh I am also a student here, I'm a senior +What university? +From, University of Pennsylvania too. +Oh, yes +Yes, I'm almost finished here. +Oh that's good. +But +And you are studying, is that you? +I'm in Wharton +None +If it's business, but then you are a student for a PhD or the Master's? +Is that undergraduate? +I'm an undergraduate +None +But these hours here +Sorry? +But then did you live in Peru? +I am sorry as you say? +Did you live in Peru? +I was living in Peru until three (3) months ago. +None +Clearly +Then you're a freshman +No, what happened what I studied at the University of Peru for two years and then I transferred. I'm an international transfer +You are not an exchange student, you are a transfer. +I will graduate with a degree from this university +That's good +As opposed to an exchange student who doesn't. +What do you think so far? +It's a bit hard, to tell you the truth +Yes, I believe it is English. +Oh yeah +All the work. +I have studied English for most of my life, but it's always more difficult to express myself in English than in Spanish. +Yes +That's very clear for me. +Yes +Because of the amount of work they send me +More than in Peru? +Yes, I think so. They send you more. +None +Even in the last cycle at the university in Peru i took six classes in one semester. +None +I'm taking 5 classes currently, working more than ever. +None +I'm talking five classes, but I also work. +Ok +That's the equivalent to taking six classes maybe. +Yes +Maybe it's a little less, I don't think it's so demanding as taking six classes +Yes, but it's still pretty intensive +I think so. Maybe in the future I'll decide to +Yes, it's hard +How many courses do you take per cycle? +I think i ony took four but now i am taking five +Yeah, and you +But, in general, people in College only take four +I see. +In Wharton people generally take five +I see. And do you work? +None +Are you a full time student? +I have a library job, Work Study. But it's not really a job because when I'm there +I study. It's not like that. +I also work in the library but i am a shelver +None +So, it really doesn't give me the chance to study. +What you are doing I did that sometimes in part of the library. +On the fifth floor of Van Pelt +Okay +Where are you employed. +In Lippinott +Where's that? +It's the library at Wharton. +Yea +Yes, it's on the second floor. It's a good job because I work alone. I don't work too many hours, just five hours a week. Sometimes I work ten hours. +I do my homework, there are times there's only a little bit more than a month of work left +There's more people who need help +None +Is doing their research but in general, no I dont have a lot of work. +None +Yes but what I've seen is that sometimes in Latin America, but you saw that in Europe, +In universities there's not a lot of work until the end +In England, for example? +Europe in general. +The amount of the number of hours that you have in class each week +None +They are less than three +None +You have a lot of free time. Doesn't have much class. +Yes. +And aside from that, they don't give you a lot of work. I'm not sure. +Yes well no they don't give them much work but in general they want that we, well it is supposed true that one is +Hat one reads all, that they are doing exercises, and that they continue doing all that +Of course +I understand. In the end they give exam for a grade. Here in the United States, it's +One has to investigate history, then write an essay and take an exam. +None +That is the best in the sense that there are less risks but +That is definitely an advantage. +Yes +Imagine that you go to decide your exam grade. The night before you couldn't sleep +Whichever may have happened, and all of a sudden +Yes +You may have prepared a lot but for X reason it didn't go well in the exam. +Yes +I mean let's say your grade +Yeah, +I mean, your grade goes down, I don't know. +No, there's all the work they give you every week that is one thing after another +Another job +Yes. +Every system has it's advantages. But in Peru, how is it in general? +Let's see, i would say they also make us work, we don't, we have an equivalent to midterms +Yes. +But they're mostly reading controls. +None +I'd like it spread throughout the semester +None +Eassy at the end of the course +None +You also have a final exam. You don't have to produce as much as you do here. +None +You don't have to write much. +Right. +Here they're like constantly making you writing papers, and reviews, right? +Yes +There not so much there instead what you had to write, for example, you wrote it in the exam, or to give in the investigation. +None +In the final semester. But aside all of that, no, you didn't have to produce much. +Yes +That could be seen as advantageous in the sense that you don't have to ask much. +One can live more relaxed. +Yes +The disadvantage is that you are not in a constant practice of labor of +Investigation,I mean sometimes one for not writing much +None +It's easier +Yes +It's easier, but I don't know if they form it so well like they form it here. +None +It has a cost in that they form you better. For example, I am very busy this last weekend. +You live a little mor, at least, I live a little more anxious, a little more. +Yes +Stressed +Yes +But I don't know how Wharton might be I don't know. +Yes, it is different, in Wharton it depends because classes I take in general don't have +Like essays or research, only in general, two, three exams, and that's it. But there are classes for example that have more like that well, you have the two exams, but you also have projects. +OK. +These case studies +Are the personal or group products? +In groups, in general, those days almost everything is in groups. And if they give you homework to be reviewing, because otherwise +I like that every week you have homework. A small one to turn in, because that way +One has- they make you study every week truly. +None +But yes. They sometimes do that. But in general, they are exams or projects. But in +None +Each class always has an exam. I don't, I have never had a class where there were only projects, true, but in general two exams, and maybe one project. +None +Now in the Marketing class we have a project, I don't know how they did it +They created a whole piece of software that is like a simulation and then one, for example, each request well there are like five orders, or six orders, then +You have a group. +None +Each group is assigned, a company +None +This company has several products, then, you have to decide based on, each product where are we going, what kind of +How are we going to sell this product, we are going to +That is interesting. +Place more if is like one, one is in a, of course is not like in the real life, but +It resembles at least in some +You have to write some essays like that, to make an analysis +Of the mistakes you made, of what you did well +None +Everything depends on the course but there are many things like that too. +None +I hardly write anything in general. It looked pretty weird that I had to write +Yeah +But, have you been living long here in the United States? +Why? +Too much cold here +Well yes. I think it was on Tuesday at night that was raining. +Yes +I got frozen, yes. I have to go with my coat, I mean I bought a coat that shelters a lot +None +And I have for, well, I always go out with it. But still, sometimes even using the coat, I get cold too. But well inside my room it is more, +None +Manageable the matter of the inside the dorm yea, the temperature it's good enough +None +Warm, right. +But in Peru, I've heard there are parts where it really gets cold. +Yes if you go to the mountains +None +Also at nighttime more than anything. If you go to the mountains in wintertime, the nights are really cold. +Yeah I see. +I must have gone to the mountains in peru on vacation with my family at night +It could get even colder than the cold I've experienced here. +Hello? +Hello, my name is Glori. +Hello, Gloria. I am Paulina. Where are you calling from? +From New York +I am in Georgia. +From Long Island +None +From Long Island. +Long Island +None +I am in Athens, Georgia +Oh, from Georgia, on my God +How is it? +I didn't understand what she said. +What? +Something about religion. She said she talks +You didn't understand what she said. +No +She was talking about the religion, what is the opinion about religion, if it unifies people, or separate them, if all the people should belong to the same religion, +Ah, okay. I am Catholic. So I believe it joins some and seperates others. For example, I have a nephew that is gay. +Catholics don't accept gay people. +None +They say that God didn't make them that way. So, I remember when my nephew was born, we knew that he was going to be one +People never believe that they are born that way but he was. And if you have someone in your family you know. So, he +Has a lot of problems with the Catholic religion, because they don't accept him and he knows he's not accepted. So, he finally found a church, in the thirty-two, in New York, that accepts homosexuals. +I see. I think if people would stick to their religion, there wouldn't be that many problems. They wouldn't go to extremes, every religion +None +If people would follow what Jesus Christ said and his teachings, if they would act like he did +None +There wouldn't be a problem. +None +But when they start fighting, that's not what he taught us! +None +Jesus Christ. +Exactly. +WHEN TROUBLE ARISES +None +The same thing happens to Muslims. +None +Or the Jews, the principles of that religions teach us to, +None +People become fanatic and don't accept other people. +None +I believe that when there is division, problems. +Yes. What was I going to say? At lunch time to the girls where I work, three +I take this little book by Joyce Myers and everyday scriptures. I read them and they tell me that is shit but +Listen to what she is saying, treat your neighbor well. +I don't like her, but everybody is created in the image of God. Ay, we start to fight. Then, I say, look, I want peace because +We talk about today's subject. But one has been made. They still look for me to read every day. +None +Because, there is one that is like a firecracker, and I was telling her that I don't want to hang out with her because she drains +All my energy. And, she is always criticizing everyone, and I don't want, I don't want to be in this environment. She says, yes I read to her everyday, the other days she is saying, +Write down five things you are thankful to God for. Who do you think you are? You are always reading something about religion. +I know I am a good person. +If I let people influence me, I would have already jumped out of a window +Yes +And, then he needed some kind of tension of emergencies here things that +And it is true, the same as the +Yes +In one on one relationships, or like what happens in Israel, amongst the +None +Between the Palestinians and the, +Yes +And the Jews. +None +It's sad, and they go fighting +Yes +Because for the two there are sacred places but they dont respect. +None +Other people. +It's that, precisely the Catholic religion, the whole world is going, like my friend went to another church. She tells me, +You have to find that church that fits you. +I'm not going to tell you that you should go to the Catholic church, if it's not giving you anything because I go to Catholic church. +She asked me to go to other church with herbut I refused +I am not going with her +I have been to that church many times. It takes all day Sunday and I don't have the whole day on Sunday to be there. +Three hours, four hours. +Yes. +None +What religion goes, is your friend? +I believe it's something like Christian Science. +None +They are like born again Christians +Yeah. +Yes, you know she was Catholic. But, the husband goes to the Catholic Church. In my house, the only one going to church is me. I don't think she likes to go, she always fights with me when she goes. +I twelve. +Of Katrina, and he says God made that, which +None +None +God does not allow them. Even though the Bible said that a lot of those things would occur. I was telling him to ready the Bible. It will show you what there is. +Yes. +None +That's the way it is, I find that, regarding religion, many people go solely by tradition, and +Yes. +When one goes and finds the truth +None +And there, one finds a religion that. +Yes +Many people who go, solely by religion, do not know what their own religion is about +Exactly. They sit there, and once the father is finished, the leave, they run. +Yes, or they don't study what's written for themselves, or anything. +Yes. +Yes. Help when we start studying, who would believe, it's your own religion. +Yes. Ultimately I am going to a charismatic group. I am understanding more, even though they speak Spanish and I dont understand, I can speak Spanish but not read or write it. +They gave me a Hispanic bible, and I am reading it. Then, I go and explain to them that I read this, and this, and this. +That is what they read in English to see if I can understand. But the bible is much too difficult. +The bible is difficult because of the vocabulary that it uses. Doesn't matter what language. +I find it very difficult. They give me some passages, and I read them, and then they tell me this is this, and this is this, and this is this +I begin to use it in our lives. Then, I understand. +Where are you from? +I am Puerto Rican. +Puerto Rican. But were you born in the United States? +Yes. I was born in Puerto Rico but I grew up in New York, in what they call el barrio. In East what they call el barrio, in Manhattan. +Ok, I don't know. +Yes. Have you always been from Georgia? +No, I'm from Chile. +Oh, from Chile, okay. +Yes. I was born and raised in Chile and when I finished high school, I came to study at the University. +None +United States. +None +And we have been here in Georgia, my husband and I, two years, but we have been here in the United States, eleven years. +Wow. +I lived in Wyoming for a few months. I lived in Utah. +None +For a few years, and a year and a half in Maryland. +Yeah, +In Washington, DC +Yeah, +Now we are in Georgia. +You travel a lot ! +Dog +Yeah, that's true. +Yeah, yes +I lived in Manhattan, then the Bronx, and now Long Island. +In Florida. My oldest son and my grandchildren live in Florida. +So then you will go +So I would like to go to Florida to be close to them. But by then, my grandson will probably will be married. +I retire is ten years more, he will be twenty-seven. He might be married +Somewhere else, yes. +I am going to be ok +Who knows where we are going from here +Yes +My husband finishes his PHD +OK +Two more years, and from there, wherever there is work. +What do you do for a living? +Yes, I'm at home with my children. +You are at home with the children. That is so nice. +I have two babies. One is a year old, and the other one is three years old. +It is a lot of work but I do children's parties. I dress like a clown and now I am figuring out how I can make Elmo's head. +I have the bodysuit. +Yes +The head belongs to my friend. her and myself make the party. sometimes they request two, and we could not go. It can only go one person +None +I am trying. My friend is making it. The head is very heavy. I cannot even imagine how we are going to make the head. +Thought, that is why I could not hear what you were telling me madam, And, I say, I am doing a lot of things, I should concentrate +Everyone at the same time, yes +Everything at once, because sometimes they call, or they don't call, and sometimes I answer or I do not answer. And, they had told me that speech last week, and I do not know why they argue the same thing +Yes? +Have you been doing this for a long time? +I have done ten or eleven. +Like me, yes. +Yes, not so much. +Yes +But, the last time, that I did was of politics. No, I don't remember of what it was. +I have a friend whose name is Norma, I think she lives in Georgia +Yes? +Yes, she's Peruvian. +Yes +Yes. I've talked to her four times already. +I think so. I've talked to her twice, I think. +I think she's from Georgia. +Atlanta she lives there +From Atlanta +I live in Athens. +In. +In another city, yes. +Yes, a niece of mine lived in Georgia but moved. She still lives in Georgia, but she had to sell her house because she got divorced from her husband +She had to sell the house and now she's alone +Who, her niece? +My niece is over 40 +None +Yes. +Good evening +Good evening, Fabiola speaking, who I am speaking to? +It is Lliorno from Philadelphia, how are you? +Good, Washington says +How are you? +Good, thanks, and yourself? +Good +The topic for today is The Music. +Yes, what's your taste in music like? +Joyful music and romantic if talks about positive love. +Why? +I don't like music when it talks about lovers or deaths with cursing. +Or violence +Or violence, yes, that is a no +Why? I also like music, exactly. It has to be positive music, nothing negative. +I like music with rhythm and I also like to dance. +OK +Do you like to dance? +I also like to talk as well +That's good. +I danced more when I was young but now I don't dance as much. It stopped. +Me, too. Now I dance alone cleaning my house. You married? +Yes I am married +And children? +No, I don't have children +I'm married, I have two children, and I'm a granny. +None +My granddaughter is nine months old. +None +I'm thirty-nine years old +I'm twenty eight +You're young. Why do you say you danced when you were younger? +Yes +At twenty-eight I could still dance all night long. +When I was at least in school, that's it, but now I almost don't +And you have. +I go because he doesn't dance either. +None +Then +Do you have a favorite singer? +I really like Argentina +Where are you from? +From Venezuela +Venezuela? +Yes +None +You? +Chile +I really like an Argentinean singer called Tito +I also like him +Yes, I like him +I love Silvio Rodriguez's music. +Nice. +Nice music, I also like Ricardo Arjona's music +I also like him +He is really good. Do you have a cold? +None +Do you have a cold? +Yes, a little bit. +Where are you calling from? +None +Where are you calling from? +From Philadelphia. +Philadelphia, is that a city or a state? +It's a city, are you in Washington, D.C. or Washington state? +I'm calling from Richland, Washington state. +Philadelphia is two hours from Washington, D.C. +But it's a city in the state of +Pennyslvania. +In Pennsylvania, okay. That's what I didn't understand. I said, I've heard of Philadelphia but don't know what state it's in. +I'm from the state of +That's incredible how the calls can cross almost the whole country. +Exactly. +That's fantastic +None +Do you like Ricky Martin +What? +Ricky Martin? +He's got a new CD out +Yes, he's really good? +You heard? +Sounds all the time. Sounds because I am in the +None +In the house with my television on MTV +Yes +One of the music channels in Spanish. +None +Every time I hear the sounds I hear the music of Luis Fonsi. +None +What's new from Luis Fonsi, or Shakira? Ricky Martin, Thalia, I hear them all the time. +I have not heard anything new from Ricky Martin. +The singing in the music is a mix of pop and reggae, but it is very good. +Yes. +It is very good. +Do it +None +There is a new group from Venezuela called the Invisible Friends. +I have not heard of them. +Solo. concert yesterday. +Do you know if that's good? +If you are well good +What kind of music do you play? +It is like disco music. +Okay, pop. +None +I like a Chilean group that is call The Law. +None +Have you heard of them? +Yes, already. If I remember what they did before +That is good, they have a beautiful voice the Cuevas veto. +Yes. +There are other Chilean singers but I don't like them as much as the +The law +The law. +I didn't know that the law was Chilean. +Yes, they are Chilean. This Miriam Hernandez is Chilean also. She sings romantic music but I don't personally like her much +Okay +To see, if I remember something from Venezuela +Of Ricardo Montaner? +The sound sounds each time +Yes, it is Ricardo Montaner yes. And this Frank Sinatra. +I also hear that Franco and Son are good. +It's famous for Venezuela +Who? +Idan called +No +He is good, but is no longer famous outside of Venezuala. He is called Idan and his music is very good. +How long have you been in America? +I have five years now. +Five years. Do you speak good English? +Yeah. I find it easy. +Did you get your citizenship or not? +But the home is because I have one more that four years of marriage +None +Then +After three years of marriage you can apply for Citizenship +Yes, but what happens is that I have a double-citizenship, I have my citizenship in Venezuela and I have my Italian citizenship. +Because my father is Italian. +Oh, do you speak Italian? +Yes +Yes +I think that if I accept the American citizenship, I'll have to +Quit now +Citizenship, and that's not good for me +The other two citizenships, have you researched something about it? because currently in Chile we have double citizenship, it could be American citizenship +Yes, but the problem is I have two, they won't let you have three +You are right +Yes +It's a little complicated. +Yes +Are you happy with the residence? Your parents are +See +They live in Italy, Venezuela or here? +No, my parents live in Venezuela but my dad was born in Italy. +Okay. Are your uncles in Italy? +No, from my dad's side, they are +Okay, in Italy, I have some friends who live in Rome +No, my dad's family is in Palermo, close to Cicilia, to the south of +It's pretty. I've seen pictures of that place, and I've seen pretty, pretty landscapes over there. +None +Do you own any animals? +No, we don't have any because we live in an apartment. +Animals are not allowed? +MY neighbors have permission to keep animals, I don't really like to have them here locked up all day! +None +Do you have animals? +Yes, I have a cat. +None +I have some plants outside the house and an aquarium. +None +I have lots of things to have fun. +My husband and i would like to have a dog but since we live in apartment we don't have. +Yes +A garden or anything +But you can take them out for a walk. I used to live in an apartment, I moved here abut five months ago and I've been here for three months with the dog, the cat, the plant +And the aquarium. I used to take my dog out for a walk outside. +Yes, we'd like to have one, but a puppy +Yes, it's the +Yes, ifYes, we are going to be here all day long and not just in the evenings. We really don't want to leave the poor puppy locked up in the apartment all day long. +None +This is the question. But we are thinking of moving to this +Is your Husband from the United States or Venezuala +No, he's from the United States. +Few that are going to change soon. +We are waiting to buy a house close by here. +To move +If so we can move. We can be able to find a puppy or anything else. +Not feel like we moved out one month ago. This is my home. +We had to close the yard and place cartons all around to have the hill just outside. +Exactly. +It can enter and leave the garage but it has the gate opened and has a space where it can walk, run and play. +Yes, I want it. If it can enter and leave freely, it can play in the yard and that +And has +Runs all around exercising +You have another idea? Like what kind of puppy you want? +Yes if your are thinking of a reason why +It's very little. +Not like the medium ones. +Which are ? +I know that they look like teddies. +Yes, I know which they are. They are pretty and colored. +Hi +Good evening +How are you? +How are you? +Well, my name is Carlos. I'm from Houston Texas. And you? +I'm Josma from Philadelphia +Nice to meet you +How are you doing? +Where are you now? +I listen to Latin American music, American music, folklore, bluegrass and country music. +How old are you? +Twenty-Five +Twenty-five +Twenty eight +Okay. Sorry? +Twenty-eight +Twenty-eight, me too +None +I like almost all kinds of music, except rap and hip hop. +None +None +Everything elses much Latina like American. like everything, I like rock en Espanol, English, I like music. +Classical opera, dance, a little bit of everything +And you? +Pardon? +And above everything else, I also really like live music. +How? +Live music. +Live? Like concerts? +None +I find music online. +Okay. +So with that I have around five hundred CD's that I have bought. +None +A lot of them, I have looked for online +Exactly. +I need music for everything. I need it for when I work, when I study. +I always like to have music, it's what keeps me alert. Music is extremely important +It's substantive +Exactly +Music helps me concentrate, relax, and change my mood. +Exactly +Very calm. Yes, I listen to a song that can put me in a bad mood. I could be in a bad mood and listen to a song that makes me happy +Exactly. I play my instrument, and my husband plays his instrument at one of the festivals. +Okay. +There is a bar very close to my house where many people come to play instruments every night +And there are open circles every night and there are songs of, where the people pay and then on the weekends they come here different musical groups +To play every night from on the weekends and it is very cool +Okay. What is your favorite type of music? +I like everything. +Is there any type of music that you don't like? +I don't like that way at least that if rap hip hop or at least music +If Britney Spears--not that I don't like it, it doesn't strike my attention at all +Okay. +I have a lot of rock in Spanish and bluegrass music +Do you have a favorite group? +From rock in Spanish, I like Fito Paez a lot. +Okay. +That is from Argentina +Yes +Yes, I like it a lot +Okay +He does not believe that God is helping him, so everyday I tell him, you see, God gave you that, since today we were talking about +That +And the one who died, him too was a very good singer but more or less, where I live, there are many people who play +None +Many of our friends that play and sing and have bands +Yes +All of the groups they have are very good +I go to one or two concerts each year +But in general the type of concert I'm going to is more like rock in english, and the people that go are more +They are too scandalous. For that, I didn't pay too much attention to going to concerts. +None +I went to a Willie Nelson concert this year. +None +And Bob Dylan +Yes +It had people of every age. There were people that were sixty or seventy years old and kids that were barely ten or eight years old in the concert. +Yes +Yes. It was held in a small baseball stadium and there weren't so many people there because of that. +Was very good concert. +You buy music or have many CD's? +We buy more music than anything. We also bought a lot from groups that are not very popular, of people we know. +Yeah. +Yes, because we are members of one of the folk music societies of Philadelphia. At least there are many musicians +Who are members and there are concerts in the homes, they do this every month +Ok. +There was a concert and we bought all these CDs. +Ok. +We see groups that are not so super famous, but they are good +Ok. +Sometimes we have seen groups +And +That did not know they were famous and suddenly they're in a festival +Yeah. +We hear a song it is famous +Ok. +But +So, you say you play instruments, you and your husband play in a band or group? +No. My husband played in a group before. They are not together in that group, they will be together again +Okay +But no, we don't play for a group, my husband sometimes plays with his friends, but we dont really have time, +To compromise ourselves with other people +Okay +The job doesn't give us time to compromise ourselves that way with a group. If you have a group, you have to practice for at least one day. +Practice and find that +Week +The promotions +Okay +Yeah +If you have to dedicate too much time, you can get a group. There's a group that wants to play with my husband. +But where do they get together, they get together on Wednesdays at night around ten and they practice until like 2 in the morning. +Does he work, or study? how does he have time for that +Yeah, we try, for example, like, knowing who they are before we go to a movie +Music, I like music, its good for me +I remember songs. lots of songs +None +Songs I still sing after years +That happens to me whenever i don't listen to a song for a long time, i forget the lyrics +She was with her, we listened to a song on the radio I hadn't heard in years, but she remembered the entire song. +And afterwards they played a song that I hadn't listened to, and it was some four years that I hadn't listened to it, and I knew the song +I knew that I knew the song, but I couldn't remember the words to the song. I remembered a little, but not much. To me, if I forget or not +I know the song, but I forget the words a little. +Well, for me, it depends on my mood. +I have an Ipod. Do you know what Ipods are? +None +I have ten thousand songs in the Ipod. +None +So I have in all, I have a list of music that only has music for the dance music. +I have a complete list that I use when I go to the gym. +Exactly +I have a list that is music only in Spanish and a list that is only classical music, opera, things like that +For relaxation. +And for studying. +I have a list to the contrary. For me, to study I can't have that type of music, I can't have classical music, I need music... +Yes? +That have lyrics because if don't, if there are not lyrics I get bored, I need something to distract me +What are you studying? +I work with a virus. +Okay. +In biology +Okay +I always need something to distract me, that keeps me alert. +Exactly. +Yes, I put music but not classic. +None +I get sleep, I put classic music on when I have to concentrate on writing a report +Then, even since I was a little kid always, when I had to study, I always was hearing to music while singing, I could be reading and my dad always criticized that +Is impossible for a person to read and sing at the same time but I don't know, it always worked with me I always got good grades +I suppose that +I had a teacher +Not +When you are not studying, you can learn it by singing. +Faster than normal +Yes, that doesn't attracts me a little, the music, whatever, can +Hello! +You are speaking with Fabiola +And they connected you, therefore was working +That's how it was working, and therefore, they pay you. +Look. +Cool or not. that is the topic that that i tell you to chat and and from so a issue of conversation +Let's talk about memories. +About the best thing that has happened in your life +None +How has your life changed? +Okay +What is the best thing that has happened to you in your life +A lot of things. +The best thing you feel has happened in your life. +None +That's a good topic +Yes, I met somebody with this kids +Yes +Everything begins knowing someone. +Yes, I say the same +Kids have not been here. +The best thing that happened to me was meeting my husband. +Yes because how +Having my kids is the best thing +Yes +Be healthy and staying healthy +Yes because if i had not meet the boy, I wouldn't be here +And in reality +Another wouldn't have these kids, I wouldn't have known you either +Yes +If it had not been for +Why not? it's good that you find good conversation topics when you talk over here because they also put the music. yesterday there was the music +Yes +It is entertaining that you talk for twelve minutes and they cut you off. +I like them +Yes they tell you that you have thirty seconds to say goodbye +None +And even though we have twelve minutes to talk about what we want because they are starting to recognize our voices +There is no need to talk about what they said. +We need to talk about what they say or what ever you want, the idea is to talk because that is everything, the entire conversation is recorded +That is after the computer knows that. +Who is who? +And for him, his accent. +The accent, the system, it's the form of speaking. +None +They are invcenting something in the stamps i have +Yes, for the +They need people that have different voices. +No idea, I have not called +And the +Earlier, +Yes, the girls all connect using this number +Yes +Yes they call each other at the same time +None +And they connect well. +I'm going to try to call a little later or in the middle of the day. +I don't know if you can make two calls at the same time +In the same day +I don't know I can hear the voices of the beautiful kids +Yes i hear them, they're here +Yeah, I can hear it very clearly +They are both laughing +What are you doing for them to laugh? +They are sitting on my lap. One is in front of the other. They look at each other and laugh. +They look and laugh and say you look like me. +One has a lollipop so he throws onto him while they are there +They are interesting, they are growing, do you talk to them? +None +Do you talk to them now? +How? +Do you talk to them, do you talk to your kids? +I talk to them when there's time +English? +In Spanish +None +And in english? +In english, that's good because they are going to know to different languages. +Yeah because, that's how they grow up with two languages. +Yes +Yes, besides they grow not having an accent +Geni can speak and read both languages; nevetheless, she has an accent and has trouble with Spanish. +None +She was born here and lived her first three (3) years here. +None +But when she was two and a half months old I took her to Chile and in Chile the same +Where did she learn how to talk? She learned to talk when she was in Chile? +She just learned words, she couldn't complete phrases +None +We used to come here on vacation every year. One month here +None +And her father always spoke English to her +So she was confused +And of course, so when she would hear him, she would hear very bad Spanish from Michel +None +Or a bad English from me. +None +I speak better English, Michel speaks better Spanish and she can read both languages +Speaks with a strong accent +I speak in Spanish. But the bad thing is when I'm with another person and they speak English +I speak to them in English understood +But isn't that bad? +My accent is not understandable. +It's not good, no. +And I know they are little now, they are not going to, but the same all of this is being engraved since +Yes, from the time they're four months old, children begin to +None +What you are going to do for Christmas or for thanksgiving day? +For the day of thanks, we are going to go with Armi's grandparents, come back, something to eat because my +None +My mother-in-law is fixing up the house +Yes +We are going to have to go to his grandparents' together +Are you planning the gifts and all of that for Christmas? +What thing? +The gifts are you planning them for Christmas or not? +Not yet +Not yet +And you? +The children are going to be big for Christmas. They are going to play already +Yes +How beautiful +And you already have plans for Christmas? +We are going to buy the tree. +None +Every year we buy +None +Look at Michel I bought him a car. +Really? +Yes +A real car +A big remote control car +None +From 160 dollars I found it on sale for 50 dollars +What kind of car is it? +Like in James Bond. +None +But it's James Bond and with remote control I am going to put it like a present from Santa Claus +None +For Jenny I am still looking, there is something she likes, a game boy +Okay +You don't use keys, you touch the thing and it moves +Yes +One super new that came out +None +I think i would put that one for her because i think that's what she wants +For her birthday, what did you give her? +And karaoke +Do you play with karaoke or not? +Yes it sings, it is good because at her age she is readings, as she reads the letters and they get darker, change color +None +She sings the song. +None +And yes, it keeps her entertained and helps her read faster. That is great for Christmas, and my father-in-law +I bought a gift for Jonathan +None +That is one +None +For the computer, it has to move the mouse. +None +You move the mouse and it has a calculator +The mouse has a calculator? +No, the part where you move the mouse is a small square +That little plastic thing +That +Okay +So that I bought one for me and one for us on the part of Jonathan +None +None +And they are going to be here for Christmas or are they going going to? +No, we already bought the tickets. We will leave for Arkansas for 15 +A week +Every year we go for a week. +Cristina told you the other time that they are thinking about going to Chile for work +Oh yes +And from there it won't function +No but it still has not begun +But she said that at least no and all the things that +At least it's not true. +None +They told her/him that, they have the personnel, they'll let him/her know +Yes +That's how we later call you +Something like that +It turns out that she/he hasn't started the job in Chile. +None +I got excited, I told Michel, if we get it, we go +He would go +Michel yes, but +None +Same, I think. But how can we not go if recently we bought the house? How, you say? +None +I get giggly because for him it is so easy to get rid of things +For me, it's very hard +Because it cost you a lot, same to find the house +Yes then to put together. I tell you now I still not put curtains they are getting here slowly +None +We bought at jcpenny +None +They get here little by little. First some curtains got here, then last night one for the upstairs side. +None +Then I got the other upstairs part and I still need, am needing three curtains that need to get here +And they are the living room curtains? +The ones in the living dining room because I did not use blinds +You did not use blinds? +No the rest of the house I use blinds but not in the living room windows +None +Then they do not exist in that size unless you have one made exclusively for them +Especially for +Hi, +Hi +Who's this? +My name is Annie +Hi Annie, I'm Arturo +Hi Arturo. +You are calling from? +Miami +I'm calling from Miami. +From where? +Philadelphia +Philadelphia +Exactly. +None +None +And you? +I'm Mexican +None +Yes +Are you studying here in the United States? +Exactly +That's good, +Do you study or work? +No, I have a twenty-three months old daughter and I have a four days old son now +Oh that's cute +I'm working, but no +Yes, well, of course +Not outside of home +A lot of work at home. +Yes +That's good, and I imagine very happy, right? +Yes, a little tired now but very happy +Yes, your son is four days. +Four days +A little. +Yes, +Why do you live in the United States? Have you lived there your whole life? +Yes, my parents are from Dominican Republic. +Okay +In nineteen seventy something +None +I believe it was sixty-three, I am not sure +None +A revolution in Santo Domingo. +OK +They went to live in Puerto Rico +None +Then they lived there for twenty-ish years. +None +Then from there, my sister when she went to college came here to the state of Florida then we moved to Miami +Okay +I think I was five years old +Very small +My sister is older +Ok +None. +Yes, +I went to school here and we made a life here +None +And +You married a Latino or an American? +An American +None +Yes, I met him at University +In Miami, I suppose. +No, I went to +Ok +In +OK +I met him there +Very good. +Then +And +After +What language do you speak with your children? +Well +He is twenty four months. The other, no. +She is twenty-three months and the other is four days old +Twenty three, yes. no it is +What we do here when he and my husband are not at home +None +I speak in Spanish to my daughter +Okay +So then when he's here we speak completely in English +Okay +None +Recognize them. +I was surprised because many times she said things. +Oh, yes +I had not even realized that she had already learned. +Oh, really +It could be in English or in Spanish +Wow +She's already learning +Very fast +Yes, +Also, at what age do kids start talking normally, I really don't know. +And I think she was, let's say sixteen months +Okay +Since she's learning English and Spanish +None +You take the kids that take a little more time to talk +Yes +So I picked up my little girl and her friends. +Yes, +She needs to speak louder than she is +Yes, +Until recently +None +I knew she could speak and understand it. +Yes. +But he had to learn the language that was a little more difficult +Of course, it is much more difficult, but I believe it will be good in the long run but not very good, so far with the language is an advantage +Yes +The truth +I know that she understood., +None +What I was saying in English and Spanish +Yes +I know that she understands me because when she doesn't know how to do something it makes her feel dumb +Yes +I see her little face and I know she understands me. +Yes, of course, but children are very clever, and then, no +Yes. +None +She understands it. She speaks it. +None +And +I hope she stays like that, because then when she's growing, and a lot of her friends speak English, she's going to practice English more +Yes, we're not going to send her to school, we're going to home-school her +Okay +Because I was a teacher +None +I think that instead of teaching other's kids, I should stay home. +Yeah +And I can teach my own children +Yes, that's true +So +What do you think about her not having school mates? +Well +That's also not an experience, bone +Yes, there are many programs here in Miami for people who teach their children at home +None +Then, usually once a week, they will be together +Ok +Then it's school. They have a class they'll have to teach in English or at the University, but as a school that meets once a week +Okay +I have many friends and family who have done that +The +I don't have any problems +Okay +Also not something that +Yes, +Because that worries me too and I want her to have lots of friends +What I was thinking, is that part of the experience is to be in school with people you know. +Yes +When you're a kid, have true friends is very important +Yes +I don't think so +Yes +As long as she has contact with other people at least once a week. +Also you knowthey have the sports in palces in the community +Yes, there's a lot of contribution from the community +Yes, so thing like that is how they socialize +Yes. +None +It is not common for it to happen in Mexico. +Yes, +I don't know anyone who has come out from that type of school. I've always been very curious about how they do it here in the United States. I do know is much more common +That come from home schooling before now I don't know +Yes, like any other experience, it's how you take it, it can be good or bad +Yes +How the schools are here, also how the kids are +It can be very bad also, right +Yes, that also I would like for her to have friends and all those things, but at the same time I think I have to protect her +Yes, but you have to be careful because it is bad to overprotect them. +Yes +It can be very bad +I want to teach her because I can teach her anything +Yes. +You know +Yes +It's a little different than what they show you in school. +Yes, true. Until what grade will you homeschool her? +I don't know. I haven't given it much thought since she's only two years old. +Yes +And I haven't started +We will see +None +Are you planning to teach him the whole elementary grades +It would probably be until sixth grade +Okay +I can teach her up to High School +Yes +None +You've taught classes up to high schoot? +Yes +Which subjects? +I was a special education teacher. +Yeah +I taught everything. +Okay, I understand. +So now you know, the only thing is that, if you don't agree I won't do it. +Yep. +If I don't understand the topic I teach it to myself, and then I am able to teach it to the kids. +Alright, OK I see +So you know how are we going to say algebra. +No +It's not that I don't know it but I could forget it. +If +I don't have time before. +Yep +So, before I started the class I remembered everything. +No +What is it that i had to do +Yes, of course. +So I could teach them +Okay. +It's not that hard for me. +I said in high school the subjects kind of get more specialized like chemistry is more advanced and physics is more advanced. +Likely this time, I know that now +None +They have classes for kids that can solve them on the computer. +Yes +They can go to high school +Yes +There are many options +Yes +None +Yes, no. +To register the (person!?) in a public school +None +Do you know these universities? +None +Have high school classes for kids that can be taken in the University. +Yes, I heard about that +Therefore, we have many options. +Good luck. +And +But like you say it, but he's barely two years old and right now there's no need to think a lot about this. +No, my husband says that I'm a teacher. +None +I'm always reading her books, singing her songs +None +She's having fun but at the same time, she's learning something +Yes, okay +I'm not giving her formal schooling. +Okay +I'm teaching her. +None +Little by little, she already knows the alphabet. Well she knows the song +Yes, she reads +Yes, so she already knows the numbers +Yes, +A little. If I tell her one, she can tell me two, three. She already knows that eight comes after seven. +Yes, she already knows the order. +Little by little. +Yes, that's good. +So you know, +Yes, sounds very interesting. +Yes +I don't know anything, I don't know I mean if I was in that situation, I don't know how I would do it because I could never imagine how +I can't give my son classes because I don't have an education. +None +I imagine you must have studied something like Education? +Well +What did you study? +I studied education but they didn't exactly teach me how to teach a kid to read +Yes, no +I had to learn all those things when I was working. +None +I am using the experience +All the schools gave classes +Yes, but for that reason, for me to do it with my son +None +Is not a problem because I already have the experience +My name is Mariza. +Hello, good afternoon. My name is Lorena. I am here in San Antonio, Texas +Hello +Hello, well today's topic is very moving. +Yes, it has also been hard for me to think abut which one is better +Exactly. Now I said memories are precisely the most important thing that can happen in life because you live off of memories, no? +Exactly, with so much and I don't know the more time goes by, more memories there are, I don't know, I wouldn't know which one to choose to start with +None +For example the best +Hat's how it is, I am a mom +Yes me too +And maybe I would like to think about the best that has happened to me, maybe that it is to have had my children. I remember that at that moment in which I was having him I said, this is the best that has happened my while life +Of course. +I want to be consistent with this comment that I made to myself at the moment. Something has happened, but there must also be other things +You cannot stop with one. +Of course that is what I was thinking and I asked, had that not happened, how your life would have been different. In your case, not having had your children +Yes, I wouldn't have like it +It is +Now they are bigger they have given me so many beautiful things, that maybe by myself it wouldn't have been enough to get so many memories +Positive and negative emotions, not everything is beautiful, I have a son who has a health problem and that is also very painful, no +Yes +Emotions are more like love and more tender and the husband is there +Yes, and it's that no yes but the children +That has a lot to do +Yes +No, not in one's life. +No +I would think that it can't be just one event +Sure, +A painful event or memory like the death of my mother. +Yes, the death of a family member or a loved one has to be the worst that can happen to someone +Yes or a son's illness +Also +It's very painful, but it's nice to try to think about it +Sure like the second part of my question, it was that what would have been of your life if not, if that had not happened, that negative or painful event +Yes +It wouldn't be, that person would be now still. For example in my case, my mom is alive, but my grandparents died a long time ago +I didn't have the opportunity to say goodbye to them because I lived far away +Yes +Exactly +Sure, life would be pretty different +Your husband, where did you meet him? +Here in the UNited States, almost by chance +Because you are from Spain +I'm from Spain +None +I came here to study but I met him and ended up staying for twelve years +None +I have a five year old girl, she is still very young and I still have some time +Yes +Nothing. It's different when kids are older and become more independent. I still have to go through that. +Yes, and there's so many phases. +And sure, +But at this age, the kids are more loving +Yes, everybody says that +It's a very loving phase, and well, when they grow up they go out and do their own things. For example, that's nice too, but you don't get as much love as you used to. +Now, mom, I had a good time, and this is more like a conversation, like a different level +And they don't depend on you that much, they are not that close +Yes +It's really nice. What is the best thing that has happened to you, your best memory +Well I believe the same like you, to have children, well I only have one and I don't know if I'll have more +Okay +Was not, not I mean I don't believe I was ready to being mother maybe because it was a big change and oh the pregnancy was really hard and the, oh +The, we have raised her, my husband and I here both alone, then it was a little bit difficult but also was of course to have a kid change your life, then so it is the best that have happened to me I say +Until now +Yes +It can be compare with anything that's what I say +Yes it's the twenty five or twenty four, I don't remember. +Of course +A person, in the sports in or in the academic life or in the work, no +Of course and the other questions was what could be different if I have not lived that maybe have not being mother well my life would be very different +I had finished the studies too, +Right, exactly. +Got a more important career, or had to travel more, or met some other person. You never know. You can only imagine. +Exactly, however you go accumulating. +Yes but +Memories in Christmas pictures, and in the high school festivals pictures, and in the kids sports, festival pictures. +None +It is precisely, putting together this life because it is like it was made of memories +Exactly yes, I have thousands and thousands of pictures, all of them are of, of my are all are of my daughter, that's because, the +It's easy to say what is most important because without that, I don't know. I traveled a lot, met interesting people you can't compare with +With the children I guess +Yes because you don't study to become a mother +No +The human being doesn't study how to love but finally the emotion is more profound and complete +Yes, i was saying to my sister she doesn't have any children and i say to her, until you become a mother you would not know how is like being a woman +20 years married no, they don't have any children and i don't think they will and then it's difficult to explain +It is difficult to explain +It's difficult to explain +But the expedition and those huge cars and that spend like that, you know? it can only run like around twenty miles, eighteen miles per gallon something like that, that is a huge expense +Yes, I had him because at the age of thirty, it was the best time to have one and not at old age. +To raise a child you have to have a lot of patience and energy +Lots of energy, indeed +My daughter requries a lot of patience and sacrifice +None +And +Yes, actually for example she, because she's very playful +She's very active, more like hyper-active not like me when i was a child, i was lot more quiet and did all my fathers said, she is a lot more +She is more like three, sometimes is +Yes. +At the end of the day, i'm exhausted, but that's what parenting is all about +That's how it is, yes, +And +And this now I understand a lot because they are that way and everything they permit to happen because they have a strong and active character +Should I wait for her +She will achieve many things. +Yes, if I compare her to my niece, they are so difficult. I think that my daughter has a stronger character. That will help her in the future to get ahead. +Yes, with all the difficult things that will confront her +Clearly +No, my youngest daughter is really good in her studies as well as in sports. +Yes we want my daughter to also practice a sport but we want to wait until she's a bit older because she's just five years old maybe she's much too young +She has the body to become a sportsperson. Perhaps that will help her develop more. +Perhaps her character could too +Yes +Also guide. +Perhaps calm her +And that she can get tired +Yes I need this because sometimes we go to sleep before her, we can't continue like this +Yes, she needs to get tired, what ridiculousness +They tell me that it's the age +Where do you live? +We are living in Philadelphia right now. +I have my oldest daughter studying at the University of Pennsylvania in Philidelphia. +What a coincidence, it is a good university +Yes it in in Philidelphia. +Yes. Here is a city where many people come to study. That is another important thing, education. +And yeah. +Yeah, oh, yes, besides, for example we have found movies that are for children, or rather, they are not for children but when +I would like my daughter to go to the University but I am still many years away from that. +Yes she will do it; what did you study? +Psychology, but I did not finish the degree. +Aha. +After I was pregnant, we wanted to raise the girl at home. We did not want to take her to day care because we felt that it's the traditional form that I was raised. I was with my parents, they took care of me. +None +We did not want to leave her alone in daycare. +That is a good decision. +It is good +I support her, I have to take a lot of vitamins to have the necessary energy +Yes, while it is possibel, and now, yes +Now you will see how quickly time passes. I celebrated my youngest daughter's fifteenth birthday yesterday. +Wow +And now when you look back you will have many more memories of what she did, that will be yours because +They achieve great things thanks to the support that parents can give. Form what is given, not saying that you leave to one side +Maybe your thing is more personal, your career, your profession +Yes +Well, my name is Claudia Ivette. With whom do I have the pleasure of speaking? +My name is Juan. +It's a pleasure, Juan +The pleasure is all mine. Where are you? +Excuse me? +Where are you? +I'm in Idaho. +Yeah +In a place called Robert, and where are you speaking from? +I'm in Texas, San Antonio +A little far away. +Of course +Yes. We get the subject of the movies. +No, yes... +Well, I don't, about the ratings I don't understand a lot, I know that there are movies that are, PG thirteen, PG +Yeah +And actually I've seen some that have more swear words that are PG they're like more violent and more +The PGs are more like that, the PGs than the PG thirteens, I've noticed +Yes. +I don't understand a lot of that +I haven't taken into consideration those classifications +OK +I can't understand them very well +OK +They are complicated, they should have more information about what they have +Yeah, i would have loved to learned how to play an instrument, but I'm horrible at that stuff +I no longer have little children. +Yes +Children, well, i don't worry too much +Yes +About those classifications; however, i worry because when we go to see a movie that's worthy, that's interesting and not just any movie, then the classification... +Yes +I'm not so interested in that as much as i am in the quality and the comments i hear about the movies, right? +Right +That's it, that's what I'm interested about, I don't know if you do the same, if you always go alone or if you with someone +No, I'm married, I've been married for three years and i do have a kid, he's 20 months old +Right. +My husband is more concerned about him turning two years old. +F we watch a movie and we really love it, ~PG or ~PG 13 +Right +We don't really like to watch adult movies or those that +None +Up to PG13 +Yes. +Those, or at times one that is R, but the truth is that I don't pay attention, for example if there is a movie that we like +Yes +We buy it and sometimes it has nude scenes. My husband grabs the movie and erases that part. +None +And we do it mostly because, for example, there are times when neither my husband nor me are going to be there. So then the children might grab the movie and could watch it. +So for that my husband will record some commercial or other thing. +None +They can watch the movie, it will be purely cars or action. +Yes +If you take away the part that is a bit pornographic, because you always see that, even though it's a good movie it always has to have some nudity. +Yes +At times it has nothing to do with it, but +There is always something +We have movies that are about action of cars. +Yes, it has nothing to do with it, yes. +We are going to have other children and once in a while they will be alone and we don't have to worry that they are going to watch a movie +There will be no problem +I believe you might be right +Yes, +Look at that very curiously +Yeah, +What worries me the most in the movies is language and violence. +Oh, yes, because it really +Generally, when there is an exaggeration in language +Yes, +Or in violence, everything else is the same +Yes +So if a movie is rated R it will have scenes of all types. +None +Those are free. R appear more than restricted. If you don't have much information about the movie, it's exaggerated on all levels. +Right. +Is for children of thirteen years of age, can see it butsometimes they say vocabulary and sometimes they show scenes. +Of nudity and that, so then, I say, since they will be watching, well +Yes, +I am Mexican +None +Still on television +Look at that +None +Making memory of the movies we have gone to see lately, they are all +Very fast +PG-13 or something like that. I don't know where to hold it because the ones we have around here. +None +Available in theaters. Right? +None +They are not really good. +None +Then no, let's not worry much abouth that information because my kids are already teenagers we always go to the theater all together +None +We always go for the quality of the movie more than anything else. +Yes +The classification they have to oriented us about the movies, it really does not give us much information, no +Sometimes, it does not say anything, but sometimes it says, for example +We don't take it into consideration. +And it changes for example and when you are watching it, it's different to what it told you +None +Yes, for example, it says something like it has too much violence and then it's not that violent, or sometimes it is or not, it doesn't clearly state the information +So, sometimes +None +You don't even pay attention to it because, for example +Yes, no +Those things that they sell, for example, TV sets, you see +What +They remove or block bad words. +One of my friends says they don't work proper because sometimes they block words that are not cuss words, and really bad cuss words are not blocked. +Yes +So +That's when I think we should be involved in the education of our children +None +We never done any acts of censorship we +Yes +We've tried to discuss or talk about the issue when we see strong scenes +Yes +We discussed it with them and said, Hey, that was really unnecessary, they could've cut it out of the film, that was rude. +Yes +No, we analyze it and so we take advantage of it as a way to educate our kids. +Yes +It generally works for us really good. +Yes +He has good common sense about which movies to watch +Yes, that's a great idea. I remember when my mom would watch a movie with me and we would always watch them after ten in the evening because +We knew that we were always going to find +None +My mom would get ugly movies. +None +The ones that are not made for children, if they were airing a movie that had bad language +Yes +My mom said, when we were kids, it is not nudity; however, with little clothes on. +None +You can watch it. You will understand more. +Yes +Because when you say, Turn around. Look away. You are not supposed to see that, you are telling them to do so. Teenagers will because they are wondering why their mom told them not to. +Sure +If the movie is playing on the television, they wonder why they are not allowed to watch it +They are going to find out about those things in the end. They are going to have opportunities to see all those things. +Yes. yes. +Yes it is that censure or the nformation that should be censured +Yes +That type of thing I have never thought of it as good because +No, yes, I believe that. +There is to much information about the movies and it would be convenient to go and see it with your family +Yes +We are together after we informed ourselves what the movie was about. +Yes, it's true. +Because the restrictions that they put, there is too much violence found in cartoons +Yea, +There are cartoons for children has exaggerated violence +Is that shown during the day? +Yeah, fundamentalism, yes, from the right wing, But also the country is the party has the power so, everyone from the president to everyone who is into this, at the White House, they're all rightwing republicans. +Yes, right? +No, and of the other maybe, less than five percent are worth watching +Yes +No, but with those, you have enough to have an idea of what you must be looking for, right? +Yes +There are enough, it does not mean that not enough movies are not made, but so many are made, you don't have to see them all. +That's true. +Then +That's true +I am working with the parents of the deaf children. +Right +That was about the critics towards the movie and then we went. +Yes +That's what we always look for, we go to see this movie +Right +We've already made a decision about what movies. Since my kids were little, they've had that education because he likes the movies a lot.My wife and I love the movies. +Right +Never, even when they were little. +Right +If there was a movie, sometimes we took them even if it was for older people. +Right +Maybe there could be some scenes a little stronger, but one scene doesn't necessarily make the movie. +Right +We tried to talk about the message about a lot of war movies +Yes +A lot of war movies are, for example, Saving Private Ryan. +Good evening. +Good evening, I am Joe +What is your name? +Joe +Joe? +What is your name? +Alex. +Alex, where are you from? +I am here in Los Angeles, I think we've spoken about religion before. +Oh, yes, of course I rememeber. +We talked on the fourth of October. It's been some time now. +What a memory, yes I remember, how couldn't I. +Where are you from again? +I am from Denver , Colorado. +Oh, yes. +What do you think about tonight's topic? +I watch television by quality not by classifications. +Yes, I don't pay attention to the classification apart from I am at an adult stage and have a little girl +Always keeping an eye on what they watch. i don't want her to watch programs that will give her nightmares or will give her bad motivations. There are a lot +The movies out there are more violent. +Enough to classify because they are making very violent movies with lots of topics +Yes, no, I think I am interested in movies and television through the topics they have +Yes +Now if it is violent but does not have quality, it is not a good movie. But if it has some violence but it is teaching us something +Like a documentary or something from life, then it has value +Sure +One cannot deny the truth of life +Sure +One cannot live life with blind eyes. +The movie is about the allies side during the Iraq War and the soldier's experiences +This one with the colored actor, his name is Jamie, I think it is Jamie foxx. +Yes +Here's is another white boy that looks traumatized when he is experimenting in Irak. Those things are very real and they happen every day there +And those movies may be also a political critique +Yes. +Maybe the Bush Administration has always been obsessed with war. +Yes +Mistrusting the public with Iraq. +Yes, transfering many things from outside of the lie he told in order to invade Iraq that is really, now one looks and really no, no +It is not worthy to do that. More than one thousand soldiers already died. +Those movies are important as the majority of the people are ignorant of the things that happen in life +You don't have information +Yes, it's true +The information we get is all propaganda, it's important to see other versions of what happens in the world +Yes its true. I think that movie classification today is rather relative. I know they have from thirteen, they clearly know that X are +Obvious, true? But I think that these days is well beyond what is permitted or not. That I agree with. +Allot of moves dont make sense +None +They need to see the violence +Those movies are bad +Yes, very bad +Because they show the violence +And it glorifies it some way +Yes, they don't do it for the value, just to sell. +That isn't for selling to +Certain people's +Boys copy their heros +Those shows, and movies are corrupting the young, teach them fake values +Society, the parents, the family has a lot to do to make them understand how to treat them, true? My daughter, I don't, when +I see something and I don't want her to see it. I don't force her in such a manner, saying don't watch that +I try in an educational way to teach her why this program is not good for her instead of imposing it by force. +I have a fourteen year old son. +None +And every time he comes to visit me, I have to set the control on the sex channels. +Oh, yes. +Yes, because he's obsessed with that, because when I leave I go to work and he watches that. +Is easy +So I have had to control him, he can't do it anymroe because I already have it controlled. BUt I have it controlled because I took the step to control it. +Yes, +It is the job of each mom and dad to control the television that their kids are going to watch +Yes, exactly. In my house I have basic cable so there's no channel that crosses the line. +Do you have teenagers? +No, my daughter is only five years old. +A girl. +A Disney channel that she loves to watch and also we watch the discovery channel +Comedy program we watch together. +I don't let her watch things that's not suitable +They make those things interesting when it is not morally or socially correct. +Yes, you can teach your kids but, the truth is that you as a parent should not have your eyes closed, especially when +They are going to have more temptations than what we had. +Yes. +No because we are not good fathers according to culture. +Which culture is more +Because today's teenage culture involves gangs, hip hop music, a lot of sex and a lot of violence. +The videos +The videos +Yes, all of these things +It's not easy to control everything that you try and one, I try to explain the consequences if you do this. +Yes, he does, if he has sex with a girl there are consequences, that can occur, what can happen? I'd like to understand. +Yes +One has to continuously talk to them about the things the parents see, because I am a substitute teacher in the school +Yes +They care a lot about the boys when they are five, six, seven, eight, nine, and ten years old but when they are thinking they need help the parents are not there. +We begin to fail and these boys have a lot of temptation. +The teenage years are critical. +It's the teenage years where they start to do more than a boy would in life. +Exactly +Not only when he is five or six years old +They say we were teenagers, I remember how I was in those years +I had my rebellious spirit and all these things but it's when parental guidance is most necessary. +Exactly. Then all depends on the education from the fathers, the way they're into the young ones' lives no, no the, not the clarifications +The classification is just a number. +Yes. And if anyone comes to see, it's like when they're all alone with their friends. They can see whatever they want because there is nobody to forbid them to do it +Yes. +If anybody helps him by taking him the good way in, That helps a lot to reason before doing +To make a wrong choice +We must give the boys a basis, what's good and what's wrong, not only when they are five or six years old but when they're fifteen, sixteen, eighteen years old +Exactly +And it is more important when they're fifteen than when they're five, because when they're five they're going to follow the easy rules +Yes. +When they're fifteen, that's another story. +They believe themselves more independents, that they don't need their parents anymore +They already have friends. They're already involved in culture. +Yes. +Mom or dad must go to work, they do not have always time +Young people influence nowadays is pretty big. I was influenced by my friends when I was younger. +I can see that technologies and such things are greater. Because really the movies, back in time when I was a boy weren't as violent as they are now +There wasn't video games, and television was more restricted, not all that modern violence like blood, and bodies shown like on CSI. All those shows are pretty graphic. +That show things like if they were real +None +Young people get used to watching that as acceptable. When I was growing up, if those things were shown, it would have been chaos! +In fact, it wouldn't have been allowed at all, but it's true, times are changing and that's why, young people are influenced by it +These things are acceptable in our society in a negative way. +Yes. +I hope that when my girl gets to that age, becomes a teenager +Now thats going to be in a very little time, my friend. +Yes, time flies. +Time flies. +I remember when she used to be a little baby and now she's jumping, running everywhere, learning lots of new things, being curious and asking lots of questions. +Hello, my name is my name is Marisa from Philadelphia +Hello, Marisa, this is Carolina, from Los Angeles. +Hello, good evening. +Here it is good afternoon +Yes, it is three hours earlier today. +I said, my mother, how is it going to be? Today we have a difficult topic +Very difficult, yes. +Because i am from venezuela +None +Where are you from? +I am a Spaniard. +Oh, ok. +Well +Now we are living a very critical moment with the United States and our new president +Yes. +And then mom +Yes, what I have to say about the United States is not very positive either +Wow, +The United States which is, what +It is strong. +It's very +Strong, and even, I don't know if you for some chance of life you have this, knowledge of a page that's called TV For All +There you can see the television channels +No. +All the countries of the world including Spain. +Yes. +It's called a TV. +TV for all +Four and all like television for everyone, something like that. +None +We have been looking for a particular channel from Venezuela. +None +English in fact is a +None +And then now we can really see the truth, what is that which is happening this, that which never was said and especially with our president who is a person very +As we say in Venezuela, clear and rough +None +I don't know if you've had the opportunity to hear him. +Yes, on television after the Summits of the Americas. +Exactly +They air it here in Philadelphia. You have various Hispanic channels like Telemundo, Univision. +Same +Galavision and all that +SAME AS HERE +And you hear it all, yes, and +All those people air whatever they want +Here we have Government control. +Correct. +We only hear that no-, what they want us to hear +Correct, and they put, sometimes they twist +None +They twist what is happening. I always meet people that say damn you, what do you have to say about that crazy guy you have as president? +Mother I totally agree they truly touch the spot. +None +None +I try to have patience, because it's a delicate issue. +Yes +I didn't have any, including with some Venezuela people +None +People that have lots of years here and lack the knowledge about what really happens there +Yes +And besides that, they are afraid of the idea that they have been slfd, that communism, that I don't know what that Fidel and that this and that and +The situation that we are living in Venezuela is a very special situation. +None +It is distinctive to Venezuela, not related to the Cuban reality. +Had to adopt that system, which were the necessities that got them to assume that system +They were applying it because evidently there were mistakes in everything. Just like how we have mistakes right now. +Of course, yes +We have been making mistakes, however, it is being work on function of that, like the president says, clearly he has a claim against +The government, not against the the country but against the government from here that they are the ones that they +Of course. +They assume some politics best +Yes, that I mean no, has been don, in reality, like the question says, the world's police, they are the ones that pretend to be +Exactly +They tell you what is going to happen, and you have to agree with them. +Exactly. Correct, that is, and if not, then, I extort you +It is exact. +None +With embargo, with everything there might be, or the worst ways, with violence, with war +None +This +Delicate, but I believe and from what I have seen that the North American town is waking up in some way +None +And there are a bit more people that are realizing what is really happening, because they have them in a bubble +Still a lot is lacking, and that is what gives me more +Yes +Manipulating makes me mad +Clearly +None +Liberal or communist +Clearly +They give you these labels and +Some bad labels continue. +If you are not a terrorist, leave. We don't want you if you don't like +Correct +No this country, he the leaders of the country +Exactly, that is what they sometimes say to me, what are you doing here? +Yes +I could be in Venezuela and not support the president +Country or not, does not imply that you have a position +None +Nobody knows the reason for the people being here +Of course. +In the opportune moment but that has nothing to do with the opposition because how many people, for example, in Venezuela they don't live in Venezuela and what they are doing is throwing them the enema +None +None +That you don't have to be here to support or not support. When they tell me that, it makes me laugh. +Yes. +What do they do here? The same thing you are doing. Thank God you are here and not in Venezuela. +No, but also in Spain it's the same, what happens is that different. The left government but even if it were right it is another mentality because the +When it is not agreed, it is thrown in the streets and they make manifestations and I have never seen it. +Correct, no. Well with all the gasoline problems that have really been +None +In a surprising manner, that the people don't protest, I say, my God but what happens with these people? well +When it affects your wallet is when you react. I don't know what happens, they change their car and then buy a more economic car. +Yes. +I don't know what happens, but in general, they don't have the necessity to protest under certain things. +Yes. +All of a sudden here. You were in Pennsylvania you say? +Yes, Philadelphia yes +In Philadelphia. Here I have felt there is a little more, that people are starting to wake up +None +I feel that they are rejecting the politics of the current president and like they are seeing that really things are not like they are painting them because +Me too. In the beginning I did not have access to that page. My God, could it be true what they are saying about Venezuela? I will speak with my friends +They would tell me, no, what is that? Look at the power of television. +Yes +Very big, well speaking precisely about the topic, power +Power, yes +Television is a huge power. +Yes, they are the one that control. +None +Philadelphia is a democrat city, everybody is democrat, but the rest of the state is republican and of people the anglo of the people that have things told to them +I don't know, very radical +Correct. +Very religious, very closed +Yes +No, can not, it is not going to change, so as long as that doesn't change, and then +What are you doing in Philadelphia? +I with my husband moved here one year ago, before we lived in Florida. +Okay. +I'm looking for a job. We just moved. +And do you think it's better there than Miami? +We are in the process. The work is better here in the North. The south is really saturated. +None +And well, for certain things, easier. +Right, and you came here. And what do you do? +He works at the pharmaceutical industry, doing clinical research +OK +And I do administrative work, I volunteer and +Whatever goes, right. +Well, whatever i can find, sure. +But, all the same I was like flying because they said, ah, this is my first boyfriend and and probably I'm going to get married with him and things like that, +Twelve years. +Twelve? +None +I have been here six years, and we're about to come back, God permitting. +Yes, where are you from? +Yeah, that is good, that is good, to move like that. You see, I live +The republicans came in with Bush and everything went to hell. +Yes, sir +Little by little, Spain is ready +Yes +The to my husband is american look at him and he tells me he has much resentment because he says look at your country +The world is destroyed. +My God +They believe they are the owners of everything +Yes +There is the power of resentment. +Yes. Notice that before I used to be a little like that. Today I understand that is like us because we do not have +Our government is at fault +Sure +I used to see the Americans like that. I understood that they were United States citizens because this is another concept they work. +Yeah +We are also Americans +Sure +Then after that I start to reflect a little and no, they are not northamericans it is the government politics what they do +They decide and it reflects against the town, against the country. +None +That is the political state of goverment +Yes, I don't like I'm Spanish and American +Sure. +I have to persist and I have to deal with the government does, but on the hand I don't know, I don't like it, it's a +You have the right to protest in a democracy. +None +I hope that is it. +It's like a dictatorship. +It doesn't effect anyone,the project, this linguistic thing, at least it's an fairly controversial issue, when I heard +Very +The issue, I was dying, so I said +I +Why? +I'm going to talk about Bush, because I have so much anger +Thanks to God, you're not alone. I listen to so many people that say it's not, they talk but they rant and rave about him and I say +Yes +The people have realized +That is what +They think that the people are so dumb that they're not going to realize. +None +Realize the atrocities that they are doing +The whole throws their hands above their head and exclaims +By next week they forget about it +Sure +The press and TV move on to something else to distract and then people forget. +Sure, a short while ago, the Latin American film festival ended +None +They showed a movie, the Argentinian, but the directors were Spanish. +None +And then, really interesting, because you know that the Spanish film industry has many types of movies, and this one was a protest movie, sort of... +Yes +Documentary +Mhn. +My name is Ibet, With whom do I have the pleasure of speaking with? +This is Mercedes. +Hello Mercedes, How are you? Where are you from Mercedes? +From Honduras. +Oh, Honduras? +None +Wow, I have a sister in law from Honduras also. +Where exactly? +I know that she is Honduranean +That's nice. +Yes, it is. +Where are you from? +I'm from Mexico. +Where? The city, the capital? +From the city. yes, Mexico City. Yes. +And what do you think about today's issue? That is it easier to break up with someone when you're young or, or if age makes a difference. +I've already passed that stage and i'm married, but for example -The experience that I had was, was very difficult +It is difficult when you actually do not love her but believe it is everything else that you do love. +To each their own. +Yep. +I believe that when you really love the person but in this case i imagine you did not get alone with the person +I really do not know. maybe the two people weren't getting along. I believe they should +Communication in a relationship +None +Or between in the relationship. And if one of the two pieces is missing, there will be distrust and +This can cause a break up and may be hurtful. +Did you ever have a break up that was hard +Well really, yes because for example, before I married my husband I was going with a person and for example, +It was not a long time but my first boyfriend. +Yes? +None +Is hard always. +It was the first illusion i had,with him i will get married +I will have three children and I was putting my castles in the air. +How? +None +I had more experiences to say, until now everything is finished, I believe for him +It was not very easy but for me yes. +None +Everything was for the best, because then I met the one that is now my husband and, wow, he is a lot better! +The truth +How good +I don't know then +So, you have only had two boyfriends? +That's right, and +Just looking for trouble. +And you? +When ther is no need +Yes, how did it happen to you? +I don't think I ever had a difficult experience. +None +The first boyfriend I was with for about two years +None +I remember we decided that then, I don't remember the exact reason, we would break up +None +But that was ten years ago +Wow +I was nineteen, eighteen; it was +Are you married now? +Yes +None +We will let ourselves be seen afterwards. It was not so difficult that we each lived apart and on our own. +Aha. +There was another boy I went out with for a few months where he didn't live with me. +None +We were, in university where we were and he returned to his country of origin +None +That one was also easy because you stop seeing him quick. It's easy really. +Yes. +In that way. +Yes. +I didn't have any formal boyfriend. I never had a certain experience. Thank God. +Yes. I think that, in my case, the first person that I fell in love too much +It was a lot +None +More than how much he loved me, I think. And it wasn't long, two or three months. +None +But also I don't want to let it affect me. +Yes. +I think that he didn't think that way, I don't know if I was his third, fourth or fifth. +He said yes and i am not going to marry her and i am goingto be with her and get to know here and that's it. I think i wa teh one that was getting my hopes up because of that +Truthfully, yes it still hurts +Really +Yes, it hurts because I think you are excited and have a lot of faith in that relationship and when a person comes and tells you no, well. +But I think that it must, it must hurt a lot more when you already live together like in a marriage. +Yes. +I think the must be the worst experience of your life. I hope to never go through it because we never know. +None +I hope I never go through that. I've been married for three years now and everything is working wonderfully. +Thank God. +A lot of communication +You also say that is nothing; everything can be perfect, is true always. Besides +Yes. +Because there are people that are mistaken there's people that think that marriage is according to the stage and everything is peaceful +No. +But and you live with the person day and night and you see it +Yes +Is impossible for it to remain? A situation like that there is, +None +Yes, you always love the person but it's impossible for there to always be only peace, well that's what I'm saying, right? +Yes. +I am one to be human and things bother other people a lot, correct? +Yes. +To any other people. I am not saying to that person particularly, but to any other person. I know that +Twenty-four hours a day, it is a coin of whole world. +So it is. +Yes. +Yes, the truth is it's very difficult to keep everything happy. +None +And I think that also that and I think that when you take your engagement, for example you can know and, accordingly, you go knowing the person +Ou're not going to know thoroughly, right? until now you are married with that person +If you see that you don't get along with that person, I have known people that they beat up their boyfriends, and they abused and and they required them to everything that they wanted then +I think that nothing good is going to come from those relationships because if they still aren't married +And to behave +Imagine how it's going to be if they're married +Yes, yes. +Now like they treat her, then I think that those relationships, they're not going to work ever, I don't know. Or change him or +If it was a relationship like that, it doesn't have to hurt anything. +You have to think it over if you have a boyfriend that beats you +None +You're going to rest, you're going to say, it's good we finished. everything starts doing it well +Everything is going well and suddenly someone must travel to another country or has to go to another school, I think that that would hurt +Yes. +Because, everything is fine, but only the third circumstances, well, they have to separate. So, I think that this type of relationships, well that really hurts, but if it's a relationship that +That they hit you no +No, yes, that. It's ironic that those are the most difficult relationships at times. +For people that are involved in that type of relationship +That's true. +Because usually people, when they are in that type of situation, there is a very low self confidence +None +And then they think that, people think that that's what, that's what's better that some times it's going to eh, what I'll be able to achieve +I have to keep on enduring +Yes. +Really it's not as easy as one thinks to. He did that to me, I'm going to send him packing. No. +That's true. +It's hard, rather, because, let's not say an addict, but yes to that type of situation that +The drama is people don't know how to get out of that cycle of abuse. That's what happens. +Yes, it's true, you're right +Yes, but +One time I was in Mexico, I met a girl one time with dark glasses. +None +I asked Do you wear glasses now? It was a cloudy day. She had a bruise that her boyfriend had given her. +None +And told her you must not allow your boyfriend to touch you +Because..., and she said, well it is very difficult to end my relationship with him. And I told her Why? And she said +I still love him +Mhn. +And then, I told her What? How can you love a person who beats you? Sometimes she used to come bruised, and sometimes he.. +None +Used to smack her and similar things. +No +Therefore as sometimes you say those type of relationships are the hardest. And finally when she managed to do it I remember that she used to cry. +Every time that she could, at every break and similar occasions, because she missed him and all that. Therefore I think, somehow sometimes, +Some relationships, I imagine that it was very painful for her +Carolina +Fabiola +What's up, Fabiola?, How are you? +Fine, and you? +What do you think about today's subject? +In Washingtion, yeah. +Dear mother, very far away. +And you? +I'm in Los Angeles. +None +Yeah +Extremes +We're just on the on opposite sides. That's good; and, where are you from? +Chilean +Where? +Chilean from Chile. +Chilean. I'm from Venezuela. +From Maracabio? +No I'm not. Why, do you know people from there? +Yes, I'm right here +Yeah. Well, you know that they have a stronger accent. Right? +Yes. +Yeah, +Look, and are you Arepa? +Yes, yes, yes. And that's great. Because sometimes it's very difficult to find Venezuelans, and they say no. No, in fact we know very few Venezuelans. +We are very few here, in fact. But in about ten years, it has increased. +Yes. +None +Young woman from Venezuela, in Houston. +Do you work at the Hilton? +No. In Houston +I heard in Hilton +Texas. No Texas +None +Do you work? +I work with deaf children. +None +Yeah, when I got here, Bill Clinton was there, the country was in an incredible period. A lot of work, everybody happy, the economy going up +A great job +Listen, yes. Very strong work. +Yes, but it satisfies you to have it +Yes +Having power to help people +Exactly. I was doing the same in Venezuela, only that I was using sign language. +I learned the alphabet there +Ok, Chilean of course, no? +I learned, yes +None +But, with signs +Correct, But Here it is oral +My daughter taught me the alphabet, some words +Okay +Not all, some like I love you +None +Yes, small words. +None +Pretty +Yes, I'm with the first oral part? I'm at the other end +Here the children are given incentives to talk . +How ? To talk ? +None +Without listening, but, talk, +Yes. Because they with auxiliary earpieces, are able to listen in. +None +Then they train you orally so they can recognize the sounds. +How beautiful. +They have the possiblility to speak clearly and you will feel the difference as she speak +They will have that option. There are some parents who combine sign language with the oral part. No? Depends on +Depending on the grade of auditory loss of the child. If it is very profound, there are no possibilities, even with the best operation, there +We utilize sign language as complement. +What a hard job for parents. +It is great work, truthfully. It is very, very hard. But it is very rewarding. In the end you have your reward. Of course, you have to, as we say 'put on the batteries'. +Because, in another form, well, hardly, they are going to achieve it, well. +What is your opinion on the topic that they gave to us today? +I think that the relationships between partners are not at all simple. You have to fight with a person that +That is different from you. That comes from another world, customer, another way of being. Then attempt to have a single project. +Sometimes it is a bit difficult. No? But, I think that love is the only thing that makes it possible for barriers to be overcome +Only if there's love and a lot of disposition from the partners so that those tiffs that can be had at any moment, +They overcome themselves. Do you think so? +I think suddenly more of love. +None +It is acquired with time. +None +I believe tht you want to maintain your family and to keep them because there are very few people who love +None +Twelve, imagine. We have had two critical moments to the point of nearly separating. There was a point where maturity plays an important role, no? +Correct. +They don't work hard. And they love each other maybe even more than a couple who has been married for 30 years. +Of course. +They struggle day to day and they overcome problems, they go above problems. +Correct. +They as so young that the first thing that occurs to them when they have the opportunity, fight, split up +Yes. +If they decided to stay with or marry that partner, +Of course. +It is forever already. Do not go running after the first problem. +With my husband we are going to reach eight years of marriage +It went well, I was ready, I was ripe for the picking as we say here. I said, stop, I've got this far +Yes, they gave him another one. It didn't work well on him and then they had to stop using it and return to basics. +Yes. +In another moment in my life I'd have done it. +Me too. +None +But I had done nothing important. +I had done nothing important. I don't see a thing. +Yes, I said stop me if I fall. What is the problem? +Exactly. +But now I think three things. +I understand. Right now it is true what you say. But he has other things. I'm focused on the good things he has. I say that he is different from me. He can't think like I can and it doesn't bother me if he doesn't. +But he gave me his +I understand. I feel the same as well. +No? I understood exactly. But, unfortunately, good, the first was horrible because I thought that it was the end of the world. And good, I felt, and waited a long time that one day we tried while I thought it was a good day but is that what's happening? +We have, we were married three weeks. we had almost gone three weeks. Never in life had we lasted three weeks without seeing each other without hablarnose. And sleeping in the same bed +Oh my god +Horrible. I said look, do you understand this? +I haven't touched it. It hasn't come to that. +It's not that bad. It's very rude on our part, in reality. He said, you know what? I think that this is full of crap. +It does not have to make sense, if you do not want to continue with the project, we won't continue. +I love you. But this can't continue, because you go for a day and I go for the other. And the truth, I think that I love you. And that's why I love you. +Is this what I need to define it this way? It's insensitive on our part to live this way. In this way I don't believe in God. +We will working on it. Because, irrespective of how serious may be the situation, that luckily wasn't so serious but that neither side wanted give in. right? +It was pride +Fool pride. +Yes, it's up to nothing +To nothing. But the opposite +Only affect +We are back on track. I think the first one was the one which really left us marked +It's a channel of the state but, now the state +Ripe for the picking, ready to throw in the towel +Yes, I was ready to give in and said that I would not allow you to do it because you are wrong. +If something I learned from this life, is to search for solutions to problems than can be solved +Sure +What are we going to do with a mediocre relationship? I don't want a mediocre relationship. There are people who spend thirty years together and that's a crap of a relationship. +Yes? +None +A girl, and sometimes they treat each other well, but they don't love each other +Exactly +They spend all their lives together. +Yes. A thousand things happen. Couples go through so much, that is an interesting topic. Because, you say, +There are people whom look a lot like each other, but do not love each other. I got accostumed to live with him +They respect +Exactly. +And, what they wanted to form was a family, and so. +There are others that definitely they do whatever they feel like and they keep up an image. +If there's no love, there's nothing. +It's true that there has to be a big love. I feel that in my relationship, what was possible was love. +Because truthfully, with a situation that was so difficult, like we were living, if there hadn't have been love, we would have broken up. Because it just wouldn't have made any sense. +It doesn't make any sense to continue something like that, where there's no love. Yes, I feel that a lot of love. Many of his promises that you were talking about +To be here because you want to be, because it was worth it. +Nobody is forcing you. You want to be here, and you fight. +Exactly. +You could have a couple. And when you have it, you have +Exactly. +The hardest is to keep it going +That's the hardest. Yes, sir. And to seek how to be constantly in that harmony that, like new things, we're going to do differently, let's not slip into a routine. +None +But, no. It's that as time goes by, you know, but, the important things is that you can not leave her. +For sure I recognize that Exactly +And that the system will also bring you to that conclusion. +Your husband is also Chilean? +He is from here +Love can do anything +So easy +You think it is easier? +From the American music there is a mister that we call +Oh, okay, becasue my husband is Venezuelan and, +For certain +I believe it has nothing to do with nationality. It is a universal thing. +Yes, I believe that for me it is easier because sometimes, they are very entertaining because I don't understand everything he says or he says it fast. Then it doesn't go well. No, fighting had no point. +A lot with him, because it makes me laugh +And, what was that you said? +What do you say? +Bad. +Hello. +Hello. +Hello. +Hello, how are you? +Good, I am Viola from Idaho +Ah, you're from Idaho. I'm Alicia from Atlanta. +Of Atlanta +Yes. +Oh, how are you? +Good, and you? +Good. +That's good, where are you from originally? +Of Chile. +Me too? +Really? +Yes. +Oh, that's good. +That's funny +How long did you live there? +Yes. Well more or less for example I'm there all two thousand three +Oh, okay. +And what you call it, then I would come and go but more or less in ninety one, yes. You? +I've been living here since two thousand two. +It is not that long for nothing. +It's been a short time +From Santiago probably +Yes, from Santiago. +Of course. +Where are you from? +I lived. +From Santiago also? +I lived there in Santiago and in Concepcion. +Oh, okay. +Sure, +Look, what a small world. +Yes, that sounds good. +And have you been in this thing of calling on the phone long time? +Because, no, I don't know of waht. I registered Monday to do +Yes? +And I didn't know anything about it so far +Hello? +I mean hello. +Oh, ok +Oh, I wish it wasn't this phone, it's bad sometimes +Ok +I've been taking calls. +You're calling every day? +I started once, and i got four calls, but i could only take one. +Ok. +Yes. +Yes, i got called this week, too, but couldn't answer +None +I've been lazy this week. +None +Yeah +I'm telling you, it's been +Yes +Fun, they give you a subject to +To talk about something what I thought. +It must be +Yes, I think so. +I thought I would make a phone menu and items similar to that in this study. +None +For hospitals, theaters and stuff, people wanted to talk about health and stuff. For example +It was because you have to talk about personal things. +You should not or do not want to do +Because you shouldn't like personal things +None +You never know if another person is on the phone. +Of course, OK +So, that's why they give you subjects to have to talk about +I thought in this part of the study Castilian and Spanish were required. Maybe I am wrong. +Okay. +No +All they told me was that I had to talk about issues of importance. +Of course +Have a theme, don't talk as a pure head of sin +Is the fruit +If what +Yes +Do you like it here? +No, of course Idaho is good +None +Yes, I was in Washington near Seattle when I came to the United States. +None +I'm in Atlanta Georgia so it's as good here as it is for everyone there +Even more to be posted there +None +Idaho is really rural whereas here it is not. +It's like the countryside +Yes, I would imagine myself there, why not, it depends +Yes, it's like how there isn't much nightlife there +I bet. The thing is, being in Atlanta, it's a pretty big city. Supposedly life should be really great here, you see. +In two or three years +None +Also the stores, bars, and clubs need to close at 2 a.m. +At 2. +At 2 in the morning, everything is closed. +And why +So the reason is that it has the sector like that in Atlanta it is called Bucks Head +None +Two or threes years ago, there was crime that led to three people were killed. They killed three persons. +None +The people are killing the city on top. +None +Yes, a city that has to have an obligation. +Yes. but over there do people use any cars or is there more public? +None +To go out at two am is not +None +If you have a car or something like that +I would prefe to have a system so good +Expensive and on top of that +Yes +A lot of congestion. +Oh, okay +A horrible traffic, is delay like to any place +Yes +Yes, the car +Here is totally different +Oh, yes, like over there. +There are so many cars. Everyone has cars because it's a necessity. +Of course +Because there is no bus. +None +It doesn't take too long to travel in the city I live in. Santiago is half of the port, so there are much less people. +Yes +The houses are much biggerand further apart +Of course, they are in or +No, I am in Idaho Falls +None +In Idaho Falls +Yeah, +I am going to a much larger city. +None +There in a much larger city, but +Of course +Where we are is a country +None +None +We were Latinos +There are a lot of machines here, that's for sure. +Ready +It is rural place with lot of Mexicans. +None +They hire a lot of Mexicans to work in +None +The land +Sure. +They think you are Mexican +Yes +At least latinos, they say Mexican +Yes, the wheat. +You are saying no, no, no. +No +I am not Mexican +What i like is when they believe that i am Palestinian or asian. +Yes +Yes, like from middle east, they tell me +None +They try to talk to my in Arabic. They think I have more of an Indian face or something, but is that discrimination or not? +Yes, the same, but not the same +None +That is yes, like everywhere else +Sure. +More than anything with people who are Latin but don't speak +Sure +There are a bunch of people just the same, that go to buy and don't know anything about +Yes. +None +Yes. Sure +Over there they are very discriminating +Well over here is super today. Atlanta and all of the south is sixty percent black, like that. +Oh, okay +So, it is the fact that it is more diverse that it is much more acceptable. I don't know, but at the same time to the south is the south of the +United States has that history of being one of the more racist places of the whole United States, in fact here +None +A certain minority of Whites that hate any ethnic group and have their strange demonstrations +Things strong like that, yes. +Of course. +They fight strong +Yes, but. +No, it's not something massive, it's not semi-heavy +Of course for example in the rural parts of Georgia they saw things like were seen in the Ku Klux Klan I don't know +Yes, really. +Yes, still +None +Those rare things but they are very far the city +None +It's inside the city of Atlanta in a place more civilized +None +Yes by luck, look what was happened +None +And how did you get to iadho like that? +I married a gringo. +Idaho +Yes. I was married to a gringo, that's how I came here, and you how +My mother married a gringo +None +Yes, because of that we came we went to Seattle in ninety one, I had Eleven years. +None +But my dad stayed in Chile and that is why I come and go like that. +Oh. okay +Clearly. +Okay +None +Okay +Interesting. +So you are single? +Something like, We live together. +Okay +Clearly +What do you call it? Do you like it or not? +Yes, because or its like I am in the city, I like it more city because of, I am from the city or the countryl. For example I lived in San Rafael I don't know if you're familiar but +He walked from San Felipe to the Andes which is in the question more rural and you couldn't imagine how +None +Typical Chilean country and that enchanted me. +Yes +Like to be in the city because it is it is more hip +I don't know +None +Then +Esta bien +Yes +It's not like +But +It's a super drastic change for me to come here +I imagine +I was accustomed to live in the city I could find all I need but the life is more +Is more calm +Sure +More calm and everything, there is not as much crime as in a big city +Sure +But is bored. +Yes, I imagine +Kind of +None +It's the same. Like at least Chico is not that Big +Well. Oh. Hello, Juan. Marcela +Hello. How are you? My name is Juan. Marcela. +Yes. How is it going? +Didn't we talk the other day? +I think so. You are in Texas and I am in North Carolina. +None +Yes, with pleasure. +I have not forgotten you. Did we practice together, no? yes. Listen, but I am tocan, health. +Yes. +DO YOU HAVE SOCIAL SECURITY OR COVERED +I am covered through my husband +None +The children are covered so we are alright. +We are not. +It is a problem, no? +We are not covered. It is a problem because something can always happen +We are very healthy but you never know. +The other day I went to an office which supposedly they gave you a pension. +People like that in the community, no? +Yes. +They already have the papers that they asked for with my address and proof of work. They finally found an excuse to not give it to me because they asked +Me to give information about the person who was hiring me and in that moment because the person didn't want to give out the information +None +And, in my case I have a son who has epilepsy +None +They need people nowadays that have patience. +They didn't give you the attention? +He was sick and got worse. +Then i had to go back to mexico. there he got attention from a doctor +None +They perscribed him medicine and already i've run out of it once. Normally I buy it in Mexico. +Yes, but it can be cheaper. +It is a problem with the prescription and then a friend who is a doctor had samples and he gave me medical samples +Yes, that helps. what a thing. +Yes, we think if there is a community it should be a certain kind +I think that the whole system is going to have to fall +The costs of everything, depend on demand. And then if these costs are rising and rising +Yes. +Because there is more demand and because people pay it. And then they raise the costs because people ask more and more money and people who work ask for more money, it is a vicious circle. And then how can suddenly they can have socialized medicine? +Yes. +It is impossible because all of that. People already are like +Yes it should be +Money does not stop being like a drug, you see. They are already used to a certain amount of money. +None +And then suddenly they are not going to have it. +It is a problem, it is a circle that works with the earnings +Yes. Of course it is. +Then the interest is worse +We would stop making bombs and going to war +None +For school or a medical system, of social medicine +Well, if they would lower it just a little bit. +Yes. +With that. Over here I don't know where you are living. Here, if somebody has money it is the nurses and the doctors. Isn't it? +Nurses are paid very well because few nurses you know there are less +Then. And Well so here that as they say, time a good care with a woman that is around thirty years old, for example, no? +None +When you find out if they really are nurses +Yes. Tell me, twenty, thirty dollars an hour. +Yes, to me. Then here in this case it does get offered. In Canada it is my understanding they have much medicine, isn't it? +None +Then any Canadian resident has rights to medical services, just to be there and they don't have any economical consequences +No, but the difference is that they started right. +Yes, exactly. +It's Argentina, my parents paid all the medical bills. +None +All medical coverage is paid, they only pay a small amount +Yes, this is one thing we should make. +Yes +Having some type of social security, but even that is really +Yes, it's really expensive +It's expensive right?, I don't know how drugs are, but in Mexico is cheaper +All over the world. +And there is more competition there in drugs. That's weird. +Yes, there was a drug my son was taking there, and when we moved here we couldn't find it. +None +So, we went to Argentina last year, I went to the drugstore and something you pay more than 50 dollars here +I bought it there for 12 dollars +Yes +$12.00, the same company and everything +Yes. +It could have been less if I bought the unknown brand. +Same. yes. +I don't understand. +There are five or six brands of my son's medicine in Mexico. +None +With similar ingredients +None +No? Yes, here there's only one. nd second that in the literature is not the best. And listen but only the laboratories, I thought that all the American laboratories +So at the time of competition well here there's a monopoly. +Yes. +Big interest in everything, no? +None +None +According to things like this +But +According to the specialty they have to operate here. You know what you have to do? +Yes. +Why don't you contact an organization that is called the Shriners? +None +Shriners yes. +Yes, I already know. +They help the children. +None +I don't know if they specialize in a specific disease or if they cover everything. +None +You can communicate with them and say, he hears we have this boy, and this is his condition, and this is our situation. +Yes. +And perhaps they can help in some way. Because the Shriners are dedicated to helping, to paying for the medical care of children. That they can't pay. +Then yes he sees +Of the parents who can't pay. +Yes he knew of that. Was it already time? +What I know, they say that it is twelve minutes but the twelve minutes seems like half an hour. +I noticed that. Yes I only knew and thought it was for me. And I much smaller without you tiring and for more style +Yes, Perhaps, uncertain to find out it costs nothing. +I am going to crash +If you call Catholic Charities +Yes. +Perhaps they have what I know, a wave or something you see that it can help you in +Yes it's simple, because on one hand the maintenance is a medicine that this person who helped me with the sample says no man this +Just go to some community center +None +Knowing a bit more, I can give a deeper diagnosis and give medicine that could improve the life of my son. +With the epilepsy +Sure. +It was under control, but lately, nearly two years it has been uncontrolled. +And of course he's growing up and then maybe that medicine doesn't work anymore. +What are you going to do about it? +None +Yes, I was very ill. +What a thing. +It's a matter of experimenting. +You must live with your hearts in your mouth. +Sometimes yes +And that causes a lot of stress. +None +Much stress +You're always looking after him, all the time. +Yes +My son is a teenager and you always hope trauma does not happen. +None +It happens at school so he feels really bad. +He is ashamed, how old is he? +Yes it is a heavy load for him. +How old is he? +17 +It's just a teenager +Yes..Hey, getting back at subject, I think there must be a good ones her +Where you can ask? At teaching hospitals +System of +At teaching centers in medical schools +None +Plenty of times at different apartments +Yes +They check people who can't afford a normal consultation. They take care of people like us who can't afford an specialized doctor +None +And we do not have +I see +They take note of whatever they give us,after that they charge +A reasonable account. Something we can afford +None +I had to get an abscess checked. It turns out I have something called ADD. +Yeah +A few years ago, I thought I had it, but I had self-diagnosed. In the end, I found the teaching hospital of the University of North Carolina here +Yeah +They performed all the test on me, and didn't charge me anything. +Really? +Yes +I went to precisely is called University system, healthcare system and something like that +Then it's that with the +It's precisely there where they bounced me +With the University? +I told him +But what a thing +Then they told me, No, you have to give us information. I had a letter with my earnings and so on? +None +Not that, we needed was the social security of your employer. But that's when they didn't want to anymore +They didn't want to give you that information. +No, but not me. Well, now I have my social security. +Maybe now you can +Yes, employed +None +Well, maybe I'll go. +Maybe, now you can. +None +Hello how are you? my name is John +Matt here +I am in San Antonio and Matt, you are in Philadelphia and we have spoken before. +Yes and you are +It's a pleasure to talk with you again +Yes, how have you been? +Hey, everything is fine what do you think about today theme? +I didn't listen. What's the theme? +The theme is how dependent are you on technology? +Consider the technology question no? in your daily life, if it become more in a problem than in a solution +This include cars? +None +It is a machine. +Yes if the cars seems to be so important no then i thought better is a computer +The most obvious its the computer +Seems like a personal element depending on the case. It can be a car because the computer is a tool every time. +More than once, we said that belongs to the institution, where are you now? It is more than a work tool. +None +But that tool is very personal seems like a car no? +Yes, any car you buy will become a large part of your life. You will want to use it often and, therefore, must keep it well maintained.. +Do you need to look after the car, do you know? +Yes, exactly, besides as I'm here in Texas +None +I feel that the automobile culture here is reminiscent of the horse culture too. +Did you use the horses more? +No ? it is like a horse, it is something like, very personal, very close +Yes +It's very important here that we take care of them over the course of their life. +Yes +If they say no the devices that have to do with communication are the most important in our age, like computers +As permitted by the information management +Yes, because, here in Texas yes, because up here in Texas +But +Do you need the car for work? +Yes +Then +Here the working people are like mules. They need a pickup truck. +Yes +Pick up truck, no ? give and do not leave, if you notice like there's a work culture that's very, very important +I see +In all houses there are television, telephone and computers. There are other dimensions. Of the technological question, the car seems to be +The most important +Which questions on the subject. +What technology is most important in your life? Would it be the car or would it be the computer? +Well, for me it would be more my computer and my cellular telephone +Exactly +Because? because I have my cellular and I'm always with it +None +This is what happens to her when she is criticized. I then say to her that God loves you like you are, but you cannot be so critical towards others. +None +Before, I didn't have a cellphone until I was twenty years old, but now that I live in Philadelphia and I'm not always at home for +I'm not always going back home for, you know? to look at my messages +Yes +I have my cellphone +You have your cellphone? +I think that it's very surprising that almost everybody has a cellphone here in the United States. +Notice that it's very important what youve just said. a while ago when I worked I had a kind of work in which the computer was the most important +Yes +There were message in the computer because it was always on the internet. Mail more than the telephone, neither the cellphone or anything else. +Yes +The computer was the most important. +But now, +The type of work that is the most important is auto work becuase it is real work, not like computer work. +More physical, no? The the auto is converted in the apparatus and the computer, for a second diagram, is also very important. +But of course if by the type of good work. +Well, for me I think, very well, yourself was working for Texas and obviously you know. I understand that there is more like lands and someplace there. Understand? +Way more space +Yes +For in the city having a auto it can be convenient as well. +Yes +Because you always have to try to park and pay for a lot for it, and the gas station is far away. +It is more than a problem of one torque. That one helps obviously. Understand? +Yes? +It is better to have an auto. +Yes, for the distance, the auto is fundamental. +Clear +Depends in the job also, maybe it can be a computer +The next question or the apparatus of communication.no? +None +And if you consider that those technologies will convert more into a problem +Well, what type of problems would it have, no?, like you just said, with the car, the problems that have to do with parking +None +No? Here in Texas there are no major problems with parking, there is a lot of space everywhere +The care issues with cars has not been a large problem. +We could consider, as a problem, the interests created around the auto industry, and sometimes they seem to affect the same technology development of the +None +But don't you think it's great that has changed in 60 years? +Yes +We look how seventy-five years in the past there were no cars, but these days almost everybody has +Yes +And the same thing with the computers they have, they have computers that are not going to let come out to the market until, like ten years, because +Since +Because they have the things very advances and the things have not +Yes +Gotten paid for their development costs, understand? I don't know how to explain it very well but +The auto industry would have advanced technologically as much as the electronics industry +One hundred kilometers with only one liter of gas +None +No? And instead of costing, say, twenty thousand dollars, it would cost you two thousand dollars +Yes +If that was the case, no? but, like technology, in this case industry, it has its own interests, it, like, moves on, you know what they're talking now about hybrids +They are not affordable, that it's really a matter of image that companies do, and when it comes to see the, the return tables +Of the hybrid cars, I thought they would be a lot more efficient, but I think what they've achieved is a minimal efficiency +Yes +No? no, I don't think that they are a really big technological breakthrough, given the efficiency that +Yes, that was a very important breakthrough +None +You don't think it's an important breakthrough +The efficiency they show is not radically different from the other cars +None +An economical car will give you thirty-six miles per gallon. +Yeah +A Hybrid can give you fifty +Yes, there are cars now like Fords +Well +The pick up trucks no because they are changing them to be more efficient +None +But what else, and now, ant time here, surely you don't like it, right. +Yes exactly, but at the same time for example with those autos, there have been small cars that give you almost the same mileage than the hybrid, and they are not hybrid, are they? +By, small cars, new that are not in the Northamerican market, that are in the European or Latinamerican market where they have to be much more efficient. +Oh, yes +Smaller, no? If we compare the costs of a hybrid against a smaller European car, or of the ones that circulate in Latin America, then +No- it is much more expensive to have a car which is because of the initial cost and while it will save a lot in gas, it ends up +Being less than to what a car has, a good economy car, no? +And, why is it that +European +Why is it that the United States is one of the few nations, only here you have those huge cares +Yes, it is +Over there in other countries everybody has small cars , different culture +Yes years ago when there was the problem with petroleum, in the eighties +None +I thought that it there was going to be a change in the culture, because they started to develop smaller cars here in the United States. +Yes, but +I thought well as it was going to get change in their culture, but that was not only the moment. It seems there were some huge cars to which they continued to like. +I'm Ana Maria. +Faviola, hi +Hello Faviola +How are you? +Fine and you? How's the weather there where you're at? +Great, it's sunny but cold. +Sunny, cold. +Cold +It's bad here, it's really cold her. What do you think about movies? Have you already talked about that subject? +Yes +I've talked about that before, too. +The one I specifically remember talking about was about violence. +None +They didn't like the idea of going to see movies. And I told them, that the world has violence +None +I've had the chance to teach children about peace and love with the TV or, or in the world and later when they go out into the real world at school. +They find that kids hit each other, they don't know how to defend themselves. Especially when you have only children. +None +It's ok that they rate the movies how they do. It's the responsibility of adults, even where their kids can watch tv. +I agree. That's the most important responsibility of parents. +They are doing their job +They are earning their money, what is your job. +It is His business +Doing his business, yes +Yes today the one that wants, the one that wants to see, he doesn't want to see him anymore it is not their responsibility, they see +Yes +That they sell +Yes +It's what they do, it's no one's fault +Yes, of who likes the product, because of that +Yes +With you it is the maximum responsibility, if it is violence, sex, whatever it is protect a child. The biggest responsibility is of the parents, even with classification +There is a classification of a movie for example -PG thirteen +Yes +It is your responsibility when you have a small child of that age and you let him watch that movie +Yes +It is because you let him. You thought what can be done. +Exactly +One who puts the classifications already has it then +Yes, we believe more or less the same thing. In the end the responsibility of raising and taking care of them and wanting them to see or not see +Your sons, or your family You as a mother or your husband as a mother. +I believe that I agree. Normally the children have access to television when the parents are out. +Exactly +The kids are alone +None +There is no father to teach them or tell them, you should not watch this. +If they go to a sleepover, you don't know either +No because you don't have any idea +If they go to a sleepover and the watch a movie, they watch a movie and they don't have any control at that house, or whatever +You don't know either +Exactly +I believe it is important to give to your children one good principles at home. +Sure +I dont like and you are nor ready or the time will come +They cannot have them in a crystal box +No +Exposed +Yes, also when the children reach a certain age. My son was seventeen years old. He tells me, don't worry because you did better than you could do. +None +It is twenty-five percent genes and education. The rest is the decision of my life +Look, with that that +Then I learned +None +My cellphone was ringing. Let me answer +Okay +Don't hang up on me because we have to talk for twelve minutes. +Yes +I only went to turn it off. +Okay +I love to watch horror movies. +OK +There are times I get scared I'm an adult. +You scare yourself +I get scared from horror movies. +But your responsibility is to watch it and scare yourself +Yes +I don't like them and I don't watch them, I don't watch any of that type. That's why it's also my decision be- even though I'm old enough to watch it, if it's too violent, I don't want to watch it +Yes, that's why I respect what my son told me that time, fifty percent is responsibility, +Yes +Of the individual, you already did the best you could. Then comes the time for the young people of the past to be eighteen at the. +That some are much more mature than normal +Yes +They start seeing rated R movies. +None +At around fourteen and fifteen years old and the PG-thirteen the kids that are eleven and twelve years old are already seeing them. +Yes there. +Sometimes even the little ones. Sometimes the much younger ones. I remember Jenny's little friend that used to watch Harry Potter. +Already thirteen already +Jenny doesn't like [PG-13 or -14] because she gets scared. +Yeah +She gets scared with the monsters and all that. +Yes +The major part is the criteria that you form. Take care of them and don't let them watch television when they are by themselves. +Yes, because +Don't leave them alone with the t.v. +We can't control them +It's the television more. +That's what I'm telling you. You can control them. You can't see this movie because of this reason. You need to be more mature. Whatever you want to tell them, it's not true. +You have to formulate criteria to go and see some movies. +Yes, that's why I'm telling you you don't get nothing out in telling them. You can't see that. Because there will come a time in which they go to a friend's house. +In the same school they show them movies +Or the same school, but the same school is under a little more supervision because that's another thing. Because, because there is a goal. +They show them documental +What I fear the most is when it goes to friend's houses. They have the television right there, that's used a lot, or the computer. +And they have access to the information without the parents, And they are in the piece and the parents think they are listening to music +Maybe they are watching something non-adequate. son or daughter +Is presented to that situation, it needs to learn to value itself. And learn to answer to that. That's what I say, therefore trying to give the values of the house +Keep going like the superman kid that went up to the window and killed himself +My, of course, because you know they are not ready for that +It wanted to fly. I don't want to ask you a question. +None +Did you read the rules for this game, the telephone game +Yes, OK +I was wondering who is this?are you ready for Christmas already? +Yes, yes, yes I'm getting ready, buying the presents for the family. But now I have another thing in my mind +Of course about your birthday no +Yes I'm buying presents for the nieces. I have them ready, the adults are left yet. +Buy things for the adults, an antencion, although I'll make most of the presents +That's what I was going to tell you +I'm going to cook, yes +You showed me how to sew. +Yes also for some children too. +Not that thing in the table. +Yes, but I don't have time yet to wait until the middle of the week in Decemeber to do it. +Because they are +I don't use it. +That is beautiful. +Yes. So that is what I'm going to do. That's why I'm going to do some gifts. Andreita, it is about to be her birthday soon. +Two days before Miranda. +It's Andreita's birthday too. +Yes it's true, , I thought that more have some nice memories in life about the achievements that you had +I remember it was about three days. +Three days from the twenty four. I have a little gift for her. I bought her the same as Miranda. +What did you buy to Miranda? +A screen like those that you draw and then you erase. +It's nice +Because she likes, she already knew them and she likes them, she makes little dashes and then she erases them and, I'm not going to give them to her yet because they are very small and she puts them in the mouth. +The screen and the pencil yes, I will. +That's nice. +Yes, because of little things like this. +What a feeling. +Sure. You really enjoy to do those kinds of things. Then I brought the same to Andreita. And with that already, +And do you know who else's birthday. +Okay who +The same date +Who? +Until I remember when i was there +My father-in-law +Your father-in-law +It is true +Juan Luis Sandra's younger son. +Oh yes, okay +Also the twenty nine. I also remember that, more or less in the same date,everybody were in there in the same date. +I don't remember +No, you went to the Carlistos girl's birthday party +I have not gone to a birthday in Sandra's house. I went to one, surely, I don't remember, really. +You went to Chile and left her a present for her birthday. +Was in April, so, I went to Chile in April +She is three. +And i left the gift in that place +Yes, for her nephew who came later +He came and told me that he received it from her afterwards. But not his name +No but Sandra won't throw a party this year for her birthday +No okay +No, she said that family only, because they will buy something better for the kid. So +Yes, it's true +She makes really big parties +It gets away from her hands, yes. +She spends too much on that and they cannot buy the kid what he +What he wants +They have to decide between the two things, so this year they decided that only the family +So he could get a more special present +For a better gift +Juan Luis is the big one or the small one? +The smallest. +Yeah +And he always says that he doesn't want any clothes +Poor boy! +He doesn't want books, only toys +Carolina +Tamara. +Tamara how are you? +Yes, and you? +Where are you? +I am in the State of Washington,Seattle +I am in Los Angeles, wow! +None +Yes, incredible. +Yes +I was making a call and I did not think today was Sunday, I was half asleep and oh my God! +Yes, they got me off guard. Do you have time participating here? +Yes, I believe my twenty third call. +It is almost ready just half almost to the tenth +Yes, and this is the second time I do this service with them. +Yes, I casually received mail from them that they are accepting persons to participate. In the beginning, only one time you could participate. +Yes +According to the mail that was sent this is going to be continued +Yes I am +Rather, yes please tell me +What do you think about what they showin the movies? +I stopped watch movie but go to cinema for over a year +Not too conventional +None +We switch to movies, for example in the case of the movies just like on television. Now we see movies kind of documentaries. This with another kind of message then. +None +You watch movies that are infestivals, here there is one for example, recently ended the Latin American International Film Festival +It was +Yeah +Hello! +No, I am not here on my computer, sorry +This approximately a month or less than a month ago, because since a long time we decided we were not going to continue wasting time +Most of the movies were stupid or absurd; and we didn't want to waste our money. +OK +Watching a type of movies that really dont give you anything +Yes because there are lots of movies so, I have noticed +Yes +Yes I like a, around here where I live there uste to be one of those ah like Hollywood Video or Blockbuster but it was like +Smaller +OK +People like the movies, documentaries and other stuff which they had with them and they're talking about. As a result, the big stores got closed as people don't go to watch around. +Sure +Those are the best ones, I can find movies I like, my husband is from America, but he likes international movies too +More important things to say +Exactly! +I have young children and sometimes they want to see movies and we take them, but usually no. Before, we used to go two or three times a month +Yeah +We reduced it, so it's once or twice every two months. +We went to the movies very often and some day we watched a movie +Stupid, so dumbt hat I felt angry for being at the movies. I was wondering why we were wasting our time there? +We started getting information about other kind of movies and we changed to that movie. +In one of those cases, we are kind of intellectuals now, because we arrived at that point where we feel like +What are you doing? I mean, to watch this, I honestly prefer to go to sleep, or do something else instead. Not all movies, there are some that have +I feel they're making movies just for the sake of making movies rather than movies worth watching with different content. +Yeah, exactly and in general I think that eighty percent of the movies are bad, that you must not see them +We +Making them up as they go along. Where are you from? +I'm from Panama. +I'm from Venezuela +Okay +Yes +If it is real +Yes make the movies how you want but some may come out good and other may not +Honestly no And the same is happening right now with the television we had cable and recently in a matter of a month we cut it off because all of sudden +We see that there was a lot of manipulation in the media they only give you the news they want and hide what they want +That is a level of news and movies. It is not good money. +They were repeating Oh my God what is this we are paying for. +The means of communication are like this +Yes right what you say. I am here, my husband and I we watch news. +I believe. +Because every time you see something or they put on something really stupid +Exactly +They exagerate a lot +Exactly. +Because when I was, we would be in Panama before Noriega got out. +Just imagine. +And we were over there and my husband, you know that white man bought paper with my dad is dark and my mom is white and I came out dark like my dad like what +When we went out did you know he was American. +Logic +We would go in both. we would go in for whatever we had to go, he to go to the military base and I had to go with him or something like that. +Of course +When we got home, we turned the TV on. There was a bunch of things going on in Panama, and, I looked at him. +I do not remember if we were over there this morning watching any of that. +Exactly. +And the next day it was the same, and I say: what an ex-agent! I think they were showing the things that happened last week and exaggerating like that, what +Exactly +He doesn't want to believe what the tv says. +Exactly. +Don't believe everything the TV says +Exactly +It's not true +Incidentally I borrowed a movie that's called the Panama's deception or Panama's Defense +Right +We were watching the whole documentary, and i would never imagined that it was so sad +So ugly what happened +That was the documentary where they spoke about that man that got his head cut off. +And I have become accustomed to having a cellular telelphone. +It isn't remembered +What I can remember is that night,when they bombed and a lot of people died. Even so, a few days ago they showed a +I recall now during our President's visit +None +He was there and the people was protesting that Why? the current President did nothing to remember the victims of that sector +I think they were names 'Los de Richos', 'de Chinos' in the sector where practically the whole town disappeared. I +Del churillo +Del Chorrillo, exactly +Yes, that's where the police station's located. +Things happened in Venezuela happened here. +Things are put here in Venezuela happened long time ago +Univision. That aren't so shameless, don't put those things there; that was not reality, the first thing people tell you: eh! And that President +He is nuts. What happens is the information is being twisted and he is shown like a monster +A dictator, and we have been through four elections and four Referendum. It is not possible to be more democracy. He has a personality that +He is not a common person and people don't accept that. He is the first to be critical of all that stuff. +Yes, that. +I don't know if you have heard him +No because I don't get to much in that news stuff, sometimes +Look there is a page on the internet where you can watch television from all the countries including Panama +Tv for all +TV +For all +Yes, theater +Four is a number four +None +TV number four +TV or TV for all +Exactly there you go +With +It is dot com. +OK +I see the Venezuelan television +I watch the channel from the government there. Because the other channels are from the opposition and more of the same. +But I like to watch to see what horrific things they are saying. +OK +I compared and now I have this internet page, so I don't turn on the television. Now we are stuck with watching channels from the internet. +The world is comparing what is going on. Even with community radio you feel you are. +Are saying truly the truth or at least the other side of the coin, let's not say it's the truth a hundred per cent because sometimes it's not +It's not that you can say everything others say +None +Good heavens! truly they manipulate it too much. +Yes +I don't know if you +Say? +You gave yourself a, I don't know if you watched a movie called Auto fox +No, maybe, I don't remember. +It's a documentary about those who work in Fox News +None +And they practically force them to say what it's not and then they decided to resign from the channel and besides resigning, they got together and started to protest at a level +At the local level to tell the world what was going on inside Fox News. It's very interesting; it's called +The Fox Workers that are Out +Some +Out of outside +None +And Fox from Fox News +My name is +Hi, my name is Fernanda +Hi Fernanda, how are you? +How are you? +Where are yo talking...fine, Where are yo talking from? +From Washington +Oh, which one? +Washington DC +Because there are two of them, right? +Yes, Washington State +And the other one +Where are you from? +I'm talking from Idaho, i don't know if you know it +Yes, of course. +Yes, personally I don't believe much about ratings. For my point of view, the ratings don't go the way i suppose they would +They don't know how to rate them. Sometimes they said that it is a PG movie, but when you watch it +Has rude things, and pornography, and sometimes something stronger like a PG-13 is more quiet +And doesn't have that many nude scenes or bad language. Personally, I don't care about those ratings, sometimes it just +Dont know. People who rate those movies don't know how to rate them, or I don't know what are their point of view. +I really don't know that much about movies because +None +I don't have children or anything like that, so I barely ever notice +None +What classification? +None +I think that the majority of TV, if you watch during the middle of the day that is when many times children are at home +None +Are things that are not appropriate for most +Yes +And I think that Americans have -- moral standards have gone down +Yes +Many things already are normal that should not be. +Yes, yes it is true because, I don't have cable, the regular channels, the ones one can watch +None +But for example, I got to have one, cable one time and sometimes it was, well, which ones do you like? ten am, eleven, and well I like to be changing the channel +To be choosing the program I am going to see for that time +None +And sometimes they air movies that a ten or nine year old boy was at home and was watching and changing it too at the same time. +Stop on that channel there were things for adults already +Sure +Thinking about the children, I said I'm married for three years with a boy who is almost two. +OK +In any case, my son is going to grow up and this may get worse. Then +Of course +What kind of cartoons they are going to watching television. i am from maxico city +None +It was ten at night. Then I turned on the cable and I learned the +To the channel that here is sixteen, then there was a cartoon in English. Because at night they show some in English, some in Spanish +And there were cartoons in English. Then I told him. And, my mom was quiet because he was watching the cartoon channel. +He cartoons started to show up naked +None +The cartoon was starting to do things, the two cartoon figures. It was a cartoon and it was ten at night, my mom told me +What a horror +She turned the television off and she had to explain a bit because of my mom. It surprised her because I had tuned to a normal channel. +Not even cartoons are safe. +Yes and that could happen to any child who was watching television. +Sometimes cartoons yes +You cannot either be on top let's say if the kid changes you cannot jump to see you have to trust that at least during the day +Yes +Programming does not contain nudity or curse words +Yes, it's true but really it's not the cartoons. The Japanese cartoons are the ones that have more classification. In Mexico, +In Cablevision and Multivision in Mexico hasn't all those restrictions with normal channels. +Yes, it has more restrictions. Not so much now on the other cables. and, in tv's, for example, normal of children's channel +Of television like any channel. For example, what is the five in cartoons? +Yes +You can watch TV at ten o'clock. +In Mexico District +Before, in Mexico. But for example, if you're watching a cable channel now you risk the cartoon possibly being something sometimes some kind of +Pornography thing or with more nudity. +Yes, I'm Colombian, and I think that in Colombia neither +So right +The TV is a lot better than here in that way. +Right +At ten pm, the shows they put on are never so you're at risk for them to be as bad as here. +Right +Here not even at ten or at any other hour. Are you risking to watch anything else ? +Yes, that's true the other I was with a neighbor, and imagine, i was with a neighbor, it was twelve and a half p.m. +HER KID WAS WATCHING A CARTOON CHANNEL SHE WANTED TO CHANGE ANOTHER AND IT WAS ALSO A PROGRAMME FOR KIDS +Well there has a program were there was a girl that showed the adventures of a girl and that was, in a hospital +They were showing how her mom was having her little brother in the hospital +None +I explained to her and her mother that there's no problem, it's a channel of +Honestly it didn't leave much to the imagination. it was like an operation room where the woman was having her baby. +What horror +They are six years old. +Yes +They are six year old twins. +I don't want to explain too much to my children in that moment +None +There are babysitters that you don't have control over and you're not in the house to see. +None +You don't know what they're watching, that they go to their friends or whatever. +None +I think +It's one of those classifications that they have +They don't leave anything to the imagination. They show it right away. +Yes +Now at any time of the day and you go and watch soap operas. I don't like watching soap operas. But, you see +Many moms are at home and they have little children three, four years old, five or more or they're at home and they're watching their soap opera +And they're always show scenes where they are, the couple, they're there having relations. +None +In the middle of the day, because soap operas are on from six in the morning until nightfall. +Of course. +And that's how they are. So now they don't leave anything to the imagination. +No. +The programs, are classified, to see a scene of pornography on the television at anytime of the day is normal. And for many +Parents unfortunately are making it normal. +Exactly +If the parents spole to this television station and demand that there were more strict programs to pricacies of scenes +I believe that they would decrease a little. If their children see something like that, it's okay. +It doesn't matter to them. +Teaching. And so, these things of classifications I don't like. And I believe it doesn't matter to the producers. I feel that to them it's beneficial because +If a movie has a sex scene or some crudeness, people but it and they even laugh +Or sometimes it even calls their attention because it has a very strong scene. So really, these things sometimes even help more +Producers to sell +None +If that's the case, no. For me in particular, they type of movies I like are Disney movies, +Children's movies. I like them. +Yes. +Even though I am tired I love all of this. I have Disney movies around here. Sincerely, I do not live the movies. +I am going to have more kids and while I am not going to be +And at least that if they are going to put on a movie, well that it is at least a decent movie. That it does not have so many things. +Of course +So while we have those from Disney they are going to have pornography? +Yes he/she does not know how they are going to change +Yes then already, this is the truth, this is bringing the truth far as it already goes, you turn on the television and if you already see a commercial. +Of feminine towels, and it seems fine, well until almost, they're going to explain to your know, while they're goin to put a naked woman and they're going to. +Put there, how she is placing the towel. +Exactly +Sometimes they show it to you. I don't know if you have seen the commercials? It frightens you because you are big. +But if a boy or girl is seeing it, for example, and if it's the mom, you can answer:well fine. If it's the friend (boy or girl) +Then you tell them and can explain to him/her the bad information. +And that one becomes accustomed to it, do you understand me? We say +Yes +Sometimes I see and that one does not realize how they have changed things +Good evening my name is Marzia from Philadelphia. +Hello, my name is Juan. You are Marisol +Mariza, Mariza. +I see Mariza, we talked a few days ago I think, no. +Maybe yes +I could be, I am in San Antonio, Texas +In San Antonio, yes. +Listen, the theme today is about religion. +Yes, that is a complicated and very controversial theme +The need of religion is something that we all have +None +The institution tried this like any other need. +Yes +Give us an answer. The ends have been like a way to control. +Yes, today in this country. In the United States there are a lot of problems regarding religion, it is a mix with politics and right side people that want to have control. +Tried to control the country in base of religion also and, it can be positive or it can be negative to many people, it help to pray or believe, help in others, of others +In other way, the, the, the Christians is the most powerful religion in the world and there a more, let's say that have power to have influence in politicians, to the countries +Es, let's see in this case, for example here where I live, I went to a church +None +They express an ideology but regarding a conservative group in the United States, no. +Yeah +Then they exerted a very direct power trying to influence people at the church +Yeah +With the discourse, it came to my attention against the public schools +None +Directly against the public schools and praying for God to free us from public school some day +Really? +Because yes +Oh, no. +About trying to see the theory of evolution +I've heard that +No, terrible, they said. Why is this excruciating, the teachers that teach the Bible to explain the creation of the world? +Exactly, yeah, there are a lot of problems, yeah +What I say is that, the Bible doesn't make for an explanation of the world +No, everyone can believe what they want. The thing is they try to impose their beliefs on everyone and for the Bible, for what they think +Exactly, they're fundamentalisms, no +Yes, I know some people from Maracaibo. +Target of Christians and they are the ones that The people with power in the country, the ones with the companies, everyone is, maybe, there are a lot of rightwing republican fundamentalists who want to take the law away. +The right to abort, the right of homosexuality, gay marriage, the right to the belief of +Yes, more scientific, no, you can't just believe what they say, they say god created man and woman, you also have to give a choice for kids to believe +That was Charles Darwin who came up with the theory of evolution. +Yes +It's really complicated, too. The other question was about homosexuality, yes. If we were all equal or all believed the same thing, there wouldn't be any problems, I was asking. +But +I think more problems, no. +Yes +The differences help to complement each other. +I don't have any +The subject of homosexuality is very controversial. +None +The phenomenon of homosexuality has to be something that we are well informed about, for example used to think +Something to do with deviation, but lately I've read homosexuality is a matter of genetics. +I'm convinced it's that because I know a lot of people that are +No +Homosexuals or lesbians I'm really informed about. Ever since I was a girl +I would accept people for being homosexual and everyone has a right to get married. +Yes, +It is OK for people to be with who ever they want since we are all citizens with the same rights who pay taxes. +Yes +They have the right to get married and to live with whomever. +I agree, they have all the rights and in this case the marriage rights are relatives +Well many drive the homosexuality question as a very wicked situation and they don't have rights to marriage, when marriage is really a contract +None +Between two persons that stated doing something in common. +But the church wont see it that way +No, +Believe it's an abomination because marriage is defined as the union between a woman and a man. People and Christian fundamentalists see it as an abomination, and are closed minded and don't understand that +That was before, the tradicional thinking but now times have change and each one also. Same as before, homosexuality has been always, since the beginning of man but before was a way and now is , +Things are more liberal and people are not scared to talk about being homeosexual or gay. +That is the problem. The Church has a problem but they cannot do anything. +None +People are accepting the echo from others. +There is one that is so extreme. The ecclesiastic institution , the blessing of God for marriage when in reality +Well the church and religion is a way of institution, +Right. +The need to change and find new ways to learn things of life +Yes +From society and individuals, no. +The religion has to be something personal,no something that mix with politics +Let's see why you don't think the same as me, you are no me like you get punish because we are different, and shouldn't be that, each person can think whatever they want, believe in anything or anyone, don't have +For the Christians, because they talk badly about the Musilims. They say they are radicals or they talk badly about the atheist. They don't believe in god and they call them heretic or, +But I don't know. +Right +That is very christian, you have to accept the people like they are, and each and everyone one of them that believes or has your religion, but that is the problem with the fundamentalists, that they don't accept the differences. +Yes, but in that case, accepting the difference seems like something that has to do with the matter of humanity right +None +Like one paradox not being able to accept the difference +In this country christian families say that they raise their children in a manner that,when they are very little they teach them to be like that +When they are older people are different +Radicals don't accept differences because they were raised in a manner that their parents taught them. +Yes +For example, I was lucky to travel a lot and meet people of different races, cultures, so I am open to everything. +Right +When I see a person, I immediately know by looking at them, this person will not accept me because I'm not like them. I don't think or look the same. +But is that there are classes there are people of different classes, and there has to be radicals Christians there has to be everything, but I think that yes, religion does influence the country, yes. +What fascinates me is that in this case +Yes +In this country, being so fundamentalist +Yes I am +With the churches, there is a great proportion of fundamentalist even in the discourse of the president himself there are fundamentalists +Yes +Not there, +The message is very clear and it's already been five years in government and when Bill Clinton was in office, he was more open. Of course he was a leftist, more +This government doesn't have the religious Christians of the right to understand more people's concerns +There is such a polemic with marriages +It's expected of Catholics to not agree with abortion, but I don't agree with that during this day and age. +None +They want things go backwards, they go back instead of going forward and they want things to become as they were thirty or forty years ago but that cannot be. +That's how we are now. +Do you practice any religion in particular? +My family are from Spain, I'm Catholic. As soon as you're born they baptize you, first communion, I got married in the church. +Sure. +I have my beliefs, but I don't go to church, to mass every Sunday, neither do I practice, I believe +But let's say that I carry it on my own, let's say that I carry faith with me, I don't +Yes +Neither am I. I'm very open and my beliefs are contradictory, although I am Catholic. +Yes, the same with me, as I get closer to the Catholic church there is a feeling of integration and community. +Created interest in everyone, it seems +There is much economic interest +No then. +The problem is that it goes right away that they are not interested on the followers, they are interested on money, and +Yes +Also they don't look like believers either. There have been many child abuse cases and things like that. +How can a priest do that to a child? +Yes +I don't know that each person is free to believe what he wants, and practice it, but respecting others who are not the same. +None +Because there are many religions and what happens is that the Christian religion is the most let's say abundant in the world, it is the more, the one that has the power on everything +Because on this side of the world, I believe there are more Muslims than Christians. +They don't have as much economic power. That is the problem. +None +Hi, good night. +Good night +Good night. My name is Carolina. +How are you Carolina? Talk to Alex. +How about Alex? +Of Los Angeles. +Very good. I'm from New York. +Oh, okay, I thought you were the other person. Okay? +None +I am here in Los Angeles +Well and good. +Gladly. +Well we played tonight, the technical equipment. +Where are you from? +I'm from Peru. +Okay +And you? +I am from Columbia. +Columbian? +None +He speaks like a Mexican. +Because here people speak Mexican Spanish +Yes +Right. +Oh, okay, sure. +You stick to the accent from where you live. +None +The Spanish accent got stuck when I lived in Spain. +None +When I lived in Columbia, I got stuck with the Bogota Spanish. +None +Now it's the time for the Spanish. +Oh, that's good. +That it is what is spoken here. +Yeah, yes. +I believe that Hispanics here are ninety five percent Mexicans. +Yes. +Yes. +Yes, the tonight topic is the technical equipment. +Yes, I use computers. +Already. +And, I have rapid DSL now. +None +Yes, because I like fast internet, I don't like to wait for pages +Already, +I search for work and do polls and i look for women +None +I don't like to wait for the, the pages, OK? +Already. +I like to do it fast by telephone +Yes. +It was very slow. +Yes, very slow. +Then I had to wait some two or three minutes only for one, one page to appear. +It is clear +Until now you can carry a Webcam and the Webcam comes fast with the DSL. +Already, safe. +The webcam is when can see you like in video conferences +None +It is fast. +Yeah, sure. +And you? +My job, I am an administrator. For my job I use the computer, that is +Everyday new technologies came up? +Yes. +So, the truth is I have adapted very well and I love it since I've been using the computer. Before I used a typewriter that was so slow to +Now everything is done through the computer and the Internet. +For me, it's essential, I think that I wouldn't know what to do without computers, no? So, the truth is that I'm very happy with this new technology, and I hope it keeps going +Forward more every day +I believe that they have made more advancements in the computer with medicine. +That's true +The computer is the most advanced of civilization now. +Yes, for everything? +Yes. +None +Some information, I sit down in front of the computer and there's no stopping me, when it's lan essential part of one's life, no? +Yes, exactly. +If you need to know what the temperature outside is, you go to the computer. +News, sports. +It was, yes. +Oh, going out with women, of everything. +Yes +No, and even that survey that we are making now, I found it by the computer also. +Also, yes +The computer has a lot of influence. +How many calls you made? +In our lives, this is my twenty-second call. +Oh, and you are finished then. +I almost need three, but one call that the person spoke more in english,I think is going to have a replacement. +Now +But, who knows? +Now +Because I spoke in spanish, they should consider. +None +If you speak in English, they don't count it +They give you the payment after you finish the twenty-five calls +Yes, one call for replacement. +None +I went to speak to him; I know the owner. +Oh, yes? +I am going to ask if it is my job to replace it +Do you know the owner? +Yes. +Oh, that's great. +Yes, it is easy to speak with him +Is he from is he from there from California? +No, he must be in Philadelphia +Oh, I see +I had one because I wouldn't like to lose it +But do you know him personally? +No +Just through the computer +Yes, I know him through the computer +Through the internet +He talks with people that are participating +Yes? No I never have speak with him, I +Yes, if you have any questions you can call him, he is Chinese +Oh, Yes. +I don't know if he is the owner. +None +Him, the manager +Yes +Yes they are doing that for the project supervisor +Okay. +Yes, they are studying the way we talk Spanish +Ok, right and +Don't know, you heard that +Yes, yes I did, and I think that they will start another one after the finish this one. +I don't know. Probably they do because I already did two +None +One in English and another in Spanish. +This is the second, yes ? +Yes, and what we're doing right now is technology +None. +They are doing phone line connections +The other was almost equal, twenty-five calls? +Yes, he said something that meant this is technology in English. +They payed you too, equal ? +They paid the same +None +Yes, I like to do this not only for the payment, but for the opportunity given to me. +Good. +To speak in Spanish +Of course. +Because it's the only time in the day I speak Spanish +Yes. +I speak very little Spanish now, most of my day is English +Yeah +Yes. +Yes. +And? +Yes, of course it is. +This could not be done for about twenty, thirty years, what we are doing now +Yes, exactly. +They are using multiple telephone lines to connect many people living in different parts of the country. +Exactly +I think phone technology had made progress because I can make long distance calls. I do not have to pay. +A monthly fee +Yeah. +You can make all the calls you want. +Here in +And that wasn't like that in twenty years. +Of course, but here in the United States. +Yes, here in the United States +Verizon is offering me free calls here in the United States +Yes. +They give me and in the meantime they charge me. +If they charge you monthly, you make a lot of calls, it's worthwhile. +Yes. +Some day they will make it international for your favorite country. +How good it was. +You pay a monthly quote and you came make all the calls you want. +Yes. +Yes. +It would be excellent for calling the country when one wants +Before it was pricey. Remember before? For calling the country of +It is cheaper, right? +Now it is very cheap +And why is it cheap? Because of technology. +Yes. +Yes, technology. +You can now talk for three, four or five hours for five dollars. +Exactly. +It was one minute, oh my god it was like eight. +One minute was twenty cents +It cost me like twenty-five dollars. +None +And I had to be careful a lot have the clock in front of me, no? +Yes, that has happened to me too. +Yes +Yes, you have to be with the clock +Of course, yes +Yes, but with +Hopefully technology keeps moving ahead. I say in about ten years, what are they going to come up with? +This has to be moving forward +What happens is that it is advancing, and technology is in the hands of more people +None +Then services are cheaper, because they sell to more people +Yes. +Do you understand? +Of course +For example, the computer a few years ago was worth one or two thousand dollars. +Exactly, yes. +Now you can buy a computer for $200-300 +Yeah, true. Ha. +Because there's more demand. +Of course +Because technology has advanced. +Of course, that's true. +What i would like to see is +Yeah +More advanced technology, with medicine. +None +They have to find cures for things like cancer. If you can go to the moon, why can't they find a cure for cancer? They could make a +True. +Fast computer that can think, why can't they find a cure for cancer? +None +I want to see more advances in medicine. I think they're going slow in that area. +Yeah +I haven't really seen so many advances, in diseases in the past 10,20,30,40 years. +None +Good +It's true, because of the cancer and how many years it has +Yes, it kills many people, right? +We did not find the cure. +That shortens the lives of many people. +Yes. +Heart disease +AIDS is widespread across many areas. +AIDS is more advanced than cancer, in +None +In the sense of control because you have to have the drugs to fight it. +Yes, yes. +The cancer is very slow +Yeah. +You've heard of adiscovery for cancer? +No, it's not true. +Nothing +None +Very slow. +Yes +That could be improved +None +Yes. +I hope that God may enlighten them, so they can find something that could cure, for this, this catastrophe that is when cancer comes, it does not matter the age +Yes +It can happen to any person. +I had a friend that died very young, at thirty-two years of age, and got cancer from one day to another. +Yes +And she died in three days. +In three days? +Because she got cerebral bleeding +Oh, my God. +And and she died immediately, she had leukemia, of the blood. +None +And of that, she got it from one day to the next +Oh my God. +There was nothing they could do +None +I don't know, no diff --git a/fudge/formality_data/test.noid.cleaned_1 b/fudge/formality_data/test.noid.cleaned_1 new file mode 100644 index 0000000000000000000000000000000000000000..5cef354e2a850a28cda9b35b51a9b57965db9e6b --- /dev/null +++ b/fudge/formality_data/test.noid.cleaned_1 @@ -0,0 +1,3641 @@ +Hello +Hello. +Who is this? +How's it going, this is Guillermo. How are you? +Guillermo +Yes +This is José. +How's it going, where are you from? +I live here in Philadelphia. +In Philadelphia. +Yes, and you? +I am peruvian. I am studying in the University of Pennsylvania. +Oh, what do you study? +I study history +Oh I am also a student here, I'm a senior +What university? +University of Pennsylvania +Oh yes +Yes. I'm almost done here okay? +That's good +But +You are studying? +I'm in Wharton. +None +If it's business, then you are a student for a PhD. The masters is exactly that. +Undergraduate +I'm an undergraduate +None +But these hours here +Sorry? +Did you live in Peru? +I'm sorry as you say +Did you live in Peru? +I was living in Peru until three months ago +None +Clearly +Then you're a freshman +I studied at the University of Peru for two years and then I transferred. that is I'm an international transfer +You're not an exchange student, you're a transfer? +It is clear I will graduate with a degree from this university +That is good. +As opposed to an, exchange student +That's good. What do you think so far? +It's a bit hard to tell you the truth +Yes, is it of English +Yes. +All the work +It's more difficult to express myself in English than in Spanish. +Yes +It is very clear to me. +Yes +Because of the amount of work that they send me +More than in Peru? +Yes, they send you more +None +More than in Peru. Even in the last cycle, in Peru, in my university I took six classes. One semester. +None +I think I had less work than what I have now, taking five classes. +None +I'm taking five classes, but I also work. +Okay +Maybe that's equivalent to taking six classes or something. +Yes. +It's a little less, I don't think it's so demanding as taking six classes +Yes, it's still pretty intense. +Yes, maybe in the future I decide to +Yes, it's hard +I'll decide to take less classes, I don't know. How many courses do you take per cycle, more or less? +It depends. In general, five, but sometimes I think, it's just four, last cycle I only took four, but now I'm taking five +And you +But, in general, people in College only take four +I see +In Wharton people generally take five +Do you work? +None +Are you a full time student? +I have a little job at the library but it is not really a job because when i am there +I study. +It's very advantageous. What do you do in, I also work in the library, but I'm a shelver +None +So, really it doesn't give me the chance to study. +I did that sometimes but no but, in, what are you doing? What part of the library? In +In the fifth floor of Van Pelt +Okay +Where do you work? +In Lippincott +Where's that? +It's the library at Wharton. +Yea +It is on the second floor where i work for five to ten hours a week +There's only a little bit more than a month of work left +There's more people who need help +None. +I do not have a lot of work +None +But yes, what I've seen is that, for example, sometimes in Latin America, but you saw that in Europe, +In the universities, in general, there's not a lot of work just until the end so the professors +In England, for example? +In Europe in general, really, +I've heard that too, the number of hours that you have in class each week, +None +They are less than three +None +Then you have a lot of free time. +Yes, +Aside I think yes, they don't give you much work, no, I'm not sure +They don't give them much work but in general they want that +Yes, they are doing exercises and they continue doing all. +Of course +In the end they give an exam and that is the grade. In the United States it's +Different true. Because here, especially in history, one has to investigate, then an essay, then another. +Hmm +That is the best in the sense that there are less risks +That is an advantage, no truth that there are less risks +The work, yes, but... +Because, imagine that for example you go to decide your exam grade. All of a sudden the night before you couldn't sleep +Whichever may have happened +Yes +You may have prepared but it didn't go well in the exam +Yes +I mean your grade +Yeah, +Your grade goes down +There's all the work they give you every week. +Another job +Yeah, yeah, yeah +Every system has it's advantages. How's it like in Peru in general? +Let's see, I would say they also make us work, we have like an equivalent to midterms +None +But they are mostly reading controls. +None +Through the semester +None +At the end of some courses, you're also asked to deliver a research paper. +None +You also have a final exam. You don't have to produce as much as you do here. +None +I mean, you don't have to write much. +Right. +Here they're constantly making you write papers and reviews right? +Yes +There isn't much more than what you wrote to offer to the investigation. +None +In the final semester. No you didn't have to produce much. +None +That could be advantageous in the sense that they don't ask you much +One can live more relaxed. +Yes +The point is it's to your disadvantage not to come. You don't get to constantly practice your labor +Investigation, and neither about how to describe right, I mean sometimes one for not writing much, one loses ease, write. So +None +I would tell you that it's easier. +Yes +They form it so well like they form it here. +Yes +But it has a cost hat here they make form you better, it's good but, at least, me , for example, this final weekend, I am full of things to do, so +I live a little more anxious +Yes +Stressed +Yes. +I don't know how Wharton might be +Yes, it is different because in Wharton, it also depends because, for example, classes I take in general don't have +Like essays or research, only in general, two, three exams, and, and that's it. But there are classes for example that have more that well, you have the two exams, but you also have projects. +OK. +These case studies +The persnonal or group products +In groups since in those days almost everything was in groups. And if they give you homework, you had to review the little thing, because otherwise +Because, and I like it like that, for example, every week you have homework, a small one you have to turn in, because, that way, +They make you study every week. +Of course +Yes, I like that they do that, but in general they are exams or projects. +NONE +Each class always has an exam. I have never had a class where there were only projects. In general, two exams and maybe one project. +None +In the marketing class we have, a project is and I don't know how they did it +They created a whole piece of software that is a simulation +You have a group +None +Each group is assigned +None +This company has several products. You have to decide, based on each product, where we are going, what kind of +How are we going to see this product, we are going to +That is interesting. +Of course is not like in the real life +It resembles +Sometimes writing things as an essay helps you understand it better. +The mistakes +None +There are may things like that, too. Then everything depends on the course. +None +Yes, here there is and I hardly write anything in general. Then it looked pretty weird that I had to write +Yeah +Have you been living long here in the United States? +How come? +Too much cold here, right? +Yes, I think it was on Tuesday, at night, that was raining +Yes +I got frozen, yes. I have to go with my coat. I bought a coat that shelters a lot +Not yes +I always go out with it. Sometimes even using the coat, I get cold. Inside my room it is more +None +Manageable the matter of inside the dorm the temperature is good enough +None +Warm, right. +In Peru there are parts where it gets really cold. +Well right yes if you go to the mountains +None +The winter nights in the mountains are really cold +I see. +I remember going to the mountains in Peru on vacation with my family at night. +It could even get colder then the cold i've experienced here +Hello? +Hello, my name is Glori. +Hello, Gloria. I am Paulina. Where are you calling from? +From New York. +New York. I am in Georgia. +From Long Island. +None +From Long Island +Long Island +None +I am in Athens, georgia +From Georgia, +How is it? +I didn't understand what she said. +What? +Something about religion. She said she talks +You didn't understand what she said. +No +She was talking about the religion, what is the opinion about religion, if it unifies people, or separates them, all the people should belong to the same religion. +I am catholic. So I believe it joins some and separate others. For example I have a nephew that is gay. +They are Catholics, they don't accept gay people, +None +God made us all unique +People never believe that they are born that way but her was. +Has a lot of problems with the Catholic religion, because they don't accept him and he knows he's not accepted. So, he finally found a church, in the thirty-two, in New York, that accepts homosexuals. +If people would stick to their religion, there wouldn't be that many problems. They wouldn't go to extremes. Every religion +None +If people would follow Jesus Christ's teachings and act like He did +None +There wouldn't be a problem. +None +He did not teach us to start fighting. +None +None +Exactly. +That's when trouble arises. +None +The same thing happens to Muslims. +None +The principles of that religions teach us +None +They are good things. But, when people become fanatic and don't accept other people, you respect differences, +None. +I believe when there is division, there are problems. +Yes. Like, this, what was I going to say? At lunch time, I, to the girls where I work three, +I take a little book by Joyce Myers, and everyday scriptures. And, I read them, then, they tell me, that is shit, that I say, but +Listen what she is saying and like you would like to treat you because i dont have to treat her well +I dont like her, but everybody is created in the image of God. We start to fight, then I say look, I want peace because what happens is that everything +We talk about today's subject. Forget it, one has been made, but still they look for me. To read, everyday. +Great +Because, there is one that is like a firecracker, and I was telling her that I don't want to hang out with her because she drains +All my energy. She is always criticizing everyone. I don't want to be in this environment. She says I read to her everyday. The other days she is saying +She is thankful to God and is always reading about it +I say, that is the only thing that has saved my mind because, otherwise, if I start to criticize, that everybody criticizes me, and I know that I am a good person, and that God just like I am, +I would have already jumped out a window if I allowed people to influence me. +Yes +He needed some kind of tension of emergencies +None +Yes +In one on one relationships, or like a people, let's say what happens in Israel, amongst the +None +Between the Palestinians, and the +Yes. +And the Jews. +None +It's sad, and they go fighting +Yes. +Because for the two there are sacred places, but they don't respect. +None +Other people +My friend went to another church [than Catholic]. She tells me, +I say you have to find the church that you believe, that fits you. +I'm not going to tell you that you should go to the Catholic church, if it's not giving you anything because I go to Catholic church. +She found another church, she tells me maybe you should go with me. I say no I go to where I'm going. I like it more there. +I am going to charismatic groups. I like to go to other churches, I'm not going to say that I don't go, but I don't want that she +Now I have been to that church back many times. and it takes all day Sunday, and I don't have the whole day on Sunday to be there +Three hours, four hours. +Yes +None +What religion goes, is your friend? +I believe it's something like Christian Science. +None +Yes. They are like born again Christians, or something like that. +Yeah. +Yes, something like that. So, then you know she was Catholic. But, the husband goes to the Catholic Church. In my house, the only one going to church is me. I don't think she likes to go, she always fights with me when she goes. +I twelve. +Of Katrina, and he says, aye, God made that, which +None +I tried hard to convince him that it was not an act of God but couldn't. +Od himself, He does not allow them, even though the Bible said that a lot of those things would occur. I was telling him to maybe read the Bible, it will show you what there is. +Yes. +None +I find that, regarding religion, many people go solely by tradition +Nonoe +When one goes and finds the truth, +None +There one finds a religion. +Yeah. +Many people do not know what their own religion is about +They sit there, and once the Father is finished, they leave. +Yes, they don't study what's written for themselves or anything. +Yes. +Yes. Help when we start studying, who would believe, it's your own religion. +Yes, I am going to a charismatic group and I can speak Spanish but can't read or write it. +They gave me a Hispanic bible and I am reading it. I explain to them what I read. +They read in English to see if I can understand it. The Bible is much too difficult. +The vocabulary in the bible is difficult no matter what language its in. +I find it difficult so they give me some passages and they tell me what it means +I've adopted it into our lives for a better understanding +Where are you from? +I am Puerto Rican. +Where you born in the United States +Yes. I was born in Puerto Rico but I grew up in New York. In what they call 'el barrio', in East Manhattan. +I don't know. +Yes. You know. Have you always been form Georgia? +No. I'm from Chile. +From Chile +Yes. I was born and raised in Chile, and when I finished High School, I came to study at the University, +None +United States, here. +None +My husband and I have been in Georgia two years. +Wow +I lived in Wyoming for a few months, I lived in Utah +None +For a few years. And a year and a half in Maryland. +Yeah, yeah. +Washington DC +Yeah, +We are now in Georgia. +You travel a lot. +Dog, like they say. +Yeah, that's true +Yes +I lived in Manhattan, then I lived in Bronx, and now I moved to Long Island and we stayed here. Even though, when we retured, we are going to live, I guess +In Florida. Because, my oldest son, and my grandchildren live in Florida. +So then you will go +So, I like to go. I would like to go to Florida to be close to them. But by the time that I go my grandson will probably be married. +I will retire in ten (10) years. He will be 27 and may be married. +Maybe, somewhere else, yes. +I am going to be OK. +Yes. From here, who knows where we are going. +Yes +My husband finishes his PHD +OK +Two more years. And from there, whereever there is work. +Where do you work, what do you do for a living? +Yes i am at home with my children +Oh, you are at home with your children. that is so nice +I have two babies. One is a year old, and the other one is three years old. +Yes it is a lot of work.I do children's parties. I dress like a clown and am now figuring out how I can make an Elmo's head. +I have the the bodysuit, but +Yes +The head belongs to my friend. Then, her and myself make the party. Then, sometimes they request two, and we could not go. It can only go one person +None +So I am trying, my friend is making it, but the head is very heavy. So, I cannot even imagine how we are going to make that head. +I thought that this is why I could not hear what you were telling me, madam. I am doing a lot of things. I should concentrate. +Everyone at the same time, yes +I do not know why they argue the same thing +Yes? +Have you been doing this for a long time? +I've done, I think ten, eleven. +Oh, like me, yes. Something like that, yes. +Yes not so much +Okay, yes. +The last time that I did was of politics. I don't remember what it was. +I have a friend whose name is Norma, I think she lives in Georgia also. +Yes? +She's Peruvian. Peruvian, yes. +None +I've already spoken with her four times. +I think so. I've talked to her twice +She is from Georgia. +Yes, from Atlanta, I think she lives there. +Yes, from Atlanta. +I live in Athens +None +In another city, yes. +Yes. A niece of mine lived in Georgia but moved. She still lives in Georgia, but she had to sell her house because she got divorced from her husband. +She had to sell the house and now she's alone. yes. +Who her niece? +She has about forty-something years old. +None +Yes. +Hello +Good evening, Fabiola speaking, who am I speaking to? +It is Lliorno from Philadelphia. How are you? +Good, Washington speaks +How are you? +Good, thanks, and you? +Good +The topic for today is the music. +Yes the music, what is your opinion, what kind of music you like to listen? +Joyful music, romantic, positive love. +Why? +I don't like the music that talks about lovers or death with cursing +Violence +Violence +I like positive music. +I like music with rhythm, I also like to dance. +OK +Do you like to dance? +Yes, I like to talk also. +Oh, that is good. +I danced more when I was young but now I don't dance as much. It stopped. +I dance i am alone while cleaning my house +Yes i am married +Children? +No, I don't have children +I'm married, I have two children and I'm a granny +None +My granddaughter is nine months old +None +I'm thirty-nine years old. +I'm twenty eight +You're young. Why do you say you danced when you were younger? +Yes +At twenty-eight I could still dance all night long +I was in school but now I don't +And you have +I go because he doesn't dance either +None +Then +Do you have a favorite singer? +I really like Argentina +Where are you from? +From Venezuela +Venezuela? +Yes +None +And you? +Chile +Oh, I really like an Argentinean singer called Tito +He's good and I also like him +Yes, I like him. +But I like more Silvio Rodriguez, I love Silvio's music +Oh, nice +Nice music, I also like Ricardo Arjona's music +I like him +He is really good. Do you have a cold? +None +Do you have a cold? +Yes, a little bit +Where are you calling from? +None +Where are you calling from? +From Philadelphia. +Philadelphia, is that a city or a state? +Are you in Washington, D.C. or Washington state? +In Washington State. I'm calling from a city called Richland. +Philadelphia is two hours from Washington, D.C. +It's a city in the state +Pennyslvania. +I've heard of Philadelphia but I don't know what state it's in. +I'm from the state of +That's incredible how the calls can cross from one place to another, it's like cross almost the whole country. +Exactly. +That's fantastic. +None +Do you like Ricky Martin? +What? +Already, +He's got a new CD out. +Yes, he's really good. +You heard? +Sounds all the time, because I am in the +None +In the house with my television on MTV. +None +One of the music channels in Spanish. +None +Every time I hear the sounds I hear the music of Luis Fonsi. +None +What's new from Luis Fonsi, or Shakira, Ricky Martin, Thalia, I hear them all the time. +I have not heard anything new from Ricky Martin. +The singing in the music is a mix of pop and reggae, but it is very good. +Yes. +It is very good. +Do it. +None +There is a new group from Venezuela called the Invisible Friends. +I have not heard of them. +Solo concert yesterday +Do you know if that's good? +If you are well, good. +What kind of music do you play? +It is like disco music. +Okay, pop. +None +A Chilean group that is called the law. +None. +Have you heard of them? +Yes, already. If I remember what they did before +That is good, they have a beautiful voice the Cuevas veto. +Yes. +There are other Chilean singers but I don't like them. +The law, yes. +The law. +I didn't know that the law was Chilean. +Yes, they are Chilean. Miriam Hernandez is Chilean. She sings romantic music. I don't like her much. +Okay +To see if I remember something from Venezuela +Ricardo Montaner? +The sound sounds each time +Yes, it is Ricardo Montaner. This Frank Sinatra. +I also hear that Franco and Son are good. +That's good. You have not heard it as a super good, but not if it's famous there in Venezuela. +Who? +Idan called. +No. No, no. +He is super good, but I no longer think this is not so famous outside of Venezuela. But called Idan and his music is very good. +How long have you been in America? +I have five years now. +Five years and do you speak good English and stuff? +Yes I find it easy. +Did you get your citizenship or not? +The home is because I have one. More than four years of marriage +Yes +Then +But after three years of marriage you can apply for Citizenship +Yes, what happens is that I have a double-citizenship. I have my citizenship in Venezuela. I have my Italian citizenship. +Because my father is Italian. +Do you speak Italian? +Yes. +Yes +If I accept the American citizenship, I'll have to. +Quit now +Citizenship. That's not good for me +Currently in Chile we have double citizenship. It could be American citizenship +The problem is I have two. They won't let you have three. +You're right +Yes +It's a little complicated +Yes +They're no. Are you happy with the residence? your parents are +See +They live in Italy, Venezuela or here? +My parents live in Venezuela. My dad was born in Italy. +Are your grandparents and uncles in Italy? +No, from my dad's side, they are +In Italy, I have some friends who live in Rome +Oh, no, my dad's family is in Palermo. It's close to Cicilia, to the south of +It's pretty. I've seen pictures of that place. I've seen pretty landscapes over there +None +Beautiful, and do you own any animals, dogs, cats or something like that? +No, we don't have any because we live in a apartment. +Animals are not allowed? +All my neighbors have permission to keep animals, but I don't like to have them here locked up all day. +None +Yes, do you have animals? +Yes, I have dos, I have a cat. +None +I have plants and aquarium in house. +None +I have lots of things for fun. +Exactly. My husband and I would like to have a dog. Here we don't. Since we live in an apartment, we don't have +Yes +A garden or anything +You can take them out for a walk. I used to live in an apartment, I moved here about five months ago. I've been here for three months with the dog, the cat, the plant +I used to take my dog out for a walk outside. +We want to have a puppy. +Yes. +We don't want to leave the poor puppy locked up in the apartment all day long. +None +This is the question we are thinking of moving to this. +Yea? Your husband is from here, the United States ? Or from Venezuela ? +No, he's from the United States. +Few that are going to change soon. +If we are waiting to buy a house close from here +To move +If so we can move and thus be able to find a puppy or anything else. +For this and not feel like we moved out one month ago. To me, this is my home from where I'm talking. +We had to close the yard and place cartons all around to have the hill just outside. It is so small and the dog is a labrador. +Exactly. +Then, it can enter and leave the garage but it has the gate opened and a space where it can walk, run and play. +I want it if it can enter and leave freely then it can play in the yard +NONE +Runs all around, exercising +You have another idea? What kind of puppy do you want? +Yes, if you are thinking of a reason why +It's very little. +Not like the medium ones. +Which are ? +But I know that they look like teddies. +Yes, I know which ones, they are pretty and colored +Hi +Good evening +Good evening. How are you? +Yes, how are you? +My name is Carlos. I'm from Huston, Texas. +I'm Josma from Philadelphia. +Nice to meet you +How are you doing? +Fine, where are you now? +Music, yes, well, I listen to some Latin American music and some american music, yes, folklore and bluegrass, country music. +Okay. How old are you? +Twenty-Five +Twenty-five +Twenty eight +Okay. Sorry? +Twenty-eight +Twenty-eight +None +I like all kinds of music, except rap and hip hop +None +None +I like everything. I like rock en Espanol, English, I like music. +Classical opera dance a little bit of everything so what that +And you? +Pardon? +Above everything else, I also really like live music. +How? +Live music. +Live? Like concerts? +None +I do is, find music online +Okay. +I have around five hundred CDs that I have bought +None +I have looked for a lot of them online +Exactly. +So what that for me, well it's for me, I need music for everything, I need it for when I work, when I study +Music is extremely important. +It's substantive +Exactly +It helps me to concentrate, to relax. I find music for me can help me change my mood. Yes, I can be +Exactly +Very calm and yes I listen to a song that can put me in a bad mood or the same I could be in a bad mood and can listen to a song that makes me happy +Yes, I play my instrument, and my husband plays his instrument at festivals and things like that. +Okay. +There is a bar very close to my house where many people come to play every night. Nothing people seit [?] no to, and to play instruments +There are open circles every night. There are songs where the people pay. One the weekends they come here different musical groups +To play every night and on the weekends. It is very cool +What is your favorite type of music? +I like everything. +Is there any type of music that you don't like? +I like at least that I don't like that way, that if rap hip hop or at least music, pop +So that if Britney Spears and not that, I don't like it, it doesn't strike my attention at all +Okay. +I like a lot at least rock in Spanish, I have a lot of rock in Spanish and bluegrass music So +Okay, do you have a favorite group? +I like, at least from rock in Spanish, I like Fito Paez a lot +Okay. +That is from Argentina +Yes +Yes, I like it a lot +Okay +He does not believe that God is helping him everyday. +That +The one who died was a very good singer but more or less there are many people who play +None +Many of ours friends that play and sing and have bands +Yes +They are very good +Okay. well for me I only go to one or two concerts each year +But in general the type of concert I'm going to is more rock, in English, and the people that go are more +Younger and and as it is, they are too scandalous. So for that I didn't pay too much attention to going to concerts for that. +None +I was at a concert of Willy Nelson +None +And Bob Dylan +Yes +It had people of every age, there were people that were sixty or seventy years old, and kids that were barely ten or eight years old in the concert. +Yes +Yes, good. It was held in a small baseball stadium and there weren't so many people there because of that. +Very good concert +You have many CD's? +We buy music more than anything but also we bought a lot of music from groups that are not very popular, of people we know +Yeah. +Yes, because we are members of one of folk music societies of Philadelphia, then at least there are many musicians +Who are members. There are concerts in the homes. They do this every month. +Ok. +There was a concert and we bought those CD's +Ok. +We see groups that are not so super but they are good +Ok. +Sometimes we have seen groups +And +They did not know they were famous and suddenly we're in a festival +Yeah. +We hear a famous song suddenly +Ok. +But +Ou say you play instruments, you and your husband play in a band or group? +No. My husband played in a group before, They are not together in that group, probable, they will be together again +Okay +No we don't play in a group. My husband sometimes plays with friends. We don't have time. +To compromise ourselves with other people +Okay +Because of the job, it doesn't give us time to compromise ourselves that way, because if you have a group, you have to practice for at least one day +Practice and find that +Week +The promotions and +Okay +Yeah +A group is an option for you if you do not have a lot of time. +Where do they get together on Wednesdays around ten, they practice until like 2 in the morning. +Does he work, or study? How does he have time for that? +Yeah, we try, for example, knowing who they are before we go to a movie +I like music its good for me +I remember lots of songs from +None +Songs that I can let years pass by without listening to anything else. I could keep singing those kind of songs years after years +That happens to me. Whenever I have not listened to a song for a long time, I forget the lyrics. The other day, I was talking to a friend +And she was with her, we listened to a song on the radio that i didn't hear in about eight years, but she remembered the entire song. +They played a song that I had listened to. +I knew the song but I couldn't remember the words to the song, but I remembered a little, +If I don't listen all the time I forget the words, I know the song, but I forget the words a little. +It depends on the mood I'm in +But I have an Ipod. You know what Ipods are? +None +I have like ten thousand songs in the Ipod. +None +I have a list of music that only has music for the dance music. +I have a complete list that is only rock in English that is what I use when I do to the gym. +Exactly +I have a spanish classical music things like that +For relaxation. +And for studying +To study I can't have that type of music, I can't have classical music, I need music... +Yes? +If there are no lyrics, I get bored. I need something to distract me. +What are you studying? +I work with virus. +Okay. +Biology. +Okay +I always need something that distract me, that keeps me alert +Exactly. +I put music but not classic +None +I put on classic music when I have to write a report or when I have to concentrate a lot. +Then, even since I was a little kid always, when I had to study, I always was hearing to music while singing, I could be reading and my dad always criticized that +Is impossible for a person to read and sing at the same time but it always worked with me I always got good grades +I suppose that +I had a teacher +Not +When you are studying something, if you sing it you will learn it +Faster than the normal +Yes that doesn't attracts me to the music +Hello +Hello, you are speaking with Fabiola +They connect you and it works. +Yeah, and that's how it was working and they pay you +Look that also. +That is the topic that i tell you to chat and from so a issue of conversation +Lets talk about memories +About the best thing that has happened in your life +None +How has your life changed +Okay +What's the best thing that has happened to you in your life? +A lot of things +You feel the best thing has happened in your life. +None +That's a good topic. +Yes. I meet somebody with this kids +Yes +I think everything begins knowing someone, +Yes, I say the same +These kids must have not been here +The best thing that has happened to me was meeting my husband +Yes, how +And the second best thing that has happened to me was having my kids +Yes +Be healthy and staying healthy. +Yes, because if I had not met the boy, I wouldn't be here. +In reality +Another wouldn't have these kids, I wouldn't have known you either +Yes +If it had not been for +Why not? A good topic to talk about is music. +Yes +Yes, and it is entertaining; you talk for twelve minutes and they cut you off +Well here me I like them +Yes they tell you that you have thirty seconds to say goodbye +None +And even though we have twelve minutes to talk about what we want, because they are starting to recognize our voices +What is this called +The idea is to talk because the entire conversation is recorded +After the computer knows that +Who is who +For the accent +It's the form of speaking. +None +The stamps I have and they are inventing something +Yes for the +Then they need people that have different voices +No idea, and I hadn't called because I would say no you can't call +And the +Much earlier +The girls all using this number +Yes +Yes they call each other at once, at the same time +None +And they connect well +I am going to try then to call after a little later or in the middle of the day. +Yes but I don't know if you can make two calls at the same time +In the same day +I can hear the voices of the beautiful kids. +They are here +I can hear it very clear +They are both laughing +They are, and what are you doing for them to laugh? +They're sitting on my lap and they looked at each other and laughed. +They look and laugh, and say you look like me, no no you look like me. +One has a lollipop so he throws that lollipop onto him, while they are there. +They are interesting, they are growing, do you talk to them? +None +Do you talk to them now? +How? +Do you talk to your kids? +Yes, I talk to them when there's time +In the English? +In Spanish +None +And in english? +In English because they are going to know different languages. +Yes, that's why they grew up with two languages +Yes +They also grow up with not having an accent +Imagine me with Geni with two languages. She speaks both languages, she can read both languages. Nevertheless, she has an accent and has trouble with Spanish. +None +She is three years old. +None +When she was two and a half months old I took her to Chile +Where did she learn how to talk? she learned to talk when she was in Chile? yes +Is that she only learned words, not complete phrases because +None +We used to come here on vacation every year and one month here +None +Her father always spoke English to her +She was confused +When she would hear him, she would hear a very bad Spanish from Michel +None +Bad English from me +None +Now I speak better English. Michel speaks better Spanish and can read both languages, but she gets confused.d +Speaks with a strong accent +I speak in Spanish but the bad thing is that when I'm with another person and they speak English +I spoke to them in English +But isn't that bad? +It is bad but it is not at the same time, because my accent is not understandable. +No, it is not good. +And I know that they are very little now they are not going to, are not going to but that oh the same all of this is being engraved since +Yes. From the time they are four months old children begin to +Is that +Do you have plans for Christmas or Thanksgiving day? +For the day of thanks we are going to go with Armi's grandparents something to eat +I see +My mother-in-law is fixing up the house +Yes +So we are going to have to do to his grandparents' and they together +Planning gifts for christmas? +What thing? +Are you planning on giving those gifts for Christmas? +None +Not yet +And you? +The children are already going to be big; for Christmas, they are going to play +Yes +How beautiful +And you already have plans for Christmas? +I am thinking of buying the tree. +None +Live like every year we buy live +None +We are going to see, I don't know look at Michel I bought him a car +Really? +Yes +A real car. +A big remote control car +None +From 160 dollars I found it on sale for 50 dollars +What kind of car is it? +Like in James Bond +None +It's James Bond with remote control, I am going to put it like a present from Santa Claus. +None +And for Jenny, not yet; I am still looking for something for her. There is something she likes a lot, a Gameboy but a new one +None +You do not use keys. Touch the little things and it moves. +Yes +One super new that came out +None +I would put that one for her because that's what she wants. +What did you give for her birthday +And a karaoke +A karaoke, and do you play with it or not? +Yes, it sings. It is good because at her age she is reading. As she reads, the letter get darker and change color. +None +She sings the song +None +Yes, it keeps her entertained, and it is good for her to read faster. That is great for Christmas, and my father-in-law +I bought a gift for Jonathan +None +That is one +For the +For the computer, it has to move the mouse +None +Move the mouse and it has a calculator +The mouse has a calculator? +The part where you move the mouse is a small square +That little plastic thing +And that +Okay. +So that I bought one for me and one for us on the part of Jonathan +None +Believe that +They are going to be here for Christmas or are they going +We will leave for Arkansas for a week +A week. +Every year we go for a week +Oh, I Cristina told you the other time that they are thinking about going to Chile for work +Yes +It won't function +No, but it still has not begun. +But she said that at least all the things +It is not true +None +They told her/him they have the personnel. If anything happens, they'll let him/her know +Yes +That's how we later call you +Something like that +It turns out that he/she hasn't started the job in Chile. +None +I got excited. I told Michael, if we get it, we go +He would go +Michel, yes. +None +How can we not go if recently we bought the house? +None +We sell it well I get giggly because for him is so easy like that just get rid of things take and then dispose off them +For me is very hard +Because it cost you a lot to find the house +I still not put curtains they are getting here slowly +None +We bought at JCPenny +None +They get here little by little first some curtains got here last night for the upstairs side +None +Then I got the other upstairs part and I still am needing three curtains that need to get here +They are the living room curtains +The ones in the living room because I did not use blinds. +New York. I am in Georgia. +I only use blinds in the dining room because I have large windows. +None +Then they do not exist in that size unless you have one made exclusive for them. +Especially for +Hi, +Hi +Who's this? +My name is Annie +Hi Annie, I'm Arturo +Hi, Arturo. +Where are you calling from? +Miami +From Miami, I'm calling from +Where? +Philadelphia +Philadelphia +Exactly +Puerto Rican +Ok +And you? +I'm Mexican +None +Yes +Are you studying here in the United States? +Exactly +That's good. +Do you study or work? +I have a twenty-three month old daughter and a four day old son. +None +No, I'm working +Yes, of course +Not outside of home +Yes, a lot of work at home i imagine +Yes +That's good, but very happy, right? +Yes, a little tired, but very happy. +Yes, your son is four days +Four days +A little +Yes, +Why do you live in the United States? Have you lived there your whole life? +Yes, my parents are from Dominican Republic +Okay +In the Nineteen seventy +None +I believe it was sixty-three. +None +But a revolution in Santo Domingo +OK +And they went to live to Puerto Rico +Okay. +They lived there for about twenty years. +None +When my sister went to college, she came here to the state of Florida. Then we moved to Miami. +OK +I think I was five years old +Ah, very small +Yes my sister is ten, eleven years older +None +Then from there we, we stayed and +Yes, +I went to school here and you know we made a life here +Yes, of course. +And +And now you are married with a Latino, or an American? +An American +I see. +Yes, I met him at University +K this from here, in Miami I suppose +No, I went to +Okay. +In +OK +Then I met him there +I see, very good, +Then +And +None +And what language do you speak with your, well it is that now you don't want to talk yet, your children true because +Well +He is twenty-four months. +She is twenty-three months and the other is four days old +Twenty three, yes. No, it is. +What we do here when he is not here, my husband is not at home +None +I speak completely in Spanish to my daughter +Okay +When he is here we speak English. +Okay +That way, she can learn both languages. +Recognize them +I get surprised because many times she says things +Yes we want my daughter to also practice a sport but we want to wait until she's a bit older because she's just five years old maybe she's much too young +I hadnt realised she had already learned +Oh, really +It is in English or Spanish. +Wow +She is already learning +Very fast +Yes, +I don't know at what age kids start talking normally. +And I think she was fifteen, sixteen months +Okay +She's learning English and Spanish. +None +You take the kids that take a little more time to talk. +Yes +So I picked up my little girl and her friends. +Yes, +She needs to speak louder +Yes, +Until recently +None +I knew she could understand and could speak +Yes, but +He had to learn the language that was a little more difficult +It is much more difficult. But I believe it will be good in the long run. But not very good so far. The language is an advantage +Yes +The truth +But, you know it, I know that she understood +None +What I was saying +Yes, I imagine +I know she understands me because when she doesn't know how to do something, it makes her feel dumb. +Yes +I see her little face, and I know she understands me, exactly +Children are very clever. +Yes +None +So she understands it, she speaks it. +None +And +I hope she stays like that because that's when she's growing, and a lot of her friends speak English. She's going to practice English more I think +We are not going to send her to school but home-school her +Okay. +Because I was a teacher. +None +Then I think that, instead of going and teaching someone else's kids, I should stay home +Yeah +I can teach my own children. +Yes, that's true +So +But, what do you think about her not having school mates? +Well +That's also not an experience, bone +Yes, there are many programs here in Miami, for people who teach their children at home +None +Then, usually once a week, they will be together +Okay +Then it's like school, they have a class that they'll have to teach in English or at the University, but as a school that meets once a week +Okay +I have many friends and family who have done that. +The +I don't have any problems. +Okay +None +Yes, +I want her to have lots of friends +Yes, of course that's what I was thinking, that's part of the experience, no, to be in school with people you know +Yes +I think that it's important when you're a kid to have true friends. +Yes +I don't think so +Yes. +But yes as long as she has contact with other people for at least once a week only +They have sports. In other words, the places in the community +Yes there are many, there's a lot of contribution from the community +They socialize +Yes, I see +You know +Yes since in Mexico that's not common you understand, it doesn't happen at all +Yes, +So I don't know anyone who has come out from that type of school, you understand. and I've always been very curious about how they do it here in the United States, because here I do know is much more common, there are a lot of people that +I dont know that he come from home schooling +Yes, it's like any other experience how you take it can be good or it can be bad. +Yes +But I also think how the schools are here, also how the kids are +It can be very bad also +Yes, I would like for her to have friends and all those things, but at the same time I think I have to protect her. +Yes, but you have to be careful. Then again it's bad to over-protect them. +Yes +It can be very bad +I want to teach her for a reason and a way to present her. +Yes. +You know +Yes. +It's different than what they show you in school. +Until what grade do you think to home school her? +I don't know. I haven't given it much thought since she's only two years old. +Yes +And I haven't started +In time we'll see +Yes +Are you planning to teach him the whole elementary grades? +At least sixth grade +Okay +We'll see because I can teach her up to High School +Yes +None +You've taught classes up to high school? +Yes +Which subjects? +Well, I was an special education teacher +Yeah +I taught everything. +OK I see. +If you don't agree I won't do it. +Yep. +If I don't understand the topic I teach it to myself and then I am able to teach it to the kids. +OK I see. +How are we going to say algebra +No +I don't know but could forget it. +If +Because I don't have time +Yep +Before I started the class I remembered everything. +No +What's there to do? +Yes, of course +I could teach them +None +That isnt so hard that i know for someone else it could be not for me. +Yes, in high school, the subjects get more specialized, like chemistry and physics is more advanced. +I know that now +None +They have classes for kids that can take and solve them on the computer +Yes +And they can go to high school on the internet +Yes +There are many options +Yes +That one must +Yes, no +To register the (person!?) in a public school +None +I know that these Universities +None +Have classes for kids too, in high schools that can be taken in the University +Yes, I heard about that +We have many options +Very good luck +And +He is barely two years old and right now there is no need to think a lot about this. +No, but since my husband says that I'm a teacher +None +I'm always reading her books, I'm singing her songs +None +So that she is having fun but learning something at the same time +Yes. +So I'm not really giving her formal schooling +Okay +But I am teaching her +None +Little by little, she already knows the alphabet. Well she knows the song +Yes, she reads +Yes, so she already knows the numbers +Yes, +A little. If I tell her one she can tell me two, three. Then the next one she tells me. She already known that eight comes after seven. Things like that. +Yes, she already knows the order +Little by little +Yes, That's good. +So you know +Yes, sounds very interesting. +Yes +If I was in your situation, I do not know how I would do it. +I can't give my son classes because I didn't have an education to be able to give classes. +None +I imagine you must have studied something like Education +Well +What did you study? +I studied education but they didn't teach me how to teach a kids +Yes, no +All those things I had to learn when I was working +None +So I'm using the experience +All that you acquired when the schools gave classes +Yes, But for that reason for me to do it with my son +None +It's not a problem because I already have the experience. +My name is Mariza. +Good afternoon, my name is Lorena. I am here in San Antonio, Texas +Hello +Hello, today's topic is very moving. +Yes, it's hard to me to think about which one is better. +I said it is going to be memories. Memories are the most important thing that can happen in life. You live off memories. +Exactly. The more time goes by, more memories there are, I wouldn't know which one to choose to start with +None +The best +That's how it is, I am a mom +Yes, me too. +I would like to think about the best that has happened to me, maybe it is to have had my children, I remember that at the moment in which I was having him I said, this is the best that has happened my whole life then I want +Of course +I want to be consistent with this comment that I made to myself at the moment that something was happening, but however there must be also other things +Wonderful and maybe you cannot select just one really +Of course, that is what I was thinking and also I asked that if that had not happened how your life would have been different. In your case, not having had your children +Yes, I wouldn't have liked it. +It is +Now they are bigger. They have given me so many beautiful things, that made by myself it wouldn't have been enough to get so many memories and so many +I have a son who has some health problems and that is very painful +Yes +Emotions are more tender and higher one one end, and then we have the husband +Yes, and it's that. No. Yes. Yes. But the children. +That also has a lot to do +Yes +None +No +But yes, I would think that it can't be just one just one event +Sure, +A painful event,painful memory, the death of my mother for example +The death of a family member has to be the worst that can happen to someone. +Yes or a son's illness also +Also +It's very painful. You can't say that's only you. But it's nice to try to think about it, no +Sure like the second part of my question, it was that what would have been of your life if that had not happened, that negative or painful event +Yes +I mean that the person wouldn't be there alive. As in my case, my mom is still alive but my grandparents both died a long time ago. +And I didn't have the opportunity to say goodbye to them because I lived far away, so that maybe the would be that that what would have been of the my life would have been different, if not because of course they couldn't meet my husband, or my daughter either. +Then yes +Exactly +Life would be pretty different +Where did you meet your husband? +Here in the United States +Because you are from Spain +Yes, I'm from Spain. +Yes +I came here to study but I met him, ended up staying and I've been here for twelve years +None +I have a five year old girl. My life has changed because kids change parents' lives. She is still very young and I still have some time +Yes, yes sure. +And so, nothing, I know, It's different when kids are older, they become more independent but I still have to go through that +There are so many things and so many phases. +Sure +But at this age is when kids are more loving +Yes, everybody says that +It's a very loving phase and when they grow up they go out and do their own things and, for example, that's nice too but you don't get that much love as you used to +Mom, I had a good time. This is more like a conversation, a different level +They don't depend on you that much; they are not that close. +Yes +But it's really nice, it really is, so, to you, what is the best thing that has happened to you, your best memory +I only have one child. I don't know if I'll have more. +Okay +I don't believe I was ready to be a mother because it was a big change and pregnancy was really hard and the +We have raised her, my husband and I, here both alone. Then it was a little bit difficult, but also to have a kid change your life is the best thing to have happened to me +Until now +Yes +It can be compared with anything. +It is twenty five or twenty four +Of course +None +The other question was what could be different if I had not lived and maybe not have been a mother. My life would be very different +I finished the studies. +Right exactly +Of course, got a more more important career, or had travel more or met some other person, but of course you never know you only can imagine. +Exactly, and however you go accumulating +Yes +Memories in Christmas, high school festivals and kid sports festivals pictures. +None +It is like precisely, putting together this life because it is like it was made of memories, not +Exactly yes, I have thousands and thousands of pictures, all are of my daughter, that's because, the +It's easy to say what is most important, because excluding that of course, without that i don't know. I traveled a lot, I've met interesting people that you can't compare with +With the children, I guess +Like a whole and you don't study to become mother +No +The human being doesn't study how to love but finally the emotion is more profound and complete, no +Yes, like I was telling to my sister that she doesn't have any children now but when she will become a mother she will come to know how it feels to be a woman. +Complete because they've been married 20 years. No, they don't have any children and I don't think they will. It's difficult to explain. +It's difficult to explain. +It's difficult to explain. +The expedition and those huge cars and that spend like that? it can only run like around twenty miles, eighteen miles per gallon, that is a huge expense +Yes a had him because i say i already had thirty years, and i said it was time to have one, have one now or don't bother if we get to old because +To raise a child you should be patience and energetic. +Lots of energy, indeed. +Of all. Yes, my daughter requires a lot of patience and sacrifice +None +And +Yes, actually because she's very playful +She is hyperactive not like me when i was a child because i was lot more quiet and did all my father said +She is more like three, sometimes is +Yes +I finish tired after all those days. +That's how it is. +And +They have a strong and active character,. +Yes that is what i think of waiting for her +I believe she will achieve many things +Yes, if i compare her to my niece, they are so different, I think that my daughter, she has a much stronger character perhaps that will help her in the future to get ahead +With all the difficult things that will comfort her, the challenges +Clearly +No, I have a daughter, the youngest is like that and on top of being really good in her studies she is also an excellent sportsperson +Yes, exactly. That is what we want, for my daughter to practice a sport. But we want to wait until she's a bit older. She's just five years old. She's much too young, but +She has the body to become a sportsperson and perhaps that will help her develop more and +Perhaps her character could too +Yes +None +And perhaps calm her +She can get tired +Yes, we can't continue likes this +Yes, she needs to get tired, what ridiculousness +I don't know; they tell me that it's the age. +Where do you live? +We're living in Philadelphia right now. +My eldest daughter is studying at the University of Pennsylvania in Philadelphia. +What a coincidence, it is a good university +Yes, it is in Philadelphia +Yes, here is a city where many young and important people come to study +Yeah +We have found movies that are for children +I would like my daughter to go to the university, but we are years away from that. +What did you study? +Psychology, but I did not finish the degree. +None +Well after I was pregnant we wanted to raise her at home e did not want to take her to a day care because we felt that it's the traditional form that I was raised, that I was with my parents, they took care of me +None. +We did not want to leave her alone in a daycare, alone +That is a good decision +Yes it is good. +I have to take a lot of vitamins to have the necessary energy . +Yes, while it is possible +Now you will see how quickly time passes I, celebrated my youngest daughter's fifteenth birthday yesterday +Wow +When you look back you will have many more memories of what she did, and that will be yours because +They achieve great things thanks to the support that parents can give, and from what is given, what you are giving, not like you are saying that you leave to one side +Maybe your career or your profession are more personal +Yes +None +Hi my name is Juan +Oh, it's a pleasure, Juan +Pleasure is all mine. Where are you? +None +Where are you? +I'm here in the state of Idaho +Yeah +Where are you speaking from? +I'm in Texas, in San Antonio +Wow, a little far away. +Of course +We got the subject of movies. +Yes +I don't understand a lot about the ratings. I know that there are movies that are PG thirteen, PG +Yeah +I've seen some that have more swear words that are PG. They're more violent and more +None +Yes. +I don't understand +I haven't taken into consideration those classifications +OK +I can't understand them very well +OK +I think they are, a little bit complicated, instead, they should have a little bit more information about what they have. +Yes, I would have loved to learned how to play an instrument, but I'm horrible at that stuff. +Ok, but in general, as i no longer have little children +Yes +Children, i don't worry too much +Yes +About those classifications; however, I worry because when we go to see a movie that's worthy, that's interesting, and not just any movie, then the classification... +Yes +I am so interested in that as much as i am in the quality and the comments i hear about the movies +Right +I dont know if you do the same if you always go with someone +No, I'm married, I've been married for three years and I do have a kid, he's 20 months old +Right. +Just about to turn two years old and I am concerned about that +For example, he, if we watch a movie and we really love it, we love it if it's ~PG or ~PG 13 +Right +What we watch the most, we don't really like, neither him nor myself, to watch adult movies, or those that +None +Up to PG13 +Yes +Those, or at times one that is R, but the truth is that I don't pay attention. For example if there is a movie that we like +Yes +We buy it and, for example, sometimes it has nude scenes or something like that; my husband grabs the movie and erases that part. +None +We do it mostly because there are times when neither my husband nor me are going to be there, so then the children might grab the movie and could watch it. +My husband will record a commercial. +None +They can watch the movie,it will be purely cars or action. +Yes +If you take away the part that is a bit pornographic, because you see that always, even though it's a good movie it always has to have some nudity. +Yes +At times it has nothing to do with it +There is always something. +We have movies that are action or cars, and suddenly up comes something that has nothing to do with that +It has nothing to do with it +That's what we have done because we are going to have other children. Once in a while they will be alone and we don't have to worry that they are going to watch a movie, then +There will be no problem +Yes, yes, I believe that in that sense, you might be right +Yes, +Ook that very curiously +Yeah, +What worries me the most in the movies is language and the violence +Yes, because it really +Generally because when there is an exaggeration in language +Yes, +Or in violence, everything else is the same +Yes +So when the movie is like that, R, obviously it will have scenes of all types. +Yes +The movie rating R means that it has restricted content, but it may be an exaggeration. +Yes, right. +Showing the ones that supposedly are PG-13, that is for children of thirteen years of age that can see it then, but sometimes, they say vocabulary and sometimes they show scenes that +Of nudity and that, so then, since they will be watching, +Yes, +I am Mexican +None +For example, on television they care of you and on movies they still care of you a bit +Look at that. +I don't know. It makes me +Making memory of the movies we have gone to see lately, they are all +Very fast +PG thirteen I don't know where to hold it because the ones we have around here +None +Available at the theaters +None +They are, simply not really good +Yes +Then no, let's not worry much abouth that information because my kids are already teenagers we always go to the theater all together +None +We always go for the quality of the movie more than anything else. +Yes +The classification they have to oriented us about the movies does not give us much information +Sometimes it does not say anything, because sometimes for example is says +We don't take it into consideration. +When you are watching it, bang it's different to what it told you +None +If it says It has too much violence, and is not violent, it is not clear information. +Sometimes +None +You don't even pay attention to it. +None +Those things that they sell, for example, to sell TV sets +What +That they remove or block bad words and stuff like that, those work sometimes but they don't all the time, they work but I don't really own one +One of my friends says they don't work properly because they sometimes block words that are not bad, and real cuss words are not blocked. +Yes +None +I think we should be involved in the education of our children +None +We've never done any acts +Yes +We talked +Yes +When we are worried about this, we say hey, that was really unnecessary, they could've cut it out of the film, that was rude +Yes +No, we analyze it as a way to educate our kids. +Yes +It generally works for us, they are older now +Yes +And now, he has good common sense about which movies to watch and which ones +I remember when my mom would watch a movie with me and we would always watch movies after ten in the evening. +We knew that we were always going to find +None +My mom would take a chance to get ugly movies. +None +The ones that are not made for children, but for example, she would say if they were airing a movie that had bad language +Yes +Or something different than nudity, but still, like with little clothes on or when we were kids, +None +You can watch it and then you will understand more and she would say +Yes +When you say, Turn around and look away, you are not supposed to see that, it's like you are telling them to do so. The teenages will do it because they are wondering why their mom told them not to watch. +Sure +If the movie is playing on the television, they are wondering why they can't watch it. +They are going to find out about those things in the end, they are going to have opportunities to see all those things +Negative/positive +Talking about those things should be censured. +Yes +That type of thing I have never thought of. It has good because +Yes, I believe that +There is too much information about movies that it would be convenient to go see with your family. +Yes +Inform ourselves what the movie is about and the quality which is made +Yes, this is true +Because there is too much violence in cartoons +Yea, +There are cartoons that are made for children and has exaggerated violence +Yes, and shown during the day? +Everyone in the White house is a reightwing republican. +Yes +No, and the others are okay, less than five percent are worth watching. +Yes +No, but with those you have enough to have an idea of what you must be looking for +Yes +There are so many movies made, you don't have to see them all. +That's true. +Right, and then +That's true +Yeah, now in fact I am working with the deaf children's parents. +Right +About the critics towards that movie and then we go. +Yes +That's what we look for when we go to see this movie +Right +Since my kids were little, they've had that education because he likes the movies +Right +Never even when they were little +Right +If there was a movie sometimes we took them even if it was fro the older people +Right +And yes, maybe some scenes could be a little stronger, but one scene doesn't necessarily make the movie. +Right +So we tried to talk about the message, right?, for example, a lot of war movies, right? +Yes +A lot of war movies are, for example, saving private +Yes, good evening. +Good evening I am Joe +What is your name? +Joe +Joe? +What is your name? +Alex. +Alex, where are you from? +I am here in Los Angeles I think we've spoken before about religion. +Yes, I remember. +We talked on the fourth of October, +What a memory. +Where are you from again? +I am from Denver, Colorado. +Yes. +What do you think about tonight's topic? +I watch television by quality not by classifications. +Yes, me too, I don't pay much attention to the classification, apart from and I am at an adult stage no of course I have a little girl that +I monitor her television activity so she doesn't get scared. +Of permissive things also in the for example, the movies out there, I now think that it's more violent. I don't know if +Enough to classify because they are making very violent movies with lots of topics +Yes, no, I am interested in movies and television through the topics they have +Yes +Good movies teaches us something +A documentary has value. +Sure +One cannot deny the truth of life +Sure +You can not live life with blinded eyes. +Like the movie that is, the allies, about the Iraq war that I believe is about the experience the soldiers are having +This one with the colored actor, his name is Jamie, I think it is Jamie Foxx +Yes +There's another boy that is traumatized when he is experimenting in Iraq. Those things are very real and they happen every day there. +Those movies may be political critique +Yes, true +The Bush administration, maybe it has always been obsessed with war. +Yes +MIsstrusting the iraq public. +Yes, transfering many things from outside of the lie he told in order to invade Iraq +It is not worthy to do that, more than one thousand soldiers already died +Those movies are very important because the majority of people are very ignorant about things that happen in life +Because you don't have information +It's true +The information we get is propaganda. It is important to see other versions of what happens in the world, not only the Bush administration's version. +Yes, it's true. i think that movie classification today is rather relative. I know they have from thirteen, +These days is beyond what is permitted or not +Many movies don't make sense, especially gang movies. +None +They need to see the violence +Those movies are bad +Yes, very bad +Because they show the violence +It glorifies it. +Yes, and they only do it to sell it, not for the value +And that isn't for selling to +Certain people. +Yes, that's why i see you boys copying that in the way they dress or walk and even talk because those are their heroes +Those shows and movies corrupt the young and show them fake values. +Society, the parents, the family has a lot to do to make them understand those things and how to treat them +I see something that I don't want her to see. I don't force her in such a manner, saying don't watch that +I try to teach her why this program is not good for her +Me too I have a fourteen year old son +None +I have to set control on sex channels whenever he visit me. +Yes +Yes, he's obsessed with that show and watches it while I work +None +So I have had to control him, he can't do it anymore because I already have it controlled, but I have it controlled because it took the step to control it. +Yes, +It is the job of each mom and dad to controlthe television that their kids are gong to watch and not blame the classifications. +Yes, in my house, I have basic cable so there's no channel that crosses the line +Do you have teenagers? +No, my daughter is only five years old +Yes, a girl. +There's a Disney channel that she loves to watch and also we watch the discovery channel which she likes, and there's another other +Comedy program that are not that bad that we both watch together, she likes to laugh a lot, she likes funny things +But when there are things that go beyond, that cross the line, I don't let her watch because I don't want her to learn those things. +They make those things interesting, even when it's not morally or socially correct. +Yes, you can teach your kids but, the truth is that you as a parent should not have your eyes closed, +They are going to have more temptations than what we had. +Yes +No, we are not good fathers according to culture. +Which culture is more +Today's teenage culture involves gangs, hip hop music, a lot of sex and violence. +The videos +The videos +All of these things. +It is not easy to control everything that you try and I try to explain the consequences if you do this +Yes I'd like to understand what happens and what are the consequences if he has sex with a girl. +Yes +One has that to continuously talk to them about the things that the parents see because I am a substitute teacher in school. +Yes +They care a lot about the boys when they are five - ten years old. When they need help, the parents are not there. +We begin to fail +The teenage years are critical +Its the teenage years where they start to do more. +Exactly +Not only when he is five or six years old +The manner and reason to think they say we were teenagers, i remember how i was in those years +I had my rebellious spirit but it's when parental guidance is most necessary. +All depends on the education from the fathers +The classification is just a number +And if anyone comes to see, it's like when they're all alone with their friends. They can see whatever they want because there is nobody to forbid them to do it +Yes. +If anybody helps him by talking about what is good and what is wrong, that helps a lot +To make a wrong choice +We must give the boys a basis. What's good and what's wrong. Not only when they are five or six years old, but when they're fifteen, sixteen, eighteen years old +Exactly +And it is more important when they're fifteen than when they're five, because when they're five they're going to follow the easy rules +Yes. +When they're fourteen or fifteen, that's another story. +They believe themselves more independents, that they don't need their parents anymore +They already have friends and fit in +Yes. +Mom and dad are busy, but they still have to work +Young people influence nowadays is pretty big. I agree, but I remember I also was influenced by my friends when i was younger. +But I can see that technologies and such things are greater. Because really the movies, back in time when I was a boy weren't as violent as they are now +There weren't video games either and television was more restricted. Neither all that modern violence, nor blood or bodies were shown like the CSI and all those shows are pretty graphic, classics. +Show things if they were real +None +Well, young people get used to watch that as acceptable but when I was growing up if those things were shown it would have been chaos! +It wouldnt have been allowed at all, but times are changing and thats why young people are influenced by it. +In a big and negative way, these things are acceptable in our society. I +Yes. +I hope that when my girl becomes a teenager that I'm +Now, that's going to be in a very little time, my friend +Yes, I know, time flies. +Time flies. +I remember when she used to be a little baby, now she's jumping, running everywhere, learning lots of new things, being curious, asking a lot of questions. +Hello, my name is my name is Marisa from Philadelphia +Hello, Marisa? This is Carolina from Los Angeles. +Good evening. +Here it is good afternoon +T is three hours earlier, yes +My mother, how is it going to be? Today we have a very difficult topic +Very difficult +Ay, my dear mother, because I am from Venezuela. +None +Where you from? +I am a Spaniard. +None +Well +We are living in a very critical moment with the United States and our new president. +Yes. +My dear mom +Yes, I experience something similar, but my beliefs about the United States aren't great either. +Wow, +Of the United States which is what +It is strong +It's very +Even, I don't know if you have this, knowledge of a page that's called TV For All +There you can see the television channels of +No. +All the countries of the world, including Spain. +Yes. +It's called that +TV for all +All television for everyone +None +There you can see, and we randomly, we have been looking, a particular channel from Venezuela +None +And, well, English, in fact a +None +Especially with our president, who is a person. +As we say in Venezuela, clear and rough +None +I don't know if you had the opportunity to hear him +Well I think so. +Exactly. Then +Yes, in Philadelphia, you have various Hispanic channels like Telemundo, Univision +None +Galavision and all that. +Smae as here +And you hear it all, yes +You know that all those people air whatever they want +Here we have Government control +Exactly, exactly +We only hear what they want us to hear. +Correctly, and they put, including this, sometimes they twist +None +They twist what is happening and then i always meet people that, for example, say damn, you, what do you have to say about that crazy guy you have as president ? +They touch me and that is why i totally agree with that crazy guy +Was that after they tell all those atrocities to you? +None +I try to have patience, because it's a delicate issue. +Yes +I did not have any incovenience with some Venezuela people +None +People that have lots of years here and lack the knowledge about what really happens there +Yes +They are afraid of the idea that they have been slfd, communism, that I don't know what Fidel +I really don't have as much knowledge as you have but the situation that we are living in Venezuela is a very special situation +None +Very distinct to Venezuela, that is that it doesn't have anything to do with the Cuban reality, with what happened in Cuba, how I know, I know they +They assumed it was that system, so I adopted the necessary system for them. +They were applying that because there were mistakes in everything, just like the mistakes we have right now. +None +We have been making mistakes, however, well it is being work on function of that, like the president says clearly he has a claim against +Government, not against the the country but against the government +Of course. +Well they assume some politics how would you say it best, arbitrarily +The world's police are the ones that pretend to be +Exactly +Bosses of everything and, and they tell you what is going to happen, and if you do not agree, well in a bad way you have to agree with them +Exactly. Correct, that is, and if not, then, I extort you you, +It is exact. +None +With embargo with everything there might be, or the worst ways, with violence, with war +Exactly. So it is a situation rather +This +Delicate, but I believe, the North American town is waking up in some way +None +And there are a bit more people that are realizing what is really happening, because they have them like in a bubble +Still a lot is lacking, and that is what gives me more +Yes +It makes me mad to see how other people manipulating the people. +Clearly +And you intend to tell the other person, but look its like this. You don't realize? So they tell you no, because you are +Liberal, or communist, or you +Clearly +They give you these labels +Some labels continue, bad ones, in passing +You are not a terrorist and we don't want you. +Correct +And I say, but yes, no this country, not bad they are not country, it is he the leaders of the country +Exactly, that is what they sometimes say to me. What are you doing here? +Yes +I said to him, look I could be in Venezuela and not support the president or the fact that you are in a +Country or not, or you fled your country does not imply that you have a position +None +The people are here. +Of course. +In the opportune moment, but that has nothing to do with the opposition because of how many people. For example, they don't live in Venezuela and what they are doing is throwing them the enema +To the Venezuelan government and the town +None +You don't have to be here or there to support or not supportit is a position. when they tell me that, it makes me laugh. +Yes. +Because. what do they do here? and well it may be the same thing you are doing thank God. That you are here and not in Venezuela. +N Spain it is the same what happens is that left government even if it were right it is another mentality +I have never seen that they make manifestations and left here that is never seen +Correct, no. Well with all the gasoline problems that have really been, well look +None +In a surprising manner, that the people can not, no, they don't protest, I say, my God but what happens with these people? +I dont know what happens or they change their car and they buy a more economic car +Yes. +They don't have that necessity to protest +Yes. +I don't know if you were in Pennsylvania? +Yes, Philadelphia +I feel like people are starting to wake up. +None +I feel that they are rejecting the politics of the current president and that really things are not like they are painting them because +In the beginning I did not have access to that. Could it be true what they are saying about Venezuela? I would speak with my friends +The power of television is +Yes +Speaking precisely about the topic +Power, yes +Television is huge power +Yes, they are the ones that control. +None +Philadelphia is a liberal city. Everyone is a Democrat, but the rest of the state is Republican. People that have things told to them +Very radical +Correct. +That are very religious, very closed off, then +Yes +It is not going to change +What are you doing over there in Philadelphia? +We lived here a year ago before we moved to Florida. +Okay. +I'm looking for a job. We have just moved and +And do you think it's better there than Miami? +The work in the south is really saturated, I like it better here in the north +Ok. +Easier +Right and you came here and what did you do? +He is working in pharmaceutical industry doing clinical research +Okay +I do administrative work and I volunteer. +Ok, and whatever goes, right. +Whatever I can find. +All the same I was like flying because they said, this is my first boyfriend and and probably I'm going to get married with him and things like that, +Twelve years. +Twelve? +None +Dear mother. I have been here six years, and we're about to come back if God permits. +Where are you from? +It is good to move like that. +Then the republicans came in with Bush, and everything went to hell, like they say. +Yes sir. +It is todiendo, little by little. And don't know the world Spain is already. +Yes +When I go to Spain, my husband, that is American tells me he has resentment. He says look at your country +The world is destroyed. It is taking over everything, and +None +They believe that they are the owners of everything +Yes +And there is power resentment +Yes notice that before I used to be a little like that.and and today I understand that is not like that is like us because we do not have +Fault of the government. +Sure +Before I used to see the Americans like gringos, well I now understand that they're americans/united states citizens because this is another concept that works? no? +Yeah +We are also Americans if it comes to that +Sure +And then after that I start to reflect a little and no they are not North Americans no so it is the government politics what they do +They decide, then we sure it reflects against the town against the country +None +That is the political state of the government. +Yes I don't like I'am Spanish and American I one here the need,and it seems like but me +Sure. +I have to deal with the government +Yes,being in the democracy you have your right to protest +You don't say anything +Yes, I don't, I hope that this, +It's like a dictatorship, yes. +The linguistic project depite fairly controversial issue doesn't effect anyone. +Very +The issue, so I said. +I +None +I'm going to talk about Bush, because I have so much anger, I have to talk about Bush and put it bad because +Thanks to God you're not alone. I listen to many people that say it's not, they rant and rave about him and I say +Yes. +The people have realized. +None +They think that the people are so dumb that they're not going to realize. +None +The atrocities done by them. +No, and later, they throw their hands above their head and exclaim, oh my god, that can't be. +No, by next week they forget about it because... +Sure +The press and TV move onto something else to distract, then people forget +A short while ago the Latin American film festival ended +None +And btw, they showed a movie, The Argentinian, but the directors were Spanish. +None +And then because you know that the Spanish film industry has many types of movies, this one was a protest movie. +Yes +Documentary +Mhn. +My name is Ibet, With whom do I have the pleasure of speaking with? +This is Mercedes. +How are you and where are you from Mercedes? +From Honduras. +Honduras? +None +I have a sister-in-law and she's from Honduras also. +Where exactly? +I don't know, but I know she's Honduran as well. +That's nice. +Yes. +Where are you from? +I'm from Mexico. +The city, the capital? +Rom the city. yes, Mexico City. +What do you think about today's issue?That is it easier to break up with someone when you're young +That difficult stage i passed and get married. +It's difficult when you actually love the person, when you don't love her it's like everything else. We break up. +Each to his own. +Yep. +I think when you really love someone it works out, but in this case, you didn't get along with them. +I really do not know. Maybe they did not want to get between the two people, I believe there should be more than nothing +Communication in a relationship +None +Between the relationship there is not one of the two ieces starts to lloose th descon there is going to be distrust +I believe this can cause a break up but i know that i feel it does hurt +Did you ever have a break up that was hard? +Yes, before I married my husband I was going with a person +It was not a long time my first boyfriend +Yes? +Then this one +It's hard always. +It took me a small while with him it was not too the same but it was the first illusion I had, don't know and I had even said that no with him I will get married +I will have three children and I was putting my castles in the air and once he came and said not me until it was over. +How? +None +I believe there was I had more experience to say, until now everything is finished that I know to say then I believe for him +It's easy for me +None +After today yes. Everything was for the best because I met the one that is now my husband and he is a lot better. +The truth +How good +I don't know +You have only had two boyfriends +That's right, and +Just looking for troubles +And you? +When there is no need +Yes, how did it happen? +It's been long time since, I don't think I ever had a difficult experience. +None +With a boy. With the first boyfriend I had, we stayed for about two years +None +I remember we decided that then, I don't remember the exact reason, we would break up +None +That was ten years ago +Wow +I was nineteen, eighteen. It was +Are you married now? +Yes +None +And, afterwards we let ourselves be seen. Afterwards, that was not so difficult because we were apart. He lived on his own and I lived on my own. +None +Another boy with whom I used to move out, he didn't live with me now. +None +We were in university and he returned to his country of origin +None +That one was also easy because you stop seeing him +Yes. +None +Yes. +After that I didn't have any other formal boyfriend. +In my case with the first person that I fell in love too much +It was a lot +None +He loved me. It wasn't long, two or three months. +None +I don't want to let it affect me. +Yes. +I think that he didn't think that way, I don't know if I was his third, fourth, fifth +So he said yes, well I'm not going to marry her, I'm going to be with her and get to know here and that's it. On the other hand, I think I was the one that was getting my hopes up because of that +To tell you the truth, it hurts +Really +Yes, it hurts because I think you are excited and have a lot of faith in that relationship and when a person comes and tells you no +I think it hurts a lot more when married couples are impacted by it. +Yes. +I think it must be the worst experience of your life. +None +I hope to never go through that. I've been married three years and everything is working wonderfully, everything is fine +Thank God. +A lot of communication and things like that. +You say that is nothing. Everything can be perfect is true always +Yes. +Because there are peopel that are mistaken, there's people that think that mariage is according to the stage. And everything is peaceful +No. +Ou live with the person day and night you see it +Yes +It's impossible for it to remain, right? +No, yes. +You always love the person but is impossible for there to always be only peace, that's what I'm saying +Yes. +Because I am one. It is to be human and one has to do things that bother other people a lot. And +Yes. +To any other people, I am not saying to the person in with that one is particularly, but any other person. I know that +Eventually, well like that, we have a saying, no it's a coin of the whole world, all day, the twenty-four hours of the day, for all the rest of the life, +It is. +Yes. +Yes, it has to be something of the truth. Very difficult to keep it so. Everything is happy but +None +I think that, when you take your engagement, you go knowing the person +You're not going to know that thoroughly until you are married with that person +I have known people that they beat up their boyfriends +I think that those relationships well nothing is going to come from nothing good, because if they still aren't married +And to behave +They behave so imagine how it's going to be if they're going to be married. In a little bit they are going to say you are my owner +None +Now like they treat her then I think that those relationships, I think that they're not going to work ever, I don't know. Or, change him or +Change or end a relationship like that, I think that if it was a relationship like that it doesn't have to hurt anything +You have to think it over if you have a boyfriend that beats you. +None +You're going to rest and say that it's good we finished. I think that if everything starts doing it well and everything +Everything is going well. Suddenly someone must travel to another country, or has to go to another school. I think that would hurt a bit. +Yes. +Because, everything is fine, but only the third circumstances, they have to separate. I think that this type of relationships, that really hurts, but if it's a relationship that +That they hit you and things like that no +There are times when those relationships are most difficult one. +For people that are involved in that type of relationship +That's true. +People when they are in that type of situation there is very low self confidence +None +People think that what I'll be able to achieve is better. +I have to endure. I have to keep on enduring. +Yes. +Really it's not as easy as one thinks, he did that to me, I'm going to send him packing +That's true. +Let's not say an addict. Yes to that type of situation that +The drama is very, true? Then people don't know how to get out of that cycle of abuse, true? that's what happens. +That's right, yes, it's true because +Yes +For example one time while in Mexico I met a girl that one time she came by with dark glasses to work +None +And I told her, and now you wear glasses? Was it a cloudy day, right? And she had a bruise that her boyfriend had made +None +I told her that I think she shouldn't let her boyfriend touch her. +It is very difficult to end my relationship with him. +I still love him +Mhn. +I told her How can you love a person who beats you? Sometimes she used to come bruised +None +Used to smack her and similar things +No. +Those types of relationships are the hardest. When she managed to do it she used to cry. +Every time that she could, at every break and similar occasions because she missed him and all that. Therefore I think that yes,somehow sometimes +I imagine that it was very painful for her. +Carolina +Fabiola +What's up, Fabiola? How are you? +Fine, and you? +Fine. What do you think about today's subject? +In Washington. +Dear mother, very far away. +And you? +I'm in Los Angeles. +None +Yeah +Extremes +We're just on opposite sides. That's good. Where are you from? +Chilean +From where? +Chilean, from Chile. +Oh, Chilean. Ok, I'm from Venezuela. +From Maracaibo? +Do you know people from there? +Yeah, I'm right here +Yeah. Well, you know that they have a stronger accent. Right? like, look and you. +Yes +Yeah, +Look and you, are you arepa? +Yes. That's great. Sometimes it's very difficult to find Venezuelans. They say no. We know very few Venezuelans. +We are very few here I think it has increased. +Yes. +None +I know, yes, I young woman from Venezuela, in Houston. +Do you work at the Hilton? +No. In Houston, in +I heard in Hilton. +I work at home. +Okay. perfect. +Do you work? +Yes, I work with deaf children. +None +Yeah, when I got here, Bill Clinton was there. The country was in an incredible period; a lot of work, everybody was happy, the economy was going up +What a great job. +Listen, yes. Very strong work. +Yes, but it satisfies you having it +Yes +Having power to help people +Exactly, and i was doing the same in Venezuela, only that i was using the sign language. +I learned the alphabet there. +Chilean? +I learned, yes. +None +With signs +Correct. But, here is oral. +My daughter taught me the alphabet and some words +Okay +Not all of them. Some like I love you and other +None +Yes, small words +Okay. +But, pretty +Yes, now I'm with the first oral part. No? I'm at the other end +Of the profession. Because here, the children are given incentives to talk. +How? To talk? +None +Without listening but talking +Yes, with auxiliary earpieces, they are able to listen in. +None +They train aurally so they can recognize the sounds. +How beautiful. +Yes. That is a possibility to be able to speak clearly. They will never be able to speak perfectly will feel the difference as her speak. +They will definitely have that opinion. That there are some parents who combine sign language with oral language. No? Depending on, +Depending on the grade of the auditory loss of a child. If it is very profound, wherein there are no possibilities even with the best operation +We utilize sign language as a complement. +What a hard job for parents. +It is great, hard work and very rewarding, and in the end you will have your reward. +In another form they are going to achieve it +What is your opinion on the topic that they gave us today? +It is a candle topic. I think that relationships between partners are not simple. You have to fight with a person that +That is different, that comes from another culture. +Sometimes it's a bit difficult, but I think that live is the only thing that makes it possible for barriers to be overcome more than anything. +Only if there's love and a lot of disposition from the partners so that those differences and those tiffs that can be had at any moment +They overcome themselves. you think so? +Yes, of course. I think of love. Because, love is like +None +It is acquired with time. +Of course. +With enthusiasm. I believe that you want to maintain your family. You have to want to keep a family because there are very few people who love +None +We have had two critical moments to the point of nearly separating. There was a point when maturity plays an important role. +Correct. +They don't work hard and they love each other more than a couple who has been married for 30 years. +Of course. +They struggle day to day and they overcome their problems. +Correct. +That's the first thing that occurs to them, fight, split up. +Yes. +To think that if they decided to stay or marry that partner, +Nonw +Well, it is forever already. Though there are problems, not to go running after the first problem that you found. +Of course. Well, see that I with my husband, we ave, we are going to reach eight years of marriage, +And, it went well. Furthermore, I was ready, I was ripe for the picking, as we say here. I said, Stop, I've got this fair +They gave me and potentialized it and it didnt sit well on him and he had to stop using it and return to the basics. +Yes. +In another moment in my life I'd have done it. +Me too. +None +I had done nothing important. +I hadn't done nothing important either. look I don't see a damn thing. +Yes, as I said, stop me if I fall. What is the problem? +Exactly. +But now I think three things. +I understand. He has other things. I'm focused on the good things that he has. He is different from me, he can't think like [me] and it doesn't bother me. +But he gave me his ph- +I feel the same as well. +I understood exactly. But unfortunately the first was horrible. I thought that it was the end of the world. I waited a long time that one day. We tried while I thought it was a good day. But is that what's happening? +We were married three weeks. We had gone almost three weeks. Never in life had we lasted three weeks without seeing each other and sleeping in the same bed. +None +I said, do you understand this? +I haven't touched it. It hasn't come to that. +Hey, it's not that bad, it's very rude on our part, in reality. He said you know what? To me I think that this is full of crap. +It does not have to make sense. If you want to continue with the project, we will continue it. If you do not want to continue, we won't continue it. I love you, +I love you, but this can't continue, because you go for a day and I go for the other. +Is this what I need to define it this way? It's insensitive on our part, to live this way. Besides, in this way I don't believe in God. So what. +We will working on it. irrespective of how serious may be the situation, that luckily wasn't so serious but that neither side wanted give in +It was pride +Fool pride +Yes it is up to nothing +To nothing. But the opposite +It only affect +Exactly, then, well, fortunately we are back on track. And then after, we had another, however, this was smaller. I think the first one was the one which really left us marked +It;s the channel of the state but not as good as before +Ripe for the picking is like ready to throw in the towel +Ready to throw in the towel but not allowing to do so +If something I learned from this life is to search for solutions to problems that can be solved +Sure +What are we going to do with a mediocre relationship? I don't want a mediocre relationship. As you yourself say, there are people who spend thirty years together and that's a crap relationship +Yes? +That treat each other bad. What [is this]? Why would I want it? +Sometimes they treat each other well but they don't love each other. +Exactly +They spend all their lives together +Yes. Look, Is that a thousand things happens, really. Couples go through so much that is, is an interesting topic. +There are people who like each other a lot, but don't love each other. I got accustomed to living with him +They respect +Exactly. +What they wanted to form was a family +There are others that don't. There are others that definitely they do whatever they feel like and they keep up an image. +There are others that say If there's no love, there's nothing. +Nothing but truth is more important in love, because i felt that in my relationship. +With a situation that was so difficult if there hadn't have been love,we would have broken up. it just wouldn't have made any sense. +It doesn't make any sense to continue something that where's there no love. Well, I feel that yes. A lot of love, and many of his promises that you were talking about, to actually love. +To be here because you want to be, because it was worth it. +Because nobody is forcing you. You want to be here and fight. And in order to maintain yourself, +Exactly. +You could have a couple, it's difficult. And when you have it, you have +Exactly. +The hardest, after, is to keep it going. +It is hard to keep things fresh and not fall into a routine. +None +No. As time goes by, the important thing is that you can not leave her. +Exactly, sure. I recognize that. +The system will also bring you to that conclusion. +Your husband is also Chilean? +No, he is from here. +Love can do anything. +So easy. +You think it is easier? +There is a mister from American music that we call it that is very good +Because, my husband is Venezuelan +For certain +I believe that has nothing to do with nationality. I believe that those are universal things. +Yes, I believe that for me it is easier because sometimes, the are very entertaining because I don't understand everything he says or he says it fast, then it doesn't go well, no, fighting had no point +A lot with him, because it makes me laugh. +What was that you said? +None +Bad. +Hello. +Hello. +Hello. +How are you +Good, I am Viola of Idaho. +Good to hear you are from Idaho. I'm Alicia from Atlanta. +None +Yes. +How are you? +Good, and you? +None +Where are you originally from? +Of Chile. +Really? Me too? +For real? +Yes. +That's good. +That's funny +How long did you live there? +None +Okay +And what you call it, of course then I would come and go but more or less in ninety one, yes. And you? +I've been living here since two thousand two. +Is not that long, for nothing +Not it hasn't been that long, it's been a short time +From Santiago probably. +Yes, from Santiago. +Of course. +And you, where are you from? +I lived. +From Santiago also? +I lived in Santiage and Concepcionl. +None +Sure, +Look what a small world. +Yes, sounds good. +Have you been in this thing a long time? +No. I registered Monday to do +Yes? +I didn't know anything so far +Hello? +Hello +Ok. +I wish it wasn't this phone +Okay +No, but I was saying I've been taking calls. +You're calling every day? +I started once, and i got four calls, but i could only take one. +Oh, ok +Yes. +Yes, i got called this week too but i couldn't answer +Well +This week, I've been kinda lazy. +Right, yeah, well, sure +Yeah +I'm telling you +Yes +Fun, they give you a subject to +To have something to talk about, i think +It must be +Yes +I thought this study was to make a phone menu and stuff like that +None +People wanted to talk anout things about health and stuff +No, I was told that you have to talk about personal things. +Because you should not or because you do not want to do? +Because you should not, like personal things +None +But you never know if another person is on the phone +Of course, OK +So, that's why they give you subjects to have to talk about +It was part of the study that they wanted to hear words in Castilian and Spanish +Okay +No but no +All they told me was that I had to talk about issues of importance +None +Have a theme, don't talk as a head of sin +Is the fruit +None. +Yes +Yes, you like it here +No, of course Idaho is good. +None +Yes, I was in Washington near Seattle when I came to the United States. +None +And now I'm in Georgia, I'm in the south, so it's as good here as it is for everyone there, and I'm in Atlanta +Even more to be posted on there +None +But Idaho, for example is really rural, whereas here it isn't +Everything is really just the countryside +Yes, I would imagine myself there +There isn't much nightlife there +I bet. Atlanta is a pretty big city. Supposedly life should be really great here. +In two or three years +None +All the stores, and bars, and the clubs need to close at 2AM +Wow, at 2. +At 2 in the morning, everything is closed. +Why? +The reason is, that it has the sector and in Atlanta it's called Bucks Head +None +Two or three years ago there were some crimes and three people were killed. +None +Around there, then the city on top of the major what I do know, then the people are killing the +None +Yes a city like that has to be obligation. +Yes. But over there do people use cars? +Too many cars, yes +The same because to go out at two am is not that +Well it is that +If you have a car +I would prefer to have a good system for the problem. +Expensive +Yes +A lot of congestoin. +Okay. +None +Yes +Yes, the car +Here is totally different. +Yes, like over there +There are so many cars. People have cars because it is a necessity. +Yes +Because there is no bus. But, +None +Are, don't take to long to go to many places where I live. It's like half of Santiago's port. There are less people because +Yes +Since the houses are much bigger, they are further apart. +Of course, they are in +No, I am in Idaho Falls +Yeah +In Idaho Falls +Yeah, +I am going to a big city. +None +There in a much larger city, but +Of course +Where we are, no. It's country. +How great, is the same. gave a thing over there like this one. the one that The Washington University +None +We were latinos +No, here are a lot of machines. +Ready +A lot of Mexicans and it is more a rural place +None +They hire a lot of Mexicans to work in +None +The land and things like that +Sure +Almost all people you see are Mexican. Also, if the people see you they think you are Mexican. +Sure, yes. +At least latinos, they say Mexican +The weat +Then you are telling, no +No +I am not Mexican. +Sure, what I like a lot is when they believe I am Palestinian or Asian, if i go to some restaurants +Yes +Yes, from the middle east +None +They try to talk to me in Arabic, I don't know. They think I have more of an Indian face or something, of course, and is there discrimination over there? +Yes, the same, but not the same +None +Everywhere else +Sure +The same, is that more than anything it is with people that are Latin but don't know much speak but +Sure. +People just follow the crowd +Sure. +And then they have to walk +Yes. Yes. Sure +Over there they are very discriminating +Over here is super Atlanta and all of the South is sixty percent black. +Okay +The fact that it is more diverse is much more acceptable, but at the same time to the south is +United States has that history of being one of the more racist places of the whole United States +None +There was slavery and all of that. A certain minority of whites that hate any ethnic group and have their strange demonstrations +But things are strong like that +Of course. +They fight strong +Yes but. +Here it's not something massive. +In the rural parts of Georgia they saw things like were seen in the Ku Klux Klan +Yes, really. +Yes, still +None +And that those rare things but they are are very far the city +None +It's inside the city of Atlanta, one is a place more civilized and so those things, no. +None +Look what was happened +Oh, how strange +And how did you get to Idaho? +I married a gringo +Idaho +Yes. I was married to a gringo, that's how I came here. +Well, my mother married a Gringo +Yes? +Yes, because of that we went to Seattle in ninety one, I had eleven years. +None +My dad stayed in Chile and that is why I come and go like that. +Oh, okay. +Clearly. +Okay. +And a +Okay +Interesting. +You are single? +Something like that, we live together +None +Of course clearly. +What do you call it do you like it or not +Yes, because or its like I am in the city, I like it more city because I am from the city or the country. For example I lived in San Rafael I don't know if you're familiar but +He walked from San Felipe to the Andes which is more rural +None +Typical Chilean country and that enchanted me. +Yes +Like to be in the city because it is it is more hip, there are more things to do +I don't know, this makes me +None +Then +Esta bien +Yes +It's not like +But +It's super drastic change for me to come here +Yes, I imagine +Because I was accustomed to live in the city, and here, But there is a city near I could find all I need but the life is more +Is more calm. +Sure +More calm and everything, just it is not good because for example, there is not so much crime as in a bigger city grande +Sure +But is kind of bored +Yes, I imagine +Kind of +But the same in touchm is hard too +Same but small Chico +Hello Juan Marcela. +Hello. How are you? My name is Juan. Marcela. +None +Didn't we talk? +I think so. You are in Texas and I am in North Carolina. +Yes. I. Pleasure. +None +I have not forgotten you. Did we practice together? +Yes. +Do you have social security here? Are you covered? +I am covered through my husband. +None +And the children are covered so we are alright. +We are not. +Is it a problem, no? +We are not covered. It is a problem because well something can always happen, no? +We are very healthy but you never now. +Yes the other day i went precisely to an office in which supposedly they gave you some type of pension for +People in the community +Yes. +The papers that they asked with my address and proof of work. Finally they found an excuse to not give it to me because they asked +To give information abut the person who was hiring me and the person didnt want to give out the information +None +In my case I have a son who has epilepsy. +None +This is what I believe that they need , people nowadays, have patience and +And they didn't give you the attention? +No. They didn't want to describe me really. Then in the cases if I price with him, he was sick one time. He got worse. +I went back to Mexico and sought medical attention from my doctor. +None +And they prescribed them once I ran out of medication. I normally buy it in Mexico. +It can be cheaper. +It is a problem with the prescription and then a friend who is a doctor had samples and he gave me medical samples +That helps +Then yes, it is something that we think there should be some kind of more flexible, no, so if there is a community but it is a certain kind of community. +Yes. No, I think that the whole system is going to have to fall before they do something different. Because I think that it is too difficult to fix it because there are +The costs of everything depend on demand. If these costs are rising and rising +Yes +Because there is more demand and because people pay it. And then they raise the costs because people ask more money and people who work ask for more money, it is a vicious circle. And then how can suddenly they can have socialized medicine? +Yes. +It is impossible. +Yes. It should be +Money does not stop being like a drug, you see. They are already used to a certain amount of money. +None +Suddenly, they are not going to have it. +Exactly. It is a problem, it is a circle that works with the earnings here it is stronger, isn't it? +Yes of course it is. +Than it's more ugly. +We would stop making bombs and going to war. All of that money that could be used +None +For school or on a medical system, of social medicine +If they would lower it just a little bit. +Yes +I don't know where are you living there. But nurses and doctors who are having money lives here. Isn't it? +Yes, well nurses are paid very well because few nurses, there are less +So here, as the say, time and good care with a woman that is around thirty years old, for example. No? +None +Is an nurse and it passes. When you find out if they are really nurses. +Yes. Tell me, thirty dollars an hour. +It is my understanding that Canada have more medicine to offer. +None +Then any Canadian resident has rights to medical services, just to be there and they don't have any economical consequences +No, but the difference is that they started right. +Yes, exactly. +It's like Argentina, my parents have all the medical bills paid +None +All medical coverage is paid, they pay a little amount +The one thing we should make is at least paying something +Yes +Having some type of social security, but even that is really +It is really expensive. +It's expensive right?, I don't know how drugs are here, but in Mexico is cheaper. +All over the world +There is more competition in drugs. +Yes. When we moved here we couldn't find the drug my son was taking. +None +So, we went to Argentina last year, I went to the drugstore and something you pay more than 50 dollars here +I bought it there for twelve dollars. +Yes +12 dollars, same company and everything. +Yes. +And it could have been less if I bought the unknown brand. +Same +But, I don't understand +In Mexio for example, my son's medicine has five or six brands +None +With similar ingredients +None +And here there's only one. And second that in the literature is not the best. And listen but only the laboratories, I thought that all the American laboratories well +At the time of the competition there's a monopoly. +Yes +Big interest in everthing +That's true. It really is true. +None +According to things +But +According to what specialty they have to operate here. You know what you would have to do? +Yes. +Why don't you contact an organization that is called the Shriners? +Yes. +None +Yes, I already know +Because they help the children. +None +Now I don't know if they specialize in a specific disease, or if they cover everything because perhaps +None +You can communicate with them and say he hears we have this boy and this is his condition and this is our situation. +Yes. +The shriners are didicated to helping for themedical care of children +Yes. +Of the parents who can't pay. +Yes he knew of that. He hears, what already it was time or what? +The twelve minutes seem like half an hour. +I noticed that. Yes I only knew and thought it was for me. I was much smaller without you tiring and for more style. +Yes. Perhaps uncertain but not to find out it cost nothing +I am going to crash. +Also if you call to Catholic Charities +That, yes. +Perhaps they have something that can help you. +Yes it's very simple because in reality, good on the one hand the maintenance is a medicine that this person who helped me with the sample says no man this +Here they give them to us, you have no problem. Just go to the community center. +None +There are many samples. And knowing a bit more about the advances, I can give the medicine, we think that a deeper diagnosis could improve the life of my son. +With the epilepsy +Sure. +Because it was under control, but lately it has been nearly two years in which it has been uncontolled. +Of course he's getting older and the medicine has no impact anymore, we may need to try a different one. +And what are you going to do about it? Work's first. +None +Yes,, we was very ill +What a thing. +Yes, it's a matter of experimenting. +And you, you must live with your hearts in your mouth. +Yes, sometimes yes. +And that causes a lot of stress. +Always yes. +Much stress +Even if you don't say it your always looking after him, all the time. +Yes +No?Being a teenager my poor son is in a trauma hoping it does not happen. +None +It happens at school so he feels really bad +Of course, he is ashamed, How old is he? +Yes it is a heavy load, it's a really heavy load for him. +How old is he? +17 +Oh, it's just a teenager. +There must be a good one here. +Yes. Do you know where you can ask? At teaching hospitals +System of +At medics, at teaching centers in medical schools. +None +At those places, plenty of times at different apartments. +Yes +Financially limited people are provided help in order to get a consultation with a specialist doctor. +None +And we do not have +Is it. +They take note of whatever they give us and after that they charge. +A reasonable account. Something we can afford, sometimes they don't even charge at all +None +That's interesting. I had to get an abscess checked. It turns out, I have ADD. +Yeah +In the end I found here the teaching hospital of the University of North Carolina +Yeah +And they didn't charge me anything and they performed all the tests on me. +Really? +Yes +Everything is very well, to which orientation are we going, the place I went to precisely is called University System, healthcare system +Yes their imagination +It's precisely there where they bounced me. +With the University +I told him +But what a thing +They told me no, you have to give us information. I had a letter with my earnings. +None +But,not that we need the social security of your employer. Then thats when they didn't want ot anymore +They didn't want to give you that information. +No? not me. now I have my social security, myself. +Maybe now you can. +Yes, employed +None +Maybe I'll go. +Maybe now you can +None +Hello how are you? my name is John +Matt here. +I am in San Antonio Matt, I think we have spoken before, you are in Philadelphia? +Yes you are +It's a pleasure to speak with you again. +Yes, how have you been? +Everything is fine what do you think about today theme? +I didn't listen what is the theme +The theme is technical devices that is the devices we use more and depend of them and how do you consider these dependency. +In your daily life, if it became more of a problem than a solution +This includes cars? +Its the same issue that i was thinking, sure they must added +Yes, because it is a machine +Yes, if the cars seem to be important then +Yes the most obvious it's the computer, but it's not the only one +Exactly but sometimes seems like a personal element, depending on the case. So it can be a car, no, because the computer is a tool, every time more +So more than once, we said that belongs to the institution where you are no? its more than a tool work +None +Seems like a car +Yes. You buy a car and you are using it, have to maintain it, always a part of your life. +Why, do you need to look after the car yes, do you know ? +Yes yes, exactly, besides as I'm here in Texas +None +I feel that the automobile culture is like a reminiscence of horses +Did you use the horses more? +No? It's like a horse, it is something very close and personal. +Yes +Over the course of one's life, we take care of them and it's very important just like a horse from that time +Yes +For some years yes, because if they say no the devices that have to do with communication are the most important in our age, like computers +As permitted by the information management? +Yes, because up here in Texas... +But +You need the car, do you know? For work +Yes +Then +Exactly and here the working people are like in those days, like mules, they need a pickup truck +Yes +There's a work culture that's very important +I see. +And the computers. In practically all houses there is television, telephone and computers. But it's not like there are other dimensions of the technological question. Then the car seems to be +The most important +The questions on the subject were which +What a technical question is this!. Technology is most import in your life. Which one would you like to have a car or a computer? What do you think? +For me it would be more my computer and my cellular telephone +Exactly. +I am with it, I have my cellular. +None +When she is criticized I tell her, God loves you like you are, but you cannot be criticizing everyone. +None +I didn't have a cellphone until I was twenty years old, now that I live in Philadelphia I'm not always at home +I'm not always going back home just to look at my messages +Yes +Okay always always I am, always I have my cellphone +You have your cellphone +I think that it's very surprising that almost everybody has a cellphone, here in the United States +Yes, it's important what you said. I think working with computers is challenging and important. +Yes +In the computer there were the messages. +Yes +The computer was the most important. +But now, +The type of work that I am realizing is the auto which is the most important like the computer. Because the computer does more typing work than what I am doing. +More physical. The auto is converted in the apparatus. The computer, for a second diagram, is also very important. +But is by the type of good work. +Me I think working for Texas I undertand that there is more like land there. +More space +Yes +In the city, having an auto can be convenient. +Yes +Because always you have to try to park and to have to pay a lot to park. And the gas station is not close by and I do not know it. +Is more one problem that one torque, that one helped obviously. Understand? +Oh, yes? +It is better to have an auto, I think. +Yes, for the distance that needs to go in the job, the auto is fundamental. +Clear. +Maybe it can be a computer? +The next questions, the apparatus of communication. +None +The other question is if you consider that those technologies will convert more into a problem than, than in +Well, what type of problems would it have, no? Like you just said, with the car. The problems that have to do with parking. +None +Here in Texas where I am there are no major problems. With parking there is a lot of space everywhere. It still does not have the +Issues with cars are not seen as a large problem unless it is +We could consider as a problem the interests created around auto industry and like sometimes they seem to affect the same technology development of the +Transport, no?, +Don't you think it's great that it has changed in sixty years? +Yes +If we look seventy-five years ago, there were no cars, but these days almost everybody has +Yes. +And the same thing with the computers they have computers that are not going to let come out to the market until, like ten years, because +Since +Because they have the things very advances and the things have not +Yes +I got paid for the their development cost. Do you understand me? I don't know how to explain it to you very well. +Exactly yes, well as they say as well, with the auto industry, no? is the auto industry would have advanced technologically as much as the electronics industry maybe the car could transport us with +One hundred kilometers with only one liter of gas +None +No, nd instead of costing twenty thousand dollars it would cost you two thousand dollars +Yes +Industry has its own interests, it moves on. They're talking about hybrids now. +A lot of them say that they are not affordable. It's really a matter of image that companies do, and when it comes to see the return tables +I though they would be a lot more efficient. +Yes +No? no, I don't think they have a real, that they are a really big technological breakthrough, given the efficiency that +Yes, that was a very important breakthrough. +Excuse me? +You don't think it's an important breakthrough +I don't think it's so important. The efficiency they show is not radically different from the other cars +None +According to the tables, an economical car will give you maybe thirty-six miles per gallon +Yeah +And a Hybrid can give you fifty +There are cars like Ford. +NONE +The pickup trucks no because they are changing them so they can be more efficient, you know? +None +Ant time here, surely you dont like it. +Yes exactly and and sure, and but, at the same time for example with those autos of there have been small cars that give you almost the same mileage than the hybrid, and they are not hybrid, isn't it? +New small cars that are not in the North American market, that are in the European or Latin American market have to be much more efficient. +Yes +And smaller, no? so if we compare the costs of a hybrid against a smaller European car, or of the ones that circulate in Latin America so then +It is much more expensive to have a car because of the initial cost. While it will be saved a lot in gas, it end up +Being less than what a good economy car has? +And, why is it that +European +Why is the United States one of the few nation that has this, only here you have those huge cars. +Yes, it is. +In other countries everybody has small cars +Yes. Years ago in the 80's when there was a problem with petroleum, I recall +None +I thought if there was going to be a change in the culture, it was because they started to develop smaller cars here in the United States. +Yes, but +I thought well, there is going to be a change in the culture, but that was a thing of only the moment, no? it seems because it has some huge cars, they continue like +I'm Ana Maria +Faviola, hi +Hello Faviola. +How are you? +Fine and you? How's the weather there where you're at? +Great, it's sunny but cold. +Sunny and cold. +Cold +It's bad here, really cold. What do you think about movies? Have you already talked about that subject? +Yes +I've talked about that subject before +Yea I've talked about it and I've talked about the one I remember specifically talking about was about violence. +None +They didn't like the idea of going to see movies. And I told them, that the world has violence. +None +I've had the chance to teach children about peace and love with their TV or in the world. Later when they go out into the real world at school. +They find that kids hit each other, that they don't know how to defend themselves. +None +So I think that it's OK that they rate the movies how they do, I think it's the responsibility of adults, even where their kids can watch TV. +I agree, the most important responsibility of parents. +They are doing their movie jobs. +They are earning their money. What is your job? +It's his business. You +Doing his business, yes +He doesnt want to see him anymore it is not thier responsibility they see +Yes +That they sell +Yes +It is the fault of those that buy it. +Yes, because of that +Yes +The biggest responsibility is of the parents. +Because there is a classification of a movie PG thirteen +Yes +And you have a small child of that age and you let him watch that movie it is your responsibility +Yes +It is because you let him and you thought what can be done. +Exactly +The association is the one who puts the classifications already +Yes, we believe the same thing in that Faviola because in the end the responsibility of raising, taking are of and wanting them to see or not see +Your sons or your family. You, as a mother, or your husband as a mother. +I believe also that I agree completely and the other, normally the children have access to television when the parents are out +Exactly +The kids are alone +None +There is no father to teach them or tell them you should not watch this, you should watch +Or if they go to a sleepover, you don't know either +You don't have any idea +If they go to a sleepover and watch a movie they don't have any control at that house +You don't know either +Exactly +It is important to give your children one, then teach them. They respect those signs if you give them good principles at home. +Sure +I don't like. You watch or the time will come +Because as they say, they cannot have them in a crystal box +No +Go, exposed +Yes, also when children reach a certain age. My son was about sixteen years old when he told me, don't worry, you did better than you could have +None +It is twenty five percent genes and education, the rest is the decision of my life. +With that +Of course, then I leared. Oh wait, no, I was and +None +My cellphone was ringing, let me answer it. +Okay +Don't hang up on me we have to talk for twelve minutes. +Yes +I only went to turn it off. +Okay +I think about movies I love to Watch horror movies +OK +But there are times when I get scared I'm an adult. +You, you scare yourself, +I get scared and I go find out horror movies. +Your responsibility is to watch it. You scare yourself. +Yes +I don't watch any of that violent. +Yes. That's why I respect what my son told me that time. Fifty percent is responsibility. +Yes +You already did the best you could, but then comes the time for the young people of the past to be eighteen +That some are much more mature than normal +Yes +And they starts seeing R-rated movies +None +At around fourteen and fifteen years old. The eleven and twelve year olds are already seeing the PG-13 shows. +Yes, there +And even sometimes even the little ones. And even sometimes the much younger ones because I remember of Jenny's little friend who used to watch Harry Potter and it's +Already thirteen already +-PG thirteen, PG fourteen Jenny doesn't like it because she gets scared. +Yeah +She gets scared with the monsters. +Yes +But I am in accordance, that the major part is, the criteria that you form and that way in the end. Take care of them and don't let them watch television when they are by themselves. +Yes because +Don't leave them alone with the t.v. +Imagine the same we can't control them +It's the television more then. +That's why I'm tell you, you can control them, you can't see this movie because of this and this reason. because you need to be more mature or whatever you want to tell them, it's not true. +You have to have a formulated criteria to go and see some movies. +Yes, that's why I'm telling you that you don't get [anything] in telling them. There will come a time in which they go to a house like a friends house. +In the same school they show them movies +Or the same school. It is under a little more supervision because there is a goal. +They show them documentaries. +What I fear the most is when it goes to friend's houses. They have the television or the computer right there. +And they have access to the information without the parents having any idea at all. And they are in the piece and the parents think they are listening to music +Maybe they are watching something non-adequate. That's why I say, if my son or daughter or whoever +Is presented to that situation it needs to learn to value itself. And learn to answer to that. That's what I say, therefore trying, trying to give the values of the house +Keep going like the superman kid that went up to the window and kill himself +You know they are not ready for that +It wanted to fly. No, I don't want to ask you a question +None +Did you read the rules for this game, the telephone game +Yes, OK +I was wondering who is this and are you ready for christmas already? +I am getting ready and buying the presents for the family but i have another things in my mind +Of course about your birthday no +Yes I am getting ready buying presents for the family for the neices then there is only the adults left +Buy things for the adults, an attention, although I'll make most of the presents +That's what I was going to tell you. +I'm going to cook, yes, +Cooking and sewing but sewing given to me +Yes, also for some children too. +Not that thing in the table. +Yes, but I don't have time to wait until the middle week of December to do it. +Because they are +I don't use it +That is beautiful. +Yes, so that is what I'm going to do. That's why I'm going to do some gifts, Andreita that is her about to be her birthday soon. +Two days before Miranda. +It's Andreita's birthday +Have some nice memories in life about the achievements that you had +It was about three days. +I have a little gift for her +For what did you buy Miranda? +A screen that you draw and then you erase. +Oh it's nice +She already knew them, she likes them. She makes little dashes, then erases them. I'm not going to give them to her yet because they are very small. She puts them in her mouth. +But the screen and the pencil, yes. +Oh that's nice +But yes, because little things like this. +What a feeling. +You and Andreita enjoy the same types of things. +Do you know who else's birthday. +Okay, who? +The same date +Who? +I remember when I was there +My father-in-law, that +Your father-in-law, yes. +It is true. Who? +The, Juan Luis Sandra's younger son. +Oh yes +Also the twenty nine. I remember that everybody were there in the same date +I don't remember that he was in at least I did not know. +You went to the Carlistos' birthday +I have not gone to any birthday in Sandra's house. I was to one pure, I don't remember, really. +Once you went to Chile and left her a present, that was for her birthday, +Was in April, so, I went to Chile in April +That was another birthday. She is three. +I left the gift in that place +Yes, for her nephew who came later +Yes, he came and told me he later received it from her. But, no, I did not get his name. +Sandra won't throw a party this year for her birthday +Okay. +They will buy something better for the kid +It's true. +She makes really big parties. +It gets away from her hands +She spends too much in that, and that's why they cannot buy the kid +Yes that is exactly what he really wants. +They have to decide between the two things, so this year they decided that only the family +He could get a more special present +Of course, for a better gift +Is Juan Luis big or small ? +The smaller of all +Yeah. +He always says that he doesn't want any clothes +Oh poor boy! +He doesn't want books, only toys +Carolina +Tamara. +Tamara how are you ? +Yes and you? +Where are you? +I am in the State of Washington, Seattle +I am in Los Angeles. +Yes, +Yes it is incredible +Yes +I was making a call and did not think today was Sunday. I was more asleep than awake. +Yes they get me off guard,but do you have time participating here? +I believe that is my 23rd call! +It is almost ready. +Yes. This is the second time I do this service with them. +I received mail from them that they are again accepting persons that can participate +Yes +No, did you get the same mail? Apparently this is going to continue from what you can understand on the mailing they sent. +Yes i am +Tell me +What do you think about what they show in the movies? +Tell me? Honestly, I have more than a year since we stopped seeing movies in the regular movies and we switched to the cinema +Not too conventional. +None +We switch to movies. We see documentaries with another kind of message. +None +You watch movies that are in Festivals. there is one for example recently ended the Latin American International Film Festival +It was +Yeah +Hello! +No, I am not here on my computer, +It has been a month since I told you we were not going to continue wasting time +Time, in the majority of the cases really they are movies with a rather stupid and absurd content and well we made the decision that we didn't want to waste either time or money. +OK +Watching a type of movies that really don't give you anything. +Yes there are lots of movies so, I have noticed +Yes +Around here where I live, there used to be one of those Hollywood Video or Blockbuster likes, but it was +Smaller +OK +They had movies like the ones they're talking about, documentaries and stuff, but they had to close since people won't go due to the big stores +Sure +My husband is from America but he likes international movies too +More important things to say +Exactly +They want to see some movies and we take them two or three times a month +Yeah +We reduced it, so it's now once or twice every two months +Okay. Same here, we used to go more or less once a month, we went to the movies very often and some day we watched a movie so +Stupid, so dumb that I felt angry at being at the theater. I was thinking, what are we doing here? what waste of time is this? +No. And then we started getting information about other kind of movies, we changed completely to that kind of movie. Actually ,right now we are in +In one of those phases, we are kind of intellectuals now, because we arrived at that point where you feel like +What are you doing? I mean, to watch this, I honestly prefer to go to sleep, or do something else instead of, not all movies, there are some that have +Movie is not worth watching +I think that eighty percent of movies are bad. You must not see them. +He have to make 10 movies. We'll make then movies, it doesn't matter how, or when, just +Making them up as they go along. Where are you from? +I am from panama +I'm from Venezuela +Okay +Yes. +If it is real +We say that to the spot no that good, yes make the movies how you want but if some come out good and others if they are not +Honestly, no. And the same is happening right now with the television. We had cable and recently in a matter of a month, we cut it off because all of a sudden +That we got against that we see that there was a lot of manipulation in the media they only give you the news they want and hide what they want +That's a level of news and movies, but the money is average +But they were repeating and repeating, and repeating oh my God what is this we are paying for this then is kinda annoying right now +With the means of communication we are like this,yes +Yes, my husband and I watch news +I believe +Because every time you see something or they put on something really stupid +Exactly +Or do they exagerate a lot +Exactly. +We would be in Panama before Noriega got out of Panama +Just imagine +That white man white bought paper with my dad is dark and my mom is white and i came out dark like my dad +Did you know he was American when we went out? +Logic +We'd go in both, to the military base and our prioritized destionations +Of course +Suddenly, we got home and turned the TV on. There was a bunch of stuff going on at Panama. I looked at him +I will be there at morning. +Exactly. +The next day it was the same, and i say: oh what an ex-agent!, I think they where showing the things that happened last week and exaggerating +Exactly +He doesn't want to believe what the TV says +Exactly. +The news, none of that; I tell my kids don't believe everything TV says. +Exactly +Because it's not true, and this +I borrowed a movie that's called Panama's deception or Panama's Defense +Right +Noriega's problem and the documentary were so sad. +Ugly what happened +That was the documentary about that men that got his head cut off +I have become accustomed to having a cellular telephone +It isn't remembered +I can't remember exactly, but what I can remember is that night when they bombed, a lot of people died. A few days ago they showed a +A recall now during our President's visit +None +He was there and the people was protesting that why? The current President did nothing to remember the victims of that sector. +They were named Los de Richos. De Chinos is the sector where practically all the town disappeared. +Del churillo +Del Chorrillo, exactly +Yes, Where the police station was +In that place you say, almost happens the same in Venezuela with the current President. There are happening things that you know are happening to us. +Those things are put here in Venezuela and happens. +Don't be so shameless,don't put those things there +He is nuts. The information is being twisted and he is being shown like a monster, a +We have been through four elections and four Referendum. It is his personality +Iis uncommon and then people don't accept that. And he is not a common person and people don't accept that, then he is the first critical of all that stuff +Yes that. +I dont know if you have heard him +No, like I told you, i'm not too interested in the new +There is a page on the internet where you can watch television from all the countries including Panama. It is called +TV for all +TV +Four all +Yes, theater. +Four is a number +None +TV number four all +TV or TV for all +Exactly, there you go +With +It is dot com, yes +OK +There you see the programming of all the channels of the world. Then of course Panama and Venezuela. Now I see the Venezuelan television. +But specifically I watch the chanel from the government there. Because the other channels are from the opposition, then of course it is a little bit more of the same. +I like to watch what horrific things they are saying. +OK +Since I have this Internet page now I don't turn on the television. +The whole world, a bit like for comparing, what is going on and even we are doing it with radio, we're listening to community radio, that you feel like you +Let's not say it's the truth one hundred percent because sometimes it isn't. +I don't know, it's not that you can say everything the others say is not but +None +They manipulate it too much +Yes +I don't know if you +Say? +You gave yourself a, I don't know if you watched a movie called Auto fox +I don't remember. +It is a documentary about those who work in Fox News +None +And they forced them to say what its not and they decided to resign from the channel. They also got together and started to protest at a level +Well, at the level of, locally to tell the world what was going on inside Fox News. It's very interesting, it's called something like +The Fox workers that are out. +Some +Outside +None +From Fox News +My name is +Hi, my name is Fernanda +How are you, my name is claudia +How are you? +Where are you talking from? +From Washington +Which one? +Washington, DC +Because there are two of them? +Yes, Washington State +And the other one +Where are you from? +I'm talking from Idaho, i don't know if you know it +Of course +Yes, personally movie ratings don't impact my choices. +They don't know how to rate them. For example, sometimes they said that it is a PG movie, but when you watch it +Has rude things, and pornography, and sometimes something stronger like a PG-13 is more quiet +None +People who rate those movies, don't know how to rate them, or I don't know what are their point of view +Yes, I really don't know that much about movies because. +None +Let's say I dont have any children so I barely ever notice. +None +What classification +None +But I think that the majority of TV is, during the middle of the day is when children are usually at home +None +Are things that are not appropriate for most +Yes +I think that Americans have no moral standards, standards have gone down. +Yes +Many things already are like normal that I think should not be. +I don't have cable. +None +I got to have cable one time, which ones do you like? ten am, eleven, and well I I like to be changing the channel +To choose the program I am going to see for what time +None +A nine year old boy was at home watching TV. +Stop on that channel, there were things like very for adults already +Sure +Thought about the children, have been married three years and I have a boy who is almost two years old. +OK +My son is going to grow up and maybe this is going to get worse. Then +Of course +I remember that once I was watching television. I am from Mexico City. +None +It was ten at night then i turned on , i had cable there and i learned the cable +To the channel that here is sixteen, there was a cartoon in English. Because at night they show some in English, some in Spanish +There were cartoons in English. my mom was quiet because he was watching a cartoon channel. +The cartoons started to show up naked. +None +The cartoon was starting to do things the two cartoon figures, it was ten at night, +What a horror +She turned the television off and well she had to explain a bit because my mom, it surprised her because I had turned to a cartoon channel, a normal channel. +The truth, not even cartoons are safe. +That could happen to any child who was watching television +Sometimes cartoons yes +And you cannot either be on top of if the kid changes you cannot jump to see, you have to trust that at least during the day +Yes +Programming does not contain nudity or curse words. +Yes, it's true. But really it's not the cartoons, the Japanese cartoons are are the ones that have more classification. In Mexico, +In Cablevision and Multivision that would be what cable here to there in Mexico it hasn't all those restrictions. But, for example, in normal tv's, with normal channels +Yes, it has more restrictions. Not so much now on the children's channel. +Any channel what is the five in cartoons +Yes +Then at ten of clock, eleven, and you can watch TV and they don't put on programs so ugly like that. +In Mexico District +In Mexico +Pornography thing or with more nudity. +I'm Colombian and in Colombia +None +The TV is a lot better there than it is here in that way. +Right +At ten p.m. the show they put on are never, you're not at risk. +Right +Please do not risk watching anything else. +I was with a neighbor. It was twelve and a half p.m. +Her kid was watching a cartoon channel after that the girl wanted to change the channel and, it was another channel that was also programmed for them +There is a program where there was a girl who showed their adventures and that was in a hospital +It went right there in the hospital, they were showing her mom was having her little brother. +Yes? +But it showed and I went and told her mom and she told me, there's no problem, it's a channel of +The cartoons did not leave much to the imagination. They showed an operating room where a woman was having her baby. +What horror +They were six years old. +Yes +They are twins and so are both six years old +What they want. Honestly if i dont want to explain too much to my children in that moment I keep watch more. +What they see, no? In that aspect. +There are babysitters and things like that you dont have control and you are not in the house to see +None +You don't know what they're watching. They go to their friends. +Yes or no +I think +Yes, it is one of those classifications that is used for television. +They don't leave anything to the imagination. They show it right away. +Yes +At any time of day, you watch soap operas. I don't like watching soap operas. +Many moms are at home and they have little children three, four years old, five or more or they're at home and they watch, they're watching their soap opera +They always show scenes where they're having relations. +None +And in the middle of the day, because the soap operas later are on from six in the morning until nightfall. +Of course +That's how they are. They don't leave anything to the imagination. +No, I +So, the programs, are classified, to see a scene of pornography on the television at anytime of the day is normal. And for many +Parents, unfortunately, are making it normal. +Exactly +And I believe that if the parents spoke to this television station and demanded that there were more strict programs of this type of scene +I believe that they would decrease a little. But anyways, not now or , until parents if their children see something like that, it's okay, it's no problem. +It doesn't matter to them +Teaching. These things of classifications I don't like. I believe it doesn't matter to the producers. I feel that to them its beneficial because +If a movie has some sex scene or has crudeness for the people, they buy it or the people see it and they even laugh, +Or sometimes it even calls their attention because it has a very strong scene. So really, these things sometimes even help more. +The producers are going to sell. +Sometimes, and +If that's the case, no. For me in particular, the type of movies that I like, in truth I really like Disney movies, the +Children's movies. I like them. +Yes +I have some Disney movies around here but don't like these movies even though I am tired. +Strong so that, that have many things of, of sex and all that because equally, I repeat to you that I am going to have more kids and while I am not going to be and +And at least if they are going to put on a movie, it should at least be a decent movie. One that does not have so many things. +Of course. +That is so that while we have those from Disney, at least they are going to be have pornography, right? Then well, +She does not know how they are going to change. +No, yes then, already, this is the truth, this is bringing the truth far as it already goes. You turn on the television and you already see a commercial. +All seemed fine when they had the feminine towels, until they also had a naked woman. +She is placing the towel +Exactly +Because sometimes until they show it to you. I don't know if you have seen the commercials that. Likewise/Equally it frightens you because you are big, right? but.. +If a boy or a girl is seeing it if it is the mom and you can answer, and if it is the friend (boy or girl) +You tell them that you can explain to him about the bad information +And that one becomes acostomed to it. We say +Then already - yes +So that sometimes I see and like that one does not realize how they have changed things +Good evening my name is Mariza from Philadelphia +Hello, my name is Juan are you Marisol +Mariza. +I see Mariza, we talked a few days ago I think, no. +Maybe yes +I could be. I am in San Antonio, Texas. +In San Antonio. +The theme for today is about religion, right? +That is a complicated and controversial theme +I think everyone needs religion +None +Like any other need, the institution is tired of +Yes +Give us answer. And ends been like a way to control, no. +Es really today in this country. Eh, In the United States there is a lot, lot of problems regarding religion, it is a mix with politics and lot of right side people that want to have control. +Tried to control the country based on religion. It can be positive or it can be negative to people. It helps to pray or believe, to help others. +Christianity is the most powerful religion in the world. There are more that have power to have influence in politicians, to the countries +Yes. Where I live, I went to a church +None +That, they express a project of, ideology, but regarding a conservative group in the United States, no. +Yeah +Then they exerted a power very direct, very sure, trying to influence people there at the church +Yeah +With the discourse, it came to my attention against the public schools +None +Directly against the public schools. Praying for God to free us from public school some day +Really? +Do you think it's better there than Miami? +No +And against the theory, about trying to see the theory of evolution, no +Oh I've heard that, yes. +No, terrible they said. Why is this excruciating the teachers that teach the Bible to explain the creation of the world? +There ar a lot of problems +The Bible does not make for an explanation of the world. +Everyone can believe what they want. They try to impose their beliefs to everyone for the Bible and for what they think. +Exactly, they're fundamentalisms +I know some people from Maracaibo. +Christians are the ones with power in the country, the ones with the companies, there are a lot of rightwing republican fundamentalists who want to take the law away. +The right to abort, for example another question was homosexuality, gay marriage, the right to the belief of +Yes, more scientific, no, no, you can't just believe what they say, that God created man and woman, you also have to give a choice for kids to believe, +That was Charles Darwin who came up with the theory of evolution. +Yes +And it's really complicated too. The other question was about homosexuality. If we were all equal or we all believed the same thing there wouldn't be any problems. I was asking. +But +As similar as we are, there may be more problems. +Yes +In that sense, the differences help to complement each other. +For me, I don't have any. +The subject of homosexuality is very controversial. +None +At any given time the tolerance of homosexuality has to be something that we're well informed about. I used to think that +It could have something ot do with a deviation, homosexuality, but lately I've read tht it's a matter of genetics. +I'm convinced that's the reason, it's very common +No +I am really informed and so i never know about homosexuals or lesbians since i was a girl +I would accept people for, I never thought they were better or worse for being homosexual and that everyone has the right to to, well I don't know, well to get married, to, +Well yes, +To be with whoever they want. It's the same if it's a man or a woman. I think that we all have the same rights because we're all citizens and pay the same taxes. +Yes +They have to have the right to get married, to live with whoever. +Yes I agree with you, exactly I think that, they have all the rights, because we can have any other type of person and in this case the marriage rights are relative +Well many drive the homosexuality question as a very wicked situation and they don't have rights to marriage, no really when marriage is really a contract +None +Between two persons that stated doing something in common. +The church won't see it that way. +No, +Believe that it is an abomination because marriage is define as the union between a woman & a man, the christian fundamentalist see it as an abomination, they are so closed mind that they don't understand that +Homosexuality has been always, since the beginning of man +As the things are more liberal,people arent scared to talk about their gender +The Church has a problem, but they cannot do anything. +None +People is accepting the echo from people, like he is homosexual +Right, yes like there is one that is so extreme,, the family and marriage, the ecclesiastic institution and the blessing of God for marriage and things when in reality +The church and religion is a way of institution like school +Right. +The need to change and find new ways learning. +Yes +From society and individuals, no. +Yes, the religion has to be something personal, no something that mix with politics, what you believe is each one, doesn't have to be what, +Let's see why you don't think the same as me, you are not me, you get punished because we are different and it shouldn't be like that, each person can think whatever they want, believe in anything or anyone, don't have +The Christians talk badly about the Muslims. They say they are radicals. They talk badly about the atheist because they don't believe in god. They call them heretic. +I don't know. +Right +Christians are supposed to accept everyone, regardless of their religion. But fundamentalists don't accept the differences. +Yes, but in that case, accepting the difference seems like something that has to do with the matter of humanity right +None +They can't accept the difference. +Yes, because the families say that they raise their children when they are very little to be like that. +When they are older and know that people are different, they say, no that is not right, because they taught me like that, and that is how they have to be. +Radicals don't accept differences because they were raised in a manner that their parents taught them. +Yes +I had the luck to travel a lot and meet people of different races and cultures, so I am very open to everything +Right +And so, when I see a person who is not, I immediately know, only by looking at them I say, this person will not accept me because I'm not like them. I don't think the same, I don't look the same. +But is that there are people of different classes and there has to be radical Christians. There has to be everything. But I think that, yes, religion does influence the country. +Yes influences a lot, what fascinates me is that in this case +Yes +In this country, being so fundamentalist +Yes +There is a great proportion of fundamentalist even in the discourse there are fundamentalists +Of course, yes +Not there, +The message is very clear and it's already been five years in government. When Bill Clinton was in government, he was more open. He was leftist, a person more +That understood more people's concerns and, this government let's say that they don't have the religious Christians of the right that is the ones that are +Saying how to do things in the country which is why there's such a polemic with marriages. And they want the supreme court judges to be religious and from the right +To be or Catholic they also want that, they take away the right to abortion is ridiculous at this century. +None +They want that things go backwards instead of going forward. They want things as they were thirty or forty years ago and that cannot be. +That's how we are now. +Do you practice any religion in particular? +In Spain as soon as you're born they baptize you, so I got married in the Church +Sure. +I have my beliefs, but I don't go to mass every Sunday, neither do I practice +I carry faith with me +Yes +I am catholic believer. +Sometimes I get closer with the Catholic church, it is temporary because they +Created interests in everyone. +Yes, there is much economic interest. +No, then +It is that it goes right away that they are not interested on the followers, they are interested on money +Yes +There have been many cases of child abuse +A priest doing that to a child there is much polemic regarding that +Yes +Let's say faith. I don't know that each person is free to believe what he wants, and practice it, but also respecting other who are not the same. +None +The Christian religion is the most abundant in the world +Because in the world we have, on this side of the world I believe that not even the majority of Christians, I believe there are more Muslims than Christians. +Yes, but they don't have as much economic power. That is the problem. +None +Hi, good night +Yes, good night. +Good night. My name is Carolina. +How are you Carolina? talk to Alex +How about Alex? +Of Los Angeles +Very good, I'm from New York. +Okay, I thought you were the other person. Okay? +None +I am here in Los Angeles +Well and good +Gladly. +Tonight we played the technical equipment. +Where are you from? +I'm from Peru. +Okay. +And you? +I am from the Columbian residence. +Columbian? +None +But he speaks like a Mexican +Because here people speak Mexican Spanish +Yes +Right. +Oh, sure +You stick to the accent from where you live. +None +When I lived in Spain I got stuck with a Spanish accent +None +When I lived in Colombia, it got stuck the Spanish from Colombia. From Bogota, in particular. +None +Now it is the turn of Mexican Spanish. +That's good. +That is what is spoken here. +Yes. +The Hispanic here are about ninety-five percent Mexicans. +Yes +Yes. +Yes, so the tonight topic is the technical equipment. +Yes, I use computers +Already. +I have high speed internet now +None +Yes, because I like fast internet, I don't like to wait for pages +Already, +Thenfor me it is very useful because I search for work, I do polls I look for women +None +I don't like to wait for the pages +Already +I like to work quickly and by phone. +Yes. +It was very slow. +Very slow, yes +Then I had to wait two or three minutes for only one page to appear. +Already cleared. +Until now you can carry a webcam. The webcam comes fast with the DSL. +Already, safe. +The webcam is when can see video conferences +NONE +It is fast. +Yes, sure +You? +I am an administrator and for my job I use the computer. +The most essential, and above all, and new techniques, no? new technologies that have come and every day more new things come up, no? +Yes. +The truth is that I have adapted very well and I love it since I've been using the computer, because before I used a type writer that was so slow to +Write documents and forms. Now everything is done through the computer and the Internet. It's something amazing. +Or me, it's essential, I think that I wouldn't know what to do without computers, no? So, the truth is that I'm very happy with this new technology, and I hope it keeps going +Forward more every day. +I believe they have made more advancements in the computer that they have made with medicine. +That's true +The computer is the most advanced of civilization now. +It's all one. +Yes. +I use it for my work and also when I'm at home. I need +Some information, well I sit down in front of the computer and there's no stopping me, I don't know, when it's like with something, an essential part of one's life, no? +Yes of course +If you need to know what the temperature is, go to the computer. +News, sports. +Before it was, yes. +Going out with women, of everything. +Yes +No, and even that survey that we are making now, I found it by the computer also. +Yes. +Yes, almost then the computer has a lot of influence. +Right, and how many calls have you made? +This is my twenty-second call. +You are finished. +I almost need about three, but one call that the person spoke more in English,I think is going to have a replacement. +Now. +But, who knows? +Now +Because I spoke in Spanish, then they should consider. +Now +Because if you speak in English, they do not count it. +They give you the payment after you finish the twenty-five calls? +Yes, you do one call to replace. +Yes, now +I went to speak with him because I know the owner +NONE +And I am going to ask if it will be on me to replace it. +Do you know the owner? +Yes. +Oh, that is great +Yes, it is easy to speak with him. +Is he from California? +No, he must be in Philadelphia +I see. +But, but one says that i had one because i wouldn't like to lose it +But do you know him personally? +No. +Just through the computer. +I know him through the computer +Through the internet. I see +He talks with people that are participating. +I never had to speak with him +Yes, ask him any questions you may have, he understands Chinese +Oh, yes? +Yes I don't know if he is the owner, he is +None +The manager. +Yes +For supervisor of the project they are doing +Ok. +Yes, they are studying the way we talk Spanish +Ok, right +Don't know, you heard that +Yes, I did. I think that they will start another one after they finish this one. +Most probably they do, i already did two. +None +On in English and another in Spanish +Oh, yes this is the second. +Yes. What we're doing right now is technology +None +They are doing phone line connections. +Yeah right, and the other was almost equal, twenty five calls ? +And this is technology yes, something like that, was the same thing, but in English +They payed you equally? +Yeah, they paid the same. +Oh, okay +Yes, I like to do this not only for the payment, but for the opportunity given to me. +None +To speak in Spanish +Of course. +It is the only time of the day I speak Spanish. +Yes. +I speak very little Spanish. +None +Yes. +Yes. +And what +Yes, of course it is. +This could not be done for about twenty or thirty years. What are we doing now? +Yes. +Because they are using multiple telephone lines to connect many people living in different parts of the country. +Exactly +I think phone technology has made progress because I can also make long distance phone calls, and I do not have to pay. +A monthly fee +Yeah. +You can make all the calls you want. +But here in +That was not in five or ten and twenty years +Here in the United States. +Here in the United States, yes +Yes, I have just received from Verizon that they are offering me free calls here in the United States. +Yes. +Hey give me and in the meantime they charge me. +If they charge you something monthly, but if you make a lot of calls, it's worthwhile. +None +You know what? Someday they will make it international for your favorite country. +How good it was. +You pay a monthly quote and make all the calls you want +Yes. +Yes. +How great it would be. No? It would be excellent for calling the country when one wants. I think it will be like that but with the cards also. No? Every day. +Remember before it was pricey? For calling the country of +Is it cheaper? +It is vry cheap now. +And why is it cheap? Because of technology. +Yes of course +Yes, technology. +Now you can talk three four or five hours for five dollars. +Exactly. +Before it was one minute, it was like eight +One minute was twenty cents, yes. +I remember that I had to talk and it cost me like twenty-five dollars. +None +And I have to be careful to have the clock in front of me, right? +Yes that has happened to me too +Yes +That yes, I know that yes, what it is, you have to be with the clock +Yes. +Yes, but with +Yes, I have, the truth is that, hopefully technology continues moving ahead, I say that here in about ten years, what are they going to come up with, no? +Because like this has to be moving forward, no? +What happens is that like it is advancing and technology is in the hands of more people +None +Then services are cheaper, because they sell to more people +Sure, yes +Do you understand? +OF COURSE +For example, the computer a few years ago was worth one or two thousand dollars. +Exactly yeah +Now you can buy a computer for two or three hundred dollars, +Yes that's true +Because there's more demand. +Of course. +Because technology has advanced. +Of course, that's true. +I would like to see +Yeah +More advanced technology, with medicine +None +They have to find cures for things like cancer, if you can go to the moon, why cant they find a cure for cancer? it could be, they could make a +True. +Fast computer that can think, why cant they find a cure for cancer? +None +I want to see more advances in medicine, i think they're going slow in that area. +Yeah +I haven't really seen so many advances in diseases in the past 10,20,30,40 years. +None +Good +It is true that because of the cancer and how many years it has +Yes, it kills many people, right? +We did not find the cure +Right? That shortens the lives of many people. +Yes. +Or, heart disease as well. +AIDA widespread across many sites +AIDS is more advanced than cancer in +That's if. +In the sense of control because you have to have the drugs to fight it. +None +The cancer is very slow +Yeah. +You've heard of a discovery for cancer? +It's not true. +Nothing. +None +Very slow +Yes +That could be improved +None +Yes. +Does not matter the age, cancer comes,i hope god may enlighten them, so they can find something that could cure for catastrophe. +Yes +It can happen to any person +Yes, I had a friend that died very young, at thirty two, of cancer +Yes +And she died in three days +Oh my God. In three days? +Yes, because she got cerebral bleeding +Oh, my God +She died immediately, she had leukemia +Yeah. +She got it from one day to the next +Oh my God. +There was nothing they could do +None +I don't know, no diff --git a/fudge/main.py b/fudge/main.py new file mode 100644 index 0000000000000000000000000000000000000000..e8c2299b2449b6dd07d26c7ae678732b1dabca88 --- /dev/null +++ b/fudge/main.py @@ -0,0 +1,192 @@ +import os +import random +import time +import pickle +import math +from argparse import ArgumentParser + +from tqdm import tqdm +import numpy as np +import torch +import torch.nn as nn + +from data import Dataset +from model import Model +from util import save_checkpoint, ProgressMeter, AverageMeter, num_params, pad_mask +from constants import * + + +def train(model, dataset, optimizer, criterion, epoch, args, data_start_index): + model.train() + if data_start_index == 0: + dataset.shuffle('train', seed=epoch + args.seed) + if args.epoch_max_len is not None: + data_end_index = min(data_start_index + args.epoch_max_len, len(dataset.splits['train'])) + loader = dataset.loader('train', num_workers=args.num_workers, indices=list(range(data_start_index, data_end_index))) + data_start_index = data_end_index if data_end_index < len(dataset.splits['train']) else 0 + else: + loader = dataset.loader('train', num_workers=args.num_workers) + loss_meter = AverageMeter('loss', ':6.4f') + total_length = len(loader) + progress = ProgressMeter(total_length, [loss_meter], prefix='Training: ') + for batch_num, batch in enumerate(tqdm(loader, total=len(loader))): + batch = [tensor.to(args.device) for tensor in batch] + inputs, lengths, future_words, log_probs, labels, classification_targets, syllables_to_go, future_word_num_syllables, rhyme_group_index = batch + if args.task not in ['formality', 'iambic']: + if not args.debug and len(inputs) != args.batch_size: # it'll screw up the bias...? + continue + scores = model(inputs, lengths, future_words, log_probs, syllables_to_go, future_word_num_syllables, rhyme_group_index, run_classifier=True) + if args.task == 'formality': # we're learning for all positions at once. scores are batch x seq + expanded_labels = classification_targets.unsqueeze(1).expand(-1, scores.shape[1]) # batch x seq + length_mask = pad_mask(lengths).permute(1, 0) # batch x seq + loss = criterion(scores.flatten()[length_mask.flatten()==1], expanded_labels.flatten().float()[length_mask.flatten()==1]) + elif args.task in ['iambic', 'newline']: + use_indices = classification_targets.flatten() != -1 + loss = criterion(scores.flatten()[use_indices], classification_targets.flatten().float()[use_indices]) + else: # topic, rhyme + loss = criterion(scores.flatten(), labels.flatten().float()) + optimizer.zero_grad() + loss.backward() + optimizer.step() + loss_meter.update(loss.detach(), len(labels)) + if batch_num % args.train_print_freq == 0: + progress.display(batch_num) + progress.display(total_length) + return data_start_index + + +def validate(model, dataset, criterion, epoch, args): + model.eval() + random.seed(0) + loader = dataset.loader('val', num_workers=args.num_workers) + loss_meter = AverageMeter('loss', ':6.4f') + total_length = len(loader) + progress = ProgressMeter(total_length, [loss_meter], prefix='Validation: ') + with torch.no_grad(): + for batch_num, batch in enumerate(tqdm(loader, total=len(loader))): + batch = [tensor.to(args.device) for tensor in batch] + inputs, lengths, future_words, log_probs, labels, classification_targets, syllables_to_go, future_word_num_syllables, rhyme_group_index = batch + if args.task not in ['formality', 'iambic']: # topic predictor + if not args.debug and len(inputs) != args.batch_size: + continue + scores = model(inputs, lengths, future_words, log_probs, syllables_to_go, future_word_num_syllables, rhyme_group_index, run_classifier=True) + if args.task == 'formality': # we're learning for all positions at once. scores are batch x seq + expanded_labels = classification_targets.unsqueeze(1).expand(-1, scores.shape[1]) # batch x seq + length_mask = pad_mask(lengths).permute(1, 0) # batch x seq + loss = criterion(scores.flatten()[length_mask.flatten()==1], expanded_labels.flatten().float()[length_mask.flatten()==1]) + elif args.task in ['iambic', 'newline']: + use_indices = classification_targets.flatten() != -1 + loss = criterion(scores.flatten()[use_indices], classification_targets.flatten().float()[use_indices]) + else: # topic, rhyme + loss = criterion(scores.flatten(), labels.flatten().float()) + loss_meter.update(loss.detach(), len(labels)) + if batch_num % args.train_print_freq == 0: + progress.display(batch_num) + progress.display(total_length) + return loss_meter.avg + + +def main(args): + dataset = Dataset(args) + os.makedirs(args.save_dir, exist_ok=True) + with open(os.path.join(args.save_dir, 'dataset_info'), 'wb') as wf: + pickle.dump(dataset.dataset_info, wf) + if args.task == 'rhyme': + with open(os.path.join(args.save_dir, 'rhyme_info'), 'wb') as wf: + pickle.dump(dataset.rhyme_info, wf) + if args.ckpt: + checkpoint = torch.load(args.ckpt, map_location=args.device) + start_epoch = checkpoint['epoch'] + 1 + best_val_metric = checkpoint['best_metric'] + model_args = checkpoint['args'] + model = Model(model_args, dataset.gpt_pad_id, len(dataset.index2word), rhyme_group_size=len(dataset.index2rhyme_group) if args.task == 'rhyme' else None) # no need to get the glove embeddings when reloading since they're saved in model ckpt anyway + model.load_state_dict(checkpoint['state_dict']) + model = model.to(args.device) + optimizer = torch.optim.Adam(model.parameters(), lr=model_args.lr) + optimizer.load_state_dict(checkpoint['optimizer']) + data_start_index = checkpoint['data_start_index'] + print("=> loaded checkpoint '{}' (epoch {})" + .format(args.ckpt, checkpoint['epoch'])) + # NOTE: just import pdb after loading the model here if you want to play with it, it's easy + # model.eval() + # import pdb; pdb.set_trace() + else: + model = Model(args, dataset.gpt_pad_id, len(dataset.index2word), rhyme_group_size=len(dataset.index2rhyme_group) if args.task == 'rhyme' else None, glove_embeddings=dataset.glove_embeddings) + model = model.to(args.device) + optimizer = torch.optim.Adam(model.parameters(), lr=args.lr) + best_val_metric = 1e8 # lower is better for BCE + data_start_index = 0 + print('num params', num_params(model)) + criterion = nn.BCEWithLogitsLoss().to(args.device) + + if args.evaluate: + epoch = 0 + validate(model, dataset, criterion, epoch, args) + return + for epoch in range(args.epochs): + print("TRAINING: Epoch {} at {}".format(epoch, time.ctime())) + data_start_index = train(model, dataset, optimizer, criterion, epoch, args, data_start_index) + if epoch % args.validation_freq == 0: + print("VALIDATION: Epoch {} at {}".format(epoch, time.ctime())) + metric = validate(model, dataset, criterion, epoch, args) + + if not args.debug: + if metric < best_val_metric: + print('new best val metric', metric) + best_val_metric = metric + save_checkpoint({ + 'epoch': epoch, + 'state_dict': model.state_dict(), + 'best_metric': best_val_metric, + 'optimizer': optimizer.state_dict(), + 'data_start_index': data_start_index, + 'args': args + }, os.path.join(args.save_dir, 'model_best.pth.tar')) + save_checkpoint({ + 'epoch': epoch, + 'state_dict': model.state_dict(), + 'best_metric': metric, + 'optimizer': optimizer.state_dict(), + 'data_start_index': data_start_index, + 'args': args + }, os.path.join(args.save_dir, 'model_epoch' + str(epoch) + '.pth.tar')) + + +if __name__=='__main__': + parser = ArgumentParser() + + # DATA + parser.add_argument('--task', type=str, required=True, choices=['iambic', 'rhyme', 'newline', 'topic', 'formality', 'clickbait']) + parser.add_argument('--data_dir', type=str, required=True) + parser.add_argument('--glove_file', type=str, help='glove embedding init, for topic task') + + # SAVE/LOAD + parser.add_argument('--save_dir', type=str, required=True, help='where to save ckpts') + parser.add_argument('--ckpt', type=str, default=None, help='load ckpt from file if given') + parser.add_argument('--dataset_info', type=str, help='saved dataset info') + parser.add_argument('--rhyme_info', type=str, help='saved dataset rhyme info, for a ckpt with task==rhyme') + + # TRAINING + parser.add_argument('--batch_size', type=int, default=128) + parser.add_argument('--epochs', type=int, default=100) + parser.add_argument('--epoch_max_len', type=int, default=None, help='max batches per epoch if set, for more frequent validation') + parser.add_argument('--validation_freq', type=int, default=1, help='validate every X epochs') + parser.add_argument('--lr', type=float, default=1e-3, help='Adam learning rate') + parser.add_argument('--seed', type=int, default=1, help='random seed') + parser.add_argument('--device', type=str, default='cuda', choices=['cpu', 'cuda']) + parser.add_argument('--num_workers', type=int, default=20, help='num workers for data loader') + parser.add_argument('--evaluate', action='store_true', default=False) + parser.add_argument('--debug', action='store_true', default=False) + + # PRINTING + parser.add_argument('--train_print_freq', type=int, default=100, help='how often to print metrics (every X batches)') + + args = parser.parse_args() + + random.seed(args.seed) + np.random.seed(args.seed) + torch.manual_seed(args.seed) + if args.evaluate: + assert args.ckpt is not None + + main(args) \ No newline at end of file diff --git a/fudge/model.py b/fudge/model.py new file mode 100644 index 0000000000000000000000000000000000000000..ff6661711bb58c5ff8c7c227cd82efeac1541a8d --- /dev/null +++ b/fudge/model.py @@ -0,0 +1,182 @@ +import math + +import torch +import torch.nn as nn +import torch.nn.functional as F +from torch.nn.utils.rnn import pad_sequence, pad_packed_sequence, pack_padded_sequence +from transformers import AutoTokenizer, AutoModelWithLMHead, pipeline, set_seed, GPT2Tokenizer, GPT2Model, GPT2LMHeadModel, GPT2Config, GPT2ForSequenceClassification, GPT2LMHeadModel, MarianTokenizer + +from fudge.constants import * +from fudge.util import pad_mask +from fudge.clickbait_classifier import BertClickbaitClassifier, ClickbaitConfig + +class Model(nn.Module): + def __init__(self, args, gpt_pad_id, vocab_size, rhyme_group_size=None, glove_embeddings=None, verbose=True): + super(Model, self).__init__() + +# self.topic = args.task == 'topic' + self.formality = args.task == 'formality' + self.iambic = args.task == 'iambic' + self.rhyme = args.task == 'rhyme' + self.newline = args.task == 'newline' + self.clickbait = args.task == 'clickbait' +# if self.topic: +# self.gpt_embed = nn.Embedding(gpt_pad_id + 1, HIDDEN_DIM, padding_idx=gpt_pad_id) # these are subwords, not words +# if glove_embeddings is None: +# if verbose: +# print('initializing word embeddings from scratch') +# self.word_embed = nn.Embedding(vocab_size, GLOVE_DIM, padding_idx=0) +# else: +# if verbose: +# print('initializing word embeddings from glove') +# self.word_embed = nn.Embedding.from_pretrained(glove_embeddings, padding_idx=0) +# self.rnn = nn.LSTM(HIDDEN_DIM, RNN_DIM, num_layers=3, bidirectional=True) +# self.attention_linear = nn.Linear(HIDDEN_DIM, HIDDEN_DIM) +# large_hidden_dim = HIDDEN_DIM +# self.embed_key_linear = nn.Linear(large_hidden_dim, HIDDEN_DIM) +# self.attention_value_linear = nn.Linear(HIDDEN_DIM, HIDDEN_DIM) +# self.out_embed_linear = nn.Linear(HIDDEN_DIM, HIDDEN_DIM) +# self.out_linear = nn.Linear(HIDDEN_DIM, HIDDEN_DIM) +# self.out_linear2 = nn.Linear(HIDDEN_DIM + large_hidden_dim, HIDDEN_DIM) +# self.out_linear3 = nn.Linear(HIDDEN_DIM, 1) +# self.nonlinear = nn.ReLU() +# elif self.formality: + if self.formality: + self.marian_embed = nn.Embedding(gpt_pad_id + 1, HIDDEN_DIM, padding_idx=0) # 0 in marian is '' + self.rnn = nn.LSTM(HIDDEN_DIM, HIDDEN_DIM, num_layers=3, bidirectional=False, dropout=0.5) # want it to be causal so we can learn all positions + self.out_linear = nn.Linear(HIDDEN_DIM, 1) + elif self.iambic: + self.gpt_embed = nn.Embedding(gpt_pad_id + 1, HIDDEN_DIM, padding_idx=gpt_pad_id) + self.rnn = nn.LSTM(HIDDEN_DIM, HIDDEN_DIM, num_layers=3, bidirectional=False, dropout=0) # want it to be causal so we can learn all positions + self.out_linear = nn.Linear(HIDDEN_DIM, 1) + elif self.rhyme: + self.gpt_embed = nn.Embedding(gpt_pad_id + 1, HIDDEN_DIM, padding_idx=gpt_pad_id) # these are subwords, not words + self.word_embed = nn.Embedding(rhyme_group_size+1, GLOVE_DIM, padding_idx=0) # this embedding for future words will actually embed the rhyme group idx + self.rnn = nn.LSTM(HIDDEN_DIM, RNN_DIM, num_layers=3, bidirectional=True) + self.attention_linear = nn.Linear(HIDDEN_DIM, HIDDEN_DIM) + large_hidden_dim = HIDDEN_DIM + COUNT_SYLLABLE_DIM + self.embed_key_linear = nn.Linear(large_hidden_dim, HIDDEN_DIM) + self.attention_value_linear = nn.Linear(HIDDEN_DIM, HIDDEN_DIM) + self.out_embed_linear = nn.Linear(HIDDEN_DIM, HIDDEN_DIM) + self.out_linear = nn.Linear(HIDDEN_DIM, HIDDEN_DIM) + self.out_linear2 = nn.Linear(HIDDEN_DIM + large_hidden_dim, HIDDEN_DIM) + self.out_linear3 = nn.Linear(HIDDEN_DIM, 1) + self.count_syllable_embed = nn.Embedding(MAX_COUNT_SYLLABLE_DIST+1, COUNT_SYLLABLE_DIM) + self.nonlinear = nn.ReLU() + elif self.newline: + self.gpt_embed = nn.Embedding(gpt_pad_id + 1, HIDDEN_DIM, padding_idx=gpt_pad_id) # these are subwords, not words + self.rnn = nn.LSTM(HIDDEN_DIM, HIDDEN_DIM, num_layers=3, bidirectional=False) + self.count_syllable_embed = nn.Embedding(MAX_COUNT_SYLLABLE_DIST+1, COUNT_SYLLABLE_DIM) + self.out_linear = nn.Linear(HIDDEN_DIM + COUNT_SYLLABLE_DIM, HIDDEN_DIM) + self.out_linear2 = nn.Linear(HIDDEN_DIM, HIDDEN_DIM) + self.out_linear3 = nn.Linear(HIDDEN_DIM, 1) + self.nonlinear = nn.ReLU() + elif self.clickbait: + # mpnet_config = ClickbaitConfig( + # model_type="mpnet", + # pretrained_model="sentence-transformers/all-mpnet-base-v2", + # num_labels=1, + # dropout=0.2, + # inner_dim1=256, + # inner_dim2=32, + # max_length=25, + # load_pretrained=True, + # freeze_bert=False, + # ) + #TODO add a checkpoint to Classifier + # print('add a checkpoint to Classifier') + checkpoint = args.checkpoint #'ckpt/clickbait_classifier/checkpoint-1464' + # self.classifier = BertClickbaitClassifier(config=mpnet_config).to(torch.device(args.device)) + self.classifier = BertClickbaitClassifier.from_pretrained(checkpoint).to(torch.device(args.device)) + else: + raise NotImplementedError # TODO honestly this can/should be refactored into different models + + + def forward(self, inputs, lengths=None, future_words=None, log_probs=None, syllables_to_go=None, future_word_num_syllables=None, rhyme_group_index=None, run_classifier=False, attention_mask=None): + """ + inputs: token ids, batch x seq, right-padded with 0s + lengths: lengths of inputs; batch + future_words: batch x N words to check if not predict next token, else batch + log_probs: N + syllables_to_go: batch + """ +# if self.topic: +# inputs = self.gpt_embed(inputs) # batch x seq x 300 +# inputs = pack_padded_sequence(inputs.permute(1, 0, 2), lengths.cpu(), enforce_sorted=False) +# rnn_output, _ = self.rnn(inputs) +# rnn_output, _ = pad_packed_sequence(rnn_output) +# rnn_output = rnn_output.permute(1, 0, 2) # batch x seq x 300 +# hidden = rnn_output +# attention_mask = pad_mask(lengths).permute(1, 0) # batch x seq +# embed = self.word_embed(future_words) # batch x N x 300 +# embed_query = self.embed_key_linear(embed) +# attention_tensor = self.attention_linear(hidden).unsqueeze(2) * embed_query.unsqueeze(1) # batch x seq x N x 300 +# attention_weights = F.softmax(attention_tensor.sum(dim=3), dim=1) # batch x seq x N +# attention_weights = attention_weights * attention_mask.unsqueeze(2) +# hidden = self.attention_value_linear(hidden) +# weighted_hidden = (hidden.unsqueeze(2) * attention_weights.unsqueeze(3)).sum(dim=1) # batch x seq x N x 768 -> batch x N x 768 +# unnormalized_scores = (self.out_linear(weighted_hidden) * self.out_embed_linear(embed)) # batch x N x 300 +# unnormalized_scores = torch.cat([unnormalized_scores, embed], dim=2) +# unnormalized_scores = self.nonlinear(self.out_linear2(self.nonlinear(unnormalized_scores))) +# unnormalized_scores = self.out_linear3(unnormalized_scores) +# scores = unnormalized_scores.squeeze(2) - log_probs.unsqueeze(0) +# return scores # batch x N of normalized scores or batch x +# elif self.formality: + if self.formality: + inputs = self.marian_embed(inputs) + inputs = pack_padded_sequence(inputs.permute(1, 0, 2), lengths.cpu(), enforce_sorted=False) + rnn_output, _ = self.rnn(inputs) + rnn_output, _ = pad_packed_sequence(rnn_output) + rnn_output = rnn_output.permute(1, 0, 2) # batch x seq x 300 + return self.out_linear(rnn_output).squeeze(2) + elif self.iambic: + inputs = self.gpt_embed(inputs) + inputs = pack_padded_sequence(inputs.permute(1, 0, 2), lengths.cpu(), enforce_sorted=False) + rnn_output, _ = self.rnn(inputs) + rnn_output, _ = pad_packed_sequence(rnn_output) + rnn_output = rnn_output.permute(1, 0, 2) # batch x seq x 300 + return self.out_linear(rnn_output).squeeze(2) + elif self.rhyme: + inputs = self.gpt_embed(inputs) # batch x seq x 300 + inputs = pack_padded_sequence(inputs.permute(1, 0, 2), lengths.cpu(), enforce_sorted=False) + rnn_output, _ = self.rnn(inputs) + rnn_output, _ = pad_packed_sequence(rnn_output) + rnn_output = rnn_output.permute(1, 0, 2) # batch x seq x 300 + hidden = rnn_output + attention_mask = pad_mask(lengths).permute(1, 0) # batch x seq + embed = self.word_embed(future_words) # batch x N x 300 + embedded_syllables_to_go = self.count_syllable_embed(syllables_to_go).unsqueeze(1).expand(-1, embed.shape[1], -1) # batch x N x 100 + auxiliary_embed = embedded_syllables_to_go + embed_query = self.embed_key_linear(torch.cat([embed, auxiliary_embed], dim=2)) + attention_tensor = self.attention_linear(hidden).unsqueeze(2) * embed_query.unsqueeze(1) # batch x seq x N x 300 + attention_weights = F.softmax(attention_tensor.sum(dim=3), dim=1) # batch x seq x N + attention_weights = attention_weights * attention_mask.unsqueeze(2) + hidden = self.attention_value_linear(hidden) + weighted_hidden = (hidden.unsqueeze(2) * attention_weights.unsqueeze(3)).sum(dim=1) # batch x seq x N x 768 -> batch x N x 768 + unnormalized_scores = (self.out_linear(weighted_hidden) * self.out_embed_linear(embed)) # batch x N x 300 + unnormalized_scores = torch.cat([unnormalized_scores, embed, auxiliary_embed], dim=2) + unnormalized_scores = self.nonlinear(self.out_linear2(self.nonlinear(unnormalized_scores))) + unnormalized_scores = self.out_linear3(unnormalized_scores) + scores = unnormalized_scores.squeeze(2) - log_probs.unsqueeze(0) + return scores # batch x N of normalized scores or batch x + elif self.newline: + inputs = self.gpt_embed(inputs) # batch x seq x 300 + inputs = pack_padded_sequence(inputs.permute(1, 0, 2), lengths.cpu(), enforce_sorted=False) + rnn_output, _ = self.rnn(inputs) + rnn_output, _ = pad_packed_sequence(rnn_output) + rnn_output = rnn_output.permute(1, 0, 2) # batch x seq x 300 + hidden = torch.cat([rnn_output, self.count_syllable_embed(syllables_to_go).unsqueeze(1).expand(-1, rnn_output.shape[1], -1)], dim=2) + return self.out_linear3(self.nonlinear(self.out_linear2(self.nonlinear(self.out_linear(hidden))))).squeeze(2) + elif self.clickbait: + + input_ids = torch.tensor(inputs) + classifer_output = self.classifier(input_ids = input_ids, attention_mask = attention_mask).logits + + classifer_output = classifer_output[None,:,:] # batch x seq x 300 + # return self.out_linear(rnn_output).squeeze(2) + return classifer_output.squeeze(2) + + else: + raise NotImplementedError + + diff --git a/fudge/poetry_data/README.md b/fudge/poetry_data/README.md new file mode 100644 index 0000000000000000000000000000000000000000..d1c7b7d1c8593cc4f0eda2f975571a71a9569fa2 --- /dev/null +++ b/fudge/poetry_data/README.md @@ -0,0 +1 @@ +`couplet_prefixes.txt` contains the 13th line of each of Shakespeare's sonnets. `couplet_ends.txt` contains the 14th. (Each 14-line sonnet ends with a couplet in the last two lines). The prefixes are our test set prefixes for the couplet completion task; the ends are Shakespeare's outputs. \ No newline at end of file diff --git a/fudge/poetry_data/couplet_ends.txt b/fudge/poetry_data/couplet_ends.txt new file mode 100644 index 0000000000000000000000000000000000000000..e07a74f8a25a569512572d4a94d6e512593a57df --- /dev/null +++ b/fudge/poetry_data/couplet_ends.txt @@ -0,0 +1,154 @@ + To eat the world's due, by the grave and thee. + And see thy blood warm when thou feel'st it cold. + Die single, and thine image dies with thee. + Which, used, lives th' executor to be. + Leese but their show; their substance still lives sweet. + To be death's conquest and make worms thine heir. + Unlook'd on diest, unless thou get a son. + Sings this to thee: 'thou single wilt prove none.' + That on himself such murderous shame commits. + That beauty still may live in thine or thee. + Thou shouldst print more, not let that copy die. + Save breed, to brave him when he takes thee hence. + You had a father: let your son say so. + Thy end is truth's and beauty's doom and date. + As he takes from you, I engraft you new. + And you must live, drawn by your own sweet skill. + You should live twice; in it and in my rhyme. + So long lives this and this gives life to thee. + My love shall in my verse ever live young. + Mine be thy love and thy love's use their treasure. + I will not praise that purpose not to sell. + Thou gavest me thine, not to give back again. + To hear with eyes belongs to love's fine wit. + They draw but what they see, know not the heart. + Where I may not remove nor be removed. + Till then not show my head where thou mayst prove me. + For thee and for myself no quiet find. + And night doth nightly make grief's strength seem stronger. + That then I scorn to change my state with kings. + All losses are restored and sorrows end. + And thou, all they, hast all the all of me. + Theirs for their style I'll read, his for his love.' + Suns of the world may stain when heaven's sun staineth. + And they are rich and ransom all ill deeds. + To that sweet thief which sourly robs from me. + As, thou being mine, mine is thy good report. + This wish I have; then ten times happy me! + The pain be mine, but thine shall be the praise. + By praising him here who doth hence remain! + Kill me with spites; yet we must not be foes. + Thine, by thy beauty being false to me. + Sweet flattery! then she loves but me alone. + And nights bright days when dreams do show thee me. + But heavy tears, badges of either's woe. + I send them back again and straight grow sad. + And my heart's right thy inward love of heart. + Awakes my heart to heart's and eye's delight. + For truth proves thievish for a prize so dear. + Since why to love I can allege no cause. + My grief lies onward and my joy behind. + Towards thee I'll run, and give him leave to go. + Being had, to triumph, being lack'd, to hope. + But you like none, none you, for constant heart. + When that shall fade, my verse distills your truth. + You live in this, and dwell in lover's eyes. + Makes summer's welcome thrice more wish'd, more rare. + Though you do any thing, he thinks no ill. + Not blame your pleasure, be it ill or well. + To subjects worse have given admiring praise. + Praising thy worth, despite his cruel hand. + From me far off, with others all too near. + Painting my age with beauty of thy days. + And they shall live, and he in them still green. + But weep to have that which it fears to lose. + That in black ink my love may still shine bright. + Save that, to die, I leave my love alone. + In days long since, before these last so bad. + To show false Art what beauty was of yore. + The solve is this, that thou dost common grow. + Then thou alone kingdoms of hearts shouldst owe. + And mock you with me after I am gone. + And so should you, to love things nothing worth. + To love that well which thou must leave ere long. + And that is this, and this with thee remains. + Or gluttoning on all, or all away. + So is my love still telling what is told. + Shall profit thee and much enrich thy book. + As high as learning my rude ignorance. + Since what he owes thee thou thyself dost pay. + The worst was this; my love was my decay. + Where breath most breathes, even in the mouths of men. + Where cheeks need blood; in thee it is abused. + Than both your poets can in praise devise. + Being fond on praise, which makes your praises worse. + Me for my dumb thoughts, speaking in effect. + Then lack'd I matter; that enfeebled mine. + In sleep a king, but waking no such matter. + That for thy right myself will bear all wrong. + For I must ne'er love him whom thou dost hate. + Compared with loss of thee will not seem so. + All this away and me most wretched make. + Thou mayst be false, and yet I know it not. + if thy sweet virtue answer not thy show! + Lilies that fester smell far worse than weeds. + The hardest knife ill-used doth lose his edge. + As, thou being mine, mine is thy good report. + That leaves look pale, dreading the winter's near. + As with your shadow I with these did play: + But sweet or colour it had stol'n from thee. + So thou prevent'st his scythe and crooked knife. + To make him seem long hence as he shows now. + Because I would not dull you with my song. + Your own glass shows you when you look in it. + Ere you were born was beauty's summer dead. + Which three till now never kept seat in one. + Had eyes to wonder, but lack tongues to praise. + When tyrants' crests and tombs of brass are spent. + Where time and outward form would show it dead. + Save thou, my rose; in it thou art my all. + Even to thy pure and most most loving breast. + Even that your pity is enough to cure me. + That all the world besides methinks are dead. + My most true mind thus makes mine eye untrue. + That mine eye loves it and doth first begin. + To give full growth to that which still doth grow? + I never writ, nor no man ever loved. + The constancy and virtue of your love. + Drugs poison him that so fell sick of you. + And gain by ill thrice more than I have spent. + Mine ransoms yours, and yours must ransom me. + All men are bad, and in their badness reign. + Were to import forgetfulness in me. + I will be true, despite thy scythe and thee. + Which die for goodness, who have lived for crime. + When most impeach'd stands least in thy control. + And her quietus is to render thee. + That every tongue says beauty should look so. + Give them thy fingers, me thy lips to kiss. + To shun the heaven that leads men to this hell. + As any she belied with false compare. + And thence this slander, as I think, proceeds. + And all they foul that thy complexion lack. + Perforce am thine, and all that is in me. + He pays the whole, and yet am I not free. + Think all but one, and me in that one 'Will.' + And then thou lovest me, for my name is 'Will.' + And to this false plague are they now transferr'd. + And in our faults by lies we flatter'd be. + Kill me outright with looks and rid my pain. + Bear thine eyes straight, though thy proud heart go wide. + That she that makes me sin awards me pain. + By self-example mayst thou be denied! + If thou turn back, and my loud crying still. + Till my bad angel fire my good one out. + And saved my life, saying 'not you.' + And Death once dead, there's no more dying then. + Who art as black as hell, as dark as night. + Lest eyes well-seeing thy foul faults should find. + Those that can see thou lovest, and I am blind. + More worthy I to be beloved of thee. + Her 'love' for whose dear love I rise and fall. + To swear against the truth so foul a lie! + Where Cupid got new fire--my mistress' eyes. + Love's fire heats water, water cools not love. diff --git a/fudge/poetry_data/couplet_prefixes.txt b/fudge/poetry_data/couplet_prefixes.txt new file mode 100644 index 0000000000000000000000000000000000000000..8d40f90dfab86c0ba09bdc1cc84a36cdd5496808 --- /dev/null +++ b/fudge/poetry_data/couplet_prefixes.txt @@ -0,0 +1,154 @@ +Pity the world, or else this glutton be, +This were to be new made when thou art old, +But if thou live, remember'd not to be, +Thy unused beauty must be tomb'd with thee, +But flowers distill'd though they with winter meet, +Be not self-will'd, for thou art much too fair +So thou, thyself out-going in thy noon, +Whose speechless song, being many, seeming one, +No love toward others in that bosom sits +Make thee another self, for love of me, +She carved thee for her seal, and meant thereby +And nothing 'gainst Time's scythe can make defence +O, none but unthrifts! Dear my love, you know +Or else of thee this I prognosticate: +And all in war with Time for love of you, +To give away yourself keeps yourself still, +But were some child of yours alive that time, +So long as men can breathe or eyes can see, +Yet, do thy worst, old Time: despite thy wrong, +But since she prick'd thee out for women's pleasure, +Let them say more than like of hearsay well; +Presume not on thy heart when mine is slain; +O, learn to read what silent love hath writ: +Yet eyes this cunning want to grace their art; +Then happy I, that love and am beloved +Then may I dare to boast how I do love thee; +Lo! thus, by day my limbs, by night my mind, +But day doth daily draw my sorrows longer +For thy sweet love remember'd such wealth brings +But if the while I think on thee, dear friend, +Their images I loved I view in thee, +But since he died and poets better prove, +Yet him for this my love no whit disdaineth; +Ah! but those tears are pearl which thy love sheds, +That I an accessary needs must be +But do not so; I love thee in such sort +Look, what is best, that best I wish in thee: +If my slight Muse do please these curious days, +And that thou teachest how to make one twain, +Lascivious grace, in whom all ill well shows, +Hers by thy beauty tempting her to thee, +But here's the joy; my friend and I are one; +All days are nights to see till I see thee, +Receiving nought by elements so slow +This told, I joy; but then no longer glad, +As thus; mine eye's due is thy outward part, +Or, if they sleep, thy picture in my sight +And even thence thou wilt be stol'n, I fear, +To leave poor me thou hast the strength of laws, +For that same groan doth put this in my mind; +Since from thee going he went wilful-slow, +Blessed are you, whose worthiness gives scope, +In all external grace you have some part, +And so of you, beauteous and lovely youth, +So, till the judgment that yourself arise, +Else call it winter, which being full of care +So true a fool is love that in your will, +I am to wait, though waiting so be hell; +O, sure I am, the wits of former days +And yet to times in hope my verse shall stand, +For thee watch I whilst thou dost wake elsewhere, +'Tis thee, myself, that for myself I praise, +His beauty shall in these black lines be seen, +This thought is as a death, which cannot choose +O, none, unless this miracle have might, +Tired with all these, from these would I be gone, +O, him she stores, to show what wealth she had +And him as for a map doth Nature store, +But why thy odour matcheth not thy show, +If some suspect of ill mask'd not thy show, +Lest the wise world should look into your moan +For I am shamed by that which I bring forth, +This thou perceivest, which makes thy love more strong, +The worth of that is that which it contains, +Thus do I pine and surfeit day by day, +For as the sun is daily new and old, +These offices, so oft as thou wilt look, +But thou art all my art and dost advance +Then thank him not for that which he doth say, +Then if he thrive and I be cast away, +You still shall live--such virtue hath my pen-- +And their gross painting might be better used +There lives more life in one of your fair eyes +You to your beauteous blessings add a curse, +Then others for the breath of words respect, +But when your countenance fill'd up his line, +Thus have I had thee, as a dream doth flatter, +Such is my love, to thee I so belong, +For thee against myself I'll vow debate, +And other strains of woe, which now seem woe, +Wretched in this alone, that thou mayst take +But what's so blessed-fair that fears no blot? +How like Eve's apple doth thy beauty grow, +For sweetest things turn sourest by their deeds; +Take heed, dear heart, of this large privilege; +But do not so; I love thee in such sort +Or, if they sing, 'tis with so dull a cheer +Yet seem'd it winter still, and, you away, +More flowers I noted, yet I none could see +Give my love fame faster than Time wastes life; +Then do thy office, Muse; I teach thee how +Therefore like her I sometime hold my tongue, +And more, much more, than in my verse can sit +For fear of which, hear this, thou age unbred; +'Fair, kind, and true,' have often lived alone, +For we, which now behold these present days, +And thou in this shalt find thy monument, +Finding the first conceit of love there bred +For nothing this wide universe I call, +Then give me welcome, next my heaven the best, +Pity me then, dear friend, and I assure ye +You are so strongly in my purpose bred +Incapable of more, replete with you, +If it be poison'd, 'tis the lesser sin +Love is a babe; then might I not say so, +If this be error and upon me proved, +Since my appeal says I did strive to prove +But thence I learn, and find the lesson true, +So I return rebuked to my content +But that your trespass now becomes a fee; +Unless this general evil they maintain, +To keep an adjunct to remember thee +This I do vow and this shall ever be; +To this I witness call the fools of time, +Hence, thou suborn'd informer! a true soul +Her audit, though delay'd, answer'd must be, +Yet so they mourn, becoming of their woe, +Since saucy jacks so happy are in this, +All this the world well knows; yet none knows well +And yet, by heaven, I think my love as rare +In nothing art thou black save in thy deeds, +Then will I swear beauty herself is black +And yet thou wilt; for I, being pent in thee, +Him have I lost; thou hast both him and me: +Let no unkind, no fair beseechers kill; +Make but my name thy love, and love that still, +In things right true my heart and eyes have erred, +Therefore I lie with her and she with me, +Yet do not so; but since I am near slain, +That I may not be so, nor thou belied, +Only my plague thus far I count my gain, +If thou dost seek to have what thou dost hide, +So will I pray that thou mayst have thy 'Will,' +Yet this shall I ne'er know, but live in doubt, +'I hate' from hate away she threw, +So shalt thou feed on Death, that feeds on men, +For I have sworn thee fair and thought thee bright, +O cunning Love! with tears thou keep'st me blind, +But, love, hate on, for now I know thy mind; +If thy unworthiness raised love in me, +No want of conscience hold it that I call +For I have sworn thee fair; more perjured I, +But found no cure: the bath for my help lies +Came there for cure, and this by that I prove, diff --git a/fudge/poetry_util.py b/fudge/poetry_util.py new file mode 100644 index 0000000000000000000000000000000000000000..b8e27da3880a305df542794c8f14a3819e27d52e --- /dev/null +++ b/fudge/poetry_util.py @@ -0,0 +1,83 @@ +import string + +import pronouncing +from Phyme import Phyme +phyme = Phyme() + +from fudge.constants import * + +def is_iambic(phrase): + """ + check that we satisfy iambic meter. + return 1 if so, otherwise 0. + definitely an imperfect check... + if we end up needing to check a word that's not in the CMU dictionary, just return 0. + """ + meter = '' + for word in phrase.split(): + word = word.strip().strip(string.punctuation).lower() + try: + phones_list = pronouncing.phones_for_word(word) + stresses = pronouncing.stresses(phones_list[0]) + if len(stresses) == 1: + if stresses == '1': + stresses = '2' # allow ambiguity for 1-syllable words with stress 1 + meter += stresses # just default to the first pronunciation if > 1 given + except: + return 0 # word not found + meter = [int(x) for x in meter] + even_stresses_full = [meter[i] for i in range(0, len(meter), 2)] + odd_stresses_full = [meter[i] for i in range(1, len(meter), 2)] + even_stresses = set(even_stresses_full) + odd_stresses = set(odd_stresses_full) + if 0 in odd_stresses: + return 0 + if 1 in even_stresses: + return 0 + return 1 + + +def count_syllables(words): + syllables = 0 + for word in words.split(): + word = word.strip().strip(string.punctuation) + try: + phones_list = pronouncing.phones_for_word(word) + stresses = pronouncing.stresses(phones_list[0]) + syllables += min(MAX_SYLLABLES_PER_WORD, len(stresses)) + except: + # if we don't know, just do a quick approximation here; it shouldn't come up too often + syllables += min(MAX_SYLLABLES_PER_WORD, round(len(word) / 3)) + return syllables + + +def get_rhymes(word): + # throws exception if word not in the rhyme dict (rare) + rhymes = [] + rhyme_dict = phyme.get_perfect_rhymes(word) + for length_dict in rhyme_dict.values(): + for word in length_dict: + if '(' in word: # sometimes you have stuff like preferred(1) where they indicate a particular pronunciation + rhymes.append(word.split('(')[0]) + else: + rhymes.append(word) + return sorted(list(set(rhymes))) + + +def get_rhyme_group(word): + sorted_rhyme_list = get_rhymes(word) + return ' '.join(sorted_rhyme_list) + + +def perfect_rhyme_end(s1, s2): + ending_word1 = s1.split()[-1].strip(string.punctuation) + ending_word2 = s2.split()[-1].strip(string.punctuation) + try: + return get_rhyme_group(ending_word1) == get_rhyme_group(ending_word2) + except: + return False # unknown words + +if __name__=='__main__': + result = is_iambic('Shall I compare thee to a summer day') + result2 = count_syllables('Shall I compare thee to a summer day') + import pdb; pdb.set_trace() \ No newline at end of file diff --git a/fudge/predict_clickbait.py b/fudge/predict_clickbait.py new file mode 100644 index 0000000000000000000000000000000000000000..38f9fc0d6121db14c1083335dab6ba9ac8e5290d --- /dev/null +++ b/fudge/predict_clickbait.py @@ -0,0 +1,199 @@ +import os +import random +import time +import pickle +import math +from argparse import ArgumentParser + +from typing import Iterable, List, Optional, Tuple + +from tqdm import tqdm +import numpy as np +import torch +import torch.nn as nn +import torch.nn.functional as F +from transformers import AutoTokenizer, AutoModelWithLMHead +from torch import Tensor + +from fudge.data import Dataset +from fudge.model import Model +from fudge.util import num_params +from fudge.constants import * + + + +tokenizer = AutoTokenizer.from_pretrained('google/pegasus-xsum') +classifier_tokenizer = AutoTokenizer.from_pretrained('sentence-transformers/all-mpnet-base-v2') + + +def main(args): + with open(args.dataset_info, 'rb') as rf: + dataset_info = pickle.load(rf) + + article_content = """Australian actor Guy Pearce will return for the iconic soap Neighbours finale on August 1 to reprise his role as Mike Young. + Guy, 54, played the troubled Mike from 1986 to 1989, and is now set to make a comeback on the show after 33 years, Metro.co.uk reports. + The star's character arcs explored the implications of domestic abuse, student-teacher relationships and dealing with loss of loved ones. + Speaking to Metro.co.uk, Guy said: 'It is very exciting and surreal at the same time being back on set again, however it feels like coming home. + 'It's where it all started for me professionally. I've been asked to come back on occasions over the years and wondered if it was the right thing + to do, but once I knew the show was finishing, I knew I had to do it.'He added that there is 'nothing like being here all together again' + , even though he's had a chance to catch-up with other cast members.""" + + tokenizer.add_special_tokens({'pad_token': PAD_TOKEN}) + pad_id = tokenizer.encode(PAD_TOKEN)[0] + + #For loading Clickbait summarizer + model = AutoModelWithLMHead.from_pretrained(args.model_string, return_dict=True).to(args.device) + + model.eval() + + checkpoint = torch.load(args.ckpt, map_location=args.device) + model_args = checkpoint['args'] + conditioning_model = Model(model_args, pad_id, len(dataset_info.index2word)) # no need to get the glove embeddings when reloading since they're saved in model ckpt anyway + conditioning_model.load_state_dict(checkpoint['state_dict']) + conditioning_model = conditioning_model.to(args.device) + conditioning_model.eval() + print("=> loaded checkpoint '{}' (epoch {})" + .format(args.ckpt, checkpoint['epoch'])) + print('num params', num_params(conditioning_model)) + + while True: + results = generate_clickbait(model, + tokenizer, + conditioning_model, + [args.input_text], + dataset_info, + precondition_topk=args.precondition_topk, + do_sample=args.do_sample, + length_cutoff=args.length_cutoff, + condition_lambda=args.condition_lambda, + article_content=article_content, + device=args.device) + # print(results) + import pdb; pdb.set_trace() + + +def generate_clickbait(model, + tokenizer, + conditioning_model, + input_text, + dataset_info, + precondition_topk, + length_cutoff, + condition_lambda=1.0, + article_content=None, + device='cuda'): + with torch.no_grad(): + batch_size = len(input_text) + # encoded_input_article = [tokenizer.encode(article_content, return_tensors='pt',add_special_tokens=False).to(device)] # batch x seq + max_input_length = 512 + encoded_input_article = tokenizer(article_content, return_tensors='pt',add_special_tokens=False, max_length = max_input_length).to(device) # batch x seq + # encoded_input_article = torch.cat(encoded_input_article, dim=0) + # attention_mask = encoded_input_article.new_ones(encoded_input_article.shape).to(device) + + # CHANGE=ko + encoded_input = tokenizer('', return_tensors='pt',add_special_tokens=False).to(device) # batch x seq + # encoded_input = tokenizer(''+ input_text[0], return_tensors='pt',add_special_tokens=False).to(device) # batch x seq + # encoded_input = torch.cat(encoded_input, dim=0) + encoded_input = encoded_input['input_ids'] + + + lengths = torch.LongTensor([encoded_input.shape[1]]).to(device) + # lengths = 1 + + past = None + use_cache = True + + # CHANGE + # model_kwargs = {'encoder_outputs': model.get_encoder()(encoded_input_article, attention_mask=attention_mask)} + model_kwargs = {'encoder_outputs': model.get_encoder()(input_ids=encoded_input_article['input_ids'], + attention_mask=encoded_input_article['attention_mask'], + return_dict=True, + output_attentions=False, + output_hidden_states=False), + } + + while lengths.max() < length_cutoff: + model_inputs = model.prepare_inputs_for_generation( + input_ids = encoded_input_article['input_ids'], + decoder_input_ids=encoded_input, + # past=past, + attention_mask=encoded_input_article['attention_mask'], + use_cache=use_cache, + **model_kwargs + ) + + outputs = model(**model_inputs, return_dict=True) + logits = outputs.logits[:, -1, :] + + if "past_key_values" in outputs: + model_kwargs["past"] = outputs.past_key_values + + # logits = model(encoded_input)[0][:, -1, :] # batch x vocab + top_logits, top_indices = logits.topk(precondition_topk, dim=1) # batch x topk + new_input_candidates = torch.cat([encoded_input.unsqueeze(1).expand(-1, precondition_topk, -1), top_indices.unsqueeze(2)], dim=2) # batch x topk x seq+1 + expanded_lengths = (lengths + 1).unsqueeze(1).expand(batch_size, precondition_topk) # batch x topk + + if condition_lambda == 0: + condition_logits = torch.zeros_like(top_logits).float() + condition_logits = condition_logits.view(batch_size, precondition_topk, -1) # batch x topk x N + else: + decoded_outputs = tokenizer.batch_decode(new_input_candidates.view(-1, new_input_candidates.size(-1)), clean_up_tokenization_spaces=False) + resulting_tokenization = classifier_tokenizer(decoded_outputs, add_special_tokens=False, padding='longest') + encoded_with_classifier = resulting_tokenization['input_ids'] + attention_mask = torch.tensor(resulting_tokenization['attention_mask']).to(model.device) + tplus1_candidates_classifier = torch.tensor(encoded_with_classifier).view(batch_size, precondition_topk, -1).to(model.device) + + condition_logits = conditioning_model(tplus1_candidates_classifier.flatten(0, 1), # batch*topk x seq+1 + expanded_lengths.flatten(0, 1), # batch*topk + None, + None, + None, + attention_mask=attention_mask + ) + condition_logits = condition_logits.view(batch_size, precondition_topk, -1) # batch x topk x N + condition_logits = condition_logits - torch.log(1 + torch.exp(condition_logits)) # get correct log probs + + condition_logits = torch.mean(condition_logits, dim=2) + full_logits = top_logits + condition_logits * condition_lambda # batch x topk + post_logits, post_indices = full_logits.topk(precondition_topk, dim=1) + post_probs = F.softmax(post_logits, dim=1) + # index_into_top_indices = post_indices[torch.arange(batch_size).to(post_indices.device), torch.multinomial(post_probs, 1).flatten()] # batch + index_into_top_indices = post_indices[:, torch.multinomial(post_probs, 1).flatten()] # batch + + # next_indices = top_indices[torch.arange(batch_size).to(top_indices.device), index_into_top_indices] # batch + next_indices = top_indices[:, index_into_top_indices] # batch + + # encoded_input = torch.cat([encoded_input, next_indices.unsqueeze(1)], dim=1) # batch x seq+1 + encoded_input = torch.cat([encoded_input, next_indices.squeeze(1)], dim=1) + lengths = lengths + 1 # batch + +# print(tokenizer.decode(encoded_input[0], add_special_tokens=False)) + return [tokenizer.decode(s) for s in encoded_input] + + +if __name__=='__main__': + parser = ArgumentParser() + + # DATA + parser.add_argument('--ckpt', type=str, required=True) + parser.add_argument('--dataset_info', type=str, required=True, help='saved dataset info') + parser.add_argument('--model_string', type=str, default='Helsinki-NLP/opus-mt-es-en') + + parser.add_argument('--in_file', type=str, default=None, required=True, help='text to run pred on') + + parser.add_argument('--precondition_topk', type=int, default=200, help='consider top k outputs from text generation at each step before conditioning and re-pruning') + parser.add_argument('--do_sample', action='store_true', default=False, help='sample instead of greedy') + parser.add_argument('--condition_lambda', type=float, default=1.0, help='lambda weight on conditioning model') + parser.add_argument('--length_cutoff', type=int, default=512, help='max length') + + parser.add_argument('--seed', type=int, default=1, help='random seed') + parser.add_argument('--device', type=str, default='cuda', choices=['cpu', 'cuda']) + parser.add_argument('--debug', action='store_true', default=False) + + args = parser.parse_args() + + random.seed(args.seed) + np.random.seed(args.seed) + torch.manual_seed(args.seed) + + main(args) diff --git a/fudge/predict_formality.py b/fudge/predict_formality.py new file mode 100644 index 0000000000000000000000000000000000000000..5cd409262ce2880724ab7d8c736fa985a1eefc28 --- /dev/null +++ b/fudge/predict_formality.py @@ -0,0 +1,404 @@ +import os +import random +import time +import pickle +import math +from argparse import ArgumentParser + +from typing import Iterable, List, Optional, Tuple + +from tqdm import tqdm +import numpy as np +import torch +import torch.nn as nn +import torch.nn.functional as F +from transformers import AutoTokenizer, AutoModelWithLMHead, pipeline, set_seed, GPT2Tokenizer, GPT2Model, MarianTokenizer, MarianMTModel +from torch import Tensor + +from data import Dataset +from model import Model +from util import save_checkpoint, ProgressMeter, AverageMeter, num_params +from constants import * + +def main(args): + with open(args.dataset_info, 'rb') as rf: + dataset_info = pickle.load(rf) + tokenizer = MarianTokenizer.from_pretrained(args.model_string) + tokenizer.add_special_tokens({'pad_token': PAD_TOKEN}) + pad_id = tokenizer.encode(PAD_TOKEN)[0] + model = MarianMTModel.from_pretrained(args.model_string, return_dict=True).to(args.device) + model.eval() + + checkpoint = torch.load(args.ckpt, map_location=args.device) + model_args = checkpoint['args'] + conditioning_model = Model(model_args, pad_id, len(dataset_info.index2word)) # no need to get the glove embeddings when reloading since they're saved in model ckpt anyway + conditioning_model.load_state_dict(checkpoint['state_dict']) + conditioning_model = conditioning_model.to(args.device) + conditioning_model.eval() + print("=> loaded checkpoint '{}' (epoch {})" + .format(args.ckpt, checkpoint['epoch'])) + print('num params', num_params(conditioning_model)) + + while True: + results = predict_formality(model, + tokenizer, + conditioning_model, + [args.input_text], + dataset_info, + precondition_topk=args.precondition_topk, + do_sample=args.do_sample, + length_cutoff=args.length_cutoff, + condition_lambda=args.condition_lambda, + device=args.device) + print(results) + import pdb; pdb.set_trace() + + +def predict_formality(model, tokenizer, conditioning_model, input_text, dataset_info, precondition_topk=200, do_sample=False, length_cutoff=512, condition_lambda=1.0, device='cuda'): + with torch.no_grad(): + batch_size = len(input_text) + + # assumes initially all same length. + # encode every x_i i \in [seq] word to respectable embedding + encoded_input = [tokenizer.encode(it, return_tensors='pt').to(device) for it in input_text] # batch x seq + encoded_input = torch.cat(encoded_input, dim=0) + + input_ids = torch.LongTensor([[58100]]).to(device) + cur_len = 1 + max_length = length_cutoff + min_length = 0 + temperature = 1.0 + top_k = 50 + top_p = 1.0 + repetition_penalty = 1.0 + no_repeat_ngram_size = 0 + bad_words_ids = [[58100]] + pad_token_id = 58100 + eos_token_id = 0 + effective_batch_size = batch_size + attention_mask = encoded_input.new_ones(encoded_input.shape) + use_cache = True + model_specific_kwargs = {'encoder_outputs': model.get_encoder()(encoded_input, attention_mask=attention_mask)} + + output = _generate_no_beam_search(model, + conditioning_model, + condition_lambda, + precondition_topk, + input_ids, + cur_len, + max_length, + min_length, + do_sample, + temperature, + top_k, + top_p, + repetition_penalty, + no_repeat_ngram_size, + bad_words_ids, + pad_token_id, + eos_token_id, + batch_size, + attention_mask, + use_cache, + model_specific_kwargs) + + return [tokenizer.decode(s[1:]) for s in output] # 1: to delete the pad token + + +# hack of code from transformers/generation_utils.py +# to get our conditioning +def postprocess_next_token_scores( + model, + scores, + input_ids, + no_repeat_ngram_size, + bad_words_ids, + cur_len, + min_length, + max_length, + eos_token_id, + repetition_penalty, + batch_size, + num_beams, +): + # repetition penalty (from CTRL paper https://arxiv.org/abs/1909.05858) + if repetition_penalty != 1.0: + model.enforce_repetition_penalty_( + scores, + batch_size, + num_beams, + input_ids, + repetition_penalty, + ) + + # set eos token prob to zero if min_length is not reached + if eos_token_id is not None and cur_len < min_length: + scores[:, eos_token_id] = -float("inf") + + if no_repeat_ngram_size > 0: + # calculate a list of banned tokens to prevent repetitively generating the same ngrams + num_batch_hypotheses = batch_size * num_beams + # from fairseq: https://github.com/pytorch/fairseq/blob/a07cb6f40480928c9e0548b737aadd36ee66ac76/fairseq/sequence_generator.py#L345 + banned_batch_tokens = calc_banned_ngram_tokens( + input_ids, num_batch_hypotheses, no_repeat_ngram_size, cur_len + ) + for i, banned_tokens in enumerate(banned_batch_tokens): + scores[i, banned_tokens] = -float("inf") + + if bad_words_ids is not None: + # Exclude EOS token (already processed) + bad_words_ids = list(filter(lambda bad_token_seq: bad_token_seq != [eos_token_id], bad_words_ids)) + # calculate a list of banned tokens according to bad words + banned_tokens = calc_banned_bad_words_ids(input_ids.tolist(), bad_words_ids) + # Modify the scores in place by setting the banned tokens logits to `-inf` + set_scores_to_inf_for_banned_tokens(scores, banned_tokens) + + return scores + +def calc_banned_ngram_tokens(prev_input_ids: Tensor, num_hypos: int, no_repeat_ngram_size: int, cur_len: int) -> None: + """Copied from fairseq for no_repeat_ngram in beam_search""" + if cur_len + 1 < no_repeat_ngram_size: + # return no banned tokens if we haven't generated no_repeat_ngram_size tokens yet + return [[] for _ in range(num_hypos)] + generated_ngrams = [{} for _ in range(num_hypos)] + for idx in range(num_hypos): + gen_tokens = prev_input_ids[idx].tolist() + generated_ngram = generated_ngrams[idx] + for ngram in zip(*[gen_tokens[i:] for i in range(no_repeat_ngram_size)]): + prev_ngram_tuple = tuple(ngram[:-1]) + generated_ngram[prev_ngram_tuple] = generated_ngram.get(prev_ngram_tuple, []) + [ngram[-1]] + + def _get_generated_ngrams(hypo_idx): + # Before decoding the next token, prevent decoding of ngrams that have already appeared + start_idx = cur_len + 1 - no_repeat_ngram_size + ngram_idx = tuple(prev_input_ids[hypo_idx, start_idx:cur_len].tolist()) + return generated_ngrams[hypo_idx].get(ngram_idx, []) + + banned_tokens = [_get_generated_ngrams(hypo_idx) for hypo_idx in range(num_hypos)] + return banned_tokens + + +def calc_banned_bad_words_ids(prev_input_ids: Iterable[int], bad_words_ids: Iterable[int]) -> Iterable[int]: + banned_tokens = [] + + def _tokens_match(prev_tokens, tokens): + if len(tokens) == 0: + # if bad word tokens is just one token always ban it + return True + if len(tokens) > len(prev_tokens): + # if bad word tokens are longer than prev tokens they can't be equal + return False + + if prev_tokens[-len(tokens) :] == tokens: + # if tokens match + return True + else: + return False + + for prev_input_ids_slice in prev_input_ids: + banned_tokens_slice = [] + + for banned_token_seq in bad_words_ids: + assert len(banned_token_seq) > 0, "Banned words token sequences {} cannot have an empty list".format( + bad_words_ids + ) + + if _tokens_match(prev_input_ids_slice, banned_token_seq[:-1]) is False: + # if tokens do not match continue + continue + + banned_tokens_slice.append(banned_token_seq[-1]) + + banned_tokens.append(banned_tokens_slice) + + return banned_tokens + +def set_scores_to_inf_for_banned_tokens(scores: torch.Tensor, banned_tokens: List[List[int]]) -> None: + """Modifies the scores in place by setting the banned token positions to `-inf`. Banned token is expected to be + a list of list of banned tokens to ban in the format [[batch index, vocabulary position],...] + Args: + scores: logits distribution of shape (batch size, vocabulary size) + banned_tokens: list of list of tokens to ban of length (batch_size) + """ + banned_mask_list = [] + for idx, batch_banned_tokens in enumerate(banned_tokens): + for token in batch_banned_tokens: + banned_mask_list.append([idx, token]) + if not banned_mask_list: + return + banned_mask = torch.LongTensor(banned_mask_list) + indices = torch.ones(len(banned_mask)) + # A sparse tensor is generated from a list of coordinates: [[0, 1], [0, 2], [2, 0]]. A conversion to dense tensor generates: + # [ 0 1 1 ] + # [ 0 0 0 ] + # [ 1 0 0 ] + + banned_mask = torch.sparse.LongTensor(banned_mask.t(), indices, scores.size()).to(scores.device).to_dense().bool() + scores.masked_fill_(banned_mask, -float("inf")) + +def _generate_no_beam_search( + model, + conditioning_model, + condition_lambda, + precondition_topk, + input_ids, + cur_len, + max_length, + min_length, + do_sample, + temperature, + top_k, + top_p, + repetition_penalty, + no_repeat_ngram_size, + bad_words_ids, + pad_token_id, + eos_token_id, + batch_size, + attention_mask, + use_cache, + model_kwargs, + ): + """Generate sequences for each example without beam search (num_beams == 1). + All returned sequence are generated independantly. + """ + # length of generated sentences / unfinished sentences + unfinished_sents = input_ids.new(batch_size).fill_(1) + sent_lengths = input_ids.new(batch_size).fill_(max_length) + past = None + while cur_len < max_length: + model_inputs = model.prepare_inputs_for_generation( + input_ids, past=past, attention_mask=attention_mask, use_cache=use_cache, **model_kwargs + ) + + outputs = model(**model_inputs, return_dict=True) + next_token_logits = outputs.logits[:, -1, :] + + # scores = model.postprocess_next_token_scores( + # scores=next_token_logits, + # input_ids=input_ids, + # no_repeat_ngram_size=no_repeat_ngram_size, + # bad_words_ids=bad_words_ids, + # cur_len=cur_len, + # min_length=min_length, + # max_length=max_length, + # eos_token_id=eos_token_id, + # repetition_penalty=repetition_penalty, + # batch_size=batch_size, + # num_beams=1, + # ) + + scores = postprocess_next_token_scores( + model=model, + scores=next_token_logits, + input_ids=input_ids, + no_repeat_ngram_size=no_repeat_ngram_size, + bad_words_ids=bad_words_ids, + cur_len=cur_len, + min_length=min_length, + max_length=max_length, + eos_token_id=eos_token_id, + repetition_penalty=repetition_penalty, + batch_size=batch_size, + num_beams=1, + ) + + # if model has past, then set the past variable to speed up decoding + if "past_key_values" in outputs: + past = outputs.past_key_values + elif "mems" in outputs: + past = outputs.mems + + top_logits, top_indices = scores.topk(precondition_topk, dim=1) # batch x topk + tplus1_candidates = torch.cat([input_ids.unsqueeze(1).expand(-1, precondition_topk, -1), top_indices.unsqueeze(2)], dim=2)[:, :, 1:] # batch x topk x seq+1, with pad dropped + expanded_lengths = torch.LongTensor([[cur_len for _ in range(precondition_topk)] for _ in range(batch_size)]).to(scores.device) + if condition_lambda == 0: + condition_logits = torch.zeros_like(top_logits).float() + else: + condition_logits = conditioning_model(tplus1_candidates.flatten(0, 1), # batch*topk x seq+1 + expanded_lengths.flatten(0, 1), # batch*topk + None, + None, + None) + condition_logits = condition_logits.view(batch_size, precondition_topk, -1)[:, :, -1] # batch x topk of last formality pred + condition_logits = condition_logits - torch.log(1 + torch.exp(condition_logits)) # get correct log probs + # condition_logits = - torch.log(1 + torch.exp(condition_logits)) # for informal + full_logits = top_logits + condition_lambda * condition_logits + if do_sample: + raise NotImplementedError + else: + # Greedy decoding + next_token = top_indices[torch.arange(batch_size).to(top_indices.device), torch.argmax(full_logits, dim=-1)] + + # if do_sample: + # # Temperature (higher temperature => more likely to sample low probability tokens) + # if temperature != 1.0: + # scores = scores / temperature + # # Top-p/top-k filtering + # next_token_logscores = top_k_top_p_filtering(scores, top_k=top_k, top_p=top_p) + # # Sample + # probs = F.softmax(next_token_logscores, dim=-1) + # next_token = torch.multinomial(probs, num_samples=1).squeeze(1) + # else: + # # Greedy decoding + # next_token = torch.argmax(next_token_logits, dim=-1) + + # update generations and finished sentences + if eos_token_id is not None: + # pad finished sentences if eos_token_id exist + tokens_to_add = next_token * unfinished_sents + (pad_token_id) * (1 - unfinished_sents) + else: + tokens_to_add = next_token + + # add token and increase length by one + input_ids = torch.cat([input_ids, tokens_to_add.unsqueeze(-1)], dim=-1) + cur_len = cur_len + 1 + + if eos_token_id is not None: + eos_in_sents = tokens_to_add == eos_token_id + # if sentence is unfinished and the token to add is eos, sent_lengths is filled with current length + is_sents_unfinished_and_token_to_add_is_eos = unfinished_sents.mul(eos_in_sents.long()).bool() + sent_lengths.masked_fill_(is_sents_unfinished_and_token_to_add_is_eos, cur_len) + # unfinished_sents is set to zero if eos in sentence + unfinished_sents.mul_((~eos_in_sents).long()) + + # stop when there is a in each sentence, or if we exceed the maximul length + if unfinished_sents.max() == 0: + break + + # extend attention_mask for new generated input if only decoder + if model.config.is_encoder_decoder is False: + attention_mask = torch.cat( + [attention_mask, attention_mask.new_ones((attention_mask.shape[0], 1))], dim=-1 + ) + + return input_ids + +if __name__=='__main__': + parser = ArgumentParser() + + # DATA + parser.add_argument('--ckpt', type=str, required=True) + parser.add_argument('--dataset_info', type=str, required=True, help='saved dataset info') + parser.add_argument('--model_string', type=str, default='Helsinki-NLP/opus-mt-es-en') + + parser.add_argument('--input_text', type=str, default=None, required=True, help='text to run pred on') + + parser.add_argument('--precondition_topk', type=int, default=200, help='consider top k outputs from gpt at each step before conditioning and re-pruning') + parser.add_argument('--do_sample', action='store_true', default=False, help='sample instead of greedy') + parser.add_argument('--condition_lambda', type=float, default=1.0, help='lambda weight on conditioning model') + parser.add_argument('--length_cutoff', type=int, default=512, help='max length') + + parser.add_argument('--seed', type=int, default=1, help='random seed') + parser.add_argument('--device', type=str, default='cuda', choices=['cpu', 'cuda']) + parser.add_argument('--debug', action='store_true', default=False) + + args = parser.parse_args() + + random.seed(args.seed) + np.random.seed(args.seed) + torch.manual_seed(args.seed) + + main(args) + + diff --git a/fudge/predict_poetry.py b/fudge/predict_poetry.py new file mode 100644 index 0000000000000000000000000000000000000000..d4eafaacd137aaf71d2b5e0f1c338d0ed1f61864 --- /dev/null +++ b/fudge/predict_poetry.py @@ -0,0 +1,219 @@ +import os +import random +import time +import pickle +import math +from argparse import ArgumentParser +import string +from collections import defaultdict + +from tqdm import tqdm +import numpy as np +import torch +import torch.nn as nn +import torch.nn.functional as F +from transformers import AutoTokenizer, AutoModelWithLMHead, pipeline, set_seed, GPT2Tokenizer, GPT2Model + +from data import Dataset, load_rhyme_info +from model import Model +from util import save_checkpoint, ProgressMeter, AverageMeter, num_params +from constants import * +from poetry_util import get_rhymes, count_syllables + +def main(args): + with open(args.dataset_info, 'rb') as rf: + dataset_info = pickle.load(rf) + gpt_tokenizer = AutoTokenizer.from_pretrained(args.model_string) + gpt_tokenizer.add_special_tokens({'pad_token': PAD_TOKEN}) + gpt_pad_id = gpt_tokenizer.encode(PAD_TOKEN)[0] + gpt_model = AutoModelWithLMHead.from_pretrained(args.model_string).to(args.device) + gpt_model.eval() + + checkpoint = torch.load(args.iambic_ckpt, map_location=args.device) + model_args = checkpoint['args'] + iambic_model = Model(model_args, gpt_pad_id, len(dataset_info.index2word)) # no need to get the glove embeddings when reloading since they're saved in model ckpt anyway + iambic_model.load_state_dict(checkpoint['state_dict']) + iambic_model = iambic_model.to(args.device) + iambic_model.eval() + print("=> loaded checkpoint '{}' (epoch {})" + .format(args.iambic_ckpt, checkpoint['epoch'])) + print('iambic model num params', num_params(iambic_model)) + + with open(args.rhyme_info, 'rb') as rf: + rhyme_info = pickle.load(rf) + checkpoint = torch.load(args.rhyme_ckpt, map_location=args.device) + model_args = checkpoint['args'] + rhyme_model = Model(model_args, gpt_pad_id, len(dataset_info.index2word), rhyme_group_size=len(rhyme_info.index2rhyme_group)) # no need to get the glove embeddings when reloading since they're saved in model ckpt anyway + rhyme_model.load_state_dict(checkpoint['state_dict']) + rhyme_model = rhyme_model.to(args.device) + rhyme_model.eval() + print("=> loaded checkpoint '{}' (epoch {})" + .format(args.rhyme_ckpt, checkpoint['epoch'])) + print('rhyme model num params', num_params(rhyme_model)) + + checkpoint = torch.load(args.newline_ckpt, map_location=args.device) + model_args = checkpoint['args'] + newline_model = Model(model_args, gpt_pad_id, len(dataset_info.index2word)) # no need to get the glove embeddings when reloading since they're saved in model ckpt anyway + newline_model.load_state_dict(checkpoint['state_dict']) + newline_model = newline_model.to(args.device) + newline_model.eval() + print("=> loaded checkpoint '{}' (epoch {})" + .format(args.newline_ckpt, checkpoint['epoch'])) + print('iambic model num params', num_params(newline_model)) + + while True: + results = predict_couplet(gpt_model, + gpt_tokenizer, + iambic_model, + rhyme_model, + newline_model, + [args.input_text], + dataset_info, + rhyme_info, + args.precondition_topk, + args.topk, + condition_lambda=args.condition_lambda, + device=args.device) + for line in results: + print(line) + import pdb; pdb.set_trace() + + +def predict_couplet(gpt_model, gpt_tokenizer, iambic_model, rhyme_model, newline_model, input_text, dataset_info, rhyme_info, precondition_topk, postcondition_topk, condition_lambda=1.0, device='cuda'): + assert len(input_text) == 1 # only do one at a time for now + current_text = input_text[0] + current_line_text = '' + all_lines = [current_text] + ending_word = current_text.split()[-1].strip(string.punctuation) + word2rhyme_group = defaultdict(lambda: UNKNOWN_RHYME_GROUP, rhyme_info.word2rhyme_group) + rhyme_group = word2rhyme_group[ending_word] + + line = predict_iambic_pentameter_line(gpt_model, + gpt_tokenizer, + iambic_model, + rhyme_model, + newline_model, + current_text, + current_line_text, + rhyme_group, + dataset_info, + rhyme_info, + precondition_topk, + postcondition_topk, + condition_lambda=condition_lambda, + device=device) + all_lines.append(line) + + return all_lines + + +def predict_iambic_pentameter_line(gpt_model, gpt_tokenizer, iambic_model, rhyme_model, newline_model, current_text, current_line_text, rhyme_group, dataset_info, rhyme_info, precondition_topk, postcondition_topk, banned_tokens=POETRY_BANNED_TOKENS, condition_lambda=1.0, device='cuda', length_cutoff=30): + # TODO(poetry) delete banned tokens? + with torch.no_grad(): + batch_size = 1 + + rhyme_group_index = rhyme_info.rhyme_group2index[rhyme_group] + future_words = torch.LongTensor([rhyme_group_index]).to(device) # 1 + log_probs = torch.Tensor([math.log(rhyme_info.rhyme_group_counts[rhyme_group] / rhyme_info.total_rhyme_groups)]).to(device) # 1 + + # assumes initially all same length. + previous_encoded_text = [gpt_tokenizer.encode(it, return_tensors='pt').to(device) for it in [current_text]] + previous_enc_len = previous_encoded_text[0].shape[1] + encoded_input = [gpt_tokenizer.encode(it, return_tensors='pt').to(device) for it in [current_text + current_line_text]] # batch x seq + encoded_input = torch.cat(encoded_input, dim=0) + lengths = torch.LongTensor([encoded_input.shape[1]]).to(device) + + line_syllable_count = count_syllables(current_line_text) + assert line_syllable_count < POETRY_LINE_SYLLABLES # assume we started with less than one full line + syllables_to_go = POETRY_LINE_SYLLABLES - line_syllable_count + + for _ in range(length_cutoff): # really shouldn't have a line this long anyway + gpt_logits = gpt_model(encoded_input)[0][:, -1, :] # batch x vocab + gpt_logits[:, banned_tokens] = -1e8 + top_logits, top_indices = gpt_logits.topk(precondition_topk, dim=1) + + new_input_candidates = torch.cat([encoded_input.unsqueeze(1).expand(-1, precondition_topk, -1), top_indices.unsqueeze(2)], dim=2) # batch x topk x seq+1 + expanded_lengths = (lengths + 1).unsqueeze(1).expand(batch_size, precondition_topk) # batch x topk + expanded_future_words = future_words.unsqueeze(0).unsqueeze(1).expand(batch_size, precondition_topk, -1) # batch x topk x N + candidate_syllables_to_go = [] + for candidate in new_input_candidates[0]: + candidate_until_last_word_text = ' '.join(gpt_tokenizer.decode(candidate[previous_enc_len:]).split()[:-1]) + candidate_syllables_to_go.append(10 - count_syllables(candidate_until_last_word_text)) + # usually these are all the same, but run them all for correctness. could do more efficiently but it's not too slow anyway. + expanded_syllables_to_go = torch.LongTensor(candidate_syllables_to_go).to(device).view(1, precondition_topk) + + if condition_lambda == 0: + iambic_logits = torch.zeros_like(expanded_lengths).float() + else: + # truncate prefix because we trained on single lines + iambic_logits = iambic_model(new_input_candidates[:, :, previous_enc_len:].flatten(0, 1), expanded_lengths.flatten(0, 1) - previous_enc_len, None, None, None)[:, -1] # batch*topk x seq+1 -> batch*topk + iambic_logits = iambic_logits.view(batch_size, precondition_topk) + iambic_logits = iambic_logits - torch.log(1 + torch.exp(iambic_logits)) + if condition_lambda == 0: + rhyme_logits = torch.zeros_like(expanded_lengths).float() + else: + rhyme_logits = rhyme_model(new_input_candidates.flatten(0, 1), # batch*topk x seq+1 + expanded_lengths.flatten(0, 1), # batch*topk + expanded_future_words.flatten(0, 1), # batch*topk x N + log_probs, # N + expanded_syllables_to_go.flatten(0, 1)) # batch*topk + rhyme_logits = rhyme_logits.view(batch_size, precondition_topk, -1) # batch x topk x N + rhyme_logits = rhyme_logits - torch.log(1 + torch.exp(rhyme_logits)) # batch x topk x N + rhyme_logits = rhyme_logits.squeeze(2) # batch x topk + if condition_lambda == 0: + newline_logits = torch.zeros_like(expanded_lengths).float() + else: + newline_logits = newline_model(new_input_candidates.flatten(0, 1), # batch*topk x seq+1 + expanded_lengths.flatten(0, 1), # batch*topk + expanded_future_words.flatten(0, 1), # batch*topk x N + log_probs, # N + expanded_syllables_to_go.flatten(0, 1)) # batch*topk + newline_logits = newline_logits[:, -1].view(batch_size, precondition_topk, -1) # batch x topk x N + newline_logits = newline_logits - torch.log(1 + torch.exp(newline_logits)) # batch x topk x N + newline_logits = newline_logits.squeeze(2) # batch x topk + + full_logits = top_logits + condition_lambda * iambic_logits + condition_lambda * rhyme_logits + condition_lambda * newline_logits + post_logits, post_indices = full_logits.topk(postcondition_topk, dim=1) + post_probs = F.softmax(post_logits, dim=1) + index_into_top_indices = post_indices[torch.arange(batch_size).to(post_indices.device), torch.multinomial(post_probs, 1).flatten()] # batch + next_indices = top_indices[torch.arange(batch_size).to(top_indices.device), index_into_top_indices] # batch + encoded_input = torch.cat([encoded_input, next_indices.unsqueeze(1)], dim=1) # batch x seq+1 + lengths = lengths + 1 + syllables_to_go = POETRY_LINE_SYLLABLES - count_syllables(gpt_tokenizer.decode(encoded_input[0][previous_enc_len:])) # if we get very unlucky with a partial word that the syllable counter doesn't recognize we might end early, but it's unlikely + if syllables_to_go <= 0 and [gpt_tokenizer.decode(s) for s in encoded_input][0][-1] in PHRASE_ENDS: + break + if syllables_to_go < 0: + # encoded_input = encoded_input[:, :-1] + break + + return [gpt_tokenizer.decode(s) for s in encoded_input][0][len(current_text):] + + +if __name__=='__main__': + parser = ArgumentParser() + + # DATA + parser.add_argument('--iambic_ckpt', type=str, required=True) + parser.add_argument('--rhyme_ckpt', type=str, required=True) + parser.add_argument('--newline_ckpt', type=str, required=True) + parser.add_argument('--dataset_info', type=str, required=True, help='saved dataset info') + parser.add_argument('--rhyme_info', type=str, required=True, help='saved rhyme info') + parser.add_argument('--model_string', type=str, default='gpt2-medium') + + parser.add_argument('--input_text', type=str, default=None, required=True, help='initial text') + + parser.add_argument('--precondition_topk', type=int, default=200, help='consider top k outputs from gpt at each step before conditioning and re-pruning') + parser.add_argument('--topk', type=int, default=10, help='consider top k outputs from gpt at each step') + parser.add_argument('--condition_lambda', type=float, default=1.0, help='lambda weight on conditioning model') + + parser.add_argument('--seed', type=int, default=1, help='random seed') + parser.add_argument('--device', type=str, default='cuda', choices=['cpu', 'cuda']) + parser.add_argument('--debug', action='store_true', default=False) + + args = parser.parse_args() + + random.seed(args.seed) + np.random.seed(args.seed) + torch.manual_seed(args.seed) + + main(args) \ No newline at end of file diff --git a/fudge/predict_topic.py b/fudge/predict_topic.py new file mode 100644 index 0000000000000000000000000000000000000000..d3c42e1d692fed9cfcbaf8c885e2bb6cc38fbec4 --- /dev/null +++ b/fudge/predict_topic.py @@ -0,0 +1,126 @@ +import os +import random +import time +import pickle +import math +from argparse import ArgumentParser + +from tqdm import tqdm +import numpy as np +import torch +import torch.nn as nn +import torch.nn.functional as F +from transformers import AutoTokenizer, AutoModelWithLMHead, pipeline, set_seed, GPT2Tokenizer, GPT2Model + +from data import Dataset +from model import Model +from util import save_checkpoint, ProgressMeter, AverageMeter, num_params +from constants import * + +def main(args): + with open(args.dataset_info, 'rb') as rf: + dataset_info = pickle.load(rf) + for cw in args.condition_words.split(): + assert cw in dataset_info.word2index + gpt_tokenizer = AutoTokenizer.from_pretrained(args.model_string) + gpt_tokenizer.add_special_tokens({'pad_token': PAD_TOKEN}) + gpt_pad_id = gpt_tokenizer.encode(PAD_TOKEN)[0] + gpt_model = AutoModelWithLMHead.from_pretrained(args.model_string).to(args.device) + gpt_model.eval() + + checkpoint = torch.load(args.ckpt, map_location=args.device) + model_args = checkpoint['args'] + conditioning_model = Model(model_args, gpt_pad_id, len(dataset_info.index2word)) # no need to get the glove embeddings when reloading since they're saved in model ckpt anyway + conditioning_model.load_state_dict(checkpoint['state_dict']) + conditioning_model = conditioning_model.to(args.device) + conditioning_model.eval() + print("=> loaded checkpoint '{}' (epoch {})" + .format(args.ckpt, checkpoint['epoch'])) + print('num params', num_params(conditioning_model)) + + while True: + results = predict(gpt_model, + gpt_tokenizer, + conditioning_model, + [args.input_text], + args.condition_words, + dataset_info, + args.precondition_topk, + args.topk, + args.length_cutoff, + condition_lambda=args.condition_lambda, + device=args.device) + print(results) + import pdb; pdb.set_trace() + +def predict(gpt_model, gpt_tokenizer, conditioning_model, input_text, condition_words, dataset_info, precondition_topk, postcondition_topk, length_cutoff, condition_lambda=1.0, device='cuda'): + with torch.no_grad(): + batch_size = len(input_text) + + condition_words = condition_words.split() + future_words = torch.LongTensor([dataset_info.word2index[cw] for cw in condition_words]).to(device) # N + log_probs = torch.Tensor([math.log(dataset_info.vocab[cw] / dataset_info.total_words) for cw in condition_words]).to(device) # N + + # assumes initially all same length. + encoded_input = [gpt_tokenizer.encode(it, return_tensors='pt').to(device) for it in input_text] # batch x seq + encoded_input = torch.cat(encoded_input, dim=0) + lengths = torch.LongTensor([encoded_input.shape[1]]).to(device) + + gpt_encoded_future_words = [gpt_tokenizer.encode(' ' + cw, return_tensors='pt')[0].to(device) for cw in condition_words] + while lengths.max() < length_cutoff: + tokens_left = torch.LongTensor([length_cutoff - lengths.max() for _ in range(batch_size)]).to(device) + gpt_logits = gpt_model(encoded_input)[0][:, -1, :] # batch x vocab + top_logits, top_indices = gpt_logits.topk(precondition_topk, dim=1) # batch x topk + new_input_candidates = torch.cat([encoded_input.unsqueeze(1).expand(-1, precondition_topk, -1), top_indices.unsqueeze(2)], dim=2) # batch x topk x seq+1 + expanded_lengths = (lengths + 1).unsqueeze(1).expand(batch_size, precondition_topk) # batch x topk + expanded_future_words = future_words.unsqueeze(0).unsqueeze(1).expand(batch_size, precondition_topk, -1) # batch x topk x N + expanded_tokens_left = tokens_left.unsqueeze(1).expand(-1, precondition_topk) # batch x topk + if condition_lambda == 0: + condition_logits = torch.zeros_like(expanded_future_words).float() + else: + condition_logits = conditioning_model(new_input_candidates.flatten(0, 1), # batch*topk x seq+1 + expanded_lengths.flatten(0, 1), # batch*topk + expanded_future_words.flatten(0, 1), # batch*topk x N + log_probs, # N + expanded_tokens_left.flatten(0, 1)) # batch*topk + condition_logits = condition_logits.view(batch_size, precondition_topk, -1) # batch x topk x N + condition_logits = condition_logits - torch.log(1 + torch.exp(condition_logits)) # get correct log probs + + condition_logits = torch.mean(condition_logits, dim=2) + full_logits = top_logits + condition_logits * condition_lambda # batch x topk + post_logits, post_indices = full_logits.topk(postcondition_topk, dim=1) + post_probs = F.softmax(post_logits, dim=1) + index_into_top_indices = post_indices[torch.arange(batch_size).to(post_indices.device), torch.multinomial(post_probs, 1).flatten()] # batch + next_indices = top_indices[torch.arange(batch_size).to(top_indices.device), index_into_top_indices] # batch + encoded_input = torch.cat([encoded_input, next_indices.unsqueeze(1)], dim=1) # batch x seq+1 + lengths = lengths + 1 # batch + return [gpt_tokenizer.decode(s) for s in encoded_input] + + +if __name__=='__main__': + parser = ArgumentParser() + + # DATA + parser.add_argument('--ckpt', type=str, required=True) + parser.add_argument('--dataset_info', type=str, required=True, help='saved dataset info') + parser.add_argument('--model_string', type=str, default='gpt2-medium') + + parser.add_argument('--input_text', type=str, default=None, required=True, help='initial text') + parser.add_argument('--condition_words', type=str, default=None, required=True, help='word(s) to optimize for') + + parser.add_argument('--precondition_topk', type=int, default=200, help='consider top k outputs from gpt at each step before conditioning and re-pruning') + parser.add_argument('--topk', type=int, default=10, help='consider top k outputs from gpt at each step') + parser.add_argument('--condition_lambda', type=float, default=1.0, help='lambda weight on conditioning model') + parser.add_argument('--length_cutoff', type=int, default=80, help='max length') + + parser.add_argument('--seed', type=int, default=1, help='random seed') + parser.add_argument('--device', type=str, default='cuda', choices=['cpu', 'cuda']) + parser.add_argument('--debug', action='store_true', default=False) + + args = parser.parse_args() + + random.seed(args.seed) + np.random.seed(args.seed) + torch.manual_seed(args.seed) + + main(args) \ No newline at end of file diff --git a/fudge/requirements.txt b/fudge/requirements.txt new file mode 100644 index 0000000000000000000000000000000000000000..7ced4f64b5b376431f1f901fc2862ca1c8a0ec5b --- /dev/null +++ b/fudge/requirements.txt @@ -0,0 +1,10 @@ +Phyme==0.0.9 +pronouncing==0.2.0 +pytorch-lightning==1.0.6 +torch==1.7.0 +tqdm==4.62.1 +sacrebleu==1.4.14 +sacremoses==0.0.43 +mock==4.0.3 +torchtext==0.8.1 --no-deps +torchvision==0.8.2 --no-deps \ No newline at end of file diff --git a/fudge/topic_data/README.md b/fudge/topic_data/README.md new file mode 100644 index 0000000000000000000000000000000000000000..4b0083335b0e65fcc17843e990259255d40ac6c2 --- /dev/null +++ b/fudge/topic_data/README.md @@ -0,0 +1,3 @@ +`topic_prefixes.txt` contains the 20 prefixes used at test time for starting the generations. + +`wordlists/` contains the wordlists for each of the 7 topics used during testing. The heldout bags used to evaluate the generalization of the topic words to other related words are in `test_wordlists/`. `val_wordlists/` contains just one extra wordlist used for tuning. \ No newline at end of file diff --git a/fudge/topic_data/test_wordlists/computers.txt b/fudge/topic_data/test_wordlists/computers.txt new file mode 100644 index 0000000000000000000000000000000000000000..030e7ae6dfa974036e4661df13e08b4794348cd6 --- /dev/null +++ b/fudge/topic_data/test_wordlists/computers.txt @@ -0,0 +1,163 @@ +sailor +memories +article +phishing +crucial +interactive +capabilities +ISP +query +signal +computation +detect +compiling +workstation +barcode +XP +cake +counterfeiting +decimal +back-up +reasoning +DSL +C++ +DVD +Frequently +wifi +deleting +paper +DNS +CyanogenMod +overflow +Android +latency +creating +redirect +sites +sidebar +Jacket +prev +connections +PDF +torrent +original +gmail +rename +coder +mainboard +parasite +casing +lurks +pixels +touchpad +update +visuals +encyclopedia +mice +Solaris +caching +copies +usb +chew +fixes +house +operand +input +pull +iterative +educational +autocomplete +on-line +confidentiality +decrypt +beach +mails +rectangular +jQuery +Excel +point-in-time +Ubuntu +decryption +dialup +profit +off-line +developing +choice +notebook +storing +typeface +little +customer +step +text +run-time +interview +layout +computing +chairs +infected +must +tools +search +pane +gamepad +disc +initialize +display +button +Firefox +automatically +garbage +512MB +cyber +logon +elements +restoring +writer +saving +parsing +execute +configuring +telephoto +popup +utilities +packet +pasting +guest +edit +glass +e-mail +components +binaries +subdirectory +restart +XSLT +inkjet +allows +functionality +debian +change +click +dialog +GPU +stored +attribute +deflate +cheat +direction +camera +hats +topic +journalists +taxi +console +identifier +VPN +flames +spyware +secure +shoe +Macs +php +demo +extract diff --git a/fudge/topic_data/test_wordlists/legal.txt b/fudge/topic_data/test_wordlists/legal.txt new file mode 100644 index 0000000000000000000000000000000000000000..eca47868856c882a92938dc8f7344cb81d6303ff --- /dev/null +++ b/fudge/topic_data/test_wordlists/legal.txt @@ -0,0 +1,108 @@ +waived +homicide +repress +statutory +sentencing +respondent +maintain +legislative +prosecution +whether +forgive +mandamus +democratic +treasurer +acquittal +offender +sued +edict +malpractice +debatable +criminal +injunctive +appellant +convicted +admit +proxies +aggrieved +enforcement +second-degree +ethical +knowing +liability +event +property +conviction +deposited +immune +assertion +assualt +regulations +exams +pixels +prosecuting +insolvent +felonies +families +mediator +rulings +heard +wrongs +wrongful +folder +federal +widget +restaurant +incarcerated +burglary +pants +land-use +quash +sitting +rescind +dispute +leave +requesting +appearing +testify +discoveries +championship +police +judgment +purchase +revelation +solicitor +disagree +judicial +reversing +jurors +decision +negligent +mutual +track +objecting +major +amendment +alleging +agreement +investment +custodial +accusation +passageways +asserted +authority +deputies +insolvency +sworn +defensive +embezzlement +disputes +findings +reservation +litem +inmates +step-by-step +innocence +parties +transcribed +inept diff --git a/fudge/topic_data/test_wordlists/military.txt b/fudge/topic_data/test_wordlists/military.txt new file mode 100644 index 0000000000000000000000000000000000000000..89005006fa62d0b26d5e6bc2ecd6454cd58b6bec --- /dev/null +++ b/fudge/topic_data/test_wordlists/military.txt @@ -0,0 +1,136 @@ +team +threat +sloop +offensively +guerilla +invading +samurai +propel +sunk +concern +persuade +Maj. +wear +fatigues +subsidiary +glider +advancing +ICBM +won +cargo +groan +knowledge +proposal +terms +deputy +taken +bricks +operation +Iraq +zoning +offices +fought +detonated +adjutant +skipper +batteries +medical +strategic +armistice +rocket +enemies +tensions +forming +inundate +engaging +dormitories +flying +allies +cursor +casing +zone +scouts +stationed +pistol +paragraph +highest +tribute +strategy +pump +decoding +argue +public +policeman +lob +sword +bleeding +civilians +rifles +airmen +freedom +explosion +capturing +skirmish +conquered +frigate +armour +leaving +customer +expert +armies +aviation +armoury +rifleman +lace +khaki +barrage +civilian +secluded +casualties +injuries +academies +hires +dead +ATL +late +relinquish +naval +riflemen +seige +sonar +aboard +longtime +bottom +gatling +militia +clandestine +execute +assets +significant +personnel +escorting +manoeuvre +Sgt. +rear +shoulders +rescuing +hand-to-hand +howitzer +committee +rifle +victory +defensive +forcing +honour +companies +pirate +evacuating +sabotaging +citadel +cadre +camera +launchers +flames +encoding +visor +ship diff --git a/fudge/topic_data/test_wordlists/politics.txt b/fudge/topic_data/test_wordlists/politics.txt new file mode 100644 index 0000000000000000000000000000000000000000..350583fc6932b05a750c442e3e00b6e77ceb6e2c --- /dev/null +++ b/fudge/topic_data/test_wordlists/politics.txt @@ -0,0 +1,40 @@ +credibility +Nazism +imported +remember +progressivism +legislative +communist +gender +democratic +immediate +capitalist +purchase +energy +referenda +ratify +lengthy +authorisation +aristocrats +jurisdiction +judge +socialist +excise +fascist +secondary +subsidies +autocratic +shortfall +appropriated +uphold +income +federated +federal +efforts +diplomatic +freedom +properties +ideologies +exporting +minority +cultural diff --git a/fudge/topic_data/test_wordlists/religion.txt b/fudge/topic_data/test_wordlists/religion.txt new file mode 100644 index 0000000000000000000000000000000000000000..9411cfad8199730c3a36b71cfc9248aa52c2f297 --- /dev/null +++ b/fudge/topic_data/test_wordlists/religion.txt @@ -0,0 +1,207 @@ +Elegant +Catholicism +Metatron +Mind +Empires +SWF +Secular +Judas +Prime +Terrier +Preview +Existence +Silent +sanctuaries +Answer +Balancing +Mutual +Constantinople +Scrolls +Network +Almighty +Attorney +Liberation +Database +Practicing +St. +Eucharist +Glorious +Catholic +Compassion +Volume +Saviour +Meditation +Testament +Morality +Heart +Aramaic +Court +Baskets +Fervor +Date +Curriculum +Liberal +Creativity +Everlasting +PDF +Rev. +Thank +Nanak +Dangerous +Shari'a +Policy +Talmud +Best +Supply +Oneness +Punishment +Reincarnation +TransCanada +Forums +VoIP +Factors +Assistance +Charities +Calculator +Shadows +Him +Natural +Lamp +Thyme +Templar +Muhammad +Venue +Hell +Bunyan +Songs +Epistle +Suites +Economic +Intel +Spanish +Lives +Married +Hypothesis +Cosmic +Injunction +Involvement +Leviticus +Self +Truth +Mystical +Melody +Pure +Sermon +Atlantic +Excel +Sonata +SPCA +Saturday +Adventure +Honour +Resurrection +Emanuel +Connery +Rites +United +Pope +Mary +Chen +Lisa +ODST +Videos +Modernity +Sculpture +Jewish +Heavy +Remote +Praise +Foods +Merrell +Safety +Influencing +Tie +Outreach +Kenichi +Criminal +Stevie +Judgement +SQL +Basilica +Piano +Reiki +Understanding +Cognition +Maker +Diocese +Marital +Masjid +Militant +Methodist +Political +Appeals +Deities +Purchase +Rallies +Testing +Contemporary +Help +Sweet +Fallen +Spangled +Renewable +Laughter +Provider +Charitable +Ethical +Families +Cure +Significance +Communities +Cost +Demon +Motivation +Calvary +Double +Mysteries +Determining +Baptist +Mandir +Qi +Loss +Lust +Echoes +Lord +Vote +Glad +Dharma +Kombat +Prostitute +Wetlands +Queries +Always +Focus +EOS +Worship +Implications +Wiccan +Invitations +Theology +Hospital +Freedom +Mirror +Uncharted +Radiance +Serving +Buddhist +Kiss +Mother +Death +Episcopal +Impact +Shinto +Crisis +Secure +Learning +Dreams +Association diff --git a/fudge/topic_data/test_wordlists/science.txt b/fudge/topic_data/test_wordlists/science.txt new file mode 100644 index 0000000000000000000000000000000000000000..ab2a419d30c70188e4d227e0bbc007ddd07893f0 --- /dev/null +++ b/fudge/topic_data/test_wordlists/science.txt @@ -0,0 +1,47 @@ +astronomical +evolved +tests +reason +idea +component +jug +rain +renewable +scaling +phone +action +studies +humidity +siphon +warming +compounds +genomics +electrons +mathematics +clinical +physiology +hypotheses +stored +statutes +magnesium +measuring +fuels +scientific +bone +molecular +microscopy +observing +parameter +transition +system +bacterium +ligand +increasing +theories +physicist +flow +pounds +nothing +observatory +gravitational +electron diff --git a/fudge/topic_data/test_wordlists/space.txt b/fudge/topic_data/test_wordlists/space.txt new file mode 100644 index 0000000000000000000000000000000000000000..40d6dd79042e8fcc1c110bfae559c8240bde8f13 --- /dev/null +++ b/fudge/topic_data/test_wordlists/space.txt @@ -0,0 +1,16 @@ +cosmos +mothership +flyby +broadband +aeronautics +fireball +Romulan +room +cosmonaut +actress +worlds +heavens +lunar +interstellar +galaxies +lander diff --git a/fudge/topic_data/topic_prefixes.txt b/fudge/topic_data/topic_prefixes.txt new file mode 100644 index 0000000000000000000000000000000000000000..5fc75f82e8bbd8738dbe50608c64702ed78fc83a --- /dev/null +++ b/fudge/topic_data/topic_prefixes.txt @@ -0,0 +1,20 @@ +In summary +This essay discusses +Views on +The connection +Foundational to this is +To review, +In brief, +An illustration of +Furthermore, +The central theme +To conclude, +The key aspect +Prior to this +Emphasised are +To summarise +The relationship +More importantly, +It has been shown +The issue focused on +In this essay \ No newline at end of file diff --git a/fudge/topic_data/val_wordlists/fantasy.txt b/fudge/topic_data/val_wordlists/fantasy.txt new file mode 100644 index 0000000000000000000000000000000000000000..ad6520718164e6c15f63c77162706a4d09966030 --- /dev/null +++ b/fudge/topic_data/val_wordlists/fantasy.txt @@ -0,0 +1,26 @@ +beast +Cerberus +demon +dragon +fairy +Frankenstein +ghost +Godzilla +giant +horror +hydra +imp +monster +mummy +ogre +orc +savage +spirit +sprite +titan +troll +undead +unicorn +vampire +witch +zombie \ No newline at end of file diff --git a/fudge/topic_data/wordlists/computers.txt b/fudge/topic_data/wordlists/computers.txt new file mode 100644 index 0000000000000000000000000000000000000000..e99f4824246d6ff03b662161ddc90600cf5515a2 --- /dev/null +++ b/fudge/topic_data/wordlists/computers.txt @@ -0,0 +1,176 @@ +algorithm +analog +app +application +array +backup +bandwidth +binary +bit +bite +blog +blogger +bookmark +boot +broadband +browser +buffer +bug +bus +byte +cache +caps +captcha +CD +client +command +compile +compress +computer +configure +cookie +copy +CPU +dashboard +data +database +debug +delete +desktop +development +digital +disk +document +domain +dot +download +drag +dynamic +email +encrypt +encryption +enter +FAQ +file +firewall +firmware +flaming +flash +folder +font +format +frame +graphics +hack +hacker +hardware +home +host +html +icon +inbox +integer +interface +Internet +IP +iteration +Java +joystick +kernel +key +keyboard +keyword +laptop +link +Linux +logic +login +lurking +Macintosh +macro +malware +media +memory +mirror +modem +monitor +motherboard +mouse +multimedia +net +network +node +offline +online +OS +option +output +page +password +paste +path +piracy +pirate +platform +podcast +portal +print +printer +privacy +process +program +programmer +protocol +RAM +reboot +resolution +restore +ROM +root +router +runtime +save +scan +scanner +screen +screenshot +script +scroll +security +server +shell +shift +snapshot +software +spam +spreadsheet +storage +surf +syntax +table +tag +template +thread +toolbar +trash +undo +Unix +upload +URL +user +UI +username +utility +version +virtual +virus +web +website +widget +wiki +window +Windows +wireless +worm +XML +Zip diff --git a/fudge/topic_data/wordlists/legal.txt b/fudge/topic_data/wordlists/legal.txt new file mode 100644 index 0000000000000000000000000000000000000000..817c2a2c67b4b3736664efc661f879e6d4a456c1 --- /dev/null +++ b/fudge/topic_data/wordlists/legal.txt @@ -0,0 +1,131 @@ +affidavit +allegation +appeal +appearance +argument +arrest +assault +attorney +bail +bankrupt +bankruptcy +bar +bench +warrant +bond +booking +capital +crime +case +chambers +claim +complainant +complaint +confess +confession +constitution +constitutional +contract +counsel +court +custody +damages +decree +defendant +defense +deposition +discovery +equity +estate +ethics +evidence +examination +family +law +felony +file +fraud +grievance +guardian +guilty +hearing +immunity +incarceration +incompetent +indictment +injunction +innocent +instructions +jail +judge +judiciary +jurisdiction +jury +justice +law +lawsuit +lawyer +legal +legislation +liable +litigation +manslaughter +mediation +minor +misdemeanor +moot +murder +negligence +oath +objection +opinion +order +ordinance +pardon +parole +party +perjury +petition +plaintiff +plea +precedent +prison +probation +prosecute +prosecutor +proxy +record +redress +resolution +reverse +revoke +robbery +rules +sentence +settlement +sheriff +sidebar +standing +state +statute +stay +subpoena +suit +suppress +sustain +testimony +theft +title +tort +transcript +trial +trust +trustee +venue +verdict +waiver +warrant +will +witness +writ +zoning diff --git a/fudge/topic_data/wordlists/military.txt b/fudge/topic_data/wordlists/military.txt new file mode 100644 index 0000000000000000000000000000000000000000..ac510968aca7d3d5356fd9d09f92153dae9c6371 --- /dev/null +++ b/fudge/topic_data/wordlists/military.txt @@ -0,0 +1,149 @@ +academy +advance +aircraft +ally +ammo +ammunition +armor +arms +army +arrow +arsenal +artillery +attack +attention +ballistic +barracks +base +battalion +battery +battle +battlefield +bomb +bombard +bombardment +brig +brigade +bullet +camouflage +camp +cannon +captain +capture +carrier +casualty +catapult +cavalry +colonel +combat +command +commander +commission +company +conflict +conquest +convoy +corps +covert +crew +decode +defeat +defend +defense +destroyer +division +draft +encode +enemy +engage +enlist +evacuate +explosive +fight +fire +fleet +force +formation +fort +front +garrison +general +grenade +grunt +guerrilla +gun +headquarters +helmet +honor +hospital +infantry +injury +intelligence +invade +invasion +jet +kill +leave +lieutenant +major +maneuver +marines +MIA +mid +military +mine +missile +mortar +navy +neutral +offense +officer +ordinance +parachute +peace +plane +platoon +private +radar +rank +recruit +regiment +rescue +reserves +retreat +ribbon +sabotage +sailor +salute +section +sergeant +service +shell +shoot +shot +siege +sniper +soldier +spear +specialist +squad +squadron +staff +submarine +surrender +tactical +tactics +tank +torpedo +troops +truce +uniform +unit +veteran +volley +war +warfare +warrior +weapon +win +wound diff --git a/fudge/topic_data/wordlists/politics.txt b/fudge/topic_data/wordlists/politics.txt new file mode 100644 index 0000000000000000000000000000000000000000..d21b991f4a5e27ecd641e585bb8e2b9227b136d1 --- /dev/null +++ b/fudge/topic_data/wordlists/politics.txt @@ -0,0 +1,47 @@ +affirm +appropriation +aristocracy +authoritarian +authority +authorization +brief +capitalism +communism +constitution +conservatism +court +deficit +diplomacy +direct +democracy +equality +exports +fascism +federation +government +ideology +imports +initiative +legislature +legitimacy +liberalism +liberty +majority +order +political +culture +politics +power +primary +property +ratification +recall +referendum +republic +socialism +state +subsidy +tariff +imports +tax +totalitarian diff --git a/fudge/topic_data/wordlists/religion.txt b/fudge/topic_data/wordlists/religion.txt new file mode 100644 index 0000000000000000000000000000000000000000..b847dab9a5c35c5c0c4cb4201f0d8a6d26cc619e --- /dev/null +++ b/fudge/topic_data/wordlists/religion.txt @@ -0,0 +1,232 @@ +absolute +affect +aid +angel +anthem +apostle +archangel +Archbishop +balance +ban +belief +benefit +Bible +bishop +bless +blessing +bliss +bond +bow +Buddhism +canon +Cantor +cathedral +celestial +chapel +charity +choice +Christianity +church +comfort +community +conflict +connection +conquest +conservative +control +conversion +convert +core +counsel +courage +Covenant +creative +Creator +creed +cross +Crusade +Darkness +decision +deity +destiny +Devil +disciple +discipline +discussion +divine +divinity +doctrine +duty +effect +elder +energy +essence +eternal +ethics +event +evidence +exile +Exodus +faith +family +fate +Father +favor +fundamental +gift +glory +God +gospel +grace +growth +guru +habit +hallow +halo +happiness +harmony +healing +Heaven +Hebrew +holy +honor +hope +host +humane +immortal +influence +insight +instruction +issue +Jesuit +Jesus +joy +Judaism +judgment +justice +karma +keen +Keystone +Kingdom +Latin +life +light +love +loving +marriage +meaning +mercy +Messiah +minister +miracle +mission +mortal +mosque +movement +music +mystery +nature +nun +official +oracle +order +organ +Orthodox +outlook +pacific +pagan +parish +participation +pastor +patriarch +peace +perception +personal +perspective +petition +pilgrim +politics +power +practice +prayer +prelude +presence +priest +principle +privacy +prophet +protection +purpose +query +quest +question +quiet +radiant +radical +rally +rebirth +redemption +refuge +relationship +relative +religion +religious +Revelation +ritual +role +Sacrament +sacred +sacrifice +sage +saint +salvation +sanctuary +savior +scripture +scriptures +sect +security +sense +serious +serve +service +Sharia +shepherd +shrine +silence +sin +society +soul +source +spirit +spiritual +split +statue +Sunday +support +Supreme +teaching +temple +tests +text +Torah +tradition +traditional +trust +unique +unity +unknown +value +vanity +virtue +vision +voice +voices +watch +weight +whole +wisdom +wonder +yang +yin +zeal diff --git a/fudge/topic_data/wordlists/science.txt b/fudge/topic_data/wordlists/science.txt new file mode 100644 index 0000000000000000000000000000000000000000..8d43df7d45364176b350fcf8b4feee3015d866c3 --- /dev/null +++ b/fudge/topic_data/wordlists/science.txt @@ -0,0 +1,48 @@ +astronomy +atom +biology +cell +chemical +chemistry +climate +control +data +electricity +element +energy +evolution +experiment +fact +flask +fossil +funnel +genetics +gravity +hypothesis +lab +laboratory +laws +mass +matter +measure +microscope +mineral +molecule +motion +observe +organism +particle +phase +physics +research +scale +science +scientist +telescope +temperature +theory +tissue +variable +volume +weather +weigh diff --git a/fudge/topic_data/wordlists/space.txt b/fudge/topic_data/wordlists/space.txt new file mode 100644 index 0000000000000000000000000000000000000000..611226b7dae1069def2f9d95829f40aa185e30d9 --- /dev/null +++ b/fudge/topic_data/wordlists/space.txt @@ -0,0 +1,18 @@ +planet +galaxy +space +universe +orbit +spacecraft +earth +moon +comet +star +astronaut +aerospace +asteroid +spaceship +starship +galactic +satellite +meteor diff --git a/fudge/transcript.txt b/fudge/transcript.txt new file mode 100644 index 0000000000000000000000000000000000000000..a3d07218cbbcc8c52ed29338e11d6c07cb52f838 --- /dev/null +++ b/fudge/transcript.txt @@ -0,0 +1,415 @@ +(Sorry, the slide numbers got a bit misaligned as I added slides. Not an exact transcript for the video but roughly correct.) + +1: +Hi! I'm Kevin from UC Berkeley, and today I'll be presenting my paper FUDGE: Controlled Text Generation with Future Discriminators, by me and my advisor Dan Klein. + +2: +So first a quick overview. + +3: +I'll start by explaining the problem of controlled text generation with some examples, + +4: +then describe our method, FUDGE, Future Discriminators for Generation, + +5: +and in doing so I'll also show experimental results and example model outputs on three diverse controlled generation tasks. + +6: +So what's controlled text generation? + +7: +Well let's start with our autoregressive language model that we use for text generation, without the controlled part. + +8: +The language model models a distribution over next tokens x i+1 given the prefix x1 to x i. for example, you might tell it to + +9: +Generate text according to a prompt like + +9: +THIS, the issue focused on. + +10: +and then it'll chug along and generate text, + +11: +and these days language models are pretty good. +But in controlled generation, you have an additional attribute constraint + +12: +like wanting the output to be about politics. + +13: +Specifically, we have an attribute function a(X) which says whether or not the attribute a is true for your output X, in this case whether or not the output is on topic. There's no probabilities involved in a(X) since it operates on the completed generation output, not on partial sequences. + +14: +More precisely, the task of controlled text generation is to sample from the distribution P(X given a = True), so the distribution of outputs X which satisfy a. + +15: +By default the language model isn't equipped to handle this additional constraint a, so its output is not going to pass. +So we need a method for *controlled* text generation. + +15: +For example, our method FUDGE. + +16: +Given the same prompt with the politics topic, + +16: +Here's what FUDGE says. + +17: +It worked pretty well in this example. It's talking about institutions and constitutions, which seems clearly on topic. + +18: +And I'll point out here that controlled generation makes sense in addition to the usual conditioning on the input that you might see in translation or summarization. + +19: +Say we're translating Spanish to English. There's input conditioning on the original Spanish, but we're also imposing the additional constraint that the output be formal, which is where controlled text generation comes in. + +20: +So say we have this Spanish input + +20: +and let me just move it to the corner so we can still see it + +20: +If you ask your off-the-shelf translation model it'll get the meaning right, +but it copies some ungrammatical parts of the original Spanish + +21: +like these repeated words in bold. + +22: +So at the end when we ask our formality classifier, + +23: +it might not be super happy. + +24: +But if you use a controlled text generation approach like FUDGE, + +25: +You can get this translation which preserves the meaning, while also better matching the formal style constraint. + +26: + + +27: +You might wonder, why don't we just do rejection sampling? + +28: +Just sample a bunch of times from the translator + +29: +until you get one that passes. +That might work for some simpler constraints like topics, but it's going to be totally intractable when you use constraints that are very rarely satisfied by your generator distribution. + +30: +What are some more difficult attribute constraints? + +31: +Consider this task, effectively, complete the poem. + +32: +Let’s see what the language model says when we give it this input from Shakespeare. And even thence thou wilt be stol'n I fear + +32: +and thou art a good friend of mine. The king's guard. + +33: +This is terrible! It doesn't roll off the tongue, it doesn't rhyme, it doesn't even end the sentence properly at the end. + +34: +Shakespeare hates it. You could generate any number of poems using your language model, and Shakespeare is gonna hate every last one. + +35: +But if you ask FUDGE, you get this. And even thence thou wilt be stol'n I fear, for this shall be the end. That's pretty clear. + +36: +So it's not Shakespeare, but it gets the meter, or rhythm right, it rhymes, and it ends the sentence in about the right place at the end. Not too bad. + +37: +Ok. So how does controlled generation work anyway? Let me give an incredibly oversimplified summary of some ideas in this line of work to put FUDGE in context. + +38: +First, you can finetune. + +39: +We'll use the politics topic as an example. + +39: +You can train on a bunch of text about politics. Depending on how good your data is, this can work great! or it could be rather bad. It also might be annoying to have to finetune again next time, when you want to write about science instead. + +40: +Another idea is to use a classifier. + +41: +We're already using a classifier to evaluate. + +42: +We can use a classifier to help us generate too. There's many different ways to do this. + +43: +For example, you might propagate gradients to modify the model's activations, + +44: +or you could just directly modify the model's output probabilities. One advantage of the latter method is that you don't need to access the original language model's gradients at all, which is nice if you're using something like GPT3. You can also swap the generator out as better models become available, like GPT4. Our approach FUDGE falls in this category of just modifying the output logits. + +45: +Ok, so what's FUDGE? + +46: +FUDGE at its core learns a lightweight classifier for the attribute constraint, and then follows a Bayesian factorization to combine it with the original generator, like the pretrained language model. + +47: +A key difference from prior work is that we plan for the future, not the immediate present. + +48: +And finally, FUDGE can easily and flexibly compose multiple constraints. + +49: +Let's start with the classifier and Bayesian factorization. + +50: +Since FUDGE builds off the base language model, let's review: + +51: +You feed whatever tokens you have so far + +52: +into your model, + +53: +which models the distribution over possible next tokens. + +54: +And then you sample from this distribution to pick your continuation. + +55: +Now, we completely ignored the formal style constraint. + +56: +So it's gonna be unhappy. + +57: +So what do you want to do instead? + +58: +Well, what you really want is to use your classifier to judge continuations. + +59: +and mark which ones are acceptable given your constraint. So the classifier looks at each possible next continuation Do you want, Do you prefer, Do you thus, and so on maybe up to some limit, and judges each one individually to decide which it's ok with. + +60: +So putting it together, we throw out whatever the classifier didn't like, + +61: +and then we select from whatever the classifier is ok with depending on the base generator's probabilities. +And this gets you "Do you prefer" instead of "Do you want" + +62: +which sounds a bit more formal. + +63: +But there's a subtle problem in this diagram. +The classifier is supposed to judge the finished sentence, not the prefixes, + +64: +but here we've shoved it into our generation procedure where it's gonna operate on prefixes. +What we actually need is + +65: +kind of a future looking crystal ball version of the classifier, which judges whether the whole sentence will eventually be formal, given the current prefix. + +65: +And in practice, we implement the judge as a learned binary classifier, which runs on each possible continuation, and for each one outputs the probability that in the end the desired attribute a will be True, or in this case whether the finished sentence would be formal, given just the current prefix plus next token. +So in the red table, this 0.2 by "want" means it thinks that there's a 20% chance that the eventual sentence would be formal if we started with Do you want, whereas it assigns a much higher probability for Do you prefer and Do you thus because those are more formal. + +68: +And then we sample proportionally from the probabilities in the purple table, +which are now just the elementwise product of the blue and red tables' probabilities. +This corresponds exactly to a Bayesian factorization for the probability distribution over sentences generated by the language model that possess the desired attribute, and you can check the math in the paper. +But the Bayesian motivation is not new. + +70: +What's really new in FUDGE is that we explicitly distinguish the final classifier from the crystal ball future-predicting version that we use during the generation procedure, and making this distinction is critical for performance. + +71: +Let's see FUDGE in action. + +72: +if you recall our Spanish to English formal translation example. + +73: +Let's backtrack FUDGE to this step. + +74: +Again we have the repeated Spanish que que in bold, which the base model translated verbatim as that, that. + +75: +But by having our classifier judge the formality of possible continuations, FUDGE is able to modify its continuation so that it doesn't repeat the words here. + +76: +And the end result preserves the meaning while being also a bit more formal. + +77: +And finally this all holds up in our experiments. So we have a classifier trained on a heldout dataset of formality, and it indeed judges FUDGE's outputs to be significantly more formal than those of the best prior method. + +78: +At the same time, FUDGE is able to preserve the content, based on measuring BLEU against cleaned reference translations. + +79: +Ok great. So next I'll elaborate more about planning for the future vs present, + +80: +and I'll try to show more clearly *why* we really need this crystal ball classifier. + +81: +Let's go back to our politics topic constraint. + +82: +For simplicity, let's pretend just for this talk that the politics topic just means whether or not you use the word "constitution." + +83: +So the constraint that we check at the end of generation is literally just grep for constitution. + +84: +The crystal ball classifier has a much harder task. For a given prefix, it needs to predict whether each possible word makes "constitution" more likely to appear later. + +85: +So how do we learn this? + +86: +Say you have this example in your training data containing "constitution" + +87: +The crystal ball classifier takes this and makes a bunch of prefix examples, labeled with the attribute function a(X)=True because we saw those prefixes led to the word "constitution" later. + +88: +And similarly if you have this example without the word "constitution" + +89: +It'll label those prefixes as False. + +90: +Ok + +91: +So let's examine what FUDGE generates. + +92: +After a couple of steps, we have It has been shown whether the two + +93: +What if you hypothetically use the non crystal ball classifier to guide generation? + +94: +The issue focused on whether the two constitution +(pause) Maybe not. We don't really want to sacrifice fluency. But this classifier is too shortsighted. It's all or nothing, you either have to use constitution immediately or bust. + +95: +Ok + +96: +Good thing FUDGE is actually using the future looking classifier. + +97: +So instead, FUDGE is going to generate something which is still reasonably likely under the original language model, but makes constitution more likely to be generated later on. This classifier doesn't care whether constitution is generated now or later, as long as it shows up eventually. + +98: +So here it's going to write about institutions, so it's on the right topic + +99: +which eventually leads it to write about the constitution. + +100: +Great. + +101: +And indeed in our experiments, FUDGE is great according to human evaluations too. It substantially beats the best prior method in pairwise evaluations of being on topic, + +102: +while also beating it in fluency. + +103: +Cool. So I've now demonstrated the importance of planning for the future through this topic control task. +And finally, i'll highlight FUDGE's compositional potential, using a third task. + +104: +Ok. + +105: +So remember our schematic diagram where we have the judge of formality. + +106: +This works great when we have just one attribute we care about. + +107: +Now, what if you have another attribute? Maybe you want it to be formal but also about math + +108: +Now our old crystal ball classifier of just formality isn't good enough anymore. +Of course, you could construct a classifier which predicts both attributes simultaneously, but FUDGE lets you do something more scalable and also i think a bit more elegant. + +109: +Just reuse the formality predictor, while adding a second crystal ball for the math topic. +So now your generation is guided by one classifier for each constraint, + +110: +and it picks something which it thinks sounds more mathy. + +111: +So let's see this in practice. + +112: +Remember our poetry examples? where FUDGE's example isn't quite Shakespeare but is at least pretty well-formed. +This task actually uses three separate constraints: + +113: +We want iambic meter, which means that every other syllable should be a stressed syllable when we're reading it, + +114: +we want the two lines to rhyme, and since the first line is 10 syllables that means the second line should be 10 syllables too, + +115: +and the second line that we generate should end the sentence afterward too. + +116: +So let's backtrack to halfway through FUDGE's generation, before it's generated the last couple of words, pretty clear. + +117: +FUDGE is using its crystal ball poetry classifier, which is a combination of three classifiers, one for each of the three constraints. + +118: +It would be perfectly grammatical to just directly say "clear". This works for the iambic meter constraint. But this is only the 8th syllable, so you'd still have to rhyme and end a new sentence in just two more syllables. + +119: +Then we're probably back to angry Shakespeare. + +120: +So FUDGE first generates pretty + +121: +before finishing with clear and a period, + +122: +and this show how FUDGE is able to compose multiple attributes using multiple classifiers, while simultaneously planning for the future as I described previously. + +123: +Finally, if we look at the experiments, FUDGE's performance holds up, with the success rate on simultaneously satisfying all three constraints being more than double that of the best prior method. + +124: +So that wraps things up. The takeaways are that FUDGE is a simple, flexible method for controlled text generation. + +125: +To reiterate our three main points from earlier, FUDGE learns a classifier in a Bayesian factorization to guide the generation, +it plans for the future rather than the present, +and it can easily and flexibly compose different constraints as needed while maintaining strong performance. + +126: +And our code is all publicly available. + +127: +Thanks for watching! And please check out our paper for the full details. diff --git a/fudge/util.py b/fudge/util.py new file mode 100644 index 0000000000000000000000000000000000000000..dd4d20bfc4705b7f48c0cf883c0471376a870ab6 --- /dev/null +++ b/fudge/util.py @@ -0,0 +1,110 @@ +import os +import time +import sys +from contextlib import contextmanager + +import torch + +from fudge.constants import * + +@contextmanager +def suppress_stdout(): + with open(os.devnull, "w") as devnull: + old_stdout = sys.stdout + sys.stdout = devnull + try: + yield + finally: + sys.stdout = old_stdout + + +def save_checkpoint(state, save_path): + os.makedirs(os.path.dirname(save_path), exist_ok=True) + torch.save(state, save_path) + + +def freeze(module): + for param in module.parameters(): + param.requires_grad = False + + +def num_params(model): + return sum(p.numel() for p in model.parameters() if p.requires_grad) + + +def clamp(x, limit): + return max(-limit, min(x, limit)) + + +def pad_to_length(tensor, length, dim, value=0): + """ + Pad tensor to given length in given dim using given value (value should be numeric) + """ + assert tensor.size(dim) <= length + if tensor.size(dim) < length: + zeros_shape = list(tensor.shape) + zeros_shape[dim] = length - tensor.size(dim) + zeros_shape = tuple(zeros_shape) + return torch.cat([tensor, torch.zeros(zeros_shape).type(tensor.type()).to(tensor.device).fill_(value)], dim=dim) + else: + return tensor + + +def pad_mask(lengths: torch.LongTensor) -> torch.ByteTensor: + """ + Create a mask of seq x batch where seq = max(lengths), with 0 in padding locations and 1 otherwise. + """ + # lengths: bs. Ex: [2, 3, 1] + max_seqlen = torch.max(lengths) + expanded_lengths = lengths.unsqueeze(0).repeat((max_seqlen, 1)) # [[2, 3, 1], [2, 3, 1], [2, 3, 1]] + indices = torch.arange(max_seqlen).unsqueeze(1).repeat((1, lengths.size(0))).to(lengths.device) # [[0, 0, 0], [1, 1, 1], [2, 2, 2]] + + return expanded_lengths > indices # pad locations are 0. #[[1, 1, 1], [1, 1, 0], [0, 1, 0]]. seqlen x bs + + +class ProgressMeter(object): + """ + Display meter + """ + def __init__(self, num_batches, meters, prefix=""): + self.batch_fmtstr = self._get_batch_fmtstr(num_batches) + self.meters = meters + self.prefix = prefix + + def display(self, batch): + entries = [self.prefix + self.batch_fmtstr.format(batch)] + entries.append(time.ctime(time.time())) + entries += [str(meter) for meter in self.meters] + print('\t'.join(entries)) + + def _get_batch_fmtstr(self, num_batches): + num_digits = len(str(num_batches // 1)) + fmt = '{:' + str(num_digits) + 'd}' + return '[' + fmt + '/' + fmt.format(num_batches) + ']' + + +class AverageMeter(object): + """ + Display meter + Computes and stores the average and current value + """ + def __init__(self, name, fmt=':f'): + self.name = name + self.fmt = fmt + self.reset() + + def reset(self): + self.val = 0 + self.avg = 0 + self.sum = 0 + self.count = 0 + + def update(self, val, n=1): + self.val = val + self.sum += val * n + self.count += n + self.avg = self.sum / self.count + + def __str__(self): + fmtstr = '{name} {val' + self.fmt + '} ({avg' + self.fmt + '})' + return fmtstr.format(**self.__dict__) \ No newline at end of file diff --git a/requirements.txt b/requirements.txt new file mode 100644 index 0000000000000000000000000000000000000000..ea4be000d443c0ba491e80e9643c7d176dc38412 --- /dev/null +++ b/requirements.txt @@ -0,0 +1,15 @@ +sentencepiece==0.1.96 +transformers==4.20.1 +Phyme==0.0.9 +pronouncing==0.2.0 +pytorch-lightning==1.0.6 +# torch==1.7.1 +tqdm==4.62.1 +sacrebleu==1.4.14 +sacremoses==0.0.43 +mock==4.0.3 +torchtext #==0.8.1 --install-option="--no-deps" +torchvision #==0.8.2 --install-option="--no-deps" +scikit-learn +numpy +pandas \ No newline at end of file